diff --git a/diffusion/FreePromptEditing/FPE_In_p2pcode.ipynb b/diffusion/FreePromptEditing/FPE_In_p2pcode.ipynb new file mode 100644 index 0000000..cdba8aa --- /dev/null +++ b/diffusion/FreePromptEditing/FPE_In_p2pcode.ipynb @@ -0,0 +1,341 @@ +{ + "cells": [ + { + "attachments": {}, + "cell_type": "markdown", + "id": "bcafe28c-9f59-4d96-b52f-3e3f45a16c3a", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "## Copyright 2022 Google LLC. Double-click for license information." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a952f9ab-ed6f-4e99-8304-99a3716734b5", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "# Copyright 2022 Google LLC\n", + "#\n", + "# Licensed under the Apache License, Version 2.0 (the \"License\");\n", + "# you may not use this file except in compliance with the License.\n", + "# You may obtain a copy of the License at\n", + "#\n", + "# http://www.apache.org/licenses/LICENSE-2.0\n", + "#\n", + "# Unless required by applicable law or agreed to in writing, software\n", + "# distributed under the License is distributed on an \"AS IS\" BASIS,\n", + "# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n", + "# See the License for the specific language governing permissions and\n", + "# limitations under the License." + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "6d2b343b-1c90-4747-a753-71eb7071a289", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "# Free-Prompt-Editing in p2p code" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "7b1b6199-9dfe-4055-8a84-66ff4bfa8901", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "import os\n", + "from typing import Optional, Union, Tuple, List, Callable, Dict\n", + "from tqdm.notebook import tqdm\n", + "import torch\n", + "from diffusers import StableDiffusionPipeline, DDIMScheduler\n", + "import torch.nn.functional as nnf\n", + "import numpy as np\n", + "import abc\n", + "from utils import ptp_utils,seq_aligner\n", + "import shutil\n", + "from torch.optim.adam import Adam\n", + "from PIL import Image\n", + "from Freeprompt.freeprompt import SelfAttentionControlEdit,AttentionStore,EmptyControl\n", + "from Freeprompt.freeprompt_utils import register_attention_control_new\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "7c6a4bd1-3130-408b-ae2d-a166b9f19cb7", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "For loading the Stable Diffusion using Diffusers, follow the instuctions https://huggingface.co/blog/stable_diffusion and update MY_TOKEN with your token." + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "7558a4b4-fec6-4bd2-9c8f-139809b1a1a1", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "`text_config_dict` is provided which will be used to initialize `CLIPTextConfig`. The value `text_config[\"id2label\"]` will be overriden.\n", + "/apsarapangu/disk1/wushi.lby/anaconda3/envs/ldm/lib/python3.8/site-packages/transformers/models/clip/feature_extraction_clip.py:28: FutureWarning: The class CLIPFeatureExtractor is deprecated and will be removed in version 5 of Transformers. Please use CLIPImageProcessor instead.\n", + " warnings.warn(\n", + "/apsarapangu/disk1/wushi.lby/anaconda3/envs/ldm/lib/python3.8/site-packages/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:115: FutureWarning: The configuration file of this scheduler: DDIMScheduler {\n", + " \"_class_name\": \"DDIMScheduler\",\n", + " \"_diffusers_version\": \"0.16.1\",\n", + " \"beta_end\": 0.012,\n", + " \"beta_schedule\": \"scaled_linear\",\n", + " \"beta_start\": 0.00085,\n", + " \"clip_sample\": false,\n", + " \"clip_sample_range\": 1.0,\n", + " \"dynamic_thresholding_ratio\": 0.995,\n", + " \"num_train_timesteps\": 1000,\n", + " \"prediction_type\": \"epsilon\",\n", + " \"sample_max_value\": 1.0,\n", + " \"set_alpha_to_one\": false,\n", + " \"steps_offset\": 0,\n", + " \"thresholding\": false,\n", + " \"trained_betas\": null\n", + "}\n", + " is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file\n", + " deprecate(\"steps_offset!=1\", \"1.0.0\", deprecation_message, standard_warn=False)\n" + ] + } + ], + "source": [ + "scheduler = DDIMScheduler(beta_start=0.00085, beta_end=0.012, beta_schedule=\"scaled_linear\", clip_sample=False, set_alpha_to_one=False)\n", + "MY_TOKEN = ''\n", + "LOW_RESOURCE = False \n", + "NUM_DDIM_STEPS = 50\n", + "GUIDANCE_SCALE = 7.5\n", + "MAX_NUM_WORDS = 77\n", + "device = torch.device('cuda:0') if torch.cuda.is_available() else torch.device('cpu')\n", + "ldm_stable = StableDiffusionPipeline.from_pretrained(\"runwayml/stable-diffusion-v1-5\", scheduler=scheduler).to(device)\n", + "tokenizer = ldm_stable.tokenizer" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "c919e093-998c-4e4c-92a2-dc9517ef8ea4", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "## Infernce Code" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "f9499145-1a2b-4c91-900e-093c0c08043c", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "@torch.no_grad()\n", + "def text2image_ldm_stable(\n", + " model,\n", + " prompt: List[str],\n", + " controller,\n", + " num_inference_steps: int = 50,\n", + " guidance_scale: Optional[float] = 7.5,\n", + " generator: Optional[torch.Generator] = None,\n", + " latent: Optional[torch.FloatTensor] = None,\n", + " uncond_embeddings=None,\n", + " start_time=50,\n", + " return_type='image'\n", + "):\n", + " batch_size = len(prompt)\n", + " register_attention_control_new(model, controller)\n", + " height = width = 512\n", + " \n", + " text_input = model.tokenizer(\n", + " prompt,\n", + " padding=\"max_length\",\n", + " max_length=model.tokenizer.model_max_length,\n", + " truncation=True,\n", + " return_tensors=\"pt\",\n", + " )\n", + " text_embeddings = model.text_encoder(text_input.input_ids.to(model.device))[0]\n", + " max_length = text_input.input_ids.shape[-1]\n", + " if uncond_embeddings is None:\n", + " uncond_input = model.tokenizer(\n", + " [\"\"] * batch_size, padding=\"max_length\", max_length=max_length, return_tensors=\"pt\"\n", + " )\n", + " uncond_embeddings_ = model.text_encoder(uncond_input.input_ids.to(model.device))[0]\n", + " else:\n", + " uncond_embeddings_ = None\n", + "\n", + " latent, latents = ptp_utils.init_latent(latent, model, height, width, generator, batch_size)\n", + " model.scheduler.set_timesteps(num_inference_steps)\n", + " for i, t in enumerate(tqdm(model.scheduler.timesteps[-start_time:])):\n", + " if uncond_embeddings_ is None:\n", + " context = torch.cat([uncond_embeddings[i].expand(*text_embeddings.shape), text_embeddings])\n", + " else:\n", + " context = torch.cat([uncond_embeddings_, text_embeddings])\n", + " latents = ptp_utils.diffusion_step(model, controller, latents, context, t, guidance_scale, low_resource=False)\n", + " \n", + " if return_type == 'image':\n", + " image = ptp_utils.latent2image(model.vae, latents)\n", + " else:\n", + " image = latents\n", + " return image, latent\n", + "\n", + "\n", + "\n", + "def run_and_display(prompts, controller, latent=None, run_baseline=False, generator=None, uncond_embeddings=None, verbose=True):\n", + " if run_baseline:\n", + " print(\"w.o. prompt-to-prompt\")\n", + " images, latent = run_and_display(prompts, EmptyControl(), latent=latent, run_baseline=False, generator=generator)\n", + " print(\"with prompt-to-prompt\")\n", + " images, x_t = text2image_ldm_stable(ldm_stable, prompts, controller, latent=latent, num_inference_steps=NUM_DDIM_STEPS, guidance_scale=GUIDANCE_SCALE, generator=generator, uncond_embeddings=uncond_embeddings)\n", + "\n", + " return images, x_t" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "8d2e0461", + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "434e4b07315e4d5f9bc43b2858d3e0fd", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/50 [00:00" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "g_cpu = torch.Generator().manual_seed(42)\n", + "prompts = ['a photo of green ducks walking on street']\n", + "controller = AttentionStore()\n", + "image, x_t = run_and_display(prompts, controller, latent=None, run_baseline=False, generator=g_cpu)\n", + "ptp_utils.view_images(image)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "25ef4f4e", + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "d9b2a4cec7a246d3a558aa6db51a9686", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/50 [00:00" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "prompts = ['a photo of green ducks walking on street',\n", + " 'a photo of rubber ducks walking on street',\n", + " ]\n", + "\n", + "self_replace_steps = .8\n", + "NUM_DIFFUSION_STEPS = 50\n", + "controller = SelfAttentionControlEdit(prompts, NUM_DDIM_STEPS, self_replace_steps=self_replace_steps)\n", + "image, _ = run_and_display(prompts, controller, latent=x_t)\n", + "ptp_utils.view_images([image[0],image[1]])\n" + ] + } + ], + "metadata": { + "environment": { + "kernel": "python3", + "name": "pytorch-gpu.1-12.m97", + "type": "gcloud", + "uri": "gcr.io/deeplearning-platform-release/pytorch-gpu.1-12:m97" + }, + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.5" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/diffusion/FreePromptEditing/Freeprompt/__init__.py b/diffusion/FreePromptEditing/Freeprompt/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/diffusion/FreePromptEditing/Freeprompt/diffuser_utils.py b/diffusion/FreePromptEditing/Freeprompt/diffuser_utils.py new file mode 100644 index 0000000..df89c6c --- /dev/null +++ b/diffusion/FreePromptEditing/Freeprompt/diffuser_utils.py @@ -0,0 +1,272 @@ +""" +Util functions based on Diffuser framework and Masactrl. +""" + + +import os +import torch +import cv2 +import numpy as np + +import torch.nn.functional as F +from tqdm import tqdm +from PIL import Image + +from diffusers import StableDiffusionPipeline + + + +class FreePromptPipeline(StableDiffusionPipeline): + + def next_step( + self, + model_output: torch.FloatTensor, + timestep: int, + x: torch.FloatTensor, + eta=0., + verbose=False + ): + """ + Inverse sampling for DDIM Inversion + """ + if verbose: + print("timestep: ", timestep) + next_step = timestep + timestep = min(timestep - self.scheduler.config.num_train_timesteps // self.scheduler.num_inference_steps, 999) + alpha_prod_t = self.scheduler.alphas_cumprod[timestep] if timestep >= 0 else self.scheduler.final_alpha_cumprod + alpha_prod_t_next = self.scheduler.alphas_cumprod[next_step] + beta_prod_t = 1 - alpha_prod_t + pred_x0 = (x - beta_prod_t**0.5 * model_output) / alpha_prod_t**0.5 + pred_dir = (1 - alpha_prod_t_next)**0.5 * model_output + x_next = alpha_prod_t_next**0.5 * pred_x0 + pred_dir + return x_next, pred_x0 + + def step( + self, + model_output: torch.FloatTensor, + timestep: int, + x: torch.FloatTensor, + eta: float=0.0, + verbose=False, + ): + """ + predict the sampe the next step in the denoise process. + """ + prev_timestep = timestep - self.scheduler.config.num_train_timesteps // self.scheduler.num_inference_steps + alpha_prod_t = self.scheduler.alphas_cumprod[timestep] + alpha_prod_t_prev = self.scheduler.alphas_cumprod[prev_timestep] if prev_timestep > 0 else self.scheduler.final_alpha_cumprod + beta_prod_t = 1 - alpha_prod_t + pred_x0 = (x - beta_prod_t**0.5 * model_output) / alpha_prod_t**0.5 + pred_dir = (1 - alpha_prod_t_prev)**0.5 * model_output + x_prev = alpha_prod_t_prev**0.5 * pred_x0 + pred_dir + return x_prev, pred_x0 + + @torch.no_grad() + def image2latent(self, image): + DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + if type(image) is Image: + image = np.array(image) + image = torch.from_numpy(image).float() / 127.5 - 1 + image = image.permute(2, 0, 1).unsqueeze(0).to(DEVICE) + # input image density range [-1, 1] + latents = self.vae.encode(image)['latent_dist'].mean + latents = latents * 0.18215 + return latents + + @torch.no_grad() + def latent2image(self, latents, return_type='np'): + latents = 1 / 0.18215 * latents.detach() + image = self.vae.decode(latents)['sample'] + if return_type == 'np': + image = (image / 2 + 0.5).clamp(0, 1) + image = image.cpu().permute(0, 2, 3, 1).numpy()[0] + image = (image * 255).astype(np.uint8) + elif return_type == "pt": + image = (image / 2 + 0.5).clamp(0, 1) + + return image + + def latent2image_grad(self, latents): + latents = 1 / 0.18215 * latents + image = self.vae.decode(latents)['sample'] + + return image # range [-1, 1] + + @torch.no_grad() + def __call__( + self, + prompt, + batch_size=1, + height=512, + width=512, + num_inference_steps=50, + guidance_scale=7.5, + eta=0.0, + latents=None, + unconditioning=None, + neg_prompt=None, + ref_intermediate_latents=None, + return_intermediates=False, + **kwds): + DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + if isinstance(prompt, list): + batch_size = len(prompt) + elif isinstance(prompt, str): + if batch_size > 1: + prompt = [prompt] * batch_size + + text_input = self.tokenizer( + prompt, + padding="max_length", + max_length=77, + return_tensors="pt" + ) + + text_embeddings = self.text_encoder(text_input.input_ids.to(DEVICE))[0] + if kwds.get("dir"): + dir = text_embeddings[-2] - text_embeddings[-1] + u, s, v = torch.pca_lowrank(dir.transpose(-1, -2), q=1, center=True) + text_embeddings[-1] = text_embeddings[-1] + kwds.get("dir") * v + print(u.shape) + print(v.shape) + + # define initial latents + latents_shape = (batch_size, self.unet.in_channels, height//8, width//8) + if latents is None: + latents = torch.randn(latents_shape, device=DEVICE) + else: + assert latents.shape == latents_shape, f"The shape of input latent tensor {latents.shape} should equal to predefined one." + + # unconditional embedding for classifier free guidance + if guidance_scale > 1.: + max_length = text_input.input_ids.shape[-1] + if neg_prompt: + uc_text = neg_prompt + else: + uc_text = "" + # uc_text = "ugly, tiling, poorly drawn hands, poorly drawn feet, body out of frame, cut off, low contrast, underexposed, distorted face" + unconditional_input = self.tokenizer( + [uc_text] * batch_size, + padding="max_length", + max_length=77, + return_tensors="pt" + ) + # unconditional_input.input_ids = unconditional_input.input_ids[:, 1:] + unconditional_embeddings = self.text_encoder(unconditional_input.input_ids.to(DEVICE))[0] + text_embeddings = torch.cat([unconditional_embeddings, text_embeddings], dim=0) + + + # iterative sampling + self.scheduler.set_timesteps(num_inference_steps) + + latents_list = [latents] + pred_x0_list = [latents] + for i, t in enumerate(tqdm(self.scheduler.timesteps, desc="DDIM Sampler")): + if ref_intermediate_latents is not None: + # note that the batch_size >= 2 + latents_ref = ref_intermediate_latents[-1 - i] + + + _, latents_cur = latents.chunk(2) + + + latents = torch.cat([latents_ref, latents_cur]) + + if guidance_scale > 1.: + model_inputs = torch.cat([latents] * 2) + else: + model_inputs = latents + if unconditioning is not None and isinstance(unconditioning, list): + _, text_embeddings = text_embeddings.chunk(2) + text_embeddings = torch.cat([unconditioning[i].expand(*text_embeddings.shape), text_embeddings]) + # predict tghe noise + + + noise_pred = self.unet(model_inputs, t, encoder_hidden_states=text_embeddings).sample + if guidance_scale > 1.: + noise_pred_uncon, noise_pred_con = noise_pred.chunk(2, dim=0) + noise_pred = noise_pred_uncon + guidance_scale * (noise_pred_con - noise_pred_uncon) + # compute the previous noise sample x_t -> x_t-1 + latents, pred_x0 = self.step(noise_pred, t, latents) + latents_list.append(latents) + pred_x0_list.append(pred_x0) + + image = self.latent2image(latents, return_type="pt") + if return_intermediates: + pred_x0_list = [self.latent2image(img, return_type="pt") for img in pred_x0_list] + latents_list = [self.latent2image(img, return_type="pt") for img in latents_list] + return image, pred_x0_list, latents_list + return image + + @torch.no_grad() + def invert( + self, + image: torch.Tensor, + prompt, + num_inference_steps=50, + guidance_scale=7.5, + eta=0.0, + return_intermediates=False, + **kwds): + """ + invert a real image into noise map with determinisc DDIM inversion + """ + DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + batch_size = image.shape[0] + if isinstance(prompt, list): + if batch_size == 1: + image = image.expand(len(prompt), -1, -1, -1) + elif isinstance(prompt, str): + if batch_size > 1: + prompt = [prompt] * batch_size + + # text embeddings + text_input = self.tokenizer( + prompt, + padding="max_length", + max_length=77, + return_tensors="pt" + ) + text_embeddings = self.text_encoder(text_input.input_ids.to(DEVICE))[0] + # define initial latents + latents = self.image2latent(image) + start_latents = latents + + # exit() + # unconditional embedding for classifier free guidance + if guidance_scale > 1.: + max_length = text_input.input_ids.shape[-1] + unconditional_input = self.tokenizer( + [""] * batch_size, + padding="max_length", + max_length=77, + return_tensors="pt" + ) + unconditional_embeddings = self.text_encoder(unconditional_input.input_ids.to(DEVICE))[0] + text_embeddings = torch.cat([unconditional_embeddings, text_embeddings], dim=0) + + # interative sampling + self.scheduler.set_timesteps(num_inference_steps) + latents_list = [latents] + pred_x0_list = [latents] + for i, t in enumerate(tqdm(reversed(self.scheduler.timesteps), desc="DDIM Inversion")): + if guidance_scale > 1.: + model_inputs = torch.cat([latents] * 2) + else: + model_inputs = latents + + # predict the noise + noise_pred = self.unet(model_inputs, t, encoder_hidden_states=text_embeddings).sample + if guidance_scale > 1.: + noise_pred_uncon, noise_pred_con = noise_pred.chunk(2, dim=0) + noise_pred = noise_pred_uncon + guidance_scale * (noise_pred_con - noise_pred_uncon) + # compute the previous noise sample x_t-1 -> x_t + latents, pred_x0 = self.next_step(noise_pred, t, latents) + latents_list.append(latents) + pred_x0_list.append(pred_x0) + + if return_intermediates: + # return the intermediate laters during inversion + # pred_x0_list = [self.latent2image(img, return_type="pt") for img in pred_x0_list] + return latents, latents_list + return latents, start_latents diff --git a/diffusion/FreePromptEditing/Freeprompt/freeprompt.py b/diffusion/FreePromptEditing/Freeprompt/freeprompt.py new file mode 100644 index 0000000..57613e2 --- /dev/null +++ b/diffusion/FreePromptEditing/Freeprompt/freeprompt.py @@ -0,0 +1,141 @@ +""" +Util functions based on prompt-to-prompt. +""" + +import os +import torch +import torch.nn.functional as F +import numpy as np +import abc +from einops import rearrange +from typing import Optional, Union, Tuple, List, Callable, Dict + + +from torchvision.utils import save_image + + +class EmptyControl: + + + def step_callback(self, x_t): + return x_t + + def between_steps(self): + return + + def __call__(self, attn, is_cross: bool, place_in_unet: str): + return attn + + +class AttentionControl(abc.ABC): + + def step_callback(self, x_t): + return x_t + + def between_steps(self): + return + + @property + def num_uncond_att_layers(self): + return self.num_att_layers if self.LOW_RESOURCE else 0 + + @abc.abstractmethod + def forward (self, attn, is_cross: bool, place_in_unet: str): + raise NotImplementedError + + def __call__(self, attn, is_cross: bool, place_in_unet: str): + if self.cur_att_layer >= self.num_uncond_att_layers: + h = attn.shape[0] + attn[h // 2:] = self.forward(attn[h // 2:], is_cross, place_in_unet) + self.cur_att_layer += 1 + if self.cur_att_layer == self.num_att_layers + self.num_uncond_att_layers: + self.cur_att_layer = 0 + self.cur_step += 1 + # self.between_steps() + return attn + + def reset(self): + self.cur_step = 0 + self.cur_att_layer = 0 + + def __init__(self): + self.cur_step = 0 + self.num_att_layers = -1 + self.cur_att_layer = 0 + self.LOW_RESOURCE = False + + + +class AttentionStore(AttentionControl): + + @staticmethod + def get_empty_store(): + return {"down_cross": [], "mid_cross": [], "up_cross": [], + "down_self": [], "mid_self": [], "up_self": []} + + def forward(self, attn, is_cross: bool, place_in_unet: str): + key = f"{place_in_unet}_{'cross' if is_cross else 'self'}" + # if attn.shape[1] <= 16 ** 2: # avoid memory overhead + # self.step_store[key].append(attn) + return attn + + def between_steps(self): + if len(self.attention_store) == 0: + self.attention_store = self.step_store + else: + for key in self.attention_store: + for i in range(len(self.attention_store[key])): + + self.attention_store[key][i] += self.step_store[key][i] + self.step_store = self.get_empty_store() + + def get_average_attention(self): + average_attention = {key: [item / self.cur_step for item in self.attention_store[key]] for key in self.attention_store} + return average_attention + + + def reset(self): + super(AttentionStore, self).reset() + self.step_store = self.get_empty_store() + self.attention_store = {} + + def __init__(self): + super(AttentionStore, self).__init__() + self.step_store = self.get_empty_store() + self.attention_store = {} + + + +class SelfAttentionControlEdit(AttentionStore, abc.ABC): + + def step_callback(self, x_t): + return x_t + + def replace_self_attention(self, attn_base, att_replace, place_in_unet): + if att_replace.shape[2] <= 32 ** 2: + attn_base = attn_base.unsqueeze(0).expand(att_replace.shape[0], *attn_base.shape) + return attn_base + else: + return att_replace + + + def forward(self, attn, is_cross: bool, place_in_unet: str): + super(SelfAttentionControlEdit, self).forward(attn, is_cross, place_in_unet) + if is_cross or (self.num_self_replace[0] <= self.cur_step < self.num_self_replace[1]): + h = attn.shape[0] // (self.batch_size) + attn = attn.reshape(self.batch_size, h, *attn.shape[1:]) + attn_base, attn_repalce = attn[0], attn[1:] + if is_cross: + pass + else: + attn[1:] = self.replace_self_attention(attn_base, attn_repalce, place_in_unet) + attn = attn.reshape(self.batch_size * h, *attn.shape[2:]) + return attn + + def __init__(self, prompts, num_steps: int, + self_replace_steps: Union[float, Tuple[float, float]]): + super(SelfAttentionControlEdit, self).__init__() + self.batch_size = len(prompts) + if type(self_replace_steps) is float: + self_replace_steps = 0, self_replace_steps + self.num_self_replace = int(num_steps * self_replace_steps[0]), int(num_steps * self_replace_steps[1]) \ No newline at end of file diff --git a/diffusion/FreePromptEditing/Freeprompt/freeprompt_utils.py b/diffusion/FreePromptEditing/Freeprompt/freeprompt_utils.py new file mode 100644 index 0000000..52b8683 --- /dev/null +++ b/diffusion/FreePromptEditing/Freeprompt/freeprompt_utils.py @@ -0,0 +1,79 @@ +import torch + + +def register_attention_control_new(model, controller): + def ca_forward(self, place_in_unet): + to_out = self.to_out + if type(to_out) is torch.nn.modules.container.ModuleList: + to_out = self.to_out[0] + else: + to_out = self.to_out + + def forward(hidden_states, encoder_hidden_states=None, attention_mask=None, **cross_attention_kwargs): + x = hidden_states + context = encoder_hidden_states + mask = attention_mask + batch_size, sequence_length, dim = x.shape + h = self.heads + q = self.to_q(x) + is_cross = context is not None + context = context if is_cross else x + k = self.to_k(context) + v = self.to_v(context) + q = self.head_to_batch_dim(q) + k = self.head_to_batch_dim(k) + v = self.head_to_batch_dim(v) + + sim = torch.einsum("b i d, b j d -> b i j", q, k) * self.scale + + if mask is not None: + mask = mask.reshape(batch_size, -1) + max_neg_value = -torch.finfo(sim.dtype).max + mask = mask[:, None, :].repeat(h, 1, 1) + sim.masked_fill_(~mask, max_neg_value) + + # attention, what we cannot get enough of + attn = sim.softmax(dim=-1) + # if is_cross: + # ssss = [] + attn = controller(attn, is_cross, place_in_unet) + out = torch.einsum("b i j, b j d -> b i d", attn, v) + out = self.batch_to_head_dim(out) + return to_out(out) + + return forward + + class DummyController: + + def __call__(self, *args): + return args[0] + + def __init__(self): + self.num_att_layers = 0 + + if controller is None: + controller = DummyController() + + def register_recr(net_, count, place_in_unet): + # print(net_.__class__.__name__) + if net_.__class__.__name__ == 'Attention': + net_.forward = ca_forward(net_, place_in_unet) + return count + 1 + elif hasattr(net_, 'children'): + for net__ in net_.children(): + count = register_recr(net__, count, place_in_unet) + return count + + cross_att_count = 0 + sub_nets = model.unet.named_children() + # print(sub_nets) + for net in sub_nets: + if "down" in net[0]: + cross_att_count += register_recr(net[1], 0, "down") + elif "up" in net[0]: + cross_att_count += register_recr(net[1], 0, "up") + elif "mid" in net[0]: + cross_att_count += register_recr(net[1], 0, "mid") + + controller.num_att_layers = cross_att_count + diff --git a/diffusion/FreePromptEditing/README.md b/diffusion/FreePromptEditing/README.md new file mode 100644 index 0000000..8174fb1 --- /dev/null +++ b/diffusion/FreePromptEditing/README.md @@ -0,0 +1,49 @@ +# Towards Understanding Cross and Self-Attention in Stable Diffusion for Text-Guided Image Editing (CVPR 2024) +[arXiv Paper](https://arxiv.org/abs/2403.03431) + +![teaser](assets/cases.png) ![other models](assets/other_models.png) + + +## Setup +This code was tested with Python 3.8 and [Pytorch](https://pytorch.org/) 1.11, using pre-trained models through [Hugging Face Diffusers](https://github.com/huggingface/diffusers#readme). +Specifically, we implemented our method over [Stable Diffusion](https://huggingface.co/runwayml/stable-diffusion-v1-5). It can also be implemented over other stable diffusion models like [Realistic-V2](https://huggingface.co/SG161222/Realistic_Vision_V2.0), [Deliberate](https://huggingface.co/XpucT/Deliberate), and [Anything-V4](https://huggingface.co/xyn-ai/anything-v4.0). +When implemented over [Realistic-V2],[Deliberate] and [Anything-V4], you need to update diffusers to 0.21.1. +Additional required packages are listed in the requirements file. + +### Creating a Conda Environment +``` +conda env create -f environment.yaml +conda activate FPE +``` + +## Notebooks +[**edit_fake**][fake-edit] for Synthesis image editing. +[**edit_real**][real-edit] for Real image editing. +[**null_text_w_FPE**][null_text+FPE] Real image editing using NULL TEXT INVERSION to reconstucte image. +[**edit_fake**][fake-edit] using self attention map control in prompt-to-prompt code. + +## Attention Control Options + * `self_replace_steps`: specifies the fraction of steps to replace the self-attention maps. + +## Gradio Running +``` +cd gradio_app +python app.py --model_path "" +``` +## Citation +``` bibtex +@misc{liu2024understanding, + title={Towards Understanding Cross and Self-Attention in Stable Diffusion for Text-Guided Image Editing}, + author={Bingyan Liu and Chengyu Wang and Tingfeng Cao and Kui Jia and Jun Huang}, + year={2024}, + eprint={2403.03431}, + archivePrefix={arXiv}, + primaryClass={cs.CV} +} +``` + + +[fake-edit]: edit_fake.ipynb +[real-edit]: edit_real.ipynb +[null_text+FPE]: null_text_w_FPE.ipynb +[FPE_in_p2p]: FPE_In_p2pcode.ipynb \ No newline at end of file diff --git a/diffusion/FreePromptEditing/assets/cases.png b/diffusion/FreePromptEditing/assets/cases.png new file mode 100644 index 0000000..a523683 Binary files /dev/null and b/diffusion/FreePromptEditing/assets/cases.png differ diff --git a/diffusion/FreePromptEditing/assets/other_models.png b/diffusion/FreePromptEditing/assets/other_models.png new file mode 100644 index 0000000..7595322 Binary files /dev/null and b/diffusion/FreePromptEditing/assets/other_models.png differ diff --git a/diffusion/FreePromptEditing/datasets/Car_fake_edit.json b/diffusion/FreePromptEditing/datasets/Car_fake_edit.json new file mode 100644 index 0000000..35e8b5a --- /dev/null +++ b/diffusion/FreePromptEditing/datasets/Car_fake_edit.json @@ -0,0 +1,3026 @@ +[ + { + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a green car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a yellow car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a purple car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a pink car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a brown car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a beige car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a cyan car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a magenta car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a teal car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a lime car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a olive car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a navy car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a maroon car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a silver car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a gold car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a bronze car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a peach car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a coral car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a indigo car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a turquoise car" + }, + { + "soure_prompt": "a violet car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a turquoise car", + "edit_prompt": "a chocolate car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a red car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a green car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a blue car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a yellow car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a orange car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a purple car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a pink car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a black car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a white car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a gray car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a brown car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a beige car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a cyan car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a magenta car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a teal car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a lime car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a olive car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a navy car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a maroon car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a silver car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a gold car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a bronze car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a peach car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a coral car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a indigo car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a violet car" + }, + { + "soure_prompt": "a chocolate car", + "edit_prompt": "a turquoise car" + } +] \ No newline at end of file diff --git a/diffusion/FreePromptEditing/datasets/Car_real_edit.json b/diffusion/FreePromptEditing/datasets/Car_real_edit.json new file mode 100644 index 0000000..07faeff --- /dev/null +++ b/diffusion/FreePromptEditing/datasets/Car_real_edit.json @@ -0,0 +1,20292 @@ +[ + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002657.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a red car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a green car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a purple car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a pink car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a black car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a white car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a brown car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a teal car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a lime car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a olive car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a navy car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a silver car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gold car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a peach car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a coral car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "006850.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015062.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014622.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "001820.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000840.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a red car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a green car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a blue car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a orange car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a purple car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a pink car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a black car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a white car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a gray car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a beige car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a teal car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a lime car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a olive car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a navy car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a silver car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a gold car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a peach car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a coral car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a violet car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "001272.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "001976.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007561.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a red car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a green car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a blue car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a orange car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a purple car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a pink car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a black car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a white car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a gray car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a brown car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a beige car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a teal car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a lime car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a olive car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a navy car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a silver car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a peach car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a coral car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a violet car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "006450.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a red car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a green car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a blue car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a orange car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a purple car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a pink car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a black car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a white car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a gray car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a brown car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a beige car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a teal car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a lime car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a olive car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a navy car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a silver car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a peach car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a coral car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a violet car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "011514.jpg", + "soure_prompt": "a gold car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014662.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007760.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010076.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010865.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005201.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015721.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007715.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008206.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "013116.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007866.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a red car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a green car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a black car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a white car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014395.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "009663.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015883.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008968.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010925.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007189.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005784.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "003614.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a red car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a black car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a white car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008966.jpg", + "soure_prompt": "a green car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "012293.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "001218.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a red car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a green car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a black car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a white car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005301.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "006834.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015938.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007208.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015621.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010213.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "013099.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "003676.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007768.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "013389.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a red car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a green car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a black car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a white car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008162.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "011375.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015755.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004026.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005323.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "012085.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015132.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010423.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002624.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a red car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a green car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a black car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a white car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014808.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007455.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "011209.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014691.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000092.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a red car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a green car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a purple car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a pink car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a black car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a white car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a brown car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a teal car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a lime car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a olive car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a navy car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a silver car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gold car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a peach car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a coral car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "003156.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014647.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002950.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004935.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "003091.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000623.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015905.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010648.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015116.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014609.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005335.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "009094.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "003485.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a red car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a green car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a blue car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a orange car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a purple car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a pink car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a black car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a white car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a gray car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a brown car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a beige car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a teal car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a lime car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a olive car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a navy car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a gold car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a peach car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a coral car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a violet car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "016155.jpg", + "soure_prompt": "a silver car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004531.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010349.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014018.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "009992.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015933.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004770.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "012531.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "001600.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002568.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "009504.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "001282.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014729.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "006878.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002514.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008260.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015906.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000652.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007864.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "013898.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008832.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002334.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "012666.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a red car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a green car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a black car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a white car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005338.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a red car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a green car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a black car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a white car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005355.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008030.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007646.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005487.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005451.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000018.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "013880.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008416.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010883.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004309.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "011021.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a red car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a green car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a blue car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a orange car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a purple car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a pink car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a black car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a white car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a gray car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a brown car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a beige car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a teal car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a lime car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a olive car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a navy car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a silver car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a gold car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a peach car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a coral car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a violet car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "012583.jpg", + "soure_prompt": "a yellow car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a red car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a green car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a purple car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a pink car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a black car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a white car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a brown car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a teal car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a lime car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a olive car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a navy car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a silver car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gold car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a peach car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a coral car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "012552.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a red car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a green car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a purple car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a pink car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a black car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a white car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a brown car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a teal car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a lime car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a olive car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a navy car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a silver car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gold car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a peach car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a coral car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "009010.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000815.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a red car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a green car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a black car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a white car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007862.jpg", + "soure_prompt": "a ivory car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002106.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "001220.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "011004.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000412.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002050.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "011624.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005780.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000296.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a red car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a green car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a black car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a white car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014753.jpg", + "soure_prompt": "a chocolate car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010308.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a red car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a green car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a blue car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a orange car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a purple car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a pink car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a black car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a white car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a gray car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a beige car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a teal car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a lime car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a olive car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a navy car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a silver car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a gold car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a peach car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a coral car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a violet car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "001255.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010087.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "006024.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "006830.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004652.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004594.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007326.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "011202.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005138.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "002552.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "011618.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a red car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a green car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a blue car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a orange car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a purple car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a pink car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a black car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a white car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a gray car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a beige car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a teal car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a lime car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a olive car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a navy car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a silver car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a gold car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a peach car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a coral car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a violet car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "003811.jpg", + "soure_prompt": "a brown car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000739.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a red car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a orange car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a purple car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a black car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a brown car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a beige car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a teal car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a lime car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a olive car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a navy car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a silver car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a gold car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a peach car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a violet car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "006669.jpg", + "soure_prompt": "a blue car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004953.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008546.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "009477.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008239.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a blue car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a orange car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a purple car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a pink car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a black car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gray car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a brown car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a beige car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a teal car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a olive car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a gold car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a coral car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "008183.jpg", + "soure_prompt": "a red car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010208.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a blue car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a purple car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a pink car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a white car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gray car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a brown car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a teal car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a lime car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a navy car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a silver car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a gold car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a peach car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a coral car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a violet car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "010274.jpg", + "soure_prompt": "a orange car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "000141.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "004023.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "015786.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "007763.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005353.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "009968.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a green car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a blue car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a black car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a white car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a gold car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "012676.jpg", + "soure_prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a green car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a white car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a brown car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a beige car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a teal car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a lime car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a silver car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a peach car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "014097.jpg", + "soure_prompt": "a black car", + "edit_prompt": "a chocolate car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a green car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a yellow car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gray car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a teal car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a coral car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image_name": "005735.jpg", + "soure_prompt": "a white car", + "edit_prompt": "a chocolate car" + } +] \ No newline at end of file diff --git a/diffusion/FreePromptEditing/datasets/ImageNet.json b/diffusion/FreePromptEditing/datasets/ImageNet.json new file mode 100644 index 0000000..9c006d0 --- /dev/null +++ b/diffusion/FreePromptEditing/datasets/ImageNet.json @@ -0,0 +1,19658 @@ +[ + { + "": "3741", + "path": "n02091032/ILSVRC2012_val_00042240.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "Afghan hound", + "target_id": "160", + "is_test": "False" + }, + { + "": "3646", + "path": "n02088364/ILSVRC2012_val_00048167.JPEG", + "source": "beagle", + "source_id": "162", + "target": "Afghan hound", + "target_id": "160", + "is_test": "False" + }, + { + "": "3586", + "path": "n02088238/ILSVRC2012_val_00034571.JPEG", + "source": "basset", + "source_id": "161", + "target": "Afghan hound", + "target_id": "160", + "is_test": "False" + }, + { + "": "3593", + "path": "n02088238/ILSVRC2012_val_00040185.JPEG", + "source": "basset", + "source_id": "161", + "target": "Afghan hound", + "target_id": "160", + "is_test": "False" + }, + { + "": "5099", + "path": "n02119022/ILSVRC2012_val_00049984.JPEG", + "source": "red fox", + "source_id": "277", + "target": "African hunting dog", + "target_id": "275", + "is_test": "False" + }, + { + "": "5160", + "path": "n02120505/ILSVRC2012_val_00013158.JPEG", + "source": "grey fox", + "source_id": "280", + "target": "African hunting dog", + "target_id": "275", + "is_test": "False" + }, + { + "": "5025", + "path": "n02117135/ILSVRC2012_val_00029059.JPEG", + "source": "hyena", + "source_id": "276", + "target": "African hunting dog", + "target_id": "275", + "is_test": "False" + }, + { + "": "5080", + "path": "n02119022/ILSVRC2012_val_00031297.JPEG", + "source": "red fox", + "source_id": "277", + "target": "African hunting dog", + "target_id": "275", + "is_test": "False" + }, + { + "": "4037", + "path": "n02095314/ILSVRC2012_val_00039505.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "American Staffordshire terrier", + "target_id": "180", + "is_test": "False" + }, + { + "": "3909", + "path": "n02093991/ILSVRC2012_val_00014418.JPEG", + "source": "Irish terrier", + "source_id": "184", + "target": "American Staffordshire terrier", + "target_id": "180", + "is_test": "False" + }, + { + "": "4021", + "path": "n02095314/ILSVRC2012_val_00028758.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "American Staffordshire terrier", + "target_id": "180", + "is_test": "False" + }, + { + "": "3884", + "path": "n02093754/ILSVRC2012_val_00033226.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "American Staffordshire terrier", + "target_id": "180", + "is_test": "False" + }, + { + "": "5755", + "path": "n02134418/ILSVRC2012_val_00006386.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "American black bear", + "target_id": "295", + "is_test": "False" + }, + { + "": "5706", + "path": "n02134084/ILSVRC2012_val_00007713.JPEG", + "source": "ice bear", + "source_id": "296", + "target": "American black bear", + "target_id": "295", + "is_test": "False" + }, + { + "": "5638", + "path": "n02132136/ILSVRC2012_val_00044008.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "American black bear", + "target_id": "295", + "is_test": "False" + }, + { + "": "5601", + "path": "n02132136/ILSVRC2012_val_00001199.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "American black bear", + "target_id": "295", + "is_test": "False" + }, + { + "": "2315", + "path": "n01981276/ILSVRC2012_val_00010874.JPEG", + "source": "king crab", + "source_id": "121", + "target": "American lobster", + "target_id": "122", + "is_test": "False" + }, + { + "": "2177", + "path": "n01978287/ILSVRC2012_val_00023991.JPEG", + "source": "Dungeness crab", + "source_id": "118", + "target": "American lobster", + "target_id": "122", + "is_test": "False" + }, + { + "": "2547", + "path": "n01990800/ILSVRC2012_val_00047249.JPEG", + "source": "isopod", + "source_id": "126", + "target": "American lobster", + "target_id": "122", + "is_test": "False" + }, + { + "": "2340", + "path": "n01981276/ILSVRC2012_val_00037221.JPEG", + "source": "king crab", + "source_id": "121", + "target": "American lobster", + "target_id": "122", + "is_test": "False" + }, + { + "": "4963", + "path": "n02116738/ILSVRC2012_val_00013369.JPEG", + "source": "African hunting dog", + "source_id": "275", + "target": "Arctic fox", + "target_id": "279", + "is_test": "False" + }, + { + "": "5154", + "path": "n02120505/ILSVRC2012_val_00008815.JPEG", + "source": "grey fox", + "source_id": "280", + "target": "Arctic fox", + "target_id": "279", + "is_test": "False" + }, + { + "": "4787", + "path": "n02114548/ILSVRC2012_val_00034856.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "Arctic fox", + "target_id": "279", + "is_test": "False" + }, + { + "": "5083", + "path": "n02119022/ILSVRC2012_val_00032623.JPEG", + "source": "red fox", + "source_id": "277", + "target": "Arctic fox", + "target_id": "279", + "is_test": "False" + }, + { + "": "4036", + "path": "n02095314/ILSVRC2012_val_00039386.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "Border terrier", + "target_id": "182", + "is_test": "False" + }, + { + "": "3900", + "path": "n02093991/ILSVRC2012_val_00000588.JPEG", + "source": "Irish terrier", + "source_id": "184", + "target": "Border terrier", + "target_id": "182", + "is_test": "False" + }, + { + "": "3819", + "path": "n02093428/ILSVRC2012_val_00021229.JPEG", + "source": "American Staffordshire terrier", + "source_id": "180", + "target": "Border terrier", + "target_id": "182", + "is_test": "False" + }, + { + "": "4095", + "path": "n02097209/ILSVRC2012_val_00040720.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Border terrier", + "target_id": "182", + "is_test": "False" + }, + { + "": "3468", + "path": "n02087046/ILSVRC2012_val_00019124.JPEG", + "source": "toy terrier", + "source_id": "158", + "target": "Chihuahua", + "target_id": "151", + "is_test": "False" + }, + { + "": "3360", + "path": "n02086240/ILSVRC2012_val_00005898.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "Chihuahua", + "target_id": "151", + "is_test": "False" + }, + { + "": "3383", + "path": "n02086240/ILSVRC2012_val_00029700.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "Chihuahua", + "target_id": "151", + "is_test": "False" + }, + { + "": "3339", + "path": "n02085782/ILSVRC2012_val_00037230.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "Chihuahua", + "target_id": "151", + "is_test": "False" + }, + { + "": "2480", + "path": "n01986214/ILSVRC2012_val_00029243.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "Dungeness crab", + "target_id": "118", + "is_test": "False" + }, + { + "": "2396", + "path": "n01983481/ILSVRC2012_val_00047059.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "Dungeness crab", + "target_id": "118", + "is_test": "False" + }, + { + "": "2543", + "path": "n01990800/ILSVRC2012_val_00043515.JPEG", + "source": "isopod", + "source_id": "126", + "target": "Dungeness crab", + "target_id": "118", + "is_test": "False" + }, + { + "": "2474", + "path": "n01986214/ILSVRC2012_val_00024894.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "Dungeness crab", + "target_id": "118", + "is_test": "False" + }, + { + "": "3640", + "path": "n02088364/ILSVRC2012_val_00039659.JPEG", + "source": "beagle", + "source_id": "162", + "target": "English foxhound", + "target_id": "167", + "is_test": "False" + }, + { + "": "3714", + "path": "n02091032/ILSVRC2012_val_00014653.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "English foxhound", + "target_id": "167", + "is_test": "False" + }, + { + "": "3715", + "path": "n02091032/ILSVRC2012_val_00017147.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "English foxhound", + "target_id": "167", + "is_test": "False" + }, + { + "": "3778", + "path": "n02091635/ILSVRC2012_val_00022593.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "English foxhound", + "target_id": "167", + "is_test": "False" + }, + { + "": "4170", + "path": "n02100877/ILSVRC2012_val_00022341.JPEG", + "source": "Irish setter", + "source_id": "213", + "target": "English springer", + "target_id": "217", + "is_test": "False" + }, + { + "": "4138", + "path": "n02099601/ILSVRC2012_val_00031917.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "English springer", + "target_id": "217", + "is_test": "False" + }, + { + "": "4252", + "path": "n02102318/ILSVRC2012_val_00002097.JPEG", + "source": "cocker spaniel", + "source_id": "219", + "target": "English springer", + "target_id": "217", + "is_test": "False" + }, + { + "": "4165", + "path": "n02100877/ILSVRC2012_val_00016411.JPEG", + "source": "Irish setter", + "source_id": "213", + "target": "English springer", + "target_id": "217", + "is_test": "False" + }, + { + "": "4318", + "path": "n02106030/ILSVRC2012_val_00019767.JPEG", + "source": "collie", + "source_id": "231", + "target": "Eskimo dog", + "target_id": "248", + "is_test": "False" + }, + { + "": "4343", + "path": "n02106030/ILSVRC2012_val_00039761.JPEG", + "source": "collie", + "source_id": "231", + "target": "Eskimo dog", + "target_id": "248", + "is_test": "False" + }, + { + "": "4417", + "path": "n02106662/ILSVRC2012_val_00013467.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "Eskimo dog", + "target_id": "248", + "is_test": "False" + }, + { + "": "4553", + "path": "n02108915/ILSVRC2012_val_00003938.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "Eskimo dog", + "target_id": "248", + "is_test": "False" + }, + { + "": "883", + "path": "n01641577/ILSVRC2012_val_00028352.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "European fire salamander", + "target_id": "25", + "is_test": "False" + }, + { + "": "750", + "path": "n01632458/ILSVRC2012_val_00000088.JPEG", + "source": "spotted salamander", + "source_id": "28", + "target": "European fire salamander", + "target_id": "25", + "is_test": "False" + }, + { + "": "938", + "path": "n01644373/ILSVRC2012_val_00036850.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "European fire salamander", + "target_id": "25", + "is_test": "False" + }, + { + "": "830", + "path": "n01632777/ILSVRC2012_val_00031386.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "European fire salamander", + "target_id": "25", + "is_test": "False" + }, + { + "": "2917", + "path": "n02051845/ILSVRC2012_val_00020148.JPEG", + "source": "pelican", + "source_id": "144", + "target": "European gallinule", + "target_id": "136", + "is_test": "False" + }, + { + "": "3022", + "path": "n02058221/ILSVRC2012_val_00018871.JPEG", + "source": "albatross", + "source_id": "146", + "target": "European gallinule", + "target_id": "136", + "is_test": "False" + }, + { + "": "2904", + "path": "n02051845/ILSVRC2012_val_00006087.JPEG", + "source": "pelican", + "source_id": "144", + "target": "European gallinule", + "target_id": "136", + "is_test": "False" + }, + { + "": "2996", + "path": "n02056570/ILSVRC2012_val_00046850.JPEG", + "source": "king penguin", + "source_id": "145", + "target": "European gallinule", + "target_id": "136", + "is_test": "False" + }, + { + "": "4414", + "path": "n02106662/ILSVRC2012_val_00012924.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "French bulldog", + "target_id": "245", + "is_test": "False" + }, + { + "": "4474", + "path": "n02107312/ILSVRC2012_val_00019096.JPEG", + "source": "miniature pinscher", + "source_id": "237", + "target": "French bulldog", + "target_id": "245", + "is_test": "False" + }, + { + "": "4539", + "path": "n02108089/ILSVRC2012_val_00037916.JPEG", + "source": "boxer", + "source_id": "242", + "target": "French bulldog", + "target_id": "245", + "is_test": "False" + }, + { + "": "4380", + "path": "n02106550/ILSVRC2012_val_00034298.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "French bulldog", + "target_id": "245", + "is_test": "False" + }, + { + "": "10962", + "path": "n04141076/ILSVRC2012_val_00014003.JPEG", + "source": "sax", + "source_id": "776", + "target": "French horn", + "target_id": "566", + "is_test": "False" + }, + { + "": "10498", + "path": "n03838899/ILSVRC2012_val_00047450.JPEG", + "source": "oboe", + "source_id": "683", + "target": "French horn", + "target_id": "566", + "is_test": "False" + }, + { + "": "8036", + "path": "n02804610/ILSVRC2012_val_00033949.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "French horn", + "target_id": "566", + "is_test": "False" + }, + { + "": "11905", + "path": "n04487394/ILSVRC2012_val_00005962.JPEG", + "source": "trombone", + "source_id": "875", + "target": "French horn", + "target_id": "566", + "is_test": "False" + }, + { + "": "4552", + "path": "n02108915/ILSVRC2012_val_00003855.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "German shepherd", + "target_id": "235", + "is_test": "False" + }, + { + "": "4350", + "path": "n02106550/ILSVRC2012_val_00003623.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "German shepherd", + "target_id": "235", + "is_test": "False" + }, + { + "": "4358", + "path": "n02106550/ILSVRC2012_val_00013926.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "German shepherd", + "target_id": "235", + "is_test": "False" + }, + { + "": "4512", + "path": "n02108089/ILSVRC2012_val_00013419.JPEG", + "source": "boxer", + "source_id": "242", + "target": "German shepherd", + "target_id": "235", + "is_test": "False" + }, + { + "": "13081", + "path": "n07749582/ILSVRC2012_val_00030967.JPEG", + "source": "lemon", + "source_id": "951", + "target": "Granny Smith", + "target_id": "948", + "is_test": "False" + }, + { + "": "13149", + "path": "n07753113/ILSVRC2012_val_00048339.JPEG", + "source": "fig", + "source_id": "952", + "target": "Granny Smith", + "target_id": "948", + "is_test": "False" + }, + { + "": "13260", + "path": "n07760859/ILSVRC2012_val_00004962.JPEG", + "source": "custard apple", + "source_id": "956", + "target": "Granny Smith", + "target_id": "948", + "is_test": "False" + }, + { + "": "13231", + "path": "n07753592/ILSVRC2012_val_00029919.JPEG", + "source": "banana", + "source_id": "954", + "target": "Granny Smith", + "target_id": "948", + "is_test": "False" + }, + { + "": "1317", + "path": "n01744401/ILSVRC2012_val_00015523.JPEG", + "source": "rock python", + "source_id": "62", + "target": "Indian cobra", + "target_id": "63", + "is_test": "False" + }, + { + "": "1538", + "path": "n01755581/ILSVRC2012_val_00038342.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "Indian cobra", + "target_id": "63", + "is_test": "False" + }, + { + "": "1491", + "path": "n01753488/ILSVRC2012_val_00044048.JPEG", + "source": "horned viper", + "source_id": "66", + "target": "Indian cobra", + "target_id": "63", + "is_test": "False" + }, + { + "": "1530", + "path": "n01755581/ILSVRC2012_val_00030923.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "Indian cobra", + "target_id": "63", + "is_test": "False" + }, + { + "": "4105", + "path": "n02099601/ILSVRC2012_val_00006046.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "Irish setter", + "target_id": "213", + "is_test": "False" + }, + { + "": "4287", + "path": "n02102318/ILSVRC2012_val_00034948.JPEG", + "source": "cocker spaniel", + "source_id": "219", + "target": "Irish setter", + "target_id": "213", + "is_test": "False" + }, + { + "": "4243", + "path": "n02102040/ILSVRC2012_val_00040876.JPEG", + "source": "English springer", + "source_id": "217", + "target": "Irish setter", + "target_id": "213", + "is_test": "False" + }, + { + "": "4232", + "path": "n02102040/ILSVRC2012_val_00027182.JPEG", + "source": "English springer", + "source_id": "217", + "target": "Irish setter", + "target_id": "213", + "is_test": "False" + }, + { + "": "4044", + "path": "n02095314/ILSVRC2012_val_00045861.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "Irish terrier", + "target_id": "184", + "is_test": "False" + }, + { + "": "4013", + "path": "n02095314/ILSVRC2012_val_00019175.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "Irish terrier", + "target_id": "184", + "is_test": "False" + }, + { + "": "4017", + "path": "n02095314/ILSVRC2012_val_00024187.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "Irish terrier", + "target_id": "184", + "is_test": "False" + }, + { + "": "4010", + "path": "n02095314/ILSVRC2012_val_00012515.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "Irish terrier", + "target_id": "184", + "is_test": "False" + }, + { + "": "3530", + "path": "n02088094/ILSVRC2012_val_00035315.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "Italian greyhound", + "target_id": "171", + "is_test": "False" + }, + { + "": "3647", + "path": "n02088364/ILSVRC2012_val_00048273.JPEG", + "source": "beagle", + "source_id": "162", + "target": "Italian greyhound", + "target_id": "171", + "is_test": "False" + }, + { + "": "3591", + "path": "n02088238/ILSVRC2012_val_00039556.JPEG", + "source": "basset", + "source_id": "161", + "target": "Italian greyhound", + "target_id": "171", + "is_test": "False" + }, + { + "": "3569", + "path": "n02088238/ILSVRC2012_val_00020460.JPEG", + "source": "basset", + "source_id": "161", + "target": "Italian greyhound", + "target_id": "171", + "is_test": "False" + }, + { + "": "3448", + "path": "n02086910/ILSVRC2012_val_00048254.JPEG", + "source": "papillon", + "source_id": "157", + "target": "Japanese spaniel", + "target_id": "152", + "is_test": "False" + }, + { + "": "3496", + "path": "n02087046/ILSVRC2012_val_00044963.JPEG", + "source": "toy terrier", + "source_id": "158", + "target": "Japanese spaniel", + "target_id": "152", + "is_test": "False" + }, + { + "": "3373", + "path": "n02086240/ILSVRC2012_val_00020379.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "Japanese spaniel", + "target_id": "152", + "is_test": "False" + }, + { + "": "3299", + "path": "n02085620/ILSVRC2012_val_00049159.JPEG", + "source": "Chihuahua", + "source_id": "151", + "target": "Japanese spaniel", + "target_id": "152", + "is_test": "False" + }, + { + "": "5201", + "path": "n02123045/ILSVRC2012_val_00002823.JPEG", + "source": "tabby", + "source_id": "281", + "target": "Persian cat", + "target_id": "283", + "is_test": "False" + }, + { + "": "5562", + "path": "n02130308/ILSVRC2012_val_00013656.JPEG", + "source": "cheetah", + "source_id": "293", + "target": "Persian cat", + "target_id": "283", + "is_test": "False" + }, + { + "": "5441", + "path": "n02128925/ILSVRC2012_val_00041267.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "Persian cat", + "target_id": "283", + "is_test": "False" + }, + { + "": "5331", + "path": "n02128385/ILSVRC2012_val_00032869.JPEG", + "source": "leopard", + "source_id": "288", + "target": "Persian cat", + "target_id": "283", + "is_test": "False" + }, + { + "": "4698", + "path": "n02110185/ILSVRC2012_val_00048830.JPEG", + "source": "Siberian husky", + "source_id": "250", + "target": "Rottweiler", + "target_id": "234", + "is_test": "False" + }, + { + "": "4487", + "path": "n02107312/ILSVRC2012_val_00035233.JPEG", + "source": "miniature pinscher", + "source_id": "237", + "target": "Rottweiler", + "target_id": "234", + "is_test": "False" + }, + { + "": "4488", + "path": "n02107312/ILSVRC2012_val_00037164.JPEG", + "source": "miniature pinscher", + "source_id": "237", + "target": "Rottweiler", + "target_id": "234", + "is_test": "False" + }, + { + "": "4511", + "path": "n02108089/ILSVRC2012_val_00011921.JPEG", + "source": "boxer", + "source_id": "242", + "target": "Rottweiler", + "target_id": "234", + "is_test": "False" + }, + { + "": "3459", + "path": "n02087046/ILSVRC2012_val_00009570.JPEG", + "source": "toy terrier", + "source_id": "158", + "target": "Shih-Tzu", + "target_id": "155", + "is_test": "False" + }, + { + "": "3335", + "path": "n02085782/ILSVRC2012_val_00034040.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "Shih-Tzu", + "target_id": "155", + "is_test": "False" + }, + { + "": "3343", + "path": "n02085782/ILSVRC2012_val_00041705.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "Shih-Tzu", + "target_id": "155", + "is_test": "False" + }, + { + "": "3298", + "path": "n02085620/ILSVRC2012_val_00046450.JPEG", + "source": "Chihuahua", + "source_id": "151", + "target": "Shih-Tzu", + "target_id": "155", + "is_test": "False" + }, + { + "": "4427", + "path": "n02106662/ILSVRC2012_val_00026629.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "Siberian husky", + "target_id": "250", + "is_test": "False" + }, + { + "": "4530", + "path": "n02108089/ILSVRC2012_val_00028572.JPEG", + "source": "boxer", + "source_id": "242", + "target": "Siberian husky", + "target_id": "250", + "is_test": "False" + }, + { + "": "4604", + "path": "n02109961/ILSVRC2012_val_00005446.JPEG", + "source": "Eskimo dog", + "source_id": "248", + "target": "Siberian husky", + "target_id": "250", + "is_test": "False" + }, + { + "": "4572", + "path": "n02108915/ILSVRC2012_val_00021224.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "Siberian husky", + "target_id": "250", + "is_test": "False" + }, + { + "": "3864", + "path": "n02093754/ILSVRC2012_val_00014225.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "Yorkshire terrier", + "target_id": "187", + "is_test": "False" + }, + { + "": "3888", + "path": "n02093754/ILSVRC2012_val_00040004.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "Yorkshire terrier", + "target_id": "187", + "is_test": "False" + }, + { + "": "4057", + "path": "n02097209/ILSVRC2012_val_00008453.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Yorkshire terrier", + "target_id": "187", + "is_test": "False" + }, + { + "": "3880", + "path": "n02093754/ILSVRC2012_val_00027805.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "Yorkshire terrier", + "target_id": "187", + "is_test": "False" + }, + { + "": "7905", + "path": "n02787622/ILSVRC2012_val_00008213.JPEG", + "source": "banjo", + "source_id": "420", + "target": "acoustic guitar", + "target_id": "402", + "is_test": "False" + }, + { + "": "8466", + "path": "n02992211/ILSVRC2012_val_00016738.JPEG", + "source": "cello", + "source_id": "486", + "target": "acoustic guitar", + "target_id": "402", + "is_test": "False" + }, + { + "": "12062", + "path": "n04536866/ILSVRC2012_val_00011745.JPEG", + "source": "violin", + "source_id": "889", + "target": "acoustic guitar", + "target_id": "402", + "is_test": "False" + }, + { + "": "7912", + "path": "n02787622/ILSVRC2012_val_00013131.JPEG", + "source": "banjo", + "source_id": "420", + "target": "acoustic guitar", + "target_id": "402", + "is_test": "False" + }, + { + "": "6302", + "path": "n02281406/ILSVRC2012_val_00002379.JPEG", + "source": "sulphur butterfly", + "source_id": "325", + "target": "admiral", + "target_id": "321", + "is_test": "False" + }, + { + "": "6200", + "path": "n02279972/ILSVRC2012_val_00001290.JPEG", + "source": "monarch", + "source_id": "323", + "target": "admiral", + "target_id": "321", + "is_test": "False" + }, + { + "": "6330", + "path": "n02281406/ILSVRC2012_val_00037381.JPEG", + "source": "sulphur butterfly", + "source_id": "325", + "target": "admiral", + "target_id": "321", + "is_test": "False" + }, + { + "": "6260", + "path": "n02280649/ILSVRC2012_val_00012269.JPEG", + "source": "cabbage butterfly", + "source_id": "324", + "target": "admiral", + "target_id": "321", + "is_test": "False" + }, + { + "": "2926", + "path": "n02051845/ILSVRC2012_val_00026711.JPEG", + "source": "pelican", + "source_id": "144", + "target": "albatross", + "target_id": "146", + "is_test": "False" + }, + { + "": "2788", + "path": "n02017213/ILSVRC2012_val_00039374.JPEG", + "source": "European gallinule", + "source_id": "136", + "target": "albatross", + "target_id": "146", + "is_test": "False" + }, + { + "": "2783", + "path": "n02017213/ILSVRC2012_val_00034792.JPEG", + "source": "European gallinule", + "source_id": "136", + "target": "albatross", + "target_id": "146", + "is_test": "False" + }, + { + "": "2909", + "path": "n02051845/ILSVRC2012_val_00014594.JPEG", + "source": "pelican", + "source_id": "144", + "target": "albatross", + "target_id": "146", + "is_test": "False" + }, + { + "": "10063", + "path": "n03670208/ILSVRC2012_val_00009022.JPEG", + "source": "limousine", + "source_id": "627", + "target": "ambulance", + "target_id": "407", + "is_test": "False" + }, + { + "": "8135", + "path": "n02814533/ILSVRC2012_val_00031953.JPEG", + "source": "beach wagon", + "source_id": "436", + "target": "ambulance", + "target_id": "407", + "is_test": "False" + }, + { + "": "9912", + "path": "n03594945/ILSVRC2012_val_00011656.JPEG", + "source": "jeep", + "source_id": "609", + "target": "ambulance", + "target_id": "407", + "is_test": "False" + }, + { + "": "10082", + "path": "n03670208/ILSVRC2012_val_00035788.JPEG", + "source": "limousine", + "source_id": "627", + "target": "ambulance", + "target_id": "407", + "is_test": "False" + }, + { + "": "11554", + "path": "n04328186/ILSVRC2012_val_00004385.JPEG", + "source": "stopwatch", + "source_id": "826", + "target": "analog clock", + "target_id": "409", + "is_test": "False" + }, + { + "": "12102", + "path": "n04548280/ILSVRC2012_val_00007256.JPEG", + "source": "wall clock", + "source_id": "892", + "target": "analog clock", + "target_id": "409", + "is_test": "False" + }, + { + "": "7977", + "path": "n02794156/ILSVRC2012_val_00028271.JPEG", + "source": "barometer", + "source_id": "426", + "target": "analog clock", + "target_id": "409", + "is_test": "False" + }, + { + "": "10542", + "path": "n03841143/ILSVRC2012_val_00041839.JPEG", + "source": "odometer", + "source_id": "685", + "target": "analog clock", + "target_id": "409", + "is_test": "False" + }, + { + "": "7565", + "path": "n02640242/ILSVRC2012_val_00008731.JPEG", + "source": "sturgeon", + "source_id": "394", + "target": "anemone fish", + "target_id": "393", + "is_test": "False" + }, + { + "": "7562", + "path": "n02640242/ILSVRC2012_val_00007895.JPEG", + "source": "sturgeon", + "source_id": "394", + "target": "anemone fish", + "target_id": "393", + "is_test": "False" + }, + { + "": "7640", + "path": "n02641379/ILSVRC2012_val_00038033.JPEG", + "source": "gar", + "source_id": "395", + "target": "anemone fish", + "target_id": "393", + "is_test": "False" + }, + { + "": "7661", + "path": "n02643566/ILSVRC2012_val_00009572.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "anemone fish", + "target_id": "393", + "is_test": "False" + }, + { + "": "12749", + "path": "n07718472/ILSVRC2012_val_00047851.JPEG", + "source": "cucumber", + "source_id": "943", + "target": "artichoke", + "target_id": "944", + "is_test": "False" + }, + { + "": "12717", + "path": "n07718472/ILSVRC2012_val_00019290.JPEG", + "source": "cucumber", + "source_id": "943", + "target": "artichoke", + "target_id": "944", + "is_test": "False" + }, + { + "": "12869", + "path": "n07730033/ILSVRC2012_val_00016921.JPEG", + "source": "cardoon", + "source_id": "946", + "target": "artichoke", + "target_id": "944", + "is_test": "False" + }, + { + "": "12555", + "path": "n07716358/ILSVRC2012_val_00004951.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "artichoke", + "target_id": "944", + "is_test": "False" + }, + { + "": "923", + "path": "n01644373/ILSVRC2012_val_00025717.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "axolotl", + "target_id": "29", + "is_test": "False" + }, + { + "": "650", + "path": "n01630670/ILSVRC2012_val_00000498.JPEG", + "source": "common newt", + "source_id": "26", + "target": "axolotl", + "target_id": "29", + "is_test": "False" + }, + { + "": "940", + "path": "n01644373/ILSVRC2012_val_00038959.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "axolotl", + "target_id": "29", + "is_test": "False" + }, + { + "": "863", + "path": "n01641577/ILSVRC2012_val_00014735.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "axolotl", + "target_id": "29", + "is_test": "False" + }, + { + "": "7207", + "path": "n02492035/ILSVRC2012_val_00005761.JPEG", + "source": "capuchin", + "source_id": "378", + "target": "baboon", + "target_id": "372", + "is_test": "False" + }, + { + "": "7258", + "path": "n02493793/ILSVRC2012_val_00012697.JPEG", + "source": "spider monkey", + "source_id": "381", + "target": "baboon", + "target_id": "372", + "is_test": "False" + }, + { + "": "7346", + "path": "n02494079/ILSVRC2012_val_00046565.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "baboon", + "target_id": "372", + "is_test": "False" + }, + { + "": "7160", + "path": "n02487347/ILSVRC2012_val_00014402.JPEG", + "source": "macaque", + "source_id": "373", + "target": "baboon", + "target_id": "372", + "is_test": "False" + }, + { + "": "10740", + "path": "n03958227/ILSVRC2012_val_00040579.JPEG", + "source": "plastic bag", + "source_id": "728", + "target": "backpack", + "target_id": "414", + "is_test": "False" + }, + { + "": "10860", + "path": "n04026417/ILSVRC2012_val_00011671.JPEG", + "source": "purse", + "source_id": "748", + "target": "backpack", + "target_id": "414", + "is_test": "False" + }, + { + "": "10863", + "path": "n04026417/ILSVRC2012_val_00013221.JPEG", + "source": "purse", + "source_id": "748", + "target": "backpack", + "target_id": "414", + "is_test": "False" + }, + { + "": "10730", + "path": "n03958227/ILSVRC2012_val_00031510.JPEG", + "source": "plastic bag", + "source_id": "728", + "target": "backpack", + "target_id": "414", + "is_test": "False" + }, + { + "": "12368", + "path": "n07697313/ILSVRC2012_val_00021498.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "bagel", + "target_id": "931", + "is_test": "False" + }, + { + "": "12354", + "path": "n07697313/ILSVRC2012_val_00006210.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "bagel", + "target_id": "931", + "is_test": "False" + }, + { + "": "12361", + "path": "n07697313/ILSVRC2012_val_00014093.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "bagel", + "target_id": "931", + "is_test": "False" + }, + { + "": "12410", + "path": "n07697537/ILSVRC2012_val_00013208.JPEG", + "source": "hotdog", + "source_id": "934", + "target": "bagel", + "target_id": "931", + "is_test": "False" + }, + { + "": "470", + "path": "n01608432/ILSVRC2012_val_00020710.JPEG", + "source": "kite", + "source_id": "21", + "target": "bald eagle", + "target_id": "22", + "is_test": "False" + }, + { + "": "493", + "path": "n01608432/ILSVRC2012_val_00045746.JPEG", + "source": "kite", + "source_id": "21", + "target": "bald eagle", + "target_id": "22", + "is_test": "False" + }, + { + "": "497", + "path": "n01608432/ILSVRC2012_val_00046948.JPEG", + "source": "kite", + "source_id": "21", + "target": "bald eagle", + "target_id": "22", + "is_test": "False" + }, + { + "": "454", + "path": "n01608432/ILSVRC2012_val_00001218.JPEG", + "source": "kite", + "source_id": "21", + "target": "bald eagle", + "target_id": "22", + "is_test": "False" + }, + { + "": "13345", + "path": "n07768694/ILSVRC2012_val_00041470.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "banana", + "target_id": "954", + "is_test": "False" + }, + { + "": "13253", + "path": "n07760859/ILSVRC2012_val_00002336.JPEG", + "source": "custard apple", + "source_id": "956", + "target": "banana", + "target_id": "954", + "is_test": "False" + }, + { + "": "12978", + "path": "n07745940/ILSVRC2012_val_00022484.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "banana", + "target_id": "954", + "is_test": "False" + }, + { + "": "13085", + "path": "n07749582/ILSVRC2012_val_00034286.JPEG", + "source": "lemon", + "source_id": "951", + "target": "banana", + "target_id": "954", + "is_test": "False" + }, + { + "": "8451", + "path": "n02992211/ILSVRC2012_val_00000736.JPEG", + "source": "cello", + "source_id": "486", + "target": "banjo", + "target_id": "420", + "is_test": "False" + }, + { + "": "8490", + "path": "n02992211/ILSVRC2012_val_00040560.JPEG", + "source": "cello", + "source_id": "486", + "target": "banjo", + "target_id": "420", + "is_test": "False" + }, + { + "": "9200", + "path": "n03272010/ILSVRC2012_val_00000374.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "banjo", + "target_id": "420", + "is_test": "False" + }, + { + "": "7741", + "path": "n02676566/ILSVRC2012_val_00041857.JPEG", + "source": "acoustic guitar", + "source_id": "402", + "target": "banjo", + "target_id": "420", + "is_test": "False" + }, + { + "": "7821", + "path": "n02708093/ILSVRC2012_val_00017693.JPEG", + "source": "analog clock", + "source_id": "409", + "target": "barometer", + "target_id": "426", + "is_test": "False" + }, + { + "": "12139", + "path": "n04548280/ILSVRC2012_val_00040337.JPEG", + "source": "wall clock", + "source_id": "892", + "target": "barometer", + "target_id": "426", + "is_test": "False" + }, + { + "": "7809", + "path": "n02708093/ILSVRC2012_val_00006858.JPEG", + "source": "analog clock", + "source_id": "409", + "target": "barometer", + "target_id": "426", + "is_test": "False" + }, + { + "": "7804", + "path": "n02708093/ILSVRC2012_val_00004360.JPEG", + "source": "analog clock", + "source_id": "409", + "target": "barometer", + "target_id": "426", + "is_test": "False" + }, + { + "": "3690", + "path": "n02089973/ILSVRC2012_val_00042318.JPEG", + "source": "English foxhound", + "source_id": "167", + "target": "basset", + "target_id": "161", + "is_test": "False" + }, + { + "": "3794", + "path": "n02091635/ILSVRC2012_val_00041735.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "basset", + "target_id": "161", + "is_test": "False" + }, + { + "": "3524", + "path": "n02088094/ILSVRC2012_val_00029861.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "basset", + "target_id": "161", + "is_test": "False" + }, + { + "": "3775", + "path": "n02091635/ILSVRC2012_val_00019639.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "basset", + "target_id": "161", + "is_test": "False" + }, + { + "": "10487", + "path": "n03838899/ILSVRC2012_val_00036525.JPEG", + "source": "oboe", + "source_id": "683", + "target": "bassoon", + "target_id": "432", + "is_test": "False" + }, + { + "": "9401", + "path": "n03372029/ILSVRC2012_val_00001896.JPEG", + "source": "flute", + "source_id": "558", + "target": "bassoon", + "target_id": "432", + "is_test": "False" + }, + { + "": "9525", + "path": "n03394916/ILSVRC2012_val_00025583.JPEG", + "source": "French horn", + "source_id": "566", + "target": "bassoon", + "target_id": "432", + "is_test": "False" + }, + { + "": "10968", + "path": "n04141076/ILSVRC2012_val_00022964.JPEG", + "source": "sax", + "source_id": "776", + "target": "bassoon", + "target_id": "432", + "is_test": "False" + }, + { + "": "8241", + "path": "n02869837/ILSVRC2012_val_00041433.JPEG", + "source": "bonnet", + "source_id": "452", + "target": "bathing cap", + "target_id": "433", + "is_test": "False" + }, + { + "": "9496", + "path": "n03379051/ILSVRC2012_val_00045341.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "bathing cap", + "target_id": "433", + "is_test": "False" + }, + { + "": "11205", + "path": "n04209133/ILSVRC2012_val_00005233.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "bathing cap", + "target_id": "433", + "is_test": "False" + }, + { + "": "8912", + "path": "n03124170/ILSVRC2012_val_00006490.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "bathing cap", + "target_id": "433", + "is_test": "False" + }, + { + "": "8842", + "path": "n03100240/ILSVRC2012_val_00038956.JPEG", + "source": "convertible", + "source_id": "511", + "target": "beach wagon", + "target_id": "436", + "is_test": "False" + }, + { + "": "8258", + "path": "n02930766/ILSVRC2012_val_00005877.JPEG", + "source": "cab", + "source_id": "468", + "target": "beach wagon", + "target_id": "436", + "is_test": "False" + }, + { + "": "10274", + "path": "n03770679/ILSVRC2012_val_00024550.JPEG", + "source": "minivan", + "source_id": "656", + "target": "beach wagon", + "target_id": "436", + "is_test": "False" + }, + { + "": "9929", + "path": "n03594945/ILSVRC2012_val_00022261.JPEG", + "source": "jeep", + "source_id": "609", + "target": "beach wagon", + "target_id": "436", + "is_test": "False" + }, + { + "": "3727", + "path": "n02091032/ILSVRC2012_val_00026310.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "beagle", + "target_id": "162", + "is_test": "False" + }, + { + "": "3512", + "path": "n02088094/ILSVRC2012_val_00014386.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "beagle", + "target_id": "162", + "is_test": "False" + }, + { + "": "3734", + "path": "n02091032/ILSVRC2012_val_00034184.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "beagle", + "target_id": "162", + "is_test": "False" + }, + { + "": "3537", + "path": "n02088094/ILSVRC2012_val_00043627.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "beagle", + "target_id": "162", + "is_test": "False" + }, + { + "": "11626", + "path": "n04398044/ILSVRC2012_val_00029747.JPEG", + "source": "teapot", + "source_id": "849", + "target": "beer bottle", + "target_id": "440", + "is_test": "False" + }, + { + "": "12202", + "path": "n04560804/ILSVRC2012_val_00000858.JPEG", + "source": "water jug", + "source_id": "899", + "target": "beer bottle", + "target_id": "440", + "is_test": "False" + }, + { + "": "12015", + "path": "n04522168/ILSVRC2012_val_00012147.JPEG", + "source": "vase", + "source_id": "883", + "target": "beer bottle", + "target_id": "440", + "is_test": "False" + }, + { + "": "12012", + "path": "n04522168/ILSVRC2012_val_00011121.JPEG", + "source": "vase", + "source_id": "883", + "target": "beer bottle", + "target_id": "440", + "is_test": "False" + }, + { + "": "12767", + "path": "n07718747/ILSVRC2012_val_00011521.JPEG", + "source": "artichoke", + "source_id": "944", + "target": "bell pepper", + "target_id": "945", + "is_test": "False" + }, + { + "": "12782", + "path": "n07718747/ILSVRC2012_val_00035395.JPEG", + "source": "artichoke", + "source_id": "944", + "target": "bell pepper", + "target_id": "945", + "is_test": "False" + }, + { + "": "12616", + "path": "n07716906/ILSVRC2012_val_00017224.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "bell pepper", + "target_id": "945", + "is_test": "False" + }, + { + "": "12520", + "path": "n07715103/ILSVRC2012_val_00021440.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "bell pepper", + "target_id": "945", + "is_test": "False" + }, + { + "": "6637", + "path": "n02410509/ILSVRC2012_val_00040338.JPEG", + "source": "bison", + "source_id": "347", + "target": "bighorn", + "target_id": "349", + "is_test": "False" + }, + { + "": "6588", + "path": "n02408429/ILSVRC2012_val_00040331.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "bighorn", + "target_id": "349", + "is_test": "False" + }, + { + "": "6795", + "path": "n02417914/ILSVRC2012_val_00042511.JPEG", + "source": "ibex", + "source_id": "350", + "target": "bighorn", + "target_id": "349", + "is_test": "False" + }, + { + "": "6769", + "path": "n02417914/ILSVRC2012_val_00023225.JPEG", + "source": "ibex", + "source_id": "350", + "target": "bighorn", + "target_id": "349", + "is_test": "False" + }, + { + "": "6506", + "path": "n02403003/ILSVRC2012_val_00005366.JPEG", + "source": "ox", + "source_id": "345", + "target": "bison", + "target_id": "347", + "is_test": "False" + }, + { + "": "6701", + "path": "n02415577/ILSVRC2012_val_00000246.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "bison", + "target_id": "347", + "is_test": "False" + }, + { + "": "6861", + "path": "n02423022/ILSVRC2012_val_00013750.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "bison", + "target_id": "347", + "is_test": "False" + }, + { + "": "6778", + "path": "n02417914/ILSVRC2012_val_00029221.JPEG", + "source": "ibex", + "source_id": "350", + "target": "bison", + "target_id": "347", + "is_test": "False" + }, + { + "": "1971", + "path": "n01797886/ILSVRC2012_val_00025200.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "black grouse", + "target_id": "80", + "is_test": "False" + }, + { + "": "2019", + "path": "n01798484/ILSVRC2012_val_00023097.JPEG", + "source": "prairie chicken", + "source_id": "83", + "target": "black grouse", + "target_id": "80", + "is_test": "False" + }, + { + "": "1948", + "path": "n01796340/ILSVRC2012_val_00048825.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "black grouse", + "target_id": "80", + "is_test": "False" + }, + { + "": "2046", + "path": "n01798484/ILSVRC2012_val_00047252.JPEG", + "source": "prairie chicken", + "source_id": "83", + "target": "black grouse", + "target_id": "80", + "is_test": "False" + }, + { + "": "2870", + "path": "n02037110/ILSVRC2012_val_00020025.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "black stork", + "target_id": "128", + "is_test": "False" + }, + { + "": "2856", + "path": "n02037110/ILSVRC2012_val_00005266.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "black stork", + "target_id": "128", + "is_test": "False" + }, + { + "": "2744", + "path": "n02009229/ILSVRC2012_val_00047156.JPEG", + "source": "little blue heron", + "source_id": "131", + "target": "black stork", + "target_id": "128", + "is_test": "False" + }, + { + "": "2681", + "path": "n02007558/ILSVRC2012_val_00034548.JPEG", + "source": "flamingo", + "source_id": "130", + "target": "black stork", + "target_id": "128", + "is_test": "False" + }, + { + "": "3042", + "path": "n02058221/ILSVRC2012_val_00040987.JPEG", + "source": "albatross", + "source_id": "146", + "target": "black swan", + "target_id": "100", + "is_test": "False" + }, + { + "": "2964", + "path": "n02056570/ILSVRC2012_val_00015660.JPEG", + "source": "king penguin", + "source_id": "145", + "target": "black swan", + "target_id": "100", + "is_test": "False" + }, + { + "": "2902", + "path": "n02051845/ILSVRC2012_val_00003493.JPEG", + "source": "pelican", + "source_id": "144", + "target": "black swan", + "target_id": "100", + "is_test": "False" + }, + { + "": "2966", + "path": "n02056570/ILSVRC2012_val_00016262.JPEG", + "source": "king penguin", + "source_id": "145", + "target": "black swan", + "target_id": "100", + "is_test": "False" + }, + { + "": "1662", + "path": "n01773797/ILSVRC2012_val_00011379.JPEG", + "source": "garden spider", + "source_id": "74", + "target": "black widow", + "target_id": "75", + "is_test": "False" + }, + { + "": "1775", + "path": "n01774750/ILSVRC2012_val_00029147.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "black widow", + "target_id": "75", + "is_test": "False" + }, + { + "": "1769", + "path": "n01774750/ILSVRC2012_val_00023425.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "black widow", + "target_id": "75", + "is_test": "False" + }, + { + "": "1642", + "path": "n01770393/ILSVRC2012_val_00043159.JPEG", + "source": "scorpion", + "source_id": "71", + "target": "black widow", + "target_id": "75", + "is_test": "False" + }, + { + "": "1176", + "path": "n01729977/ILSVRC2012_val_00021750.JPEG", + "source": "green snake", + "source_id": "55", + "target": "boa constrictor", + "target_id": "61", + "is_test": "False" + }, + { + "": "1367", + "path": "n01748264/ILSVRC2012_val_00020161.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "boa constrictor", + "target_id": "61", + "is_test": "False" + }, + { + "": "1117", + "path": "n01728572/ILSVRC2012_val_00018775.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "boa constrictor", + "target_id": "61", + "is_test": "False" + }, + { + "": "1222", + "path": "n01734418/ILSVRC2012_val_00020273.JPEG", + "source": "king snake", + "source_id": "56", + "target": "boa constrictor", + "target_id": "61", + "is_test": "False" + }, + { + "": "13551", + "path": "n13052670/ILSVRC2012_val_00002537.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "bolete", + "target_id": "997", + "is_test": "False" + }, + { + "": "13391", + "path": "n12985857/ILSVRC2012_val_00042183.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "bolete", + "target_id": "997", + "is_test": "False" + }, + { + "": "13566", + "path": "n13052670/ILSVRC2012_val_00017080.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "bolete", + "target_id": "997", + "is_test": "False" + }, + { + "": "13433", + "path": "n13037406/ILSVRC2012_val_00032838.JPEG", + "source": "gyromitra", + "source_id": "993", + "target": "bolete", + "target_id": "997", + "is_test": "False" + }, + { + "": "11315", + "path": "n04259630/ILSVRC2012_val_00017596.JPEG", + "source": "sombrero", + "source_id": "808", + "target": "bonnet", + "target_id": "452", + "is_test": "False" + }, + { + "": "8947", + "path": "n03124170/ILSVRC2012_val_00047208.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "bonnet", + "target_id": "452", + "is_test": "False" + }, + { + "": "11206", + "path": "n04209133/ILSVRC2012_val_00005661.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "bonnet", + "target_id": "452", + "is_test": "False" + }, + { + "": "9466", + "path": "n03379051/ILSVRC2012_val_00017055.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "bonnet", + "target_id": "452", + "is_test": "False" + }, + { + "": "1029", + "path": "n01667778/ILSVRC2012_val_00029806.JPEG", + "source": "terrapin", + "source_id": "36", + "target": "box turtle", + "target_id": "37", + "is_test": "False" + }, + { + "": "950", + "path": "n01667114/ILSVRC2012_val_00000229.JPEG", + "source": "mud turtle", + "source_id": "35", + "target": "box turtle", + "target_id": "37", + "is_test": "False" + }, + { + "": "999", + "path": "n01667114/ILSVRC2012_val_00049703.JPEG", + "source": "mud turtle", + "source_id": "35", + "target": "box turtle", + "target_id": "37", + "is_test": "False" + }, + { + "": "997", + "path": "n01667114/ILSVRC2012_val_00049260.JPEG", + "source": "mud turtle", + "source_id": "35", + "target": "box turtle", + "target_id": "37", + "is_test": "False" + }, + { + "": "4612", + "path": "n02109961/ILSVRC2012_val_00012430.JPEG", + "source": "Eskimo dog", + "source_id": "248", + "target": "boxer", + "target_id": "242", + "is_test": "False" + }, + { + "": "4440", + "path": "n02106662/ILSVRC2012_val_00034224.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "boxer", + "target_id": "242", + "is_test": "False" + }, + { + "": "4446", + "path": "n02106662/ILSVRC2012_val_00046761.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "boxer", + "target_id": "242", + "is_test": "False" + }, + { + "": "4360", + "path": "n02106550/ILSVRC2012_val_00014320.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "boxer", + "target_id": "242", + "is_test": "False" + }, + { + "": "12788", + "path": "n07718747/ILSVRC2012_val_00039161.JPEG", + "source": "artichoke", + "source_id": "944", + "target": "broccoli", + "target_id": "937", + "is_test": "False" + }, + { + "": "12645", + "path": "n07716906/ILSVRC2012_val_00042582.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "broccoli", + "target_id": "937", + "is_test": "False" + }, + { + "": "12666", + "path": "n07717556/ILSVRC2012_val_00020363.JPEG", + "source": "butternut squash", + "source_id": "942", + "target": "broccoli", + "target_id": "937", + "is_test": "False" + }, + { + "": "12580", + "path": "n07716358/ILSVRC2012_val_00024556.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "broccoli", + "target_id": "937", + "is_test": "False" + }, + { + "": "5773", + "path": "n02134418/ILSVRC2012_val_00028703.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "brown bear", + "target_id": "294", + "is_test": "False" + }, + { + "": "7373", + "path": "n02509815/ILSVRC2012_val_00018367.JPEG", + "source": "lesser panda", + "source_id": "387", + "target": "brown bear", + "target_id": "294", + "is_test": "False" + }, + { + "": "5729", + "path": "n02134084/ILSVRC2012_val_00030704.JPEG", + "source": "ice bear", + "source_id": "296", + "target": "brown bear", + "target_id": "294", + "is_test": "False" + }, + { + "": "5756", + "path": "n02134418/ILSVRC2012_val_00009976.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "brown bear", + "target_id": "294", + "is_test": "False" + }, + { + "": "930", + "path": "n01644373/ILSVRC2012_val_00033084.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "bullfrog", + "target_id": "30", + "is_test": "False" + }, + { + "": "902", + "path": "n01644373/ILSVRC2012_val_00003621.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "bullfrog", + "target_id": "30", + "is_test": "False" + }, + { + "": "607", + "path": "n01629819/ILSVRC2012_val_00008542.JPEG", + "source": "European fire salamander", + "source_id": "25", + "target": "bullfrog", + "target_id": "30", + "is_test": "False" + }, + { + "": "718", + "path": "n01631663/ILSVRC2012_val_00012765.JPEG", + "source": "eft", + "source_id": "27", + "target": "bullfrog", + "target_id": "30", + "is_test": "False" + }, + { + "": "2097", + "path": "n01855672/ILSVRC2012_val_00047073.JPEG", + "source": "goose", + "source_id": "99", + "target": "bustard", + "target_id": "138", + "is_test": "False" + }, + { + "": "2899", + "path": "n02037110/ILSVRC2012_val_00049746.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "bustard", + "target_id": "138", + "is_test": "False" + }, + { + "": "2704", + "path": "n02009229/ILSVRC2012_val_00007043.JPEG", + "source": "little blue heron", + "source_id": "131", + "target": "bustard", + "target_id": "138", + "is_test": "False" + }, + { + "": "2734", + "path": "n02009229/ILSVRC2012_val_00038576.JPEG", + "source": "little blue heron", + "source_id": "131", + "target": "bustard", + "target_id": "138", + "is_test": "False" + }, + { + "": "12871", + "path": "n07730033/ILSVRC2012_val_00022010.JPEG", + "source": "cardoon", + "source_id": "946", + "target": "butternut squash", + "target_id": "942", + "is_test": "False" + }, + { + "": "12825", + "path": "n07720875/ILSVRC2012_val_00028090.JPEG", + "source": "bell pepper", + "source_id": "945", + "target": "butternut squash", + "target_id": "942", + "is_test": "False" + }, + { + "": "12841", + "path": "n07720875/ILSVRC2012_val_00043991.JPEG", + "source": "bell pepper", + "source_id": "945", + "target": "butternut squash", + "target_id": "942", + "is_test": "False" + }, + { + "": "12627", + "path": "n07716906/ILSVRC2012_val_00026745.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "butternut squash", + "target_id": "942", + "is_test": "False" + }, + { + "": "10272", + "path": "n03770679/ILSVRC2012_val_00023556.JPEG", + "source": "minivan", + "source_id": "656", + "target": "cab", + "target_id": "468", + "is_test": "False" + }, + { + "": "8130", + "path": "n02814533/ILSVRC2012_val_00029094.JPEG", + "source": "beach wagon", + "source_id": "436", + "target": "cab", + "target_id": "468", + "is_test": "False" + }, + { + "": "8804", + "path": "n03100240/ILSVRC2012_val_00007348.JPEG", + "source": "convertible", + "source_id": "511", + "target": "cab", + "target_id": "468", + "is_test": "False" + }, + { + "": "8808", + "path": "n03100240/ILSVRC2012_val_00014010.JPEG", + "source": "convertible", + "source_id": "511", + "target": "cab", + "target_id": "468", + "is_test": "False" + }, + { + "": "6152", + "path": "n02277742/ILSVRC2012_val_00004590.JPEG", + "source": "ringlet", + "source_id": "322", + "target": "cabbage butterfly", + "target_id": "324", + "is_test": "False" + }, + { + "": "6105", + "path": "n02276258/ILSVRC2012_val_00006819.JPEG", + "source": "admiral", + "source_id": "321", + "target": "cabbage butterfly", + "target_id": "324", + "is_test": "False" + }, + { + "": "6138", + "path": "n02276258/ILSVRC2012_val_00042337.JPEG", + "source": "admiral", + "source_id": "321", + "target": "cabbage butterfly", + "target_id": "324", + "is_test": "False" + }, + { + "": "6201", + "path": "n02279972/ILSVRC2012_val_00001717.JPEG", + "source": "monarch", + "source_id": "323", + "target": "cabbage butterfly", + "target_id": "324", + "is_test": "False" + }, + { + "": "10029", + "path": "n03662601/ILSVRC2012_val_00027527.JPEG", + "source": "lifeboat", + "source_id": "625", + "target": "canoe", + "target_id": "472", + "is_test": "False" + }, + { + "": "11398", + "path": "n04273569/ILSVRC2012_val_00045916.JPEG", + "source": "speedboat", + "source_id": "814", + "target": "canoe", + "target_id": "472", + "is_test": "False" + }, + { + "": "9321", + "path": "n03344393/ILSVRC2012_val_00017413.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "canoe", + "target_id": "472", + "is_test": "False" + }, + { + "": "9324", + "path": "n03344393/ILSVRC2012_val_00020283.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "canoe", + "target_id": "472", + "is_test": "False" + }, + { + "": "7097", + "path": "n02484975/ILSVRC2012_val_00045921.JPEG", + "source": "guenon", + "source_id": "370", + "target": "capuchin", + "target_id": "378", + "is_test": "False" + }, + { + "": "7103", + "path": "n02486410/ILSVRC2012_val_00003454.JPEG", + "source": "baboon", + "source_id": "372", + "target": "capuchin", + "target_id": "378", + "is_test": "False" + }, + { + "": "7169", + "path": "n02487347/ILSVRC2012_val_00024253.JPEG", + "source": "macaque", + "source_id": "373", + "target": "capuchin", + "target_id": "378", + "is_test": "False" + }, + { + "": "7345", + "path": "n02494079/ILSVRC2012_val_00045893.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "capuchin", + "target_id": "378", + "is_test": "False" + }, + { + "": "12523", + "path": "n07715103/ILSVRC2012_val_00026372.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "cardoon", + "target_id": "946", + "is_test": "False" + }, + { + "": "12554", + "path": "n07716358/ILSVRC2012_val_00003681.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "cardoon", + "target_id": "946", + "is_test": "False" + }, + { + "": "12843", + "path": "n07720875/ILSVRC2012_val_00046235.JPEG", + "source": "bell pepper", + "source_id": "945", + "target": "cardoon", + "target_id": "946", + "is_test": "False" + }, + { + "": "12576", + "path": "n07716358/ILSVRC2012_val_00020174.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "cardoon", + "target_id": "946", + "is_test": "False" + }, + { + "": "9030", + "path": "n03187595/ILSVRC2012_val_00028832.JPEG", + "source": "dial telephone", + "source_id": "528", + "target": "cassette player", + "target_id": "482", + "is_test": "False" + }, + { + "": "9037", + "path": "n03187595/ILSVRC2012_val_00031617.JPEG", + "source": "dial telephone", + "source_id": "528", + "target": "cassette player", + "target_id": "482", + "is_test": "False" + }, + { + "": "8996", + "path": "n03180011/ILSVRC2012_val_00048595.JPEG", + "source": "desktop computer", + "source_id": "527", + "target": "cassette player", + "target_id": "482", + "is_test": "False" + }, + { + "": "9821", + "path": "n03492542/ILSVRC2012_val_00020209.JPEG", + "source": "hard disc", + "source_id": "592", + "target": "cassette player", + "target_id": "482", + "is_test": "False" + }, + { + "": "11895", + "path": "n04483307/ILSVRC2012_val_00044985.JPEG", + "source": "trimaran", + "source_id": "871", + "target": "catamaran", + "target_id": "484", + "is_test": "False" + }, + { + "": "11084", + "path": "n04147183/ILSVRC2012_val_00037184.JPEG", + "source": "schooner", + "source_id": "780", + "target": "catamaran", + "target_id": "484", + "is_test": "False" + }, + { + "": "11071", + "path": "n04147183/ILSVRC2012_val_00017721.JPEG", + "source": "schooner", + "source_id": "780", + "target": "catamaran", + "target_id": "484", + "is_test": "False" + }, + { + "": "11853", + "path": "n04483307/ILSVRC2012_val_00005581.JPEG", + "source": "trimaran", + "source_id": "871", + "target": "catamaran", + "target_id": "484", + "is_test": "False" + }, + { + "": "12604", + "path": "n07716906/ILSVRC2012_val_00006018.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "cauliflower", + "target_id": "938", + "is_test": "False" + }, + { + "": "12603", + "path": "n07716906/ILSVRC2012_val_00004357.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "cauliflower", + "target_id": "938", + "is_test": "False" + }, + { + "": "12477", + "path": "n07714990/ILSVRC2012_val_00027971.JPEG", + "source": "broccoli", + "source_id": "937", + "target": "cauliflower", + "target_id": "938", + "is_test": "False" + }, + { + "": "12873", + "path": "n07730033/ILSVRC2012_val_00022640.JPEG", + "source": "cardoon", + "source_id": "946", + "target": "cauliflower", + "target_id": "938", + "is_test": "False" + }, + { + "": "7946", + "path": "n02787622/ILSVRC2012_val_00047837.JPEG", + "source": "banjo", + "source_id": "420", + "target": "cello", + "target_id": "486", + "is_test": "False" + }, + { + "": "9229", + "path": "n03272010/ILSVRC2012_val_00022203.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "cello", + "target_id": "486", + "is_test": "False" + }, + { + "": "7928", + "path": "n02787622/ILSVRC2012_val_00025772.JPEG", + "source": "banjo", + "source_id": "420", + "target": "cello", + "target_id": "486", + "is_test": "False" + }, + { + "": "7942", + "path": "n02787622/ILSVRC2012_val_00046266.JPEG", + "source": "banjo", + "source_id": "420", + "target": "cello", + "target_id": "486", + "is_test": "False" + }, + { + "": "8799", + "path": "n03085013/ILSVRC2012_val_00049596.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "cellular telephone", + "target_id": "487", + "is_test": "False" + }, + { + "": "9870", + "path": "n03584254/ILSVRC2012_val_00021482.JPEG", + "source": "iPod", + "source_id": "605", + "target": "cellular telephone", + "target_id": "487", + "is_test": "False" + }, + { + "": "9882", + "path": "n03584254/ILSVRC2012_val_00037266.JPEG", + "source": "iPod", + "source_id": "605", + "target": "cellular telephone", + "target_id": "487", + "is_test": "False" + }, + { + "": "9885", + "path": "n03584254/ILSVRC2012_val_00039654.JPEG", + "source": "iPod", + "source_id": "605", + "target": "cellular telephone", + "target_id": "487", + "is_test": "False" + }, + { + "": "12443", + "path": "n07697537/ILSVRC2012_val_00044831.JPEG", + "source": "hotdog", + "source_id": "934", + "target": "cheeseburger", + "target_id": "933", + "is_test": "False" + }, + { + "": "12338", + "path": "n07693725/ILSVRC2012_val_00043248.JPEG", + "source": "bagel", + "source_id": "931", + "target": "cheeseburger", + "target_id": "933", + "is_test": "False" + }, + { + "": "12330", + "path": "n07693725/ILSVRC2012_val_00033678.JPEG", + "source": "bagel", + "source_id": "931", + "target": "cheeseburger", + "target_id": "933", + "is_test": "False" + }, + { + "": "12447", + "path": "n07697537/ILSVRC2012_val_00049110.JPEG", + "source": "hotdog", + "source_id": "934", + "target": "cheeseburger", + "target_id": "933", + "is_test": "False" + }, + { + "": "5266", + "path": "n02123394/ILSVRC2012_val_00009899.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "cheetah", + "target_id": "293", + "is_test": "False" + }, + { + "": "5396", + "path": "n02128757/ILSVRC2012_val_00046555.JPEG", + "source": "snow leopard", + "source_id": "289", + "target": "cheetah", + "target_id": "293", + "is_test": "False" + }, + { + "": "5468", + "path": "n02129165/ILSVRC2012_val_00015547.JPEG", + "source": "lion", + "source_id": "291", + "target": "cheetah", + "target_id": "293", + "is_test": "False" + }, + { + "": "5417", + "path": "n02128925/ILSVRC2012_val_00019365.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "cheetah", + "target_id": "293", + "is_test": "False" + }, + { + "": "10110", + "path": "n03720891/ILSVRC2012_val_00012522.JPEG", + "source": "maraca", + "source_id": "641", + "target": "chime", + "target_id": "494", + "is_test": "False" + }, + { + "": "9749", + "path": "n03447721/ILSVRC2012_val_00049947.JPEG", + "source": "gong", + "source_id": "577", + "target": "chime", + "target_id": "494", + "is_test": "False" + }, + { + "": "10197", + "path": "n03721384/ILSVRC2012_val_00048100.JPEG", + "source": "marimba", + "source_id": "642", + "target": "chime", + "target_id": "494", + "is_test": "False" + }, + { + "": "9187", + "path": "n03249569/ILSVRC2012_val_00030646.JPEG", + "source": "drum", + "source_id": "541", + "target": "chime", + "target_id": "494", + "is_test": "False" + }, + { + "": "6903", + "path": "n02480495/ILSVRC2012_val_00004003.JPEG", + "source": "orangutan", + "source_id": "365", + "target": "chimpanzee", + "target_id": "367", + "is_test": "False" + }, + { + "": "6935", + "path": "n02480495/ILSVRC2012_val_00033650.JPEG", + "source": "orangutan", + "source_id": "365", + "target": "chimpanzee", + "target_id": "367", + "is_test": "False" + }, + { + "": "6998", + "path": "n02480855/ILSVRC2012_val_00047603.JPEG", + "source": "gorilla", + "source_id": "366", + "target": "chimpanzee", + "target_id": "367", + "is_test": "False" + }, + { + "": "6984", + "path": "n02480855/ILSVRC2012_val_00032655.JPEG", + "source": "gorilla", + "source_id": "366", + "target": "chimpanzee", + "target_id": "367", + "is_test": "False" + }, + { + "": "4129", + "path": "n02099601/ILSVRC2012_val_00028411.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "cocker spaniel", + "target_id": "219", + "is_test": "False" + }, + { + "": "4123", + "path": "n02099601/ILSVRC2012_val_00021654.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "cocker spaniel", + "target_id": "219", + "is_test": "False" + }, + { + "": "4236", + "path": "n02102040/ILSVRC2012_val_00035723.JPEG", + "source": "English springer", + "source_id": "217", + "target": "cocker spaniel", + "target_id": "219", + "is_test": "False" + }, + { + "": "4141", + "path": "n02099601/ILSVRC2012_val_00034584.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "cocker spaniel", + "target_id": "219", + "is_test": "False" + }, + { + "": "8723", + "path": "n03063689/ILSVRC2012_val_00029784.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "cocktail shaker", + "target_id": "503", + "is_test": "False" + }, + { + "": "8185", + "path": "n02823428/ILSVRC2012_val_00036083.JPEG", + "source": "beer bottle", + "source_id": "440", + "target": "cocktail shaker", + "target_id": "503", + "is_test": "False" + }, + { + "": "10247", + "path": "n03733805/ILSVRC2012_val_00045615.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "cocktail shaker", + "target_id": "503", + "is_test": "False" + }, + { + "": "8167", + "path": "n02823428/ILSVRC2012_val_00013807.JPEG", + "source": "beer bottle", + "source_id": "440", + "target": "cocktail shaker", + "target_id": "503", + "is_test": "False" + }, + { + "": "12296", + "path": "n04591713/ILSVRC2012_val_00048539.JPEG", + "source": "wine bottle", + "source_id": "907", + "target": "coffee mug", + "target_id": "504", + "is_test": "False" + }, + { + "": "10229", + "path": "n03733805/ILSVRC2012_val_00032857.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "coffee mug", + "target_id": "504", + "is_test": "False" + }, + { + "": "10205", + "path": "n03733805/ILSVRC2012_val_00005136.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "coffee mug", + "target_id": "504", + "is_test": "False" + }, + { + "": "12213", + "path": "n04560804/ILSVRC2012_val_00012572.JPEG", + "source": "water jug", + "source_id": "899", + "target": "coffee mug", + "target_id": "504", + "is_test": "False" + }, + { + "": "12191", + "path": "n04557648/ILSVRC2012_val_00040553.JPEG", + "source": "water bottle", + "source_id": "898", + "target": "coffeepot", + "target_id": "505", + "is_test": "False" + }, + { + "": "10209", + "path": "n03733805/ILSVRC2012_val_00008852.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "coffeepot", + "target_id": "505", + "is_test": "False" + }, + { + "": "11603", + "path": "n04398044/ILSVRC2012_val_00006001.JPEG", + "source": "teapot", + "source_id": "849", + "target": "coffeepot", + "target_id": "505", + "is_test": "False" + }, + { + "": "10203", + "path": "n03733805/ILSVRC2012_val_00003216.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "coffeepot", + "target_id": "505", + "is_test": "False" + }, + { + "": "4502", + "path": "n02108089/ILSVRC2012_val_00004449.JPEG", + "source": "boxer", + "source_id": "242", + "target": "collie", + "target_id": "231", + "is_test": "False" + }, + { + "": "4523", + "path": "n02108089/ILSVRC2012_val_00020841.JPEG", + "source": "boxer", + "source_id": "242", + "target": "collie", + "target_id": "231", + "is_test": "False" + }, + { + "": "4565", + "path": "n02108915/ILSVRC2012_val_00014115.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "collie", + "target_id": "231", + "is_test": "False" + }, + { + "": "4632", + "path": "n02109961/ILSVRC2012_val_00029313.JPEG", + "source": "Eskimo dog", + "source_id": "248", + "target": "collie", + "target_id": "231", + "is_test": "False" + }, + { + "": "810", + "path": "n01632777/ILSVRC2012_val_00009946.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "common newt", + "target_id": "26", + "is_test": "False" + }, + { + "": "766", + "path": "n01632458/ILSVRC2012_val_00017012.JPEG", + "source": "spotted salamander", + "source_id": "28", + "target": "common newt", + "target_id": "26", + "is_test": "False" + }, + { + "": "760", + "path": "n01632458/ILSVRC2012_val_00011657.JPEG", + "source": "spotted salamander", + "source_id": "28", + "target": "common newt", + "target_id": "26", + "is_test": "False" + }, + { + "": "899", + "path": "n01641577/ILSVRC2012_val_00049637.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "common newt", + "target_id": "26", + "is_test": "False" + }, + { + "": "9829", + "path": "n03492542/ILSVRC2012_val_00025010.JPEG", + "source": "hard disc", + "source_id": "592", + "target": "computer keyboard", + "target_id": "508", + "is_test": "False" + }, + { + "": "8506", + "path": "n02992529/ILSVRC2012_val_00005705.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "computer keyboard", + "target_id": "508", + "is_test": "False" + }, + { + "": "9990", + "path": "n03642806/ILSVRC2012_val_00038104.JPEG", + "source": "laptop", + "source_id": "620", + "target": "computer keyboard", + "target_id": "508", + "is_test": "False" + }, + { + "": "9859", + "path": "n03584254/ILSVRC2012_val_00009609.JPEG", + "source": "iPod", + "source_id": "605", + "target": "computer keyboard", + "target_id": "508", + "is_test": "False" + }, + { + "": "8277", + "path": "n02930766/ILSVRC2012_val_00026694.JPEG", + "source": "cab", + "source_id": "468", + "target": "convertible", + "target_id": "511", + "is_test": "False" + }, + { + "": "7775", + "path": "n02701002/ILSVRC2012_val_00024948.JPEG", + "source": "ambulance", + "source_id": "407", + "target": "convertible", + "target_id": "511", + "is_test": "False" + }, + { + "": "8264", + "path": "n02930766/ILSVRC2012_val_00017822.JPEG", + "source": "cab", + "source_id": "468", + "target": "convertible", + "target_id": "511", + "is_test": "False" + }, + { + "": "7770", + "path": "n02701002/ILSVRC2012_val_00020826.JPEG", + "source": "ambulance", + "source_id": "407", + "target": "convertible", + "target_id": "511", + "is_test": "False" + }, + { + "": "13647", + "path": "n13054560/ILSVRC2012_val_00048790.JPEG", + "source": "bolete", + "source_id": "997", + "target": "coral fungus", + "target_id": "991", + "is_test": "False" + }, + { + "": "13445", + "path": "n13037406/ILSVRC2012_val_00044596.JPEG", + "source": "gyromitra", + "source_id": "993", + "target": "coral fungus", + "target_id": "991", + "is_test": "False" + }, + { + "": "13620", + "path": "n13054560/ILSVRC2012_val_00022839.JPEG", + "source": "bolete", + "source_id": "997", + "target": "coral fungus", + "target_id": "991", + "is_test": "False" + }, + { + "": "13518", + "path": "n13044778/ILSVRC2012_val_00022536.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "coral fungus", + "target_id": "991", + "is_test": "False" + }, + { + "": "9433", + "path": "n03372029/ILSVRC2012_val_00028591.JPEG", + "source": "flute", + "source_id": "558", + "target": "cornet", + "target_id": "513", + "is_test": "False" + }, + { + "": "10953", + "path": "n04141076/ILSVRC2012_val_00004761.JPEG", + "source": "sax", + "source_id": "776", + "target": "cornet", + "target_id": "513", + "is_test": "False" + }, + { + "": "10496", + "path": "n03838899/ILSVRC2012_val_00044768.JPEG", + "source": "oboe", + "source_id": "683", + "target": "cornet", + "target_id": "513", + "is_test": "False" + }, + { + "": "11916", + "path": "n04487394/ILSVRC2012_val_00016009.JPEG", + "source": "trombone", + "source_id": "875", + "target": "cornet", + "target_id": "513", + "is_test": "False" + }, + { + "": "8094", + "path": "n02807133/ILSVRC2012_val_00047265.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "cowboy hat", + "target_id": "515", + "is_test": "False" + }, + { + "": "8078", + "path": "n02807133/ILSVRC2012_val_00030453.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "cowboy hat", + "target_id": "515", + "is_test": "False" + }, + { + "": "8077", + "path": "n02807133/ILSVRC2012_val_00028550.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "cowboy hat", + "target_id": "515", + "is_test": "False" + }, + { + "": "9472", + "path": "n03379051/ILSVRC2012_val_00021014.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "cowboy hat", + "target_id": "515", + "is_test": "False" + }, + { + "": "5004", + "path": "n02117135/ILSVRC2012_val_00004940.JPEG", + "source": "hyena", + "source_id": "276", + "target": "coyote", + "target_id": "272", + "is_test": "False" + }, + { + "": "4945", + "path": "n02115641/ILSVRC2012_val_00042731.JPEG", + "source": "dingo", + "source_id": "273", + "target": "coyote", + "target_id": "272", + "is_test": "False" + }, + { + "": "4760", + "path": "n02114548/ILSVRC2012_val_00007379.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "coyote", + "target_id": "272", + "is_test": "False" + }, + { + "": "4786", + "path": "n02114548/ILSVRC2012_val_00031241.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "coyote", + "target_id": "272", + "is_test": "False" + }, + { + "": "2312", + "path": "n01981276/ILSVRC2012_val_00006315.JPEG", + "source": "king crab", + "source_id": "121", + "target": "crayfish", + "target_id": "124", + "is_test": "False" + }, + { + "": "2397", + "path": "n01983481/ILSVRC2012_val_00048277.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "crayfish", + "target_id": "124", + "is_test": "False" + }, + { + "": "2459", + "path": "n01986214/ILSVRC2012_val_00005582.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "crayfish", + "target_id": "124", + "is_test": "False" + }, + { + "": "2197", + "path": "n01978287/ILSVRC2012_val_00047370.JPEG", + "source": "Dungeness crab", + "source_id": "118", + "target": "crayfish", + "target_id": "124", + "is_test": "False" + }, + { + "": "12897", + "path": "n07730033/ILSVRC2012_val_00047452.JPEG", + "source": "cardoon", + "source_id": "946", + "target": "cucumber", + "target_id": "943", + "is_test": "False" + }, + { + "": "12525", + "path": "n07715103/ILSVRC2012_val_00027343.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "cucumber", + "target_id": "943", + "is_test": "False" + }, + { + "": "12827", + "path": "n07720875/ILSVRC2012_val_00028969.JPEG", + "source": "bell pepper", + "source_id": "945", + "target": "cucumber", + "target_id": "943", + "is_test": "False" + }, + { + "": "12605", + "path": "n07716906/ILSVRC2012_val_00006238.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "cucumber", + "target_id": "943", + "is_test": "False" + }, + { + "": "13138", + "path": "n07753113/ILSVRC2012_val_00036860.JPEG", + "source": "fig", + "source_id": "952", + "target": "custard apple", + "target_id": "956", + "is_test": "False" + }, + { + "": "13313", + "path": "n07768694/ILSVRC2012_val_00009916.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "custard apple", + "target_id": "956", + "is_test": "False" + }, + { + "": "12962", + "path": "n07745940/ILSVRC2012_val_00010616.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "custard apple", + "target_id": "956", + "is_test": "False" + }, + { + "": "13214", + "path": "n07753592/ILSVRC2012_val_00015209.JPEG", + "source": "banana", + "source_id": "954", + "target": "custard apple", + "target_id": "956", + "is_test": "False" + }, + { + "": "9959", + "path": "n03642806/ILSVRC2012_val_00007373.JPEG", + "source": "laptop", + "source_id": "620", + "target": "desktop computer", + "target_id": "527", + "is_test": "False" + }, + { + "": "9838", + "path": "n03492542/ILSVRC2012_val_00038096.JPEG", + "source": "hard disc", + "source_id": "592", + "target": "desktop computer", + "target_id": "527", + "is_test": "False" + }, + { + "": "9890", + "path": "n03584254/ILSVRC2012_val_00043698.JPEG", + "source": "iPod", + "source_id": "605", + "target": "desktop computer", + "target_id": "527", + "is_test": "False" + }, + { + "": "9853", + "path": "n03584254/ILSVRC2012_val_00002833.JPEG", + "source": "iPod", + "source_id": "605", + "target": "desktop computer", + "target_id": "527", + "is_test": "False" + }, + { + "": "8760", + "path": "n03085013/ILSVRC2012_val_00008331.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "dial telephone", + "target_id": "528", + "is_test": "False" + }, + { + "": "8503", + "path": "n02992529/ILSVRC2012_val_00003469.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "dial telephone", + "target_id": "528", + "is_test": "False" + }, + { + "": "8373", + "path": "n02979186/ILSVRC2012_val_00029663.JPEG", + "source": "cassette player", + "source_id": "482", + "target": "dial telephone", + "target_id": "528", + "is_test": "False" + }, + { + "": "8514", + "path": "n02992529/ILSVRC2012_val_00010788.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "dial telephone", + "target_id": "528", + "is_test": "False" + }, + { + "": "1256", + "path": "n01742172/ILSVRC2012_val_00008688.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "diamondback", + "target_id": "67", + "is_test": "False" + }, + { + "": "1234", + "path": "n01734418/ILSVRC2012_val_00028301.JPEG", + "source": "king snake", + "source_id": "56", + "target": "diamondback", + "target_id": "67", + "is_test": "False" + }, + { + "": "1103", + "path": "n01728572/ILSVRC2012_val_00005132.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "diamondback", + "target_id": "67", + "is_test": "False" + }, + { + "": "1299", + "path": "n01742172/ILSVRC2012_val_00049515.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "diamondback", + "target_id": "67", + "is_test": "False" + }, + { + "": "9120", + "path": "n03197337/ILSVRC2012_val_00019997.JPEG", + "source": "digital watch", + "source_id": "531", + "target": "digital clock", + "target_id": "530", + "is_test": "False" + }, + { + "": "9130", + "path": "n03197337/ILSVRC2012_val_00035128.JPEG", + "source": "digital watch", + "source_id": "531", + "target": "digital clock", + "target_id": "530", + "is_test": "False" + }, + { + "": "7950", + "path": "n02794156/ILSVRC2012_val_00000287.JPEG", + "source": "barometer", + "source_id": "426", + "target": "digital clock", + "target_id": "530", + "is_test": "False" + }, + { + "": "10518", + "path": "n03841143/ILSVRC2012_val_00018900.JPEG", + "source": "odometer", + "source_id": "685", + "target": "digital clock", + "target_id": "530", + "is_test": "False" + }, + { + "": "9050", + "path": "n03196217/ILSVRC2012_val_00003643.JPEG", + "source": "digital clock", + "source_id": "530", + "target": "digital watch", + "target_id": "531", + "is_test": "False" + }, + { + "": "10512", + "path": "n03841143/ILSVRC2012_val_00012858.JPEG", + "source": "odometer", + "source_id": "685", + "target": "digital watch", + "target_id": "531", + "is_test": "False" + }, + { + "": "10537", + "path": "n03841143/ILSVRC2012_val_00034030.JPEG", + "source": "odometer", + "source_id": "685", + "target": "digital watch", + "target_id": "531", + "is_test": "False" + }, + { + "": "9096", + "path": "n03196217/ILSVRC2012_val_00047751.JPEG", + "source": "digital clock", + "source_id": "530", + "target": "digital watch", + "target_id": "531", + "is_test": "False" + }, + { + "": "4722", + "path": "n02114367/ILSVRC2012_val_00018872.JPEG", + "source": "timber wolf", + "source_id": "269", + "target": "dingo", + "target_id": "273", + "is_test": "False" + }, + { + "": "4886", + "path": "n02114855/ILSVRC2012_val_00039736.JPEG", + "source": "coyote", + "source_id": "272", + "target": "dingo", + "target_id": "273", + "is_test": "False" + }, + { + "": "4872", + "path": "n02114855/ILSVRC2012_val_00028916.JPEG", + "source": "coyote", + "source_id": "272", + "target": "dingo", + "target_id": "273", + "is_test": "False" + }, + { + "": "5040", + "path": "n02117135/ILSVRC2012_val_00040615.JPEG", + "source": "hyena", + "source_id": "276", + "target": "dingo", + "target_id": "273", + "is_test": "False" + }, + { + "": "11511", + "path": "n04311174/ILSVRC2012_val_00013300.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "drum", + "target_id": "541", + "is_test": "False" + }, + { + "": "9736", + "path": "n03447721/ILSVRC2012_val_00035044.JPEG", + "source": "gong", + "source_id": "577", + "target": "drum", + "target_id": "541", + "is_test": "False" + }, + { + "": "10147", + "path": "n03720891/ILSVRC2012_val_00049339.JPEG", + "source": "maraca", + "source_id": "641", + "target": "drum", + "target_id": "541", + "is_test": "False" + }, + { + "": "11518", + "path": "n04311174/ILSVRC2012_val_00017904.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "drum", + "target_id": "541", + "is_test": "False" + }, + { + "": "3224", + "path": "n02077923/ILSVRC2012_val_00026339.JPEG", + "source": "sea lion", + "source_id": "150", + "target": "dugong", + "target_id": "149", + "is_test": "False" + }, + { + "": "3126", + "path": "n02071294/ILSVRC2012_val_00026936.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "dugong", + "target_id": "149", + "is_test": "False" + }, + { + "": "3134", + "path": "n02071294/ILSVRC2012_val_00034766.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "dugong", + "target_id": "149", + "is_test": "False" + }, + { + "": "3097", + "path": "n02066245/ILSVRC2012_val_00045222.JPEG", + "source": "grey whale", + "source_id": "147", + "target": "dugong", + "target_id": "149", + "is_test": "False" + }, + { + "": "13592", + "path": "n13052670/ILSVRC2012_val_00039616.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "earthstar", + "target_id": "995", + "is_test": "False" + }, + { + "": "13438", + "path": "n13037406/ILSVRC2012_val_00039675.JPEG", + "source": "gyromitra", + "source_id": "993", + "target": "earthstar", + "target_id": "995", + "is_test": "False" + }, + { + "": "13354", + "path": "n12985857/ILSVRC2012_val_00004437.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "earthstar", + "target_id": "995", + "is_test": "False" + }, + { + "": "13583", + "path": "n13052670/ILSVRC2012_val_00032695.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "earthstar", + "target_id": "995", + "is_test": "False" + }, + { + "": "7685", + "path": "n02643566/ILSVRC2012_val_00031194.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "eel", + "target_id": "390", + "is_test": "False" + }, + { + "": "7518", + "path": "n02607072/ILSVRC2012_val_00016825.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "eel", + "target_id": "390", + "is_test": "False" + }, + { + "": "7679", + "path": "n02643566/ILSVRC2012_val_00026770.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "eel", + "target_id": "390", + "is_test": "False" + }, + { + "": "40", + "path": "n01440764/ILSVRC2012_val_00039905.JPEG", + "source": "tench", + "source_id": "0", + "target": "eel", + "target_id": "390", + "is_test": "False" + }, + { + "": "623", + "path": "n01629819/ILSVRC2012_val_00019630.JPEG", + "source": "European fire salamander", + "source_id": "25", + "target": "eft", + "target_id": "27", + "is_test": "False" + }, + { + "": "662", + "path": "n01630670/ILSVRC2012_val_00007561.JPEG", + "source": "common newt", + "source_id": "26", + "target": "eft", + "target_id": "27", + "is_test": "False" + }, + { + "": "605", + "path": "n01629819/ILSVRC2012_val_00002883.JPEG", + "source": "European fire salamander", + "source_id": "25", + "target": "eft", + "target_id": "27", + "is_test": "False" + }, + { + "": "945", + "path": "n01644373/ILSVRC2012_val_00043369.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "eft", + "target_id": "27", + "is_test": "False" + }, + { + "": "12080", + "path": "n04536866/ILSVRC2012_val_00027540.JPEG", + "source": "violin", + "source_id": "889", + "target": "electric guitar", + "target_id": "546", + "is_test": "False" + }, + { + "": "8468", + "path": "n02992211/ILSVRC2012_val_00019228.JPEG", + "source": "cello", + "source_id": "486", + "target": "electric guitar", + "target_id": "546", + "is_test": "False" + }, + { + "": "7930", + "path": "n02787622/ILSVRC2012_val_00027328.JPEG", + "source": "banjo", + "source_id": "420", + "target": "electric guitar", + "target_id": "546", + "is_test": "False" + }, + { + "": "12064", + "path": "n04536866/ILSVRC2012_val_00012803.JPEG", + "source": "violin", + "source_id": "889", + "target": "electric guitar", + "target_id": "546", + "is_test": "False" + }, + { + "": "11495", + "path": "n04310018/ILSVRC2012_val_00046166.JPEG", + "source": "steam locomotive", + "source_id": "820", + "target": "electric locomotive", + "target_id": "547", + "is_test": "False" + }, + { + "": "11482", + "path": "n04310018/ILSVRC2012_val_00035889.JPEG", + "source": "steam locomotive", + "source_id": "820", + "target": "electric locomotive", + "target_id": "547", + "is_test": "False" + }, + { + "": "11472", + "path": "n04310018/ILSVRC2012_val_00025265.JPEG", + "source": "steam locomotive", + "source_id": "820", + "target": "electric locomotive", + "target_id": "547", + "is_test": "False" + }, + { + "": "11484", + "path": "n04310018/ILSVRC2012_val_00037349.JPEG", + "source": "steam locomotive", + "source_id": "820", + "target": "electric locomotive", + "target_id": "547", + "is_test": "False" + }, + { + "": "2415", + "path": "n01985128/ILSVRC2012_val_00013580.JPEG", + "source": "crayfish", + "source_id": "124", + "target": "fiddler crab", + "target_id": "120", + "is_test": "False" + }, + { + "": "2202", + "path": "n01978455/ILSVRC2012_val_00004113.JPEG", + "source": "rock crab", + "source_id": "119", + "target": "fiddler crab", + "target_id": "120", + "is_test": "False" + }, + { + "": "2534", + "path": "n01990800/ILSVRC2012_val_00036289.JPEG", + "source": "isopod", + "source_id": "126", + "target": "fiddler crab", + "target_id": "120", + "is_test": "False" + }, + { + "": "2369", + "path": "n01983481/ILSVRC2012_val_00020795.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "fiddler crab", + "target_id": "120", + "is_test": "False" + }, + { + "": "13210", + "path": "n07753592/ILSVRC2012_val_00012444.JPEG", + "source": "banana", + "source_id": "954", + "target": "fig", + "target_id": "952", + "is_test": "False" + }, + { + "": "13030", + "path": "n07747607/ILSVRC2012_val_00027520.JPEG", + "source": "orange", + "source_id": "950", + "target": "fig", + "target_id": "952", + "is_test": "False" + }, + { + "": "13278", + "path": "n07760859/ILSVRC2012_val_00025217.JPEG", + "source": "custard apple", + "source_id": "956", + "target": "fig", + "target_id": "952", + "is_test": "False" + }, + { + "": "13202", + "path": "n07753592/ILSVRC2012_val_00002187.JPEG", + "source": "banana", + "source_id": "954", + "target": "fig", + "target_id": "952", + "is_test": "False" + }, + { + "": "9562", + "path": "n03417042/ILSVRC2012_val_00012925.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "fire engine", + "target_id": "555", + "is_test": "False" + }, + { + "": "11742", + "path": "n04461696/ILSVRC2012_val_00046241.JPEG", + "source": "tow truck", + "source_id": "864", + "target": "fire engine", + "target_id": "555", + "is_test": "False" + }, + { + "": "10592", + "path": "n03930630/ILSVRC2012_val_00041314.JPEG", + "source": "pickup", + "source_id": "717", + "target": "fire engine", + "target_id": "555", + "is_test": "False" + }, + { + "": "11032", + "path": "n04146614/ILSVRC2012_val_00029535.JPEG", + "source": "school bus", + "source_id": "779", + "target": "fire engine", + "target_id": "555", + "is_test": "False" + }, + { + "": "10020", + "path": "n03662601/ILSVRC2012_val_00016970.JPEG", + "source": "lifeboat", + "source_id": "625", + "target": "fireboat", + "target_id": "554", + "is_test": "False" + }, + { + "": "10035", + "path": "n03662601/ILSVRC2012_val_00034459.JPEG", + "source": "lifeboat", + "source_id": "625", + "target": "fireboat", + "target_id": "554", + "is_test": "False" + }, + { + "": "8315", + "path": "n02951358/ILSVRC2012_val_00017912.JPEG", + "source": "canoe", + "source_id": "472", + "target": "fireboat", + "target_id": "554", + "is_test": "False" + }, + { + "": "10042", + "path": "n03662601/ILSVRC2012_val_00042196.JPEG", + "source": "lifeboat", + "source_id": "625", + "target": "fireboat", + "target_id": "554", + "is_test": "False" + }, + { + "": "2643", + "path": "n02006656/ILSVRC2012_val_00042758.JPEG", + "source": "spoonbill", + "source_id": "129", + "target": "flamingo", + "target_id": "130", + "is_test": "False" + }, + { + "": "2868", + "path": "n02037110/ILSVRC2012_val_00014991.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "flamingo", + "target_id": "130", + "is_test": "False" + }, + { + "": "2615", + "path": "n02006656/ILSVRC2012_val_00012618.JPEG", + "source": "spoonbill", + "source_id": "129", + "target": "flamingo", + "target_id": "130", + "is_test": "False" + }, + { + "": "2853", + "path": "n02037110/ILSVRC2012_val_00003716.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "flamingo", + "target_id": "130", + "is_test": "False" + }, + { + "": "8012", + "path": "n02804610/ILSVRC2012_val_00012025.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "flute", + "target_id": "558", + "is_test": "False" + }, + { + "": "9527", + "path": "n03394916/ILSVRC2012_val_00028399.JPEG", + "source": "French horn", + "source_id": "566", + "target": "flute", + "target_id": "558", + "is_test": "False" + }, + { + "": "8049", + "path": "n02804610/ILSVRC2012_val_00048367.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "flute", + "target_id": "558", + "is_test": "False" + }, + { + "": "10993", + "path": "n04141076/ILSVRC2012_val_00045041.JPEG", + "source": "sax", + "source_id": "776", + "target": "flute", + "target_id": "558", + "is_test": "False" + }, + { + "": "8923", + "path": "n03124170/ILSVRC2012_val_00020143.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "football helmet", + "target_id": "560", + "is_test": "False" + }, + { + "": "8054", + "path": "n02807133/ILSVRC2012_val_00005145.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "football helmet", + "target_id": "560", + "is_test": "False" + }, + { + "": "11211", + "path": "n04209133/ILSVRC2012_val_00011124.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "football helmet", + "target_id": "560", + "is_test": "False" + }, + { + "": "11326", + "path": "n04259630/ILSVRC2012_val_00024333.JPEG", + "source": "sombrero", + "source_id": "808", + "target": "football helmet", + "target_id": "560", + "is_test": "False" + }, + { + "": "8", + "path": "n01440764/ILSVRC2012_val_00009379.JPEG", + "source": "tench", + "source_id": "0", + "target": "gar", + "target_id": "395", + "is_test": "False" + }, + { + "": "7690", + "path": "n02643566/ILSVRC2012_val_00038020.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "gar", + "target_id": "395", + "is_test": "False" + }, + { + "": "7465", + "path": "n02526121/ILSVRC2012_val_00014258.JPEG", + "source": "eel", + "source_id": "390", + "target": "gar", + "target_id": "395", + "is_test": "False" + }, + { + "": "79", + "path": "n01443537/ILSVRC2012_val_00028713.JPEG", + "source": "goldfish", + "source_id": "1", + "target": "gar", + "target_id": "395", + "is_test": "False" + }, + { + "": "9387", + "path": "n03345487/ILSVRC2012_val_00039248.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "garbage truck", + "target_id": "569", + "is_test": "False" + }, + { + "": "11000", + "path": "n04146614/ILSVRC2012_val_00001736.JPEG", + "source": "school bus", + "source_id": "779", + "target": "garbage truck", + "target_id": "569", + "is_test": "False" + }, + { + "": "10822", + "path": "n03977966/ILSVRC2012_val_00020853.JPEG", + "source": "police van", + "source_id": "734", + "target": "garbage truck", + "target_id": "569", + "is_test": "False" + }, + { + "": "9360", + "path": "n03345487/ILSVRC2012_val_00008893.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "garbage truck", + "target_id": "569", + "is_test": "False" + }, + { + "": "1799", + "path": "n01774750/ILSVRC2012_val_00049466.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "garden spider", + "target_id": "74", + "is_test": "False" + }, + { + "": "1733", + "path": "n01774384/ILSVRC2012_val_00033821.JPEG", + "source": "black widow", + "source_id": "75", + "target": "garden spider", + "target_id": "74", + "is_test": "False" + }, + { + "": "1751", + "path": "n01774750/ILSVRC2012_val_00000934.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "garden spider", + "target_id": "74", + "is_test": "False" + }, + { + "": "1798", + "path": "n01774750/ILSVRC2012_val_00048505.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "garden spider", + "target_id": "74", + "is_test": "False" + }, + { + "": "6514", + "path": "n02403003/ILSVRC2012_val_00013190.JPEG", + "source": "ox", + "source_id": "345", + "target": "gazelle", + "target_id": "353", + "is_test": "False" + }, + { + "": "6552", + "path": "n02408429/ILSVRC2012_val_00000552.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "gazelle", + "target_id": "353", + "is_test": "False" + }, + { + "": "6600", + "path": "n02410509/ILSVRC2012_val_00002433.JPEG", + "source": "bison", + "source_id": "347", + "target": "gazelle", + "target_id": "353", + "is_test": "False" + }, + { + "": "6620", + "path": "n02410509/ILSVRC2012_val_00027460.JPEG", + "source": "bison", + "source_id": "347", + "target": "gazelle", + "target_id": "353", + "is_test": "False" + }, + { + "": "5607", + "path": "n02132136/ILSVRC2012_val_00011447.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "giant panda", + "target_id": "388", + "is_test": "False" + }, + { + "": "7387", + "path": "n02509815/ILSVRC2012_val_00032088.JPEG", + "source": "lesser panda", + "source_id": "387", + "target": "giant panda", + "target_id": "388", + "is_test": "False" + }, + { + "": "5617", + "path": "n02132136/ILSVRC2012_val_00019682.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "giant panda", + "target_id": "388", + "is_test": "False" + }, + { + "": "5759", + "path": "n02134418/ILSVRC2012_val_00013052.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "giant panda", + "target_id": "388", + "is_test": "False" + }, + { + "": "4250", + "path": "n02102318/ILSVRC2012_val_00000524.JPEG", + "source": "cocker spaniel", + "source_id": "219", + "target": "golden retriever", + "target_id": "207", + "is_test": "False" + }, + { + "": "4158", + "path": "n02100877/ILSVRC2012_val_00008282.JPEG", + "source": "Irish setter", + "source_id": "213", + "target": "golden retriever", + "target_id": "207", + "is_test": "False" + }, + { + "": "4230", + "path": "n02102040/ILSVRC2012_val_00025442.JPEG", + "source": "English springer", + "source_id": "217", + "target": "golden retriever", + "target_id": "207", + "is_test": "False" + }, + { + "": "4188", + "path": "n02100877/ILSVRC2012_val_00035973.JPEG", + "source": "Irish setter", + "source_id": "213", + "target": "golden retriever", + "target_id": "207", + "is_test": "False" + }, + { + "": "354", + "path": "n01534433/ILSVRC2012_val_00003878.JPEG", + "source": "junco", + "source_id": "13", + "target": "goldfinch", + "target_id": "11", + "is_test": "False" + }, + { + "": "441", + "path": "n01537544/ILSVRC2012_val_00041252.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "goldfinch", + "target_id": "11", + "is_test": "False" + }, + { + "": "408", + "path": "n01537544/ILSVRC2012_val_00006328.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "goldfinch", + "target_id": "11", + "is_test": "False" + }, + { + "": "417", + "path": "n01537544/ILSVRC2012_val_00022076.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "goldfinch", + "target_id": "11", + "is_test": "False" + }, + { + "": "7559", + "path": "n02640242/ILSVRC2012_val_00005529.JPEG", + "source": "sturgeon", + "source_id": "394", + "target": "goldfish", + "target_id": "1", + "is_test": "False" + }, + { + "": "7647", + "path": "n02641379/ILSVRC2012_val_00045585.JPEG", + "source": "gar", + "source_id": "395", + "target": "goldfish", + "target_id": "1", + "is_test": "False" + }, + { + "": "7509", + "path": "n02607072/ILSVRC2012_val_00010738.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "goldfish", + "target_id": "1", + "is_test": "False" + }, + { + "": "7638", + "path": "n02641379/ILSVRC2012_val_00035246.JPEG", + "source": "gar", + "source_id": "395", + "target": "goldfish", + "target_id": "1", + "is_test": "False" + }, + { + "": "11689", + "path": "n04409515/ILSVRC2012_val_00035188.JPEG", + "source": "tennis ball", + "source_id": "852", + "target": "golf ball", + "target_id": "574", + "is_test": "False" + }, + { + "": "11260", + "path": "n04254680/ILSVRC2012_val_00014154.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "golf ball", + "target_id": "574", + "is_test": "False" + }, + { + "": "10915", + "path": "n04118538/ILSVRC2012_val_00019445.JPEG", + "source": "rugby ball", + "source_id": "768", + "target": "golf ball", + "target_id": "574", + "is_test": "False" + }, + { + "": "11665", + "path": "n04409515/ILSVRC2012_val_00015047.JPEG", + "source": "tennis ball", + "source_id": "852", + "target": "golf ball", + "target_id": "574", + "is_test": "False" + }, + { + "": "8308", + "path": "n02951358/ILSVRC2012_val_00008828.JPEG", + "source": "canoe", + "source_id": "472", + "target": "gondola", + "target_id": "576", + "is_test": "False" + }, + { + "": "8334", + "path": "n02951358/ILSVRC2012_val_00032408.JPEG", + "source": "canoe", + "source_id": "472", + "target": "gondola", + "target_id": "576", + "is_test": "False" + }, + { + "": "11354", + "path": "n04273569/ILSVRC2012_val_00005371.JPEG", + "source": "speedboat", + "source_id": "814", + "target": "gondola", + "target_id": "576", + "is_test": "False" + }, + { + "": "9322", + "path": "n03344393/ILSVRC2012_val_00018158.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "gondola", + "target_id": "576", + "is_test": "False" + }, + { + "": "10101", + "path": "n03720891/ILSVRC2012_val_00001105.JPEG", + "source": "maraca", + "source_id": "641", + "target": "gong", + "target_id": "577", + "is_test": "False" + }, + { + "": "10187", + "path": "n03721384/ILSVRC2012_val_00037810.JPEG", + "source": "marimba", + "source_id": "642", + "target": "gong", + "target_id": "577", + "is_test": "False" + }, + { + "": "10183", + "path": "n03721384/ILSVRC2012_val_00032461.JPEG", + "source": "marimba", + "source_id": "642", + "target": "gong", + "target_id": "577", + "is_test": "False" + }, + { + "": "10184", + "path": "n03721384/ILSVRC2012_val_00033203.JPEG", + "source": "marimba", + "source_id": "642", + "target": "gong", + "target_id": "577", + "is_test": "False" + }, + { + "": "2572", + "path": "n02002724/ILSVRC2012_val_00021252.JPEG", + "source": "black stork", + "source_id": "128", + "target": "goose", + "target_id": "99", + "is_test": "False" + }, + { + "": "2576", + "path": "n02002724/ILSVRC2012_val_00023454.JPEG", + "source": "black stork", + "source_id": "128", + "target": "goose", + "target_id": "99", + "is_test": "False" + }, + { + "": "2801", + "path": "n02018795/ILSVRC2012_val_00001586.JPEG", + "source": "bustard", + "source_id": "138", + "target": "goose", + "target_id": "99", + "is_test": "False" + }, + { + "": "2733", + "path": "n02009229/ILSVRC2012_val_00034942.JPEG", + "source": "little blue heron", + "source_id": "131", + "target": "goose", + "target_id": "99", + "is_test": "False" + }, + { + "": "6926", + "path": "n02480495/ILSVRC2012_val_00023426.JPEG", + "source": "orangutan", + "source_id": "365", + "target": "gorilla", + "target_id": "366", + "is_test": "False" + }, + { + "": "6910", + "path": "n02480495/ILSVRC2012_val_00010576.JPEG", + "source": "orangutan", + "source_id": "365", + "target": "gorilla", + "target_id": "366", + "is_test": "False" + }, + { + "": "7000", + "path": "n02481823/ILSVRC2012_val_00000553.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "gorilla", + "target_id": "366", + "is_test": "False" + }, + { + "": "6944", + "path": "n02480495/ILSVRC2012_val_00047222.JPEG", + "source": "orangutan", + "source_id": "365", + "target": "gorilla", + "target_id": "366", + "is_test": "False" + }, + { + "": "485", + "path": "n01608432/ILSVRC2012_val_00033771.JPEG", + "source": "kite", + "source_id": "21", + "target": "great grey owl", + "target_id": "24", + "is_test": "False" + }, + { + "": "456", + "path": "n01608432/ILSVRC2012_val_00001813.JPEG", + "source": "kite", + "source_id": "21", + "target": "great grey owl", + "target_id": "24", + "is_test": "False" + }, + { + "": "512", + "path": "n01614925/ILSVRC2012_val_00014082.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "great grey owl", + "target_id": "24", + "is_test": "False" + }, + { + "": "523", + "path": "n01614925/ILSVRC2012_val_00027079.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "great grey owl", + "target_id": "24", + "is_test": "False" + }, + { + "": "207", + "path": "n01494475/ILSVRC2012_val_00011388.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "great white shark", + "target_id": "2", + "is_test": "False" + }, + { + "": "227", + "path": "n01494475/ILSVRC2012_val_00027113.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "great white shark", + "target_id": "2", + "is_test": "False" + }, + { + "": "185", + "path": "n01491361/ILSVRC2012_val_00034038.JPEG", + "source": "tiger shark", + "source_id": "3", + "target": "great white shark", + "target_id": "2", + "is_test": "False" + }, + { + "": "229", + "path": "n01494475/ILSVRC2012_val_00027283.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "great white shark", + "target_id": "2", + "is_test": "False" + }, + { + "": "1238", + "path": "n01734418/ILSVRC2012_val_00031885.JPEG", + "source": "king snake", + "source_id": "56", + "target": "green mamba", + "target_id": "64", + "is_test": "False" + }, + { + "": "1196", + "path": "n01729977/ILSVRC2012_val_00044475.JPEG", + "source": "green snake", + "source_id": "55", + "target": "green mamba", + "target_id": "64", + "is_test": "False" + }, + { + "": "1193", + "path": "n01729977/ILSVRC2012_val_00040094.JPEG", + "source": "green snake", + "source_id": "55", + "target": "green mamba", + "target_id": "64", + "is_test": "False" + }, + { + "": "1261", + "path": "n01742172/ILSVRC2012_val_00011014.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "green mamba", + "target_id": "64", + "is_test": "False" + }, + { + "": "1215", + "path": "n01734418/ILSVRC2012_val_00015762.JPEG", + "source": "king snake", + "source_id": "56", + "target": "green snake", + "target_id": "55", + "is_test": "False" + }, + { + "": "1541", + "path": "n01755581/ILSVRC2012_val_00038875.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "green snake", + "target_id": "55", + "is_test": "False" + }, + { + "": "1362", + "path": "n01748264/ILSVRC2012_val_00014598.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "green snake", + "target_id": "55", + "is_test": "False" + }, + { + "": "1207", + "path": "n01734418/ILSVRC2012_val_00007120.JPEG", + "source": "king snake", + "source_id": "56", + "target": "green snake", + "target_id": "55", + "is_test": "False" + }, + { + "": "4843", + "path": "n02114712/ILSVRC2012_val_00042834.JPEG", + "source": "red wolf", + "source_id": "271", + "target": "grey fox", + "target_id": "280", + "is_test": "False" + }, + { + "": "4725", + "path": "n02114367/ILSVRC2012_val_00027497.JPEG", + "source": "timber wolf", + "source_id": "269", + "target": "grey fox", + "target_id": "280", + "is_test": "False" + }, + { + "": "4829", + "path": "n02114712/ILSVRC2012_val_00030561.JPEG", + "source": "red wolf", + "source_id": "271", + "target": "grey fox", + "target_id": "280", + "is_test": "False" + }, + { + "": "5009", + "path": "n02117135/ILSVRC2012_val_00009354.JPEG", + "source": "hyena", + "source_id": "276", + "target": "grey fox", + "target_id": "280", + "is_test": "False" + }, + { + "": "3204", + "path": "n02077923/ILSVRC2012_val_00003335.JPEG", + "source": "sea lion", + "source_id": "150", + "target": "grey whale", + "target_id": "147", + "is_test": "False" + }, + { + "": "3148", + "path": "n02071294/ILSVRC2012_val_00048861.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "grey whale", + "target_id": "147", + "is_test": "False" + }, + { + "": "3175", + "path": "n02074367/ILSVRC2012_val_00028337.JPEG", + "source": "dugong", + "source_id": "149", + "target": "grey whale", + "target_id": "147", + "is_test": "False" + }, + { + "": "3146", + "path": "n02071294/ILSVRC2012_val_00047523.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "grey whale", + "target_id": "147", + "is_test": "False" + }, + { + "": "6021", + "path": "n02169497/ILSVRC2012_val_00021794.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "ground beetle", + "target_id": "302", + "is_test": "False" + }, + { + "": "6098", + "path": "n02177972/ILSVRC2012_val_00047065.JPEG", + "source": "weevil", + "source_id": "307", + "target": "ground beetle", + "target_id": "302", + "is_test": "False" + }, + { + "": "5865", + "path": "n02165456/ILSVRC2012_val_00018142.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "ground beetle", + "target_id": "302", + "is_test": "False" + }, + { + "": "6087", + "path": "n02177972/ILSVRC2012_val_00036295.JPEG", + "source": "weevil", + "source_id": "307", + "target": "ground beetle", + "target_id": "302", + "is_test": "False" + }, + { + "": "7208", + "path": "n02492035/ILSVRC2012_val_00005934.JPEG", + "source": "capuchin", + "source_id": "378", + "target": "guenon", + "target_id": "370", + "is_test": "False" + }, + { + "": "7147", + "path": "n02486410/ILSVRC2012_val_00046666.JPEG", + "source": "baboon", + "source_id": "372", + "target": "guenon", + "target_id": "370", + "is_test": "False" + }, + { + "": "7182", + "path": "n02487347/ILSVRC2012_val_00032067.JPEG", + "source": "macaque", + "source_id": "373", + "target": "guenon", + "target_id": "370", + "is_test": "False" + }, + { + "": "7311", + "path": "n02494079/ILSVRC2012_val_00013175.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "guenon", + "target_id": "370", + "is_test": "False" + }, + { + "": "13515", + "path": "n13044778/ILSVRC2012_val_00018955.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "gyromitra", + "target_id": "993", + "is_test": "False" + }, + { + "": "13521", + "path": "n13044778/ILSVRC2012_val_00026227.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "gyromitra", + "target_id": "993", + "is_test": "False" + }, + { + "": "13552", + "path": "n13052670/ILSVRC2012_val_00002575.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "gyromitra", + "target_id": "993", + "is_test": "False" + }, + { + "": "13590", + "path": "n13052670/ILSVRC2012_val_00038327.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "gyromitra", + "target_id": "993", + "is_test": "False" + }, + { + "": "10666", + "path": "n03954731/ILSVRC2012_val_00013179.JPEG", + "source": "plane", + "source_id": "726", + "target": "hammer", + "target_id": "587", + "is_test": "False" + }, + { + "": "11155", + "path": "n04208210/ILSVRC2012_val_00005384.JPEG", + "source": "shovel", + "source_id": "792", + "target": "hammer", + "target_id": "587", + "is_test": "False" + }, + { + "": "10773", + "path": "n03970156/ILSVRC2012_val_00024484.JPEG", + "source": "plunger", + "source_id": "731", + "target": "hammer", + "target_id": "587", + "is_test": "False" + }, + { + "": "11140", + "path": "n04154565/ILSVRC2012_val_00041073.JPEG", + "source": "screwdriver", + "source_id": "784", + "target": "hammer", + "target_id": "587", + "is_test": "False" + }, + { + "": "115", + "path": "n01484850/ILSVRC2012_val_00019435.JPEG", + "source": "great white shark", + "source_id": "2", + "target": "hammerhead", + "target_id": "4", + "is_test": "False" + }, + { + "": "174", + "path": "n01491361/ILSVRC2012_val_00026001.JPEG", + "source": "tiger shark", + "source_id": "3", + "target": "hammerhead", + "target_id": "4", + "is_test": "False" + }, + { + "": "101", + "path": "n01484850/ILSVRC2012_val_00002752.JPEG", + "source": "great white shark", + "source_id": "2", + "target": "hammerhead", + "target_id": "4", + "is_test": "False" + }, + { + "": "180", + "path": "n01491361/ILSVRC2012_val_00030926.JPEG", + "source": "tiger shark", + "source_id": "3", + "target": "hammerhead", + "target_id": "4", + "is_test": "False" + }, + { + "": "9008", + "path": "n03187595/ILSVRC2012_val_00009824.JPEG", + "source": "dial telephone", + "source_id": "528", + "target": "hard disc", + "target_id": "592", + "is_test": "False" + }, + { + "": "8500", + "path": "n02992529/ILSVRC2012_val_00000089.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "hard disc", + "target_id": "592", + "is_test": "False" + }, + { + "": "9025", + "path": "n03187595/ILSVRC2012_val_00025136.JPEG", + "source": "dial telephone", + "source_id": "528", + "target": "hard disc", + "target_id": "592", + "is_test": "False" + }, + { + "": "9864", + "path": "n03584254/ILSVRC2012_val_00016384.JPEG", + "source": "iPod", + "source_id": "605", + "target": "hard disc", + "target_id": "592", + "is_test": "False" + }, + { + "": "13629", + "path": "n13054560/ILSVRC2012_val_00033740.JPEG", + "source": "bolete", + "source_id": "997", + "target": "hen-of-the-woods", + "target_id": "996", + "is_test": "False" + }, + { + "": "13496", + "path": "n13040303/ILSVRC2012_val_00046858.JPEG", + "source": "stinkhorn", + "source_id": "994", + "target": "hen-of-the-woods", + "target_id": "996", + "is_test": "False" + }, + { + "": "13522", + "path": "n13044778/ILSVRC2012_val_00026455.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "hen-of-the-woods", + "target_id": "996", + "is_test": "False" + }, + { + "": "13365", + "path": "n12985857/ILSVRC2012_val_00014255.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "hen-of-the-woods", + "target_id": "996", + "is_test": "False" + }, + { + "": "2532", + "path": "n01990800/ILSVRC2012_val_00034935.JPEG", + "source": "isopod", + "source_id": "126", + "target": "hermit crab", + "target_id": "125", + "is_test": "False" + }, + { + "": "2232", + "path": "n01978455/ILSVRC2012_val_00028096.JPEG", + "source": "rock crab", + "source_id": "119", + "target": "hermit crab", + "target_id": "125", + "is_test": "False" + }, + { + "": "2363", + "path": "n01983481/ILSVRC2012_val_00016493.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "hermit crab", + "target_id": "125", + "is_test": "False" + }, + { + "": "2339", + "path": "n01981276/ILSVRC2012_val_00035711.JPEG", + "source": "king crab", + "source_id": "121", + "target": "hermit crab", + "target_id": "125", + "is_test": "False" + }, + { + "": "1175", + "path": "n01729977/ILSVRC2012_val_00021617.JPEG", + "source": "green snake", + "source_id": "55", + "target": "horned viper", + "target_id": "66", + "is_test": "False" + }, + { + "": "1284", + "path": "n01742172/ILSVRC2012_val_00031749.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "horned viper", + "target_id": "66", + "is_test": "False" + }, + { + "": "1188", + "path": "n01729977/ILSVRC2012_val_00033617.JPEG", + "source": "green snake", + "source_id": "55", + "target": "horned viper", + "target_id": "66", + "is_test": "False" + }, + { + "": "1124", + "path": "n01728572/ILSVRC2012_val_00024117.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "horned viper", + "target_id": "66", + "is_test": "False" + }, + { + "": "12395", + "path": "n07697313/ILSVRC2012_val_00048365.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "hotdog", + "target_id": "934", + "is_test": "False" + }, + { + "": "12313", + "path": "n07693725/ILSVRC2012_val_00018060.JPEG", + "source": "bagel", + "source_id": "931", + "target": "hotdog", + "target_id": "934", + "is_test": "False" + }, + { + "": "12359", + "path": "n07697313/ILSVRC2012_val_00012454.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "hotdog", + "target_id": "934", + "is_test": "False" + }, + { + "": "12317", + "path": "n07693725/ILSVRC2012_val_00019958.JPEG", + "source": "bagel", + "source_id": "931", + "target": "hotdog", + "target_id": "934", + "is_test": "False" + }, + { + "": "414", + "path": "n01537544/ILSVRC2012_val_00018676.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "house finch", + "target_id": "12", + "is_test": "False" + }, + { + "": "407", + "path": "n01537544/ILSVRC2012_val_00005931.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "house finch", + "target_id": "12", + "is_test": "False" + }, + { + "": "430", + "path": "n01537544/ILSVRC2012_val_00031512.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "house finch", + "target_id": "12", + "is_test": "False" + }, + { + "": "266", + "path": "n01531178/ILSVRC2012_val_00015863.JPEG", + "source": "goldfinch", + "source_id": "11", + "target": "house finch", + "target_id": "12", + "is_test": "False" + }, + { + "": "4756", + "path": "n02114548/ILSVRC2012_val_00002948.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "hyena", + "target_id": "276", + "is_test": "False" + }, + { + "": "4702", + "path": "n02114367/ILSVRC2012_val_00001172.JPEG", + "source": "timber wolf", + "source_id": "269", + "target": "hyena", + "target_id": "276", + "is_test": "False" + }, + { + "": "4790", + "path": "n02114548/ILSVRC2012_val_00040757.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "hyena", + "target_id": "276", + "is_test": "False" + }, + { + "": "4941", + "path": "n02115641/ILSVRC2012_val_00041341.JPEG", + "source": "dingo", + "source_id": "273", + "target": "hyena", + "target_id": "276", + "is_test": "False" + }, + { + "": "9024", + "path": "n03187595/ILSVRC2012_val_00023876.JPEG", + "source": "dial telephone", + "source_id": "528", + "target": "iPod", + "target_id": "605", + "is_test": "False" + }, + { + "": "9002", + "path": "n03187595/ILSVRC2012_val_00003171.JPEG", + "source": "dial telephone", + "source_id": "528", + "target": "iPod", + "target_id": "605", + "is_test": "False" + }, + { + "": "8796", + "path": "n03085013/ILSVRC2012_val_00046306.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "iPod", + "target_id": "605", + "is_test": "False" + }, + { + "": "8524", + "path": "n02992529/ILSVRC2012_val_00020233.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "iPod", + "target_id": "605", + "is_test": "False" + }, + { + "": "6806", + "path": "n02422699/ILSVRC2012_val_00006973.JPEG", + "source": "impala", + "source_id": "352", + "target": "ibex", + "target_id": "350", + "is_test": "False" + }, + { + "": "6533", + "path": "n02403003/ILSVRC2012_val_00035962.JPEG", + "source": "ox", + "source_id": "345", + "target": "ibex", + "target_id": "350", + "is_test": "False" + }, + { + "": "6827", + "path": "n02422699/ILSVRC2012_val_00027012.JPEG", + "source": "impala", + "source_id": "352", + "target": "ibex", + "target_id": "350", + "is_test": "False" + }, + { + "": "6846", + "path": "n02422699/ILSVRC2012_val_00047823.JPEG", + "source": "impala", + "source_id": "352", + "target": "ibex", + "target_id": "350", + "is_test": "False" + }, + { + "": "7443", + "path": "n02510455/ILSVRC2012_val_00042615.JPEG", + "source": "giant panda", + "source_id": "388", + "target": "ice bear", + "target_id": "296", + "is_test": "False" + }, + { + "": "5672", + "path": "n02133161/ILSVRC2012_val_00024289.JPEG", + "source": "American black bear", + "source_id": "295", + "target": "ice bear", + "target_id": "296", + "is_test": "False" + }, + { + "": "7395", + "path": "n02509815/ILSVRC2012_val_00043604.JPEG", + "source": "lesser panda", + "source_id": "387", + "target": "ice bear", + "target_id": "296", + "is_test": "False" + }, + { + "": "5653", + "path": "n02133161/ILSVRC2012_val_00006350.JPEG", + "source": "American black bear", + "source_id": "295", + "target": "ice bear", + "target_id": "296", + "is_test": "False" + }, + { + "": "6728", + "path": "n02415577/ILSVRC2012_val_00024759.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "impala", + "target_id": "352", + "is_test": "False" + }, + { + "": "6576", + "path": "n02408429/ILSVRC2012_val_00020008.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "impala", + "target_id": "352", + "is_test": "False" + }, + { + "": "6561", + "path": "n02408429/ILSVRC2012_val_00005913.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "impala", + "target_id": "352", + "is_test": "False" + }, + { + "": "6578", + "path": "n02408429/ILSVRC2012_val_00021810.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "impala", + "target_id": "352", + "is_test": "False" + }, + { + "": "389", + "path": "n01534433/ILSVRC2012_val_00032025.JPEG", + "source": "junco", + "source_id": "13", + "target": "indigo bunting", + "target_id": "14", + "is_test": "False" + }, + { + "": "278", + "path": "n01531178/ILSVRC2012_val_00026279.JPEG", + "source": "goldfinch", + "source_id": "11", + "target": "indigo bunting", + "target_id": "14", + "is_test": "False" + }, + { + "": "372", + "path": "n01534433/ILSVRC2012_val_00015216.JPEG", + "source": "junco", + "source_id": "13", + "target": "indigo bunting", + "target_id": "14", + "is_test": "False" + }, + { + "": "312", + "path": "n01532829/ILSVRC2012_val_00009239.JPEG", + "source": "house finch", + "source_id": "12", + "target": "indigo bunting", + "target_id": "14", + "is_test": "False" + }, + { + "": "2448", + "path": "n01985128/ILSVRC2012_val_00049661.JPEG", + "source": "crayfish", + "source_id": "124", + "target": "isopod", + "target_id": "126", + "is_test": "False" + }, + { + "": "2242", + "path": "n01978455/ILSVRC2012_val_00042553.JPEG", + "source": "rock crab", + "source_id": "119", + "target": "isopod", + "target_id": "126", + "is_test": "False" + }, + { + "": "2215", + "path": "n01978455/ILSVRC2012_val_00017137.JPEG", + "source": "rock crab", + "source_id": "119", + "target": "isopod", + "target_id": "126", + "is_test": "False" + }, + { + "": "2199", + "path": "n01978287/ILSVRC2012_val_00048351.JPEG", + "source": "Dungeness crab", + "source_id": "118", + "target": "isopod", + "target_id": "126", + "is_test": "False" + }, + { + "": "5586", + "path": "n02130308/ILSVRC2012_val_00033988.JPEG", + "source": "cheetah", + "source_id": "293", + "target": "jaguar", + "target_id": "290", + "is_test": "False" + }, + { + "": "5530", + "path": "n02129604/ILSVRC2012_val_00032925.JPEG", + "source": "tiger", + "source_id": "292", + "target": "jaguar", + "target_id": "290", + "is_test": "False" + }, + { + "": "5326", + "path": "n02128385/ILSVRC2012_val_00029212.JPEG", + "source": "leopard", + "source_id": "288", + "target": "jaguar", + "target_id": "290", + "is_test": "False" + }, + { + "": "5516", + "path": "n02129604/ILSVRC2012_val_00021043.JPEG", + "source": "tiger", + "source_id": "292", + "target": "jaguar", + "target_id": "290", + "is_test": "False" + }, + { + "": "10093", + "path": "n03670208/ILSVRC2012_val_00044032.JPEG", + "source": "limousine", + "source_id": "627", + "target": "jeep", + "target_id": "609", + "is_test": "False" + }, + { + "": "8256", + "path": "n02930766/ILSVRC2012_val_00003886.JPEG", + "source": "cab", + "source_id": "468", + "target": "jeep", + "target_id": "609", + "is_test": "False" + }, + { + "": "8809", + "path": "n03100240/ILSVRC2012_val_00014208.JPEG", + "source": "convertible", + "source_id": "511", + "target": "jeep", + "target_id": "609", + "is_test": "False" + }, + { + "": "10055", + "path": "n03670208/ILSVRC2012_val_00002920.JPEG", + "source": "limousine", + "source_id": "627", + "target": "jeep", + "target_id": "609", + "is_test": "False" + }, + { + "": "274", + "path": "n01531178/ILSVRC2012_val_00025151.JPEG", + "source": "goldfinch", + "source_id": "11", + "target": "junco", + "target_id": "13", + "is_test": "False" + }, + { + "": "428", + "path": "n01537544/ILSVRC2012_val_00028024.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "junco", + "target_id": "13", + "is_test": "False" + }, + { + "": "256", + "path": "n01531178/ILSVRC2012_val_00004893.JPEG", + "source": "goldfinch", + "source_id": "11", + "target": "junco", + "target_id": "13", + "is_test": "False" + }, + { + "": "427", + "path": "n01537544/ILSVRC2012_val_00027811.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "junco", + "target_id": "13", + "is_test": "False" + }, + { + "": "3066", + "path": "n02066245/ILSVRC2012_val_00012511.JPEG", + "source": "grey whale", + "source_id": "147", + "target": "killer whale", + "target_id": "148", + "is_test": "False" + }, + { + "": "3061", + "path": "n02066245/ILSVRC2012_val_00008684.JPEG", + "source": "grey whale", + "source_id": "147", + "target": "killer whale", + "target_id": "148", + "is_test": "False" + }, + { + "": "3210", + "path": "n02077923/ILSVRC2012_val_00012176.JPEG", + "source": "sea lion", + "source_id": "150", + "target": "killer whale", + "target_id": "148", + "is_test": "False" + }, + { + "": "3165", + "path": "n02074367/ILSVRC2012_val_00014550.JPEG", + "source": "dugong", + "source_id": "149", + "target": "killer whale", + "target_id": "148", + "is_test": "False" + }, + { + "": "2510", + "path": "n01990800/ILSVRC2012_val_00005954.JPEG", + "source": "isopod", + "source_id": "126", + "target": "king crab", + "target_id": "121", + "is_test": "False" + }, + { + "": "2383", + "path": "n01983481/ILSVRC2012_val_00035178.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "king crab", + "target_id": "121", + "is_test": "False" + }, + { + "": "2388", + "path": "n01983481/ILSVRC2012_val_00038154.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "king crab", + "target_id": "121", + "is_test": "False" + }, + { + "": "2483", + "path": "n01986214/ILSVRC2012_val_00031992.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "king crab", + "target_id": "121", + "is_test": "False" + }, + { + "": "2933", + "path": "n02051845/ILSVRC2012_val_00036344.JPEG", + "source": "pelican", + "source_id": "144", + "target": "king penguin", + "target_id": "145", + "is_test": "False" + }, + { + "": "3010", + "path": "n02058221/ILSVRC2012_val_00008106.JPEG", + "source": "albatross", + "source_id": "146", + "target": "king penguin", + "target_id": "145", + "is_test": "False" + }, + { + "": "2114", + "path": "n01860187/ILSVRC2012_val_00013564.JPEG", + "source": "black swan", + "source_id": "100", + "target": "king penguin", + "target_id": "145", + "is_test": "False" + }, + { + "": "2935", + "path": "n02051845/ILSVRC2012_val_00038118.JPEG", + "source": "pelican", + "source_id": "144", + "target": "king penguin", + "target_id": "145", + "is_test": "False" + }, + { + "": "1387", + "path": "n01748264/ILSVRC2012_val_00035976.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "king snake", + "target_id": "56", + "is_test": "False" + }, + { + "": "1373", + "path": "n01748264/ILSVRC2012_val_00022956.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "king snake", + "target_id": "56", + "is_test": "False" + }, + { + "": "1503", + "path": "n01755581/ILSVRC2012_val_00003706.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "king snake", + "target_id": "56", + "is_test": "False" + }, + { + "": "1161", + "path": "n01729977/ILSVRC2012_val_00008714.JPEG", + "source": "green snake", + "source_id": "55", + "target": "king snake", + "target_id": "56", + "is_test": "False" + }, + { + "": "599", + "path": "n01622779/ILSVRC2012_val_00049990.JPEG", + "source": "great grey owl", + "source_id": "24", + "target": "kite", + "target_id": "21", + "is_test": "False" + }, + { + "": "540", + "path": "n01614925/ILSVRC2012_val_00040970.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "kite", + "target_id": "21", + "is_test": "False" + }, + { + "": "594", + "path": "n01622779/ILSVRC2012_val_00040434.JPEG", + "source": "great grey owl", + "source_id": "24", + "target": "kite", + "target_id": "21", + "is_test": "False" + }, + { + "": "506", + "path": "n01614925/ILSVRC2012_val_00008151.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "kite", + "target_id": "21", + "is_test": "False" + }, + { + "": "6024", + "path": "n02169497/ILSVRC2012_val_00022351.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "ladybug", + "target_id": "301", + "is_test": "False" + }, + { + "": "5835", + "path": "n02165105/ILSVRC2012_val_00036100.JPEG", + "source": "tiger beetle", + "source_id": "300", + "target": "ladybug", + "target_id": "301", + "is_test": "False" + }, + { + "": "5820", + "path": "n02165105/ILSVRC2012_val_00022394.JPEG", + "source": "tiger beetle", + "source_id": "300", + "target": "ladybug", + "target_id": "301", + "is_test": "False" + }, + { + "": "5844", + "path": "n02165105/ILSVRC2012_val_00045009.JPEG", + "source": "tiger beetle", + "source_id": "300", + "target": "ladybug", + "target_id": "301", + "is_test": "False" + }, + { + "": "8794", + "path": "n03085013/ILSVRC2012_val_00045039.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "laptop", + "target_id": "620", + "is_test": "False" + }, + { + "": "9883", + "path": "n03584254/ILSVRC2012_val_00037385.JPEG", + "source": "iPod", + "source_id": "605", + "target": "laptop", + "target_id": "620", + "is_test": "False" + }, + { + "": "8767", + "path": "n03085013/ILSVRC2012_val_00018846.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "laptop", + "target_id": "620", + "is_test": "False" + }, + { + "": "8381", + "path": "n02979186/ILSVRC2012_val_00035751.JPEG", + "source": "cassette player", + "source_id": "482", + "target": "laptop", + "target_id": "620", + "is_test": "False" + }, + { + "": "5971", + "path": "n02168699/ILSVRC2012_val_00021688.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "leaf beetle", + "target_id": "304", + "is_test": "False" + }, + { + "": "5864", + "path": "n02165456/ILSVRC2012_val_00018102.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "leaf beetle", + "target_id": "304", + "is_test": "False" + }, + { + "": "5980", + "path": "n02168699/ILSVRC2012_val_00031928.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "leaf beetle", + "target_id": "304", + "is_test": "False" + }, + { + "": "5935", + "path": "n02167151/ILSVRC2012_val_00032023.JPEG", + "source": "ground beetle", + "source_id": "302", + "target": "leaf beetle", + "target_id": "304", + "is_test": "False" + }, + { + "": "12931", + "path": "n07742313/ILSVRC2012_val_00035343.JPEG", + "source": "Granny Smith", + "source_id": "948", + "target": "lemon", + "target_id": "951", + "is_test": "False" + }, + { + "": "13346", + "path": "n07768694/ILSVRC2012_val_00041999.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "lemon", + "target_id": "951", + "is_test": "False" + }, + { + "": "13318", + "path": "n07768694/ILSVRC2012_val_00011558.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "lemon", + "target_id": "951", + "is_test": "False" + }, + { + "": "13004", + "path": "n07747607/ILSVRC2012_val_00005888.JPEG", + "source": "orange", + "source_id": "950", + "target": "lemon", + "target_id": "951", + "is_test": "False" + }, + { + "": "5505", + "path": "n02129604/ILSVRC2012_val_00008676.JPEG", + "source": "tiger", + "source_id": "292", + "target": "leopard", + "target_id": "288", + "is_test": "False" + }, + { + "": "5556", + "path": "n02130308/ILSVRC2012_val_00006341.JPEG", + "source": "cheetah", + "source_id": "293", + "target": "leopard", + "target_id": "288", + "is_test": "False" + }, + { + "": "5243", + "path": "n02123045/ILSVRC2012_val_00040745.JPEG", + "source": "tabby", + "source_id": "281", + "target": "leopard", + "target_id": "288", + "is_test": "False" + }, + { + "": "5455", + "path": "n02129165/ILSVRC2012_val_00006778.JPEG", + "source": "lion", + "source_id": "291", + "target": "leopard", + "target_id": "288", + "is_test": "False" + }, + { + "": "7433", + "path": "n02510455/ILSVRC2012_val_00031896.JPEG", + "source": "giant panda", + "source_id": "388", + "target": "lesser panda", + "target_id": "387", + "is_test": "False" + }, + { + "": "5717", + "path": "n02134084/ILSVRC2012_val_00020441.JPEG", + "source": "ice bear", + "source_id": "296", + "target": "lesser panda", + "target_id": "387", + "is_test": "False" + }, + { + "": "7409", + "path": "n02510455/ILSVRC2012_val_00008673.JPEG", + "source": "giant panda", + "source_id": "388", + "target": "lesser panda", + "target_id": "387", + "is_test": "False" + }, + { + "": "5602", + "path": "n02132136/ILSVRC2012_val_00003044.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "lesser panda", + "target_id": "387", + "is_test": "False" + }, + { + "": "11385", + "path": "n04273569/ILSVRC2012_val_00034468.JPEG", + "source": "speedboat", + "source_id": "814", + "target": "lifeboat", + "target_id": "625", + "is_test": "False" + }, + { + "": "9306", + "path": "n03344393/ILSVRC2012_val_00007736.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "lifeboat", + "target_id": "625", + "is_test": "False" + }, + { + "": "9320", + "path": "n03344393/ILSVRC2012_val_00017176.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "lifeboat", + "target_id": "625", + "is_test": "False" + }, + { + "": "9670", + "path": "n03447447/ILSVRC2012_val_00020791.JPEG", + "source": "gondola", + "source_id": "576", + "target": "lifeboat", + "target_id": "625", + "is_test": "False" + }, + { + "": "11418", + "path": "n04285008/ILSVRC2012_val_00013258.JPEG", + "source": "sports car", + "source_id": "817", + "target": "limousine", + "target_id": "627", + "is_test": "False" + }, + { + "": "7792", + "path": "n02701002/ILSVRC2012_val_00042503.JPEG", + "source": "ambulance", + "source_id": "407", + "target": "limousine", + "target_id": "627", + "is_test": "False" + }, + { + "": "11400", + "path": "n04285008/ILSVRC2012_val_00001247.JPEG", + "source": "sports car", + "source_id": "817", + "target": "limousine", + "target_id": "627", + "is_test": "False" + }, + { + "": "8140", + "path": "n02814533/ILSVRC2012_val_00040706.JPEG", + "source": "beach wagon", + "source_id": "436", + "target": "limousine", + "target_id": "627", + "is_test": "False" + }, + { + "": "5519", + "path": "n02129604/ILSVRC2012_val_00024050.JPEG", + "source": "tiger", + "source_id": "292", + "target": "lion", + "target_id": "291", + "is_test": "False" + }, + { + "": "5445", + "path": "n02128925/ILSVRC2012_val_00046612.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "lion", + "target_id": "291", + "is_test": "False" + }, + { + "": "5328", + "path": "n02128385/ILSVRC2012_val_00030737.JPEG", + "source": "leopard", + "source_id": "288", + "target": "lion", + "target_id": "291", + "is_test": "False" + }, + { + "": "5588", + "path": "n02130308/ILSVRC2012_val_00037412.JPEG", + "source": "cheetah", + "source_id": "293", + "target": "lion", + "target_id": "291", + "is_test": "False" + }, + { + "": "7528", + "path": "n02607072/ILSVRC2012_val_00022967.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "lionfish", + "target_id": "396", + "is_test": "False" + }, + { + "": "32", + "path": "n01440764/ILSVRC2012_val_00031094.JPEG", + "source": "tench", + "source_id": "0", + "target": "lionfish", + "target_id": "396", + "is_test": "False" + }, + { + "": "15", + "path": "n01440764/ILSVRC2012_val_00016018.JPEG", + "source": "tench", + "source_id": "0", + "target": "lionfish", + "target_id": "396", + "is_test": "False" + }, + { + "": "7503", + "path": "n02607072/ILSVRC2012_val_00004672.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "lionfish", + "target_id": "396", + "is_test": "False" + }, + { + "": "2552", + "path": "n02002724/ILSVRC2012_val_00001387.JPEG", + "source": "black stork", + "source_id": "128", + "target": "little blue heron", + "target_id": "131", + "is_test": "False" + }, + { + "": "2898", + "path": "n02037110/ILSVRC2012_val_00049521.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "little blue heron", + "target_id": "131", + "is_test": "False" + }, + { + "": "2885", + "path": "n02037110/ILSVRC2012_val_00032627.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "little blue heron", + "target_id": "131", + "is_test": "False" + }, + { + "": "2847", + "path": "n02018795/ILSVRC2012_val_00046505.JPEG", + "source": "bustard", + "source_id": "138", + "target": "little blue heron", + "target_id": "131", + "is_test": "False" + }, + { + "": "5813", + "path": "n02165105/ILSVRC2012_val_00013552.JPEG", + "source": "tiger beetle", + "source_id": "300", + "target": "long-horned beetle", + "target_id": "303", + "is_test": "False" + }, + { + "": "5906", + "path": "n02167151/ILSVRC2012_val_00005169.JPEG", + "source": "ground beetle", + "source_id": "302", + "target": "long-horned beetle", + "target_id": "303", + "is_test": "False" + }, + { + "": "5860", + "path": "n02165456/ILSVRC2012_val_00017130.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "long-horned beetle", + "target_id": "303", + "is_test": "False" + }, + { + "": "5806", + "path": "n02165105/ILSVRC2012_val_00003852.JPEG", + "source": "tiger beetle", + "source_id": "300", + "target": "long-horned beetle", + "target_id": "303", + "is_test": "False" + }, + { + "": "6165", + "path": "n02277742/ILSVRC2012_val_00017910.JPEG", + "source": "ringlet", + "source_id": "322", + "target": "lycaenid", + "target_id": "326", + "is_test": "False" + }, + { + "": "6127", + "path": "n02276258/ILSVRC2012_val_00028372.JPEG", + "source": "admiral", + "source_id": "321", + "target": "lycaenid", + "target_id": "326", + "is_test": "False" + }, + { + "": "6180", + "path": "n02277742/ILSVRC2012_val_00033639.JPEG", + "source": "ringlet", + "source_id": "322", + "target": "lycaenid", + "target_id": "326", + "is_test": "False" + }, + { + "": "6318", + "path": "n02281406/ILSVRC2012_val_00022078.JPEG", + "source": "sulphur butterfly", + "source_id": "325", + "target": "lycaenid", + "target_id": "326", + "is_test": "False" + }, + { + "": "7071", + "path": "n02484975/ILSVRC2012_val_00012743.JPEG", + "source": "guenon", + "source_id": "370", + "target": "macaque", + "target_id": "373", + "is_test": "False" + }, + { + "": "7280", + "path": "n02493793/ILSVRC2012_val_00036994.JPEG", + "source": "spider monkey", + "source_id": "381", + "target": "macaque", + "target_id": "373", + "is_test": "False" + }, + { + "": "7327", + "path": "n02494079/ILSVRC2012_val_00028610.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "macaque", + "target_id": "373", + "is_test": "False" + }, + { + "": "7120", + "path": "n02486410/ILSVRC2012_val_00018619.JPEG", + "source": "baboon", + "source_id": "372", + "target": "macaque", + "target_id": "373", + "is_test": "False" + }, + { + "": "11529", + "path": "n04311174/ILSVRC2012_val_00028569.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "maraca", + "target_id": "641", + "is_test": "False" + }, + { + "": "9718", + "path": "n03447721/ILSVRC2012_val_00011960.JPEG", + "source": "gong", + "source_id": "577", + "target": "maraca", + "target_id": "641", + "is_test": "False" + }, + { + "": "11547", + "path": "n04311174/ILSVRC2012_val_00048232.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "maraca", + "target_id": "641", + "is_test": "False" + }, + { + "": "10194", + "path": "n03721384/ILSVRC2012_val_00043609.JPEG", + "source": "marimba", + "source_id": "642", + "target": "maraca", + "target_id": "641", + "is_test": "False" + }, + { + "": "11545", + "path": "n04311174/ILSVRC2012_val_00047486.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "marimba", + "target_id": "642", + "is_test": "False" + }, + { + "": "10137", + "path": "n03720891/ILSVRC2012_val_00043324.JPEG", + "source": "maraca", + "source_id": "641", + "target": "marimba", + "target_id": "642", + "is_test": "False" + }, + { + "": "9713", + "path": "n03447721/ILSVRC2012_val_00007707.JPEG", + "source": "gong", + "source_id": "577", + "target": "marimba", + "target_id": "642", + "is_test": "False" + }, + { + "": "10107", + "path": "n03720891/ILSVRC2012_val_00011272.JPEG", + "source": "maraca", + "source_id": "641", + "target": "marimba", + "target_id": "642", + "is_test": "False" + }, + { + "": "8667", + "path": "n03063599/ILSVRC2012_val_00021374.JPEG", + "source": "coffee mug", + "source_id": "504", + "target": "measuring cup", + "target_id": "647", + "is_test": "False" + }, + { + "": "12006", + "path": "n04522168/ILSVRC2012_val_00006280.JPEG", + "source": "vase", + "source_id": "883", + "target": "measuring cup", + "target_id": "647", + "is_test": "False" + }, + { + "": "8654", + "path": "n03063599/ILSVRC2012_val_00009084.JPEG", + "source": "coffee mug", + "source_id": "504", + "target": "measuring cup", + "target_id": "647", + "is_test": "False" + }, + { + "": "11609", + "path": "n04398044/ILSVRC2012_val_00013711.JPEG", + "source": "teapot", + "source_id": "849", + "target": "measuring cup", + "target_id": "647", + "is_test": "False" + }, + { + "": "4388", + "path": "n02106550/ILSVRC2012_val_00039164.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "miniature pinscher", + "target_id": "237", + "is_test": "False" + }, + { + "": "4519", + "path": "n02108089/ILSVRC2012_val_00017434.JPEG", + "source": "boxer", + "source_id": "242", + "target": "miniature pinscher", + "target_id": "237", + "is_test": "False" + }, + { + "": "4627", + "path": "n02109961/ILSVRC2012_val_00024818.JPEG", + "source": "Eskimo dog", + "source_id": "248", + "target": "miniature pinscher", + "target_id": "237", + "is_test": "False" + }, + { + "": "4644", + "path": "n02109961/ILSVRC2012_val_00044249.JPEG", + "source": "Eskimo dog", + "source_id": "248", + "target": "miniature pinscher", + "target_id": "237", + "is_test": "False" + }, + { + "": "8102", + "path": "n02814533/ILSVRC2012_val_00005978.JPEG", + "source": "beach wagon", + "source_id": "436", + "target": "minivan", + "target_id": "656", + "is_test": "False" + }, + { + "": "10084", + "path": "n03670208/ILSVRC2012_val_00037726.JPEG", + "source": "limousine", + "source_id": "627", + "target": "minivan", + "target_id": "656", + "is_test": "False" + }, + { + "": "10577", + "path": "n03930630/ILSVRC2012_val_00026922.JPEG", + "source": "pickup", + "source_id": "717", + "target": "minivan", + "target_id": "656", + "is_test": "False" + }, + { + "": "9922", + "path": "n03594945/ILSVRC2012_val_00018237.JPEG", + "source": "jeep", + "source_id": "609", + "target": "minivan", + "target_id": "656", + "is_test": "False" + }, + { + "": "6344", + "path": "n02281406/ILSVRC2012_val_00046852.JPEG", + "source": "sulphur butterfly", + "source_id": "325", + "target": "monarch", + "target_id": "323", + "is_test": "False" + }, + { + "": "6190", + "path": "n02277742/ILSVRC2012_val_00040035.JPEG", + "source": "ringlet", + "source_id": "322", + "target": "monarch", + "target_id": "323", + "is_test": "False" + }, + { + "": "6387", + "path": "n02281787/ILSVRC2012_val_00039215.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "monarch", + "target_id": "323", + "is_test": "False" + }, + { + "": "6183", + "path": "n02277742/ILSVRC2012_val_00034945.JPEG", + "source": "ringlet", + "source_id": "322", + "target": "monarch", + "target_id": "323", + "is_test": "False" + }, + { + "": "11992", + "path": "n04509417/ILSVRC2012_val_00042150.JPEG", + "source": "unicycle", + "source_id": "880", + "target": "moped", + "target_id": "665", + "is_test": "False" + }, + { + "": "11846", + "path": "n04482393/ILSVRC2012_val_00043685.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "moped", + "target_id": "665", + "is_test": "False" + }, + { + "": "10398", + "path": "n03791053/ILSVRC2012_val_00046855.JPEG", + "source": "motor scooter", + "source_id": "670", + "target": "moped", + "target_id": "665", + "is_test": "False" + }, + { + "": "11845", + "path": "n04482393/ILSVRC2012_val_00043028.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "moped", + "target_id": "665", + "is_test": "False" + }, + { + "": "11975", + "path": "n04509417/ILSVRC2012_val_00026754.JPEG", + "source": "unicycle", + "source_id": "880", + "target": "motor scooter", + "target_id": "670", + "is_test": "False" + }, + { + "": "11820", + "path": "n04482393/ILSVRC2012_val_00020297.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "motor scooter", + "target_id": "670", + "is_test": "False" + }, + { + "": "11959", + "path": "n04509417/ILSVRC2012_val_00011412.JPEG", + "source": "unicycle", + "source_id": "880", + "target": "motor scooter", + "target_id": "670", + "is_test": "False" + }, + { + "": "10442", + "path": "n03792782/ILSVRC2012_val_00043403.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "motor scooter", + "target_id": "670", + "is_test": "False" + }, + { + "": "10354", + "path": "n03791053/ILSVRC2012_val_00004465.JPEG", + "source": "motor scooter", + "source_id": "670", + "target": "mountain bike", + "target_id": "671", + "is_test": "False" + }, + { + "": "11987", + "path": "n04509417/ILSVRC2012_val_00036059.JPEG", + "source": "unicycle", + "source_id": "880", + "target": "mountain bike", + "target_id": "671", + "is_test": "False" + }, + { + "": "11848", + "path": "n04482393/ILSVRC2012_val_00049567.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "mountain bike", + "target_id": "671", + "is_test": "False" + }, + { + "": "10308", + "path": "n03785016/ILSVRC2012_val_00005460.JPEG", + "source": "moped", + "source_id": "665", + "target": "mountain bike", + "target_id": "671", + "is_test": "False" + }, + { + "": "1065", + "path": "n01669191/ILSVRC2012_val_00010145.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "mud turtle", + "target_id": "35", + "is_test": "False" + }, + { + "": "1070", + "path": "n01669191/ILSVRC2012_val_00013672.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "mud turtle", + "target_id": "35", + "is_test": "False" + }, + { + "": "1004", + "path": "n01667778/ILSVRC2012_val_00008333.JPEG", + "source": "terrapin", + "source_id": "36", + "target": "mud turtle", + "target_id": "35", + "is_test": "False" + }, + { + "": "1096", + "path": "n01669191/ILSVRC2012_val_00046122.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "mud turtle", + "target_id": "35", + "is_test": "False" + }, + { + "": "11942", + "path": "n04487394/ILSVRC2012_val_00037551.JPEG", + "source": "trombone", + "source_id": "875", + "target": "oboe", + "target_id": "683", + "is_test": "False" + }, + { + "": "9425", + "path": "n03372029/ILSVRC2012_val_00021856.JPEG", + "source": "flute", + "source_id": "558", + "target": "oboe", + "target_id": "683", + "is_test": "False" + }, + { + "": "8015", + "path": "n02804610/ILSVRC2012_val_00014518.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "oboe", + "target_id": "683", + "is_test": "False" + }, + { + "": "8004", + "path": "n02804610/ILSVRC2012_val_00003370.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "oboe", + "target_id": "683", + "is_test": "False" + }, + { + "": "7964", + "path": "n02794156/ILSVRC2012_val_00011803.JPEG", + "source": "barometer", + "source_id": "426", + "target": "odometer", + "target_id": "685", + "is_test": "False" + }, + { + "": "11565", + "path": "n04328186/ILSVRC2012_val_00013770.JPEG", + "source": "stopwatch", + "source_id": "826", + "target": "odometer", + "target_id": "685", + "is_test": "False" + }, + { + "": "9116", + "path": "n03197337/ILSVRC2012_val_00016242.JPEG", + "source": "digital watch", + "source_id": "531", + "target": "odometer", + "target_id": "685", + "is_test": "False" + }, + { + "": "7980", + "path": "n02794156/ILSVRC2012_val_00032123.JPEG", + "source": "barometer", + "source_id": "426", + "target": "odometer", + "target_id": "685", + "is_test": "False" + }, + { + "": "13141", + "path": "n07753113/ILSVRC2012_val_00038688.JPEG", + "source": "fig", + "source_id": "952", + "target": "orange", + "target_id": "950", + "is_test": "False" + }, + { + "": "13254", + "path": "n07760859/ILSVRC2012_val_00002644.JPEG", + "source": "custard apple", + "source_id": "956", + "target": "orange", + "target_id": "950", + "is_test": "False" + }, + { + "": "13204", + "path": "n07753592/ILSVRC2012_val_00004614.JPEG", + "source": "banana", + "source_id": "954", + "target": "orange", + "target_id": "950", + "is_test": "False" + }, + { + "": "13086", + "path": "n07749582/ILSVRC2012_val_00035888.JPEG", + "source": "lemon", + "source_id": "951", + "target": "orange", + "target_id": "950", + "is_test": "False" + }, + { + "": "6969", + "path": "n02480855/ILSVRC2012_val_00015928.JPEG", + "source": "gorilla", + "source_id": "366", + "target": "orangutan", + "target_id": "365", + "is_test": "False" + }, + { + "": "6993", + "path": "n02480855/ILSVRC2012_val_00042024.JPEG", + "source": "gorilla", + "source_id": "366", + "target": "orangutan", + "target_id": "365", + "is_test": "False" + }, + { + "": "7048", + "path": "n02481823/ILSVRC2012_val_00049902.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "orangutan", + "target_id": "365", + "is_test": "False" + }, + { + "": "7001", + "path": "n02481823/ILSVRC2012_val_00000788.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "orangutan", + "target_id": "365", + "is_test": "False" + }, + { + "": "3633", + "path": "n02088364/ILSVRC2012_val_00032594.JPEG", + "source": "beagle", + "source_id": "162", + "target": "otterhound", + "target_id": "175", + "is_test": "False" + }, + { + "": "3606", + "path": "n02088364/ILSVRC2012_val_00009542.JPEG", + "source": "beagle", + "source_id": "162", + "target": "otterhound", + "target_id": "175", + "is_test": "False" + }, + { + "": "3743", + "path": "n02091032/ILSVRC2012_val_00043917.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "otterhound", + "target_id": "175", + "is_test": "False" + }, + { + "": "3706", + "path": "n02091032/ILSVRC2012_val_00005471.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "otterhound", + "target_id": "175", + "is_test": "False" + }, + { + "": "6562", + "path": "n02408429/ILSVRC2012_val_00005951.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "ox", + "target_id": "345", + "is_test": "False" + }, + { + "": "6703", + "path": "n02415577/ILSVRC2012_val_00002924.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "ox", + "target_id": "345", + "is_test": "False" + }, + { + "": "6737", + "path": "n02415577/ILSVRC2012_val_00039697.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "ox", + "target_id": "345", + "is_test": "False" + }, + { + "": "6816", + "path": "n02422699/ILSVRC2012_val_00016293.JPEG", + "source": "impala", + "source_id": "352", + "target": "ox", + "target_id": "345", + "is_test": "False" + }, + { + "": "2074", + "path": "n01855672/ILSVRC2012_val_00026155.JPEG", + "source": "goose", + "source_id": "99", + "target": "oystercatcher", + "target_id": "143", + "is_test": "False" + }, + { + "": "2613", + "path": "n02006656/ILSVRC2012_val_00008978.JPEG", + "source": "spoonbill", + "source_id": "129", + "target": "oystercatcher", + "target_id": "143", + "is_test": "False" + }, + { + "": "2725", + "path": "n02009229/ILSVRC2012_val_00030843.JPEG", + "source": "little blue heron", + "source_id": "131", + "target": "oystercatcher", + "target_id": "143", + "is_test": "False" + }, + { + "": "2619", + "path": "n02006656/ILSVRC2012_val_00014266.JPEG", + "source": "spoonbill", + "source_id": "129", + "target": "oystercatcher", + "target_id": "143", + "is_test": "False" + }, + { + "": "3312", + "path": "n02085782/ILSVRC2012_val_00011985.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "papillon", + "target_id": "157", + "is_test": "False" + }, + { + "": "3478", + "path": "n02087046/ILSVRC2012_val_00024053.JPEG", + "source": "toy terrier", + "source_id": "158", + "target": "papillon", + "target_id": "157", + "is_test": "False" + }, + { + "": "3460", + "path": "n02087046/ILSVRC2012_val_00011204.JPEG", + "source": "toy terrier", + "source_id": "158", + "target": "papillon", + "target_id": "157", + "is_test": "False" + }, + { + "": "3353", + "path": "n02086240/ILSVRC2012_val_00002701.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "papillon", + "target_id": "157", + "is_test": "False" + }, + { + "": "2112", + "path": "n01860187/ILSVRC2012_val_00009998.JPEG", + "source": "black swan", + "source_id": "100", + "target": "pelican", + "target_id": "144", + "is_test": "False" + }, + { + "": "2781", + "path": "n02017213/ILSVRC2012_val_00033034.JPEG", + "source": "European gallinule", + "source_id": "136", + "target": "pelican", + "target_id": "144", + "is_test": "False" + }, + { + "": "2760", + "path": "n02017213/ILSVRC2012_val_00013810.JPEG", + "source": "European gallinule", + "source_id": "136", + "target": "pelican", + "target_id": "144", + "is_test": "False" + }, + { + "": "2987", + "path": "n02056570/ILSVRC2012_val_00037825.JPEG", + "source": "king penguin", + "source_id": "145", + "target": "pelican", + "target_id": "144", + "is_test": "False" + }, + { + "": "9568", + "path": "n03417042/ILSVRC2012_val_00019147.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "pickup", + "target_id": "717", + "is_test": "False" + }, + { + "": "9578", + "path": "n03417042/ILSVRC2012_val_00028914.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "pickup", + "target_id": "717", + "is_test": "False" + }, + { + "": "10828", + "path": "n03977966/ILSVRC2012_val_00024761.JPEG", + "source": "police van", + "source_id": "734", + "target": "pickup", + "target_id": "717", + "is_test": "False" + }, + { + "": "11793", + "path": "n04467665/ILSVRC2012_val_00044872.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "pickup", + "target_id": "717", + "is_test": "False" + }, + { + "": "13067", + "path": "n07749582/ILSVRC2012_val_00018338.JPEG", + "source": "lemon", + "source_id": "951", + "target": "pineapple", + "target_id": "953", + "is_test": "False" + }, + { + "": "13061", + "path": "n07749582/ILSVRC2012_val_00014929.JPEG", + "source": "lemon", + "source_id": "951", + "target": "pineapple", + "target_id": "953", + "is_test": "False" + }, + { + "": "12913", + "path": "n07742313/ILSVRC2012_val_00016931.JPEG", + "source": "Granny Smith", + "source_id": "948", + "target": "pineapple", + "target_id": "953", + "is_test": "False" + }, + { + "": "13337", + "path": "n07768694/ILSVRC2012_val_00029499.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "pineapple", + "target_id": "953", + "is_test": "False" + }, + { + "": "11262", + "path": "n04254680/ILSVRC2012_val_00016558.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "ping-pong ball", + "target_id": "722", + "is_test": "False" + }, + { + "": "10940", + "path": "n04118538/ILSVRC2012_val_00041014.JPEG", + "source": "rugby ball", + "source_id": "768", + "target": "ping-pong ball", + "target_id": "722", + "is_test": "False" + }, + { + "": "10938", + "path": "n04118538/ILSVRC2012_val_00040235.JPEG", + "source": "rugby ball", + "source_id": "768", + "target": "ping-pong ball", + "target_id": "722", + "is_test": "False" + }, + { + "": "11287", + "path": "n04254680/ILSVRC2012_val_00037179.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "ping-pong ball", + "target_id": "722", + "is_test": "False" + }, + { + "": "10793", + "path": "n03970156/ILSVRC2012_val_00046038.JPEG", + "source": "plunger", + "source_id": "731", + "target": "plane", + "target_id": "726", + "is_test": "False" + }, + { + "": "9763", + "path": "n03481172/ILSVRC2012_val_00015880.JPEG", + "source": "hammer", + "source_id": "587", + "target": "plane", + "target_id": "726", + "is_test": "False" + }, + { + "": "11183", + "path": "n04208210/ILSVRC2012_val_00036636.JPEG", + "source": "shovel", + "source_id": "792", + "target": "plane", + "target_id": "726", + "is_test": "False" + }, + { + "": "9769", + "path": "n03481172/ILSVRC2012_val_00020314.JPEG", + "source": "hammer", + "source_id": "587", + "target": "plane", + "target_id": "726", + "is_test": "False" + }, + { + "": "7893", + "path": "n02769748/ILSVRC2012_val_00042327.JPEG", + "source": "backpack", + "source_id": "414", + "target": "plastic bag", + "target_id": "728", + "is_test": "False" + }, + { + "": "10853", + "path": "n04026417/ILSVRC2012_val_00002590.JPEG", + "source": "purse", + "source_id": "748", + "target": "plastic bag", + "target_id": "728", + "is_test": "False" + }, + { + "": "10887", + "path": "n04026417/ILSVRC2012_val_00035568.JPEG", + "source": "purse", + "source_id": "748", + "target": "plastic bag", + "target_id": "728", + "is_test": "False" + }, + { + "": "7864", + "path": "n02769748/ILSVRC2012_val_00010934.JPEG", + "source": "backpack", + "source_id": "414", + "target": "plastic bag", + "target_id": "728", + "is_test": "False" + }, + { + "": "11159", + "path": "n04208210/ILSVRC2012_val_00010795.JPEG", + "source": "shovel", + "source_id": "792", + "target": "plunger", + "target_id": "731", + "is_test": "False" + }, + { + "": "11167", + "path": "n04208210/ILSVRC2012_val_00019065.JPEG", + "source": "shovel", + "source_id": "792", + "target": "plunger", + "target_id": "731", + "is_test": "False" + }, + { + "": "11119", + "path": "n04154565/ILSVRC2012_val_00015633.JPEG", + "source": "screwdriver", + "source_id": "784", + "target": "plunger", + "target_id": "731", + "is_test": "False" + }, + { + "": "10684", + "path": "n03954731/ILSVRC2012_val_00034134.JPEG", + "source": "plane", + "source_id": "726", + "target": "plunger", + "target_id": "731", + "is_test": "False" + }, + { + "": "10568", + "path": "n03930630/ILSVRC2012_val_00021802.JPEG", + "source": "pickup", + "source_id": "717", + "target": "police van", + "target_id": "734", + "is_test": "False" + }, + { + "": "11738", + "path": "n04461696/ILSVRC2012_val_00041448.JPEG", + "source": "tow truck", + "source_id": "864", + "target": "police van", + "target_id": "734", + "is_test": "False" + }, + { + "": "11764", + "path": "n04467665/ILSVRC2012_val_00015118.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "police van", + "target_id": "734", + "is_test": "False" + }, + { + "": "9353", + "path": "n03345487/ILSVRC2012_val_00003050.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "police van", + "target_id": "734", + "is_test": "False" + }, + { + "": "13106", + "path": "n07753113/ILSVRC2012_val_00009968.JPEG", + "source": "fig", + "source_id": "952", + "target": "pomegranate", + "target_id": "957", + "is_test": "False" + }, + { + "": "12939", + "path": "n07742313/ILSVRC2012_val_00039090.JPEG", + "source": "Granny Smith", + "source_id": "948", + "target": "pomegranate", + "target_id": "957", + "is_test": "False" + }, + { + "": "13019", + "path": "n07747607/ILSVRC2012_val_00021144.JPEG", + "source": "orange", + "source_id": "950", + "target": "pomegranate", + "target_id": "957", + "is_test": "False" + }, + { + "": "13223", + "path": "n07753592/ILSVRC2012_val_00022193.JPEG", + "source": "banana", + "source_id": "954", + "target": "pomegranate", + "target_id": "957", + "is_test": "False" + }, + { + "": "1910", + "path": "n01796340/ILSVRC2012_val_00011787.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "prairie chicken", + "target_id": "83", + "is_test": "False" + }, + { + "": "1931", + "path": "n01796340/ILSVRC2012_val_00030116.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "prairie chicken", + "target_id": "83", + "is_test": "False" + }, + { + "": "1905", + "path": "n01796340/ILSVRC2012_val_00006221.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "prairie chicken", + "target_id": "83", + "is_test": "False" + }, + { + "": "1921", + "path": "n01796340/ILSVRC2012_val_00022769.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "prairie chicken", + "target_id": "83", + "is_test": "False" + }, + { + "": "2023", + "path": "n01798484/ILSVRC2012_val_00029466.JPEG", + "source": "prairie chicken", + "source_id": "83", + "target": "ptarmigan", + "target_id": "81", + "is_test": "False" + }, + { + "": "1895", + "path": "n01795545/ILSVRC2012_val_00045857.JPEG", + "source": "black grouse", + "source_id": "80", + "target": "ptarmigan", + "target_id": "81", + "is_test": "False" + }, + { + "": "1988", + "path": "n01797886/ILSVRC2012_val_00039964.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "ptarmigan", + "target_id": "81", + "is_test": "False" + }, + { + "": "2020", + "path": "n01798484/ILSVRC2012_val_00023099.JPEG", + "source": "prairie chicken", + "source_id": "83", + "target": "ptarmigan", + "target_id": "81", + "is_test": "False" + }, + { + "": "7886", + "path": "n02769748/ILSVRC2012_val_00036149.JPEG", + "source": "backpack", + "source_id": "414", + "target": "purse", + "target_id": "748", + "is_test": "False" + }, + { + "": "10702", + "path": "n03958227/ILSVRC2012_val_00004066.JPEG", + "source": "plastic bag", + "source_id": "728", + "target": "purse", + "target_id": "748", + "is_test": "False" + }, + { + "": "10715", + "path": "n03958227/ILSVRC2012_val_00016551.JPEG", + "source": "plastic bag", + "source_id": "728", + "target": "purse", + "target_id": "748", + "is_test": "False" + }, + { + "": "7890", + "path": "n02769748/ILSVRC2012_val_00036867.JPEG", + "source": "backpack", + "source_id": "414", + "target": "purse", + "target_id": "748", + "is_test": "False" + }, + { + "": "6631", + "path": "n02410509/ILSVRC2012_val_00036666.JPEG", + "source": "bison", + "source_id": "347", + "target": "ram", + "target_id": "348", + "is_test": "False" + }, + { + "": "6744", + "path": "n02415577/ILSVRC2012_val_00044653.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "ram", + "target_id": "348", + "is_test": "False" + }, + { + "": "6730", + "path": "n02415577/ILSVRC2012_val_00031474.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "ram", + "target_id": "348", + "is_test": "False" + }, + { + "": "6859", + "path": "n02423022/ILSVRC2012_val_00013170.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "ram", + "target_id": "348", + "is_test": "False" + }, + { + "": "5138", + "path": "n02120079/ILSVRC2012_val_00036301.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "red fox", + "target_id": "277", + "is_test": "False" + }, + { + "": "4926", + "path": "n02115641/ILSVRC2012_val_00030055.JPEG", + "source": "dingo", + "source_id": "273", + "target": "red fox", + "target_id": "277", + "is_test": "False" + }, + { + "": "5128", + "path": "n02120079/ILSVRC2012_val_00029068.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "red fox", + "target_id": "277", + "is_test": "False" + }, + { + "": "5014", + "path": "n02117135/ILSVRC2012_val_00019942.JPEG", + "source": "hyena", + "source_id": "276", + "target": "red fox", + "target_id": "277", + "is_test": "False" + }, + { + "": "5158", + "path": "n02120505/ILSVRC2012_val_00010941.JPEG", + "source": "grey fox", + "source_id": "280", + "target": "red wolf", + "target_id": "271", + "is_test": "False" + }, + { + "": "4779", + "path": "n02114548/ILSVRC2012_val_00025285.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "red wolf", + "target_id": "271", + "is_test": "False" + }, + { + "": "4948", + "path": "n02115641/ILSVRC2012_val_00048498.JPEG", + "source": "dingo", + "source_id": "273", + "target": "red wolf", + "target_id": "271", + "is_test": "False" + }, + { + "": "5111", + "path": "n02120079/ILSVRC2012_val_00013609.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "red wolf", + "target_id": "271", + "is_test": "False" + }, + { + "": "6383", + "path": "n02281787/ILSVRC2012_val_00036924.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "ringlet", + "target_id": "322", + "is_test": "False" + }, + { + "": "6204", + "path": "n02279972/ILSVRC2012_val_00005614.JPEG", + "source": "monarch", + "source_id": "323", + "target": "ringlet", + "target_id": "322", + "is_test": "False" + }, + { + "": "6246", + "path": "n02279972/ILSVRC2012_val_00047456.JPEG", + "source": "monarch", + "source_id": "323", + "target": "ringlet", + "target_id": "322", + "is_test": "False" + }, + { + "": "6128", + "path": "n02276258/ILSVRC2012_val_00032156.JPEG", + "source": "admiral", + "source_id": "321", + "target": "ringlet", + "target_id": "322", + "is_test": "False" + }, + { + "": "2152", + "path": "n01978287/ILSVRC2012_val_00003074.JPEG", + "source": "Dungeness crab", + "source_id": "118", + "target": "rock crab", + "target_id": "119", + "is_test": "False" + }, + { + "": "2313", + "path": "n01981276/ILSVRC2012_val_00007999.JPEG", + "source": "king crab", + "source_id": "121", + "target": "rock crab", + "target_id": "119", + "is_test": "False" + }, + { + "": "2274", + "path": "n01980166/ILSVRC2012_val_00017911.JPEG", + "source": "fiddler crab", + "source_id": "120", + "target": "rock crab", + "target_id": "119", + "is_test": "False" + }, + { + "": "2292", + "path": "n01980166/ILSVRC2012_val_00038526.JPEG", + "source": "fiddler crab", + "source_id": "120", + "target": "rock crab", + "target_id": "119", + "is_test": "False" + }, + { + "": "1252", + "path": "n01742172/ILSVRC2012_val_00002106.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "rock python", + "target_id": "62", + "is_test": "False" + }, + { + "": "1262", + "path": "n01742172/ILSVRC2012_val_00011041.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "rock python", + "target_id": "62", + "is_test": "False" + }, + { + "": "1230", + "path": "n01734418/ILSVRC2012_val_00027396.JPEG", + "source": "king snake", + "source_id": "56", + "target": "rock python", + "target_id": "62", + "is_test": "False" + }, + { + "": "1358", + "path": "n01748264/ILSVRC2012_val_00013725.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "rock python", + "target_id": "62", + "is_test": "False" + }, + { + "": "1865", + "path": "n01795545/ILSVRC2012_val_00010917.JPEG", + "source": "black grouse", + "source_id": "80", + "target": "ruffed grouse", + "target_id": "82", + "is_test": "False" + }, + { + "": "1946", + "path": "n01796340/ILSVRC2012_val_00046574.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "ruffed grouse", + "target_id": "82", + "is_test": "False" + }, + { + "": "1938", + "path": "n01796340/ILSVRC2012_val_00036179.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "ruffed grouse", + "target_id": "82", + "is_test": "False" + }, + { + "": "1915", + "path": "n01796340/ILSVRC2012_val_00017253.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "ruffed grouse", + "target_id": "82", + "is_test": "False" + }, + { + "": "9643", + "path": "n03445777/ILSVRC2012_val_00041672.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "rugby ball", + "target_id": "768", + "is_test": "False" + }, + { + "": "9626", + "path": "n03445777/ILSVRC2012_val_00030938.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "rugby ball", + "target_id": "768", + "is_test": "False" + }, + { + "": "9644", + "path": "n03445777/ILSVRC2012_val_00042350.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "rugby ball", + "target_id": "768", + "is_test": "False" + }, + { + "": "11250", + "path": "n04254680/ILSVRC2012_val_00002349.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "rugby ball", + "target_id": "768", + "is_test": "False" + }, + { + "": "9508", + "path": "n03394916/ILSVRC2012_val_00007155.JPEG", + "source": "French horn", + "source_id": "566", + "target": "sax", + "target_id": "776", + "is_test": "False" + }, + { + "": "8028", + "path": "n02804610/ILSVRC2012_val_00029252.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "sax", + "target_id": "776", + "is_test": "False" + }, + { + "": "9406", + "path": "n03372029/ILSVRC2012_val_00005811.JPEG", + "source": "flute", + "source_id": "558", + "target": "sax", + "target_id": "776", + "is_test": "False" + }, + { + "": "9504", + "path": "n03394916/ILSVRC2012_val_00003759.JPEG", + "source": "French horn", + "source_id": "566", + "target": "sax", + "target_id": "776", + "is_test": "False" + }, + { + "": "9567", + "path": "n03417042/ILSVRC2012_val_00018227.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "school bus", + "target_id": "779", + "is_test": "False" + }, + { + "": "11776", + "path": "n04467665/ILSVRC2012_val_00028463.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "school bus", + "target_id": "779", + "is_test": "False" + }, + { + "": "9376", + "path": "n03345487/ILSVRC2012_val_00025838.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "school bus", + "target_id": "779", + "is_test": "False" + }, + { + "": "10570", + "path": "n03930630/ILSVRC2012_val_00023096.JPEG", + "source": "pickup", + "source_id": "717", + "target": "school bus", + "target_id": "779", + "is_test": "False" + }, + { + "": "8431", + "path": "n02981792/ILSVRC2012_val_00032901.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "schooner", + "target_id": "780", + "is_test": "False" + }, + { + "": "8435", + "path": "n02981792/ILSVRC2012_val_00035486.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "schooner", + "target_id": "780", + "is_test": "False" + }, + { + "": "8420", + "path": "n02981792/ILSVRC2012_val_00019341.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "schooner", + "target_id": "780", + "is_test": "False" + }, + { + "": "11861", + "path": "n04483307/ILSVRC2012_val_00013203.JPEG", + "source": "trimaran", + "source_id": "871", + "target": "schooner", + "target_id": "780", + "is_test": "False" + }, + { + "": "1735", + "path": "n01774384/ILSVRC2012_val_00035651.JPEG", + "source": "black widow", + "source_id": "75", + "target": "scorpion", + "target_id": "71", + "is_test": "False" + }, + { + "": "1784", + "path": "n01774750/ILSVRC2012_val_00036506.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "scorpion", + "target_id": "71", + "is_test": "False" + }, + { + "": "1783", + "path": "n01774750/ILSVRC2012_val_00035994.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "scorpion", + "target_id": "71", + "is_test": "False" + }, + { + "": "1781", + "path": "n01774750/ILSVRC2012_val_00034406.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "scorpion", + "target_id": "71", + "is_test": "False" + }, + { + "": "11153", + "path": "n04208210/ILSVRC2012_val_00003427.JPEG", + "source": "shovel", + "source_id": "792", + "target": "screwdriver", + "target_id": "784", + "is_test": "False" + }, + { + "": "9774", + "path": "n03481172/ILSVRC2012_val_00024678.JPEG", + "source": "hammer", + "source_id": "587", + "target": "screwdriver", + "target_id": "784", + "is_test": "False" + }, + { + "": "10764", + "path": "n03970156/ILSVRC2012_val_00015315.JPEG", + "source": "plunger", + "source_id": "731", + "target": "screwdriver", + "target_id": "784", + "is_test": "False" + }, + { + "": "10668", + "path": "n03954731/ILSVRC2012_val_00015496.JPEG", + "source": "plane", + "source_id": "726", + "target": "screwdriver", + "target_id": "784", + "is_test": "False" + }, + { + "": "3135", + "path": "n02071294/ILSVRC2012_val_00035115.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "sea lion", + "target_id": "150", + "is_test": "False" + }, + { + "": "3107", + "path": "n02071294/ILSVRC2012_val_00007404.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "sea lion", + "target_id": "150", + "is_test": "False" + }, + { + "": "3198", + "path": "n02074367/ILSVRC2012_val_00046218.JPEG", + "source": "dugong", + "source_id": "149", + "target": "sea lion", + "target_id": "150", + "is_test": "False" + }, + { + "": "3064", + "path": "n02066245/ILSVRC2012_val_00011468.JPEG", + "source": "grey whale", + "source_id": "147", + "target": "sea lion", + "target_id": "150", + "is_test": "False" + }, + { + "": "10664", + "path": "n03954731/ILSVRC2012_val_00011613.JPEG", + "source": "plane", + "source_id": "726", + "target": "shovel", + "target_id": "792", + "is_test": "False" + }, + { + "": "10672", + "path": "n03954731/ILSVRC2012_val_00019106.JPEG", + "source": "plane", + "source_id": "726", + "target": "shovel", + "target_id": "792", + "is_test": "False" + }, + { + "": "9781", + "path": "n03481172/ILSVRC2012_val_00028474.JPEG", + "source": "hammer", + "source_id": "587", + "target": "shovel", + "target_id": "792", + "is_test": "False" + }, + { + "": "10693", + "path": "n03954731/ILSVRC2012_val_00041121.JPEG", + "source": "plane", + "source_id": "726", + "target": "shovel", + "target_id": "792", + "is_test": "False" + }, + { + "": "8061", + "path": "n02807133/ILSVRC2012_val_00011615.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "shower cap", + "target_id": "793", + "is_test": "False" + }, + { + "": "11301", + "path": "n04259630/ILSVRC2012_val_00002642.JPEG", + "source": "sombrero", + "source_id": "808", + "target": "shower cap", + "target_id": "793", + "is_test": "False" + }, + { + "": "9492", + "path": "n03379051/ILSVRC2012_val_00039052.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "shower cap", + "target_id": "793", + "is_test": "False" + }, + { + "": "8060", + "path": "n02807133/ILSVRC2012_val_00011487.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "shower cap", + "target_id": "793", + "is_test": "False" + }, + { + "": "1226", + "path": "n01734418/ILSVRC2012_val_00022489.JPEG", + "source": "king snake", + "source_id": "56", + "target": "sidewinder", + "target_id": "68", + "is_test": "False" + }, + { + "": "1361", + "path": "n01748264/ILSVRC2012_val_00014457.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "sidewinder", + "target_id": "68", + "is_test": "False" + }, + { + "": "1504", + "path": "n01755581/ILSVRC2012_val_00004448.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "sidewinder", + "target_id": "68", + "is_test": "False" + }, + { + "": "1277", + "path": "n01742172/ILSVRC2012_val_00027148.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "sidewinder", + "target_id": "68", + "is_test": "False" + }, + { + "": "7403", + "path": "n02510455/ILSVRC2012_val_00006012.JPEG", + "source": "giant panda", + "source_id": "388", + "target": "sloth bear", + "target_id": "297", + "is_test": "False" + }, + { + "": "7415", + "path": "n02510455/ILSVRC2012_val_00014901.JPEG", + "source": "giant panda", + "source_id": "388", + "target": "sloth bear", + "target_id": "297", + "is_test": "False" + }, + { + "": "5637", + "path": "n02132136/ILSVRC2012_val_00043856.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "sloth bear", + "target_id": "297", + "is_test": "False" + }, + { + "": "5630", + "path": "n02132136/ILSVRC2012_val_00039777.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "sloth bear", + "target_id": "297", + "is_test": "False" + }, + { + "": "5313", + "path": "n02128385/ILSVRC2012_val_00018358.JPEG", + "source": "leopard", + "source_id": "288", + "target": "snow leopard", + "target_id": "289", + "is_test": "False" + }, + { + "": "5561", + "path": "n02130308/ILSVRC2012_val_00013129.JPEG", + "source": "cheetah", + "source_id": "293", + "target": "snow leopard", + "target_id": "289", + "is_test": "False" + }, + { + "": "5287", + "path": "n02123394/ILSVRC2012_val_00031180.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "snow leopard", + "target_id": "289", + "is_test": "False" + }, + { + "": "5454", + "path": "n02129165/ILSVRC2012_val_00006345.JPEG", + "source": "lion", + "source_id": "291", + "target": "snow leopard", + "target_id": "289", + "is_test": "False" + }, + { + "": "10637", + "path": "n03942813/ILSVRC2012_val_00040714.JPEG", + "source": "ping-pong ball", + "source_id": "722", + "target": "soccer ball", + "target_id": "805", + "is_test": "False" + }, + { + "": "11698", + "path": "n04409515/ILSVRC2012_val_00049400.JPEG", + "source": "tennis ball", + "source_id": "852", + "target": "soccer ball", + "target_id": "805", + "is_test": "False" + }, + { + "": "11655", + "path": "n04409515/ILSVRC2012_val_00007000.JPEG", + "source": "tennis ball", + "source_id": "852", + "target": "soccer ball", + "target_id": "805", + "is_test": "False" + }, + { + "": "9629", + "path": "n03445777/ILSVRC2012_val_00031897.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "soccer ball", + "target_id": "805", + "is_test": "False" + }, + { + "": "11246", + "path": "n04209133/ILSVRC2012_val_00046449.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "sombrero", + "target_id": "808", + "is_test": "False" + }, + { + "": "8237", + "path": "n02869837/ILSVRC2012_val_00037513.JPEG", + "source": "bonnet", + "source_id": "452", + "target": "sombrero", + "target_id": "808", + "is_test": "False" + }, + { + "": "8910", + "path": "n03124170/ILSVRC2012_val_00006020.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "sombrero", + "target_id": "808", + "is_test": "False" + }, + { + "": "8064", + "path": "n02807133/ILSVRC2012_val_00014229.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "sombrero", + "target_id": "808", + "is_test": "False" + }, + { + "": "6454", + "path": "n02391049/ILSVRC2012_val_00004267.JPEG", + "source": "zebra", + "source_id": "340", + "target": "sorrel", + "target_id": "339", + "is_test": "False" + }, + { + "": "6452", + "path": "n02391049/ILSVRC2012_val_00002789.JPEG", + "source": "zebra", + "source_id": "340", + "target": "sorrel", + "target_id": "339", + "is_test": "False" + }, + { + "": "6475", + "path": "n02391049/ILSVRC2012_val_00026486.JPEG", + "source": "zebra", + "source_id": "340", + "target": "sorrel", + "target_id": "339", + "is_test": "False" + }, + { + "": "6468", + "path": "n02391049/ILSVRC2012_val_00019146.JPEG", + "source": "zebra", + "source_id": "340", + "target": "sorrel", + "target_id": "339", + "is_test": "False" + }, + { + "": "12585", + "path": "n07716358/ILSVRC2012_val_00032041.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "spaghetti squash", + "target_id": "940", + "is_test": "False" + }, + { + "": "12764", + "path": "n07718747/ILSVRC2012_val_00010628.JPEG", + "source": "artichoke", + "source_id": "944", + "target": "spaghetti squash", + "target_id": "940", + "is_test": "False" + }, + { + "": "12480", + "path": "n07714990/ILSVRC2012_val_00028740.JPEG", + "source": "broccoli", + "source_id": "937", + "target": "spaghetti squash", + "target_id": "940", + "is_test": "False" + }, + { + "": "12597", + "path": "n07716358/ILSVRC2012_val_00047036.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "spaghetti squash", + "target_id": "940", + "is_test": "False" + }, + { + "": "9326", + "path": "n03344393/ILSVRC2012_val_00021948.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "speedboat", + "target_id": "814", + "is_test": "False" + }, + { + "": "8314", + "path": "n02951358/ILSVRC2012_val_00015044.JPEG", + "source": "canoe", + "source_id": "472", + "target": "speedboat", + "target_id": "814", + "is_test": "False" + }, + { + "": "9307", + "path": "n03344393/ILSVRC2012_val_00008048.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "speedboat", + "target_id": "814", + "is_test": "False" + }, + { + "": "9694", + "path": "n03447447/ILSVRC2012_val_00045000.JPEG", + "source": "gondola", + "source_id": "576", + "target": "speedboat", + "target_id": "814", + "is_test": "False" + }, + { + "": "7149", + "path": "n02486410/ILSVRC2012_val_00049974.JPEG", + "source": "baboon", + "source_id": "372", + "target": "spider monkey", + "target_id": "381", + "is_test": "False" + }, + { + "": "7161", + "path": "n02487347/ILSVRC2012_val_00014694.JPEG", + "source": "macaque", + "source_id": "373", + "target": "spider monkey", + "target_id": "381", + "is_test": "False" + }, + { + "": "7107", + "path": "n02486410/ILSVRC2012_val_00008014.JPEG", + "source": "baboon", + "source_id": "372", + "target": "spider monkey", + "target_id": "381", + "is_test": "False" + }, + { + "": "7082", + "path": "n02484975/ILSVRC2012_val_00031190.JPEG", + "source": "guenon", + "source_id": "370", + "target": "spider monkey", + "target_id": "381", + "is_test": "False" + }, + { + "": "2843", + "path": "n02018795/ILSVRC2012_val_00043095.JPEG", + "source": "bustard", + "source_id": "138", + "target": "spoonbill", + "target_id": "129", + "is_test": "False" + }, + { + "": "2851", + "path": "n02037110/ILSVRC2012_val_00002738.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "spoonbill", + "target_id": "129", + "is_test": "False" + }, + { + "": "2876", + "path": "n02037110/ILSVRC2012_val_00028025.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "spoonbill", + "target_id": "129", + "is_test": "False" + }, + { + "": "2683", + "path": "n02007558/ILSVRC2012_val_00036302.JPEG", + "source": "flamingo", + "source_id": "130", + "target": "spoonbill", + "target_id": "129", + "is_test": "False" + }, + { + "": "10098", + "path": "n03670208/ILSVRC2012_val_00047170.JPEG", + "source": "limousine", + "source_id": "627", + "target": "sports car", + "target_id": "817", + "is_test": "False" + }, + { + "": "8813", + "path": "n03100240/ILSVRC2012_val_00016337.JPEG", + "source": "convertible", + "source_id": "511", + "target": "sports car", + "target_id": "817", + "is_test": "False" + }, + { + "": "10290", + "path": "n03770679/ILSVRC2012_val_00042351.JPEG", + "source": "minivan", + "source_id": "656", + "target": "sports car", + "target_id": "817", + "is_test": "False" + }, + { + "": "10262", + "path": "n03770679/ILSVRC2012_val_00013987.JPEG", + "source": "minivan", + "source_id": "656", + "target": "sports car", + "target_id": "817", + "is_test": "False" + }, + { + "": "876", + "path": "n01641577/ILSVRC2012_val_00024938.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "spotted salamander", + "target_id": "28", + "is_test": "False" + }, + { + "": "846", + "path": "n01632777/ILSVRC2012_val_00045924.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "spotted salamander", + "target_id": "28", + "is_test": "False" + }, + { + "": "827", + "path": "n01632777/ILSVRC2012_val_00027929.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "spotted salamander", + "target_id": "28", + "is_test": "False" + }, + { + "": "920", + "path": "n01644373/ILSVRC2012_val_00020943.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "spotted salamander", + "target_id": "28", + "is_test": "False" + }, + { + "": "7077", + "path": "n02484975/ILSVRC2012_val_00022174.JPEG", + "source": "guenon", + "source_id": "370", + "target": "squirrel monkey", + "target_id": "382", + "is_test": "False" + }, + { + "": "7181", + "path": "n02487347/ILSVRC2012_val_00031750.JPEG", + "source": "macaque", + "source_id": "373", + "target": "squirrel monkey", + "target_id": "382", + "is_test": "False" + }, + { + "": "7091", + "path": "n02484975/ILSVRC2012_val_00039838.JPEG", + "source": "guenon", + "source_id": "370", + "target": "squirrel monkey", + "target_id": "382", + "is_test": "False" + }, + { + "": "7187", + "path": "n02487347/ILSVRC2012_val_00038883.JPEG", + "source": "macaque", + "source_id": "373", + "target": "squirrel monkey", + "target_id": "382", + "is_test": "False" + }, + { + "": "3848", + "path": "n02093428/ILSVRC2012_val_00047271.JPEG", + "source": "American Staffordshire terrier", + "source_id": "180", + "target": "standard schnauzer", + "target_id": "198", + "is_test": "False" + }, + { + "": "3800", + "path": "n02093428/ILSVRC2012_val_00000191.JPEG", + "source": "American Staffordshire terrier", + "source_id": "180", + "target": "standard schnauzer", + "target_id": "198", + "is_test": "False" + }, + { + "": "3859", + "path": "n02093754/ILSVRC2012_val_00009740.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "standard schnauzer", + "target_id": "198", + "is_test": "False" + }, + { + "": "3851", + "path": "n02093754/ILSVRC2012_val_00003267.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "standard schnauzer", + "target_id": "198", + "is_test": "False" + }, + { + "": "9274", + "path": "n03272562/ILSVRC2012_val_00024364.JPEG", + "source": "electric locomotive", + "source_id": "547", + "target": "steam locomotive", + "target_id": "820", + "is_test": "False" + }, + { + "": "9265", + "path": "n03272562/ILSVRC2012_val_00019595.JPEG", + "source": "electric locomotive", + "source_id": "547", + "target": "steam locomotive", + "target_id": "820", + "is_test": "False" + }, + { + "": "9256", + "path": "n03272562/ILSVRC2012_val_00007879.JPEG", + "source": "electric locomotive", + "source_id": "547", + "target": "steam locomotive", + "target_id": "820", + "is_test": "False" + }, + { + "": "9253", + "path": "n03272562/ILSVRC2012_val_00004585.JPEG", + "source": "electric locomotive", + "source_id": "547", + "target": "steam locomotive", + "target_id": "820", + "is_test": "False" + }, + { + "": "10157", + "path": "n03721384/ILSVRC2012_val_00011907.JPEG", + "source": "marimba", + "source_id": "642", + "target": "steel drum", + "target_id": "822", + "is_test": "False" + }, + { + "": "9745", + "path": "n03447721/ILSVRC2012_val_00041770.JPEG", + "source": "gong", + "source_id": "577", + "target": "steel drum", + "target_id": "822", + "is_test": "False" + }, + { + "": "10136", + "path": "n03720891/ILSVRC2012_val_00040634.JPEG", + "source": "maraca", + "source_id": "641", + "target": "steel drum", + "target_id": "822", + "is_test": "False" + }, + { + "": "8555", + "path": "n03017168/ILSVRC2012_val_00005797.JPEG", + "source": "chime", + "source_id": "494", + "target": "steel drum", + "target_id": "822", + "is_test": "False" + }, + { + "": "13379", + "path": "n12985857/ILSVRC2012_val_00030180.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "stinkhorn", + "target_id": "994", + "is_test": "False" + }, + { + "": "13553", + "path": "n13052670/ILSVRC2012_val_00005010.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "stinkhorn", + "target_id": "994", + "is_test": "False" + }, + { + "": "13510", + "path": "n13044778/ILSVRC2012_val_00012961.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "stinkhorn", + "target_id": "994", + "is_test": "False" + }, + { + "": "13362", + "path": "n12985857/ILSVRC2012_val_00011221.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "stinkhorn", + "target_id": "994", + "is_test": "False" + }, + { + "": "9127", + "path": "n03197337/ILSVRC2012_val_00033472.JPEG", + "source": "digital watch", + "source_id": "531", + "target": "stopwatch", + "target_id": "826", + "is_test": "False" + }, + { + "": "10540", + "path": "n03841143/ILSVRC2012_val_00039911.JPEG", + "source": "odometer", + "source_id": "685", + "target": "stopwatch", + "target_id": "826", + "is_test": "False" + }, + { + "": "7839", + "path": "n02708093/ILSVRC2012_val_00035392.JPEG", + "source": "analog clock", + "source_id": "409", + "target": "stopwatch", + "target_id": "826", + "is_test": "False" + }, + { + "": "10546", + "path": "n03841143/ILSVRC2012_val_00046805.JPEG", + "source": "odometer", + "source_id": "685", + "target": "stopwatch", + "target_id": "826", + "is_test": "False" + }, + { + "": "12900", + "path": "n07742313/ILSVRC2012_val_00000023.JPEG", + "source": "Granny Smith", + "source_id": "948", + "target": "strawberry", + "target_id": "949", + "is_test": "False" + }, + { + "": "13160", + "path": "n07753275/ILSVRC2012_val_00009399.JPEG", + "source": "pineapple", + "source_id": "953", + "target": "strawberry", + "target_id": "949", + "is_test": "False" + }, + { + "": "13071", + "path": "n07749582/ILSVRC2012_val_00021613.JPEG", + "source": "lemon", + "source_id": "951", + "target": "strawberry", + "target_id": "949", + "is_test": "False" + }, + { + "": "13023", + "path": "n07747607/ILSVRC2012_val_00022623.JPEG", + "source": "orange", + "source_id": "950", + "target": "strawberry", + "target_id": "949", + "is_test": "False" + }, + { + "": "74", + "path": "n01443537/ILSVRC2012_val_00020785.JPEG", + "source": "goldfish", + "source_id": "1", + "target": "sturgeon", + "target_id": "394", + "is_test": "False" + }, + { + "": "80", + "path": "n01443537/ILSVRC2012_val_00030060.JPEG", + "source": "goldfish", + "source_id": "1", + "target": "sturgeon", + "target_id": "394", + "is_test": "False" + }, + { + "": "69", + "path": "n01443537/ILSVRC2012_val_00013623.JPEG", + "source": "goldfish", + "source_id": "1", + "target": "sturgeon", + "target_id": "394", + "is_test": "False" + }, + { + "": "7549", + "path": "n02607072/ILSVRC2012_val_00049443.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "sturgeon", + "target_id": "394", + "is_test": "False" + }, + { + "": "6238", + "path": "n02279972/ILSVRC2012_val_00037418.JPEG", + "source": "monarch", + "source_id": "323", + "target": "sulphur butterfly", + "target_id": "325", + "is_test": "False" + }, + { + "": "6353", + "path": "n02281787/ILSVRC2012_val_00009023.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "sulphur butterfly", + "target_id": "325", + "is_test": "False" + }, + { + "": "6120", + "path": "n02276258/ILSVRC2012_val_00021499.JPEG", + "source": "admiral", + "source_id": "321", + "target": "sulphur butterfly", + "target_id": "325", + "is_test": "False" + }, + { + "": "6241", + "path": "n02279972/ILSVRC2012_val_00043292.JPEG", + "source": "monarch", + "source_id": "323", + "target": "sulphur butterfly", + "target_id": "325", + "is_test": "False" + }, + { + "": "5408", + "path": "n02128925/ILSVRC2012_val_00011543.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "tabby", + "target_id": "281", + "is_test": "False" + }, + { + "": "5457", + "path": "n02129165/ILSVRC2012_val_00008167.JPEG", + "source": "lion", + "source_id": "291", + "target": "tabby", + "target_id": "281", + "is_test": "False" + }, + { + "": "5547", + "path": "n02129604/ILSVRC2012_val_00048375.JPEG", + "source": "tiger", + "source_id": "292", + "target": "tabby", + "target_id": "281", + "is_test": "False" + }, + { + "": "5432", + "path": "n02128925/ILSVRC2012_val_00032150.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "tabby", + "target_id": "281", + "is_test": "False" + }, + { + "": "1672", + "path": "n01773797/ILSVRC2012_val_00019968.JPEG", + "source": "garden spider", + "source_id": "74", + "target": "tarantula", + "target_id": "76", + "is_test": "False" + }, + { + "": "1706", + "path": "n01774384/ILSVRC2012_val_00007201.JPEG", + "source": "black widow", + "source_id": "75", + "target": "tarantula", + "target_id": "76", + "is_test": "False" + }, + { + "": "1603", + "path": "n01770393/ILSVRC2012_val_00005821.JPEG", + "source": "scorpion", + "source_id": "71", + "target": "tarantula", + "target_id": "76", + "is_test": "False" + }, + { + "": "1720", + "path": "n01774384/ILSVRC2012_val_00024261.JPEG", + "source": "black widow", + "source_id": "75", + "target": "tarantula", + "target_id": "76", + "is_test": "False" + }, + { + "": "12030", + "path": "n04522168/ILSVRC2012_val_00034387.JPEG", + "source": "vase", + "source_id": "883", + "target": "teapot", + "target_id": "849", + "is_test": "False" + }, + { + "": "12276", + "path": "n04591713/ILSVRC2012_val_00028267.JPEG", + "source": "wine bottle", + "source_id": "907", + "target": "teapot", + "target_id": "849", + "is_test": "False" + }, + { + "": "8744", + "path": "n03063689/ILSVRC2012_val_00044838.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "teapot", + "target_id": "849", + "is_test": "False" + }, + { + "": "8655", + "path": "n03063599/ILSVRC2012_val_00009538.JPEG", + "source": "coffee mug", + "source_id": "504", + "target": "teapot", + "target_id": "849", + "is_test": "False" + }, + { + "": "7680", + "path": "n02643566/ILSVRC2012_val_00026873.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "tench", + "target_id": "0", + "is_test": "False" + }, + { + "": "7476", + "path": "n02526121/ILSVRC2012_val_00028338.JPEG", + "source": "eel", + "source_id": "390", + "target": "tench", + "target_id": "0", + "is_test": "False" + }, + { + "": "7514", + "path": "n02607072/ILSVRC2012_val_00013661.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "tench", + "target_id": "0", + "is_test": "False" + }, + { + "": "7692", + "path": "n02643566/ILSVRC2012_val_00041221.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "tench", + "target_id": "0", + "is_test": "False" + }, + { + "": "9600", + "path": "n03445777/ILSVRC2012_val_00002314.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "tennis ball", + "target_id": "852", + "is_test": "False" + }, + { + "": "10942", + "path": "n04118538/ILSVRC2012_val_00045773.JPEG", + "source": "rugby ball", + "source_id": "768", + "target": "tennis ball", + "target_id": "852", + "is_test": "False" + }, + { + "": "9639", + "path": "n03445777/ILSVRC2012_val_00038447.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "tennis ball", + "target_id": "852", + "is_test": "False" + }, + { + "": "10610", + "path": "n03942813/ILSVRC2012_val_00016600.JPEG", + "source": "ping-pong ball", + "source_id": "722", + "target": "tennis ball", + "target_id": "852", + "is_test": "False" + }, + { + "": "1069", + "path": "n01669191/ILSVRC2012_val_00012829.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "terrapin", + "target_id": "36", + "is_test": "False" + }, + { + "": "1050", + "path": "n01669191/ILSVRC2012_val_00000362.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "terrapin", + "target_id": "36", + "is_test": "False" + }, + { + "": "984", + "path": "n01667114/ILSVRC2012_val_00036271.JPEG", + "source": "mud turtle", + "source_id": "35", + "target": "terrapin", + "target_id": "36", + "is_test": "False" + }, + { + "": "1091", + "path": "n01669191/ILSVRC2012_val_00038230.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "terrapin", + "target_id": "36", + "is_test": "False" + }, + { + "": "1254", + "path": "n01742172/ILSVRC2012_val_00005825.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "thunder snake", + "target_id": "52", + "is_test": "False" + }, + { + "": "1200", + "path": "n01734418/ILSVRC2012_val_00000512.JPEG", + "source": "king snake", + "source_id": "56", + "target": "thunder snake", + "target_id": "52", + "is_test": "False" + }, + { + "": "1556", + "path": "n01756291/ILSVRC2012_val_00010723.JPEG", + "source": "sidewinder", + "source_id": "68", + "target": "thunder snake", + "target_id": "52", + "is_test": "False" + }, + { + "": "1239", + "path": "n01734418/ILSVRC2012_val_00031951.JPEG", + "source": "king snake", + "source_id": "56", + "target": "thunder snake", + "target_id": "52", + "is_test": "False" + }, + { + "": "5261", + "path": "n02123394/ILSVRC2012_val_00005627.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "tiger", + "target_id": "292", + "is_test": "False" + }, + { + "": "5374", + "path": "n02128757/ILSVRC2012_val_00023086.JPEG", + "source": "snow leopard", + "source_id": "289", + "target": "tiger", + "target_id": "292", + "is_test": "False" + }, + { + "": "5237", + "path": "n02123045/ILSVRC2012_val_00038661.JPEG", + "source": "tabby", + "source_id": "281", + "target": "tiger", + "target_id": "292", + "is_test": "False" + }, + { + "": "5341", + "path": "n02128385/ILSVRC2012_val_00041521.JPEG", + "source": "leopard", + "source_id": "288", + "target": "tiger", + "target_id": "292", + "is_test": "False" + }, + { + "": "6081", + "path": "n02177972/ILSVRC2012_val_00030638.JPEG", + "source": "weevil", + "source_id": "307", + "target": "tiger beetle", + "target_id": "300", + "is_test": "False" + }, + { + "": "6023", + "path": "n02169497/ILSVRC2012_val_00021880.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "tiger beetle", + "target_id": "300", + "is_test": "False" + }, + { + "": "5897", + "path": "n02165456/ILSVRC2012_val_00043854.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "tiger beetle", + "target_id": "300", + "is_test": "False" + }, + { + "": "5859", + "path": "n02165456/ILSVRC2012_val_00016683.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "tiger beetle", + "target_id": "300", + "is_test": "False" + }, + { + "": "218", + "path": "n01494475/ILSVRC2012_val_00018948.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "tiger shark", + "target_id": "3", + "is_test": "False" + }, + { + "": "233", + "path": "n01494475/ILSVRC2012_val_00031424.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "tiger shark", + "target_id": "3", + "is_test": "False" + }, + { + "": "226", + "path": "n01494475/ILSVRC2012_val_00026490.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "tiger shark", + "target_id": "3", + "is_test": "False" + }, + { + "": "206", + "path": "n01494475/ILSVRC2012_val_00009978.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "tiger shark", + "target_id": "3", + "is_test": "False" + }, + { + "": "4986", + "path": "n02116738/ILSVRC2012_val_00037354.JPEG", + "source": "African hunting dog", + "source_id": "275", + "target": "timber wolf", + "target_id": "269", + "is_test": "False" + }, + { + "": "5050", + "path": "n02119022/ILSVRC2012_val_00000157.JPEG", + "source": "red fox", + "source_id": "277", + "target": "timber wolf", + "target_id": "269", + "is_test": "False" + }, + { + "": "5075", + "path": "n02119022/ILSVRC2012_val_00026288.JPEG", + "source": "red fox", + "source_id": "277", + "target": "timber wolf", + "target_id": "269", + "is_test": "False" + }, + { + "": "4774", + "path": "n02114548/ILSVRC2012_val_00020708.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "timber wolf", + "target_id": "269", + "is_test": "False" + }, + { + "": "11791", + "path": "n04467665/ILSVRC2012_val_00041497.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "tow truck", + "target_id": "864", + "is_test": "False" + }, + { + "": "9585", + "path": "n03417042/ILSVRC2012_val_00034417.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "tow truck", + "target_id": "864", + "is_test": "False" + }, + { + "": "10572", + "path": "n03930630/ILSVRC2012_val_00025131.JPEG", + "source": "pickup", + "source_id": "717", + "target": "tow truck", + "target_id": "864", + "is_test": "False" + }, + { + "": "11770", + "path": "n04467665/ILSVRC2012_val_00018598.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "tow truck", + "target_id": "864", + "is_test": "False" + }, + { + "": "3381", + "path": "n02086240/ILSVRC2012_val_00026911.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "toy terrier", + "target_id": "158", + "is_test": "False" + }, + { + "": "3414", + "path": "n02086910/ILSVRC2012_val_00017891.JPEG", + "source": "papillon", + "source_id": "157", + "target": "toy terrier", + "target_id": "158", + "is_test": "False" + }, + { + "": "3265", + "path": "n02085620/ILSVRC2012_val_00018882.JPEG", + "source": "Chihuahua", + "source_id": "151", + "target": "toy terrier", + "target_id": "158", + "is_test": "False" + }, + { + "": "3300", + "path": "n02085782/ILSVRC2012_val_00000462.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "toy terrier", + "target_id": "158", + "is_test": "False" + }, + { + "": "9378", + "path": "n03345487/ILSVRC2012_val_00029595.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "trailer truck", + "target_id": "867", + "is_test": "False" + }, + { + "": "9550", + "path": "n03417042/ILSVRC2012_val_00001144.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "trailer truck", + "target_id": "867", + "is_test": "False" + }, + { + "": "10565", + "path": "n03930630/ILSVRC2012_val_00017538.JPEG", + "source": "pickup", + "source_id": "717", + "target": "trailer truck", + "target_id": "867", + "is_test": "False" + }, + { + "": "9359", + "path": "n03345487/ILSVRC2012_val_00008767.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "trailer truck", + "target_id": "867", + "is_test": "False" + }, + { + "": "886", + "path": "n01641577/ILSVRC2012_val_00032061.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "tree frog", + "target_id": "31", + "is_test": "False" + }, + { + "": "786", + "path": "n01632458/ILSVRC2012_val_00035814.JPEG", + "source": "spotted salamander", + "source_id": "28", + "target": "tree frog", + "target_id": "31", + "is_test": "False" + }, + { + "": "739", + "path": "n01631663/ILSVRC2012_val_00035305.JPEG", + "source": "eft", + "source_id": "27", + "target": "tree frog", + "target_id": "31", + "is_test": "False" + }, + { + "": "720", + "path": "n01631663/ILSVRC2012_val_00014009.JPEG", + "source": "eft", + "source_id": "27", + "target": "tree frog", + "target_id": "31", + "is_test": "False" + }, + { + "": "10417", + "path": "n03792782/ILSVRC2012_val_00019203.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "tricycle", + "target_id": "870", + "is_test": "False" + }, + { + "": "10448", + "path": "n03792782/ILSVRC2012_val_00049001.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "tricycle", + "target_id": "870", + "is_test": "False" + }, + { + "": "10445", + "path": "n03792782/ILSVRC2012_val_00045152.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "tricycle", + "target_id": "870", + "is_test": "False" + }, + { + "": "10376", + "path": "n03791053/ILSVRC2012_val_00024929.JPEG", + "source": "motor scooter", + "source_id": "670", + "target": "tricycle", + "target_id": "870", + "is_test": "False" + }, + { + "": "8406", + "path": "n02981792/ILSVRC2012_val_00006558.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "trimaran", + "target_id": "871", + "is_test": "False" + }, + { + "": "8407", + "path": "n02981792/ILSVRC2012_val_00009060.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "trimaran", + "target_id": "871", + "is_test": "False" + }, + { + "": "11068", + "path": "n04147183/ILSVRC2012_val_00015627.JPEG", + "source": "schooner", + "source_id": "780", + "target": "trimaran", + "target_id": "871", + "is_test": "False" + }, + { + "": "11063", + "path": "n04147183/ILSVRC2012_val_00012054.JPEG", + "source": "schooner", + "source_id": "780", + "target": "trimaran", + "target_id": "871", + "is_test": "False" + }, + { + "": "8890", + "path": "n03110669/ILSVRC2012_val_00038682.JPEG", + "source": "cornet", + "source_id": "513", + "target": "trombone", + "target_id": "875", + "is_test": "False" + }, + { + "": "9544", + "path": "n03394916/ILSVRC2012_val_00044598.JPEG", + "source": "French horn", + "source_id": "566", + "target": "trombone", + "target_id": "875", + "is_test": "False" + }, + { + "": "9540", + "path": "n03394916/ILSVRC2012_val_00041958.JPEG", + "source": "French horn", + "source_id": "566", + "target": "trombone", + "target_id": "875", + "is_test": "False" + }, + { + "": "10955", + "path": "n04141076/ILSVRC2012_val_00006682.JPEG", + "source": "sax", + "source_id": "776", + "target": "trombone", + "target_id": "875", + "is_test": "False" + }, + { + "": "10359", + "path": "n03791053/ILSVRC2012_val_00008959.JPEG", + "source": "motor scooter", + "source_id": "670", + "target": "unicycle", + "target_id": "880", + "is_test": "False" + }, + { + "": "10397", + "path": "n03791053/ILSVRC2012_val_00046394.JPEG", + "source": "motor scooter", + "source_id": "670", + "target": "unicycle", + "target_id": "880", + "is_test": "False" + }, + { + "": "10313", + "path": "n03785016/ILSVRC2012_val_00007101.JPEG", + "source": "moped", + "source_id": "665", + "target": "unicycle", + "target_id": "880", + "is_test": "False" + }, + { + "": "11806", + "path": "n04482393/ILSVRC2012_val_00007936.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "unicycle", + "target_id": "880", + "is_test": "False" + }, + { + "": "10235", + "path": "n03733805/ILSVRC2012_val_00036965.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "vase", + "target_id": "883", + "is_test": "False" + }, + { + "": "10230", + "path": "n03733805/ILSVRC2012_val_00032926.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "vase", + "target_id": "883", + "is_test": "False" + }, + { + "": "8691", + "path": "n03063599/ILSVRC2012_val_00038877.JPEG", + "source": "coffee mug", + "source_id": "504", + "target": "vase", + "target_id": "883", + "is_test": "False" + }, + { + "": "11630", + "path": "n04398044/ILSVRC2012_val_00033663.JPEG", + "source": "teapot", + "source_id": "849", + "target": "vase", + "target_id": "883", + "is_test": "False" + }, + { + "": "8462", + "path": "n02992211/ILSVRC2012_val_00012509.JPEG", + "source": "cello", + "source_id": "486", + "target": "violin", + "target_id": "889", + "is_test": "False" + }, + { + "": "9211", + "path": "n03272010/ILSVRC2012_val_00008283.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "violin", + "target_id": "889", + "is_test": "False" + }, + { + "": "7913", + "path": "n02787622/ILSVRC2012_val_00013866.JPEG", + "source": "banjo", + "source_id": "420", + "target": "violin", + "target_id": "889", + "is_test": "False" + }, + { + "": "8463", + "path": "n02992211/ILSVRC2012_val_00013038.JPEG", + "source": "cello", + "source_id": "486", + "target": "violin", + "target_id": "889", + "is_test": "False" + }, + { + "": "9124", + "path": "n03197337/ILSVRC2012_val_00024672.JPEG", + "source": "digital watch", + "source_id": "531", + "target": "wall clock", + "target_id": "892", + "is_test": "False" + }, + { + "": "10516", + "path": "n03841143/ILSVRC2012_val_00014933.JPEG", + "source": "odometer", + "source_id": "685", + "target": "wall clock", + "target_id": "892", + "is_test": "False" + }, + { + "": "9059", + "path": "n03196217/ILSVRC2012_val_00013897.JPEG", + "source": "digital clock", + "source_id": "530", + "target": "wall clock", + "target_id": "892", + "is_test": "False" + }, + { + "": "10510", + "path": "n03841143/ILSVRC2012_val_00010165.JPEG", + "source": "odometer", + "source_id": "685", + "target": "wall clock", + "target_id": "892", + "is_test": "False" + }, + { + "": "11605", + "path": "n04398044/ILSVRC2012_val_00009149.JPEG", + "source": "teapot", + "source_id": "849", + "target": "water bottle", + "target_id": "898", + "is_test": "False" + }, + { + "": "8183", + "path": "n02823428/ILSVRC2012_val_00035507.JPEG", + "source": "beer bottle", + "source_id": "440", + "target": "water bottle", + "target_id": "898", + "is_test": "False" + }, + { + "": "8711", + "path": "n03063689/ILSVRC2012_val_00016755.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "water bottle", + "target_id": "898", + "is_test": "False" + }, + { + "": "12291", + "path": "n04591713/ILSVRC2012_val_00043192.JPEG", + "source": "wine bottle", + "source_id": "907", + "target": "water bottle", + "target_id": "898", + "is_test": "False" + }, + { + "": "6724", + "path": "n02415577/ILSVRC2012_val_00021766.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "water buffalo", + "target_id": "346", + "is_test": "False" + }, + { + "": "6762", + "path": "n02417914/ILSVRC2012_val_00011977.JPEG", + "source": "ibex", + "source_id": "350", + "target": "water buffalo", + "target_id": "346", + "is_test": "False" + }, + { + "": "6882", + "path": "n02423022/ILSVRC2012_val_00030844.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "water buffalo", + "target_id": "346", + "is_test": "False" + }, + { + "": "6721", + "path": "n02415577/ILSVRC2012_val_00020499.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "water buffalo", + "target_id": "346", + "is_test": "False" + }, + { + "": "12269", + "path": "n04591713/ILSVRC2012_val_00022049.JPEG", + "source": "wine bottle", + "source_id": "907", + "target": "water jug", + "target_id": "899", + "is_test": "False" + }, + { + "": "8736", + "path": "n03063689/ILSVRC2012_val_00036221.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "water jug", + "target_id": "899", + "is_test": "False" + }, + { + "": "12265", + "path": "n04591713/ILSVRC2012_val_00017177.JPEG", + "source": "wine bottle", + "source_id": "907", + "target": "water jug", + "target_id": "899", + "is_test": "False" + }, + { + "": "10225", + "path": "n03733805/ILSVRC2012_val_00028239.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "water jug", + "target_id": "899", + "is_test": "False" + }, + { + "": "5969", + "path": "n02168699/ILSVRC2012_val_00018106.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "weevil", + "target_id": "307", + "is_test": "False" + }, + { + "": "5984", + "path": "n02168699/ILSVRC2012_val_00036405.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "weevil", + "target_id": "307", + "is_test": "False" + }, + { + "": "5938", + "path": "n02167151/ILSVRC2012_val_00037453.JPEG", + "source": "ground beetle", + "source_id": "302", + "target": "weevil", + "target_id": "307", + "is_test": "False" + }, + { + "": "6045", + "path": "n02169497/ILSVRC2012_val_00047928.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "weevil", + "target_id": "307", + "is_test": "False" + }, + { + "": "5129", + "path": "n02120079/ILSVRC2012_val_00030494.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "white wolf", + "target_id": "270", + "is_test": "False" + }, + { + "": "5085", + "path": "n02119022/ILSVRC2012_val_00033641.JPEG", + "source": "red fox", + "source_id": "277", + "target": "white wolf", + "target_id": "270", + "is_test": "False" + }, + { + "": "5038", + "path": "n02117135/ILSVRC2012_val_00039990.JPEG", + "source": "hyena", + "source_id": "276", + "target": "white wolf", + "target_id": "270", + "is_test": "False" + }, + { + "": "4989", + "path": "n02116738/ILSVRC2012_val_00039513.JPEG", + "source": "African hunting dog", + "source_id": "275", + "target": "white wolf", + "target_id": "270", + "is_test": "False" + }, + { + "": "10213", + "path": "n03733805/ILSVRC2012_val_00013566.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "wine bottle", + "target_id": "907", + "is_test": "False" + }, + { + "": "8618", + "path": "n03062245/ILSVRC2012_val_00019832.JPEG", + "source": "cocktail shaker", + "source_id": "503", + "target": "wine bottle", + "target_id": "907", + "is_test": "False" + }, + { + "": "10214", + "path": "n03733805/ILSVRC2012_val_00014866.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "wine bottle", + "target_id": "907", + "is_test": "False" + }, + { + "": "8743", + "path": "n03063689/ILSVRC2012_val_00043200.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "wine bottle", + "target_id": "907", + "is_test": "False" + }, + { + "": "3816", + "path": "n02093428/ILSVRC2012_val_00017823.JPEG", + "source": "American Staffordshire terrier", + "source_id": "180", + "target": "wire-haired fox terrier", + "target_id": "188", + "is_test": "False" + }, + { + "": "3807", + "path": "n02093428/ILSVRC2012_val_00008303.JPEG", + "source": "American Staffordshire terrier", + "source_id": "180", + "target": "wire-haired fox terrier", + "target_id": "188", + "is_test": "False" + }, + { + "": "3951", + "path": "n02094433/ILSVRC2012_val_00000949.JPEG", + "source": "Yorkshire terrier", + "source_id": "187", + "target": "wire-haired fox terrier", + "target_id": "188", + "is_test": "False" + }, + { + "": "3971", + "path": "n02094433/ILSVRC2012_val_00024206.JPEG", + "source": "Yorkshire terrier", + "source_id": "187", + "target": "wire-haired fox terrier", + "target_id": "188", + "is_test": "False" + }, + { + "": "1794", + "path": "n01774750/ILSVRC2012_val_00045733.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "wolf spider", + "target_id": "77", + "is_test": "False" + }, + { + "": "1748", + "path": "n01774384/ILSVRC2012_val_00048523.JPEG", + "source": "black widow", + "source_id": "75", + "target": "wolf spider", + "target_id": "77", + "is_test": "False" + }, + { + "": "1764", + "path": "n01774750/ILSVRC2012_val_00014302.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "wolf spider", + "target_id": "77", + "is_test": "False" + }, + { + "": "1615", + "path": "n01770393/ILSVRC2012_val_00018807.JPEG", + "source": "scorpion", + "source_id": "71", + "target": "wolf spider", + "target_id": "77", + "is_test": "False" + }, + { + "": "6445", + "path": "n02389026/ILSVRC2012_val_00046638.JPEG", + "source": "sorrel", + "source_id": "339", + "target": "zebra", + "target_id": "340", + "is_test": "False" + }, + { + "": "6414", + "path": "n02389026/ILSVRC2012_val_00017532.JPEG", + "source": "sorrel", + "source_id": "339", + "target": "zebra", + "target_id": "340", + "is_test": "False" + }, + { + "": "6403", + "path": "n02389026/ILSVRC2012_val_00005097.JPEG", + "source": "sorrel", + "source_id": "339", + "target": "zebra", + "target_id": "340", + "is_test": "False" + }, + { + "": "6421", + "path": "n02389026/ILSVRC2012_val_00022302.JPEG", + "source": "sorrel", + "source_id": "339", + "target": "zebra", + "target_id": "340", + "is_test": "False" + }, + { + "": "12484", + "path": "n07714990/ILSVRC2012_val_00033534.JPEG", + "source": "broccoli", + "source_id": "937", + "target": "zucchini", + "target_id": "939", + "is_test": "False" + }, + { + "": "12653", + "path": "n07717556/ILSVRC2012_val_00007798.JPEG", + "source": "butternut squash", + "source_id": "942", + "target": "zucchini", + "target_id": "939", + "is_test": "False" + }, + { + "": "12667", + "path": "n07717556/ILSVRC2012_val_00021097.JPEG", + "source": "butternut squash", + "source_id": "942", + "target": "zucchini", + "target_id": "939", + "is_test": "False" + }, + { + "": "12868", + "path": "n07730033/ILSVRC2012_val_00014802.JPEG", + "source": "cardoon", + "source_id": "946", + "target": "zucchini", + "target_id": "939", + "is_test": "False" + }, + { + "": "3628", + "path": "n02088364/ILSVRC2012_val_00028602.JPEG", + "source": "beagle", + "source_id": "162", + "target": "Afghan hound", + "target_id": "160", + "is_test": "True" + }, + { + "": "3571", + "path": "n02088238/ILSVRC2012_val_00020535.JPEG", + "source": "basset", + "source_id": "161", + "target": "Afghan hound", + "target_id": "160", + "is_test": "True" + }, + { + "": "3791", + "path": "n02091635/ILSVRC2012_val_00038554.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "Afghan hound", + "target_id": "160", + "is_test": "True" + }, + { + "": "3639", + "path": "n02088364/ILSVRC2012_val_00037353.JPEG", + "source": "beagle", + "source_id": "162", + "target": "Afghan hound", + "target_id": "160", + "is_test": "True" + }, + { + "": "4909", + "path": "n02115641/ILSVRC2012_val_00007858.JPEG", + "source": "dingo", + "source_id": "273", + "target": "African hunting dog", + "target_id": "275", + "is_test": "True" + }, + { + "": "5021", + "path": "n02117135/ILSVRC2012_val_00025662.JPEG", + "source": "hyena", + "source_id": "276", + "target": "African hunting dog", + "target_id": "275", + "is_test": "True" + }, + { + "": "5022", + "path": "n02117135/ILSVRC2012_val_00026516.JPEG", + "source": "hyena", + "source_id": "276", + "target": "African hunting dog", + "target_id": "275", + "is_test": "True" + }, + { + "": "5096", + "path": "n02119022/ILSVRC2012_val_00049262.JPEG", + "source": "red fox", + "source_id": "277", + "target": "African hunting dog", + "target_id": "275", + "is_test": "True" + }, + { + "": "4002", + "path": "n02095314/ILSVRC2012_val_00005331.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "American Staffordshire terrier", + "target_id": "180", + "is_test": "True" + }, + { + "": "4075", + "path": "n02097209/ILSVRC2012_val_00024508.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "American Staffordshire terrier", + "target_id": "180", + "is_test": "True" + }, + { + "": "3959", + "path": "n02094433/ILSVRC2012_val_00010584.JPEG", + "source": "Yorkshire terrier", + "source_id": "187", + "target": "American Staffordshire terrier", + "target_id": "180", + "is_test": "True" + }, + { + "": "3926", + "path": "n02093991/ILSVRC2012_val_00025690.JPEG", + "source": "Irish terrier", + "source_id": "184", + "target": "American Staffordshire terrier", + "target_id": "180", + "is_test": "True" + }, + { + "": "7359", + "path": "n02509815/ILSVRC2012_val_00010418.JPEG", + "source": "lesser panda", + "source_id": "387", + "target": "American black bear", + "target_id": "295", + "is_test": "True" + }, + { + "": "5613", + "path": "n02132136/ILSVRC2012_val_00017155.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "American black bear", + "target_id": "295", + "is_test": "True" + }, + { + "": "5728", + "path": "n02134084/ILSVRC2012_val_00030485.JPEG", + "source": "ice bear", + "source_id": "296", + "target": "American black bear", + "target_id": "295", + "is_test": "True" + }, + { + "": "5705", + "path": "n02134084/ILSVRC2012_val_00007578.JPEG", + "source": "ice bear", + "source_id": "296", + "target": "American black bear", + "target_id": "295", + "is_test": "True" + }, + { + "": "2221", + "path": "n01978455/ILSVRC2012_val_00021378.JPEG", + "source": "rock crab", + "source_id": "119", + "target": "American lobster", + "target_id": "122", + "is_test": "True" + }, + { + "": "2246", + "path": "n01978455/ILSVRC2012_val_00047476.JPEG", + "source": "rock crab", + "source_id": "119", + "target": "American lobster", + "target_id": "122", + "is_test": "True" + }, + { + "": "2290", + "path": "n01980166/ILSVRC2012_val_00037413.JPEG", + "source": "fiddler crab", + "source_id": "120", + "target": "American lobster", + "target_id": "122", + "is_test": "True" + }, + { + "": "2275", + "path": "n01980166/ILSVRC2012_val_00020779.JPEG", + "source": "fiddler crab", + "source_id": "120", + "target": "American lobster", + "target_id": "122", + "is_test": "True" + }, + { + "": "4984", + "path": "n02116738/ILSVRC2012_val_00034551.JPEG", + "source": "African hunting dog", + "source_id": "275", + "target": "Arctic fox", + "target_id": "279", + "is_test": "True" + }, + { + "": "4802", + "path": "n02114712/ILSVRC2012_val_00007419.JPEG", + "source": "red wolf", + "source_id": "271", + "target": "Arctic fox", + "target_id": "279", + "is_test": "True" + }, + { + "": "4803", + "path": "n02114712/ILSVRC2012_val_00009312.JPEG", + "source": "red wolf", + "source_id": "271", + "target": "Arctic fox", + "target_id": "279", + "is_test": "True" + }, + { + "": "5029", + "path": "n02117135/ILSVRC2012_val_00030724.JPEG", + "source": "hyena", + "source_id": "276", + "target": "Arctic fox", + "target_id": "279", + "is_test": "True" + }, + { + "": "4039", + "path": "n02095314/ILSVRC2012_val_00041718.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "Border terrier", + "target_id": "182", + "is_test": "True" + }, + { + "": "4059", + "path": "n02097209/ILSVRC2012_val_00009589.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Border terrier", + "target_id": "182", + "is_test": "True" + }, + { + "": "4034", + "path": "n02095314/ILSVRC2012_val_00037925.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "Border terrier", + "target_id": "182", + "is_test": "True" + }, + { + "": "4089", + "path": "n02097209/ILSVRC2012_val_00036919.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Border terrier", + "target_id": "182", + "is_test": "True" + }, + { + "": "3425", + "path": "n02086910/ILSVRC2012_val_00025601.JPEG", + "source": "papillon", + "source_id": "157", + "target": "Chihuahua", + "target_id": "151", + "is_test": "True" + }, + { + "": "3480", + "path": "n02087046/ILSVRC2012_val_00029090.JPEG", + "source": "toy terrier", + "source_id": "158", + "target": "Chihuahua", + "target_id": "151", + "is_test": "True" + }, + { + "": "3328", + "path": "n02085782/ILSVRC2012_val_00028706.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "Chihuahua", + "target_id": "151", + "is_test": "True" + }, + { + "": "3420", + "path": "n02086910/ILSVRC2012_val_00021961.JPEG", + "source": "papillon", + "source_id": "157", + "target": "Chihuahua", + "target_id": "151", + "is_test": "True" + }, + { + "": "2378", + "path": "n01983481/ILSVRC2012_val_00032029.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "Dungeness crab", + "target_id": "118", + "is_test": "True" + }, + { + "": "2545", + "path": "n01990800/ILSVRC2012_val_00045807.JPEG", + "source": "isopod", + "source_id": "126", + "target": "Dungeness crab", + "target_id": "118", + "is_test": "True" + }, + { + "": "2437", + "path": "n01985128/ILSVRC2012_val_00032174.JPEG", + "source": "crayfish", + "source_id": "124", + "target": "Dungeness crab", + "target_id": "118", + "is_test": "True" + }, + { + "": "2297", + "path": "n01980166/ILSVRC2012_val_00047891.JPEG", + "source": "fiddler crab", + "source_id": "120", + "target": "Dungeness crab", + "target_id": "118", + "is_test": "True" + }, + { + "": "3713", + "path": "n02091032/ILSVRC2012_val_00012416.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "English foxhound", + "target_id": "167", + "is_test": "True" + }, + { + "": "3720", + "path": "n02091032/ILSVRC2012_val_00019488.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "English foxhound", + "target_id": "167", + "is_test": "True" + }, + { + "": "3533", + "path": "n02088094/ILSVRC2012_val_00040105.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "English foxhound", + "target_id": "167", + "is_test": "True" + }, + { + "": "3645", + "path": "n02088364/ILSVRC2012_val_00047309.JPEG", + "source": "beagle", + "source_id": "162", + "target": "English foxhound", + "target_id": "167", + "is_test": "True" + }, + { + "": "4189", + "path": "n02100877/ILSVRC2012_val_00038122.JPEG", + "source": "Irish setter", + "source_id": "213", + "target": "English springer", + "target_id": "217", + "is_test": "True" + }, + { + "": "4133", + "path": "n02099601/ILSVRC2012_val_00030385.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "English springer", + "target_id": "217", + "is_test": "True" + }, + { + "": "4258", + "path": "n02102318/ILSVRC2012_val_00012155.JPEG", + "source": "cocker spaniel", + "source_id": "219", + "target": "English springer", + "target_id": "217", + "is_test": "True" + }, + { + "": "4269", + "path": "n02102318/ILSVRC2012_val_00018596.JPEG", + "source": "cocker spaniel", + "source_id": "219", + "target": "English springer", + "target_id": "217", + "is_test": "True" + }, + { + "": "4303", + "path": "n02106030/ILSVRC2012_val_00006330.JPEG", + "source": "collie", + "source_id": "231", + "target": "Eskimo dog", + "target_id": "248", + "is_test": "True" + }, + { + "": "4673", + "path": "n02110185/ILSVRC2012_val_00022762.JPEG", + "source": "Siberian husky", + "source_id": "250", + "target": "Eskimo dog", + "target_id": "248", + "is_test": "True" + }, + { + "": "4570", + "path": "n02108915/ILSVRC2012_val_00018792.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "Eskimo dog", + "target_id": "248", + "is_test": "True" + }, + { + "": "4420", + "path": "n02106662/ILSVRC2012_val_00018107.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "Eskimo dog", + "target_id": "248", + "is_test": "True" + }, + { + "": "847", + "path": "n01632777/ILSVRC2012_val_00046976.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "European fire salamander", + "target_id": "25", + "is_test": "True" + }, + { + "": "806", + "path": "n01632777/ILSVRC2012_val_00006579.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "European fire salamander", + "target_id": "25", + "is_test": "True" + }, + { + "": "747", + "path": "n01631663/ILSVRC2012_val_00043111.JPEG", + "source": "eft", + "source_id": "27", + "target": "European fire salamander", + "target_id": "25", + "is_test": "True" + }, + { + "": "848", + "path": "n01632777/ILSVRC2012_val_00047938.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "European fire salamander", + "target_id": "25", + "is_test": "True" + }, + { + "": "3028", + "path": "n02058221/ILSVRC2012_val_00026758.JPEG", + "source": "albatross", + "source_id": "146", + "target": "European gallinule", + "target_id": "136", + "is_test": "True" + }, + { + "": "2129", + "path": "n01860187/ILSVRC2012_val_00030887.JPEG", + "source": "black swan", + "source_id": "100", + "target": "European gallinule", + "target_id": "136", + "is_test": "True" + }, + { + "": "2981", + "path": "n02056570/ILSVRC2012_val_00027559.JPEG", + "source": "king penguin", + "source_id": "145", + "target": "European gallinule", + "target_id": "136", + "is_test": "True" + }, + { + "": "2922", + "path": "n02051845/ILSVRC2012_val_00021709.JPEG", + "source": "pelican", + "source_id": "144", + "target": "European gallinule", + "target_id": "136", + "is_test": "True" + }, + { + "": "4666", + "path": "n02110185/ILSVRC2012_val_00014542.JPEG", + "source": "Siberian husky", + "source_id": "250", + "target": "French bulldog", + "target_id": "245", + "is_test": "True" + }, + { + "": "4453", + "path": "n02107312/ILSVRC2012_val_00004883.JPEG", + "source": "miniature pinscher", + "source_id": "237", + "target": "French bulldog", + "target_id": "245", + "is_test": "True" + }, + { + "": "4649", + "path": "n02109961/ILSVRC2012_val_00049841.JPEG", + "source": "Eskimo dog", + "source_id": "248", + "target": "French bulldog", + "target_id": "245", + "is_test": "True" + }, + { + "": "4637", + "path": "n02109961/ILSVRC2012_val_00032991.JPEG", + "source": "Eskimo dog", + "source_id": "248", + "target": "French bulldog", + "target_id": "245", + "is_test": "True" + }, + { + "": "9403", + "path": "n03372029/ILSVRC2012_val_00003736.JPEG", + "source": "flute", + "source_id": "558", + "target": "French horn", + "target_id": "566", + "is_test": "True" + }, + { + "": "9444", + "path": "n03372029/ILSVRC2012_val_00043562.JPEG", + "source": "flute", + "source_id": "558", + "target": "French horn", + "target_id": "566", + "is_test": "True" + }, + { + "": "10471", + "path": "n03838899/ILSVRC2012_val_00021771.JPEG", + "source": "oboe", + "source_id": "683", + "target": "French horn", + "target_id": "566", + "is_test": "True" + }, + { + "": "10467", + "path": "n03838899/ILSVRC2012_val_00020445.JPEG", + "source": "oboe", + "source_id": "683", + "target": "French horn", + "target_id": "566", + "is_test": "True" + }, + { + "": "4456", + "path": "n02107312/ILSVRC2012_val_00005750.JPEG", + "source": "miniature pinscher", + "source_id": "237", + "target": "German shepherd", + "target_id": "235", + "is_test": "True" + }, + { + "": "4398", + "path": "n02106550/ILSVRC2012_val_00049344.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "German shepherd", + "target_id": "235", + "is_test": "True" + }, + { + "": "4555", + "path": "n02108915/ILSVRC2012_val_00005327.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "German shepherd", + "target_id": "235", + "is_test": "True" + }, + { + "": "4601", + "path": "n02109961/ILSVRC2012_val_00002004.JPEG", + "source": "Eskimo dog", + "source_id": "248", + "target": "German shepherd", + "target_id": "235", + "is_test": "True" + }, + { + "": "13198", + "path": "n07753275/ILSVRC2012_val_00047966.JPEG", + "source": "pineapple", + "source_id": "953", + "target": "Granny Smith", + "target_id": "948", + "is_test": "True" + }, + { + "": "13188", + "path": "n07753275/ILSVRC2012_val_00038432.JPEG", + "source": "pineapple", + "source_id": "953", + "target": "Granny Smith", + "target_id": "948", + "is_test": "True" + }, + { + "": "13116", + "path": "n07753113/ILSVRC2012_val_00018524.JPEG", + "source": "fig", + "source_id": "952", + "target": "Granny Smith", + "target_id": "948", + "is_test": "True" + }, + { + "": "13250", + "path": "n07760859/ILSVRC2012_val_00000798.JPEG", + "source": "custard apple", + "source_id": "956", + "target": "Granny Smith", + "target_id": "948", + "is_test": "True" + }, + { + "": "1476", + "path": "n01753488/ILSVRC2012_val_00033749.JPEG", + "source": "horned viper", + "source_id": "66", + "target": "Indian cobra", + "target_id": "63", + "is_test": "True" + }, + { + "": "1463", + "path": "n01753488/ILSVRC2012_val_00017595.JPEG", + "source": "horned viper", + "source_id": "66", + "target": "Indian cobra", + "target_id": "63", + "is_test": "True" + }, + { + "": "1298", + "path": "n01742172/ILSVRC2012_val_00049311.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "Indian cobra", + "target_id": "63", + "is_test": "True" + }, + { + "": "1144", + "path": "n01728572/ILSVRC2012_val_00042100.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "Indian cobra", + "target_id": "63", + "is_test": "True" + }, + { + "": "4140", + "path": "n02099601/ILSVRC2012_val_00034237.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "Irish setter", + "target_id": "213", + "is_test": "True" + }, + { + "": "4225", + "path": "n02102040/ILSVRC2012_val_00021205.JPEG", + "source": "English springer", + "source_id": "217", + "target": "Irish setter", + "target_id": "213", + "is_test": "True" + }, + { + "": "4215", + "path": "n02102040/ILSVRC2012_val_00015499.JPEG", + "source": "English springer", + "source_id": "217", + "target": "Irish setter", + "target_id": "213", + "is_test": "True" + }, + { + "": "4106", + "path": "n02099601/ILSVRC2012_val_00006981.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "Irish setter", + "target_id": "213", + "is_test": "True" + }, + { + "": "3986", + "path": "n02094433/ILSVRC2012_val_00037838.JPEG", + "source": "Yorkshire terrier", + "source_id": "187", + "target": "Irish terrier", + "target_id": "184", + "is_test": "True" + }, + { + "": "4096", + "path": "n02097209/ILSVRC2012_val_00041251.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Irish terrier", + "target_id": "184", + "is_test": "True" + }, + { + "": "4094", + "path": "n02097209/ILSVRC2012_val_00040565.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Irish terrier", + "target_id": "184", + "is_test": "True" + }, + { + "": "3874", + "path": "n02093754/ILSVRC2012_val_00024411.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "Irish terrier", + "target_id": "184", + "is_test": "True" + }, + { + "": "3790", + "path": "n02091635/ILSVRC2012_val_00037989.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "Italian greyhound", + "target_id": "171", + "is_test": "True" + }, + { + "": "3785", + "path": "n02091635/ILSVRC2012_val_00032793.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "Italian greyhound", + "target_id": "171", + "is_test": "True" + }, + { + "": "3590", + "path": "n02088238/ILSVRC2012_val_00039242.JPEG", + "source": "basset", + "source_id": "161", + "target": "Italian greyhound", + "target_id": "171", + "is_test": "True" + }, + { + "": "3507", + "path": "n02088094/ILSVRC2012_val_00009139.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "Italian greyhound", + "target_id": "171", + "is_test": "True" + }, + { + "": "3437", + "path": "n02086910/ILSVRC2012_val_00036012.JPEG", + "source": "papillon", + "source_id": "157", + "target": "Japanese spaniel", + "target_id": "152", + "is_test": "True" + }, + { + "": "3355", + "path": "n02086240/ILSVRC2012_val_00003841.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "Japanese spaniel", + "target_id": "152", + "is_test": "True" + }, + { + "": "3369", + "path": "n02086240/ILSVRC2012_val_00014174.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "Japanese spaniel", + "target_id": "152", + "is_test": "True" + }, + { + "": "3270", + "path": "n02085620/ILSVRC2012_val_00023234.JPEG", + "source": "Chihuahua", + "source_id": "151", + "target": "Japanese spaniel", + "target_id": "152", + "is_test": "True" + }, + { + "": "5413", + "path": "n02128925/ILSVRC2012_val_00017739.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "Persian cat", + "target_id": "283", + "is_test": "True" + }, + { + "": "5528", + "path": "n02129604/ILSVRC2012_val_00031492.JPEG", + "source": "tiger", + "source_id": "292", + "target": "Persian cat", + "target_id": "283", + "is_test": "True" + }, + { + "": "5439", + "path": "n02128925/ILSVRC2012_val_00040784.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "Persian cat", + "target_id": "283", + "is_test": "True" + }, + { + "": "5360", + "path": "n02128757/ILSVRC2012_val_00005917.JPEG", + "source": "snow leopard", + "source_id": "289", + "target": "Persian cat", + "target_id": "283", + "is_test": "True" + }, + { + "": "4402", + "path": "n02106662/ILSVRC2012_val_00002012.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "Rottweiler", + "target_id": "234", + "is_test": "True" + }, + { + "": "4447", + "path": "n02106662/ILSVRC2012_val_00046902.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "Rottweiler", + "target_id": "234", + "is_test": "True" + }, + { + "": "4423", + "path": "n02106662/ILSVRC2012_val_00022142.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "Rottweiler", + "target_id": "234", + "is_test": "True" + }, + { + "": "4340", + "path": "n02106030/ILSVRC2012_val_00038789.JPEG", + "source": "collie", + "source_id": "231", + "target": "Rottweiler", + "target_id": "234", + "is_test": "True" + }, + { + "": "3344", + "path": "n02085782/ILSVRC2012_val_00043201.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "Shih-Tzu", + "target_id": "155", + "is_test": "True" + }, + { + "": "3484", + "path": "n02087046/ILSVRC2012_val_00034454.JPEG", + "source": "toy terrier", + "source_id": "158", + "target": "Shih-Tzu", + "target_id": "155", + "is_test": "True" + }, + { + "": "3254", + "path": "n02085620/ILSVRC2012_val_00006892.JPEG", + "source": "Chihuahua", + "source_id": "151", + "target": "Shih-Tzu", + "target_id": "155", + "is_test": "True" + }, + { + "": "3273", + "path": "n02085620/ILSVRC2012_val_00024126.JPEG", + "source": "Chihuahua", + "source_id": "151", + "target": "Shih-Tzu", + "target_id": "155", + "is_test": "True" + }, + { + "": "4413", + "path": "n02106662/ILSVRC2012_val_00012203.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "Siberian husky", + "target_id": "250", + "is_test": "True" + }, + { + "": "4562", + "path": "n02108915/ILSVRC2012_val_00011718.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "Siberian husky", + "target_id": "250", + "is_test": "True" + }, + { + "": "4531", + "path": "n02108089/ILSVRC2012_val_00029255.JPEG", + "source": "boxer", + "source_id": "242", + "target": "Siberian husky", + "target_id": "250", + "is_test": "True" + }, + { + "": "4382", + "path": "n02106550/ILSVRC2012_val_00034771.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "Siberian husky", + "target_id": "250", + "is_test": "True" + }, + { + "": "4008", + "path": "n02095314/ILSVRC2012_val_00011082.JPEG", + "source": "wire-haired fox terrier", + "source_id": "188", + "target": "Yorkshire terrier", + "target_id": "187", + "is_test": "True" + }, + { + "": "4060", + "path": "n02097209/ILSVRC2012_val_00010046.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Yorkshire terrier", + "target_id": "187", + "is_test": "True" + }, + { + "": "4058", + "path": "n02097209/ILSVRC2012_val_00009362.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Yorkshire terrier", + "target_id": "187", + "is_test": "True" + }, + { + "": "4083", + "path": "n02097209/ILSVRC2012_val_00028691.JPEG", + "source": "standard schnauzer", + "source_id": "198", + "target": "Yorkshire terrier", + "target_id": "187", + "is_test": "True" + }, + { + "": "9228", + "path": "n03272010/ILSVRC2012_val_00021729.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "acoustic guitar", + "target_id": "402", + "is_test": "True" + }, + { + "": "9218", + "path": "n03272010/ILSVRC2012_val_00012911.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "acoustic guitar", + "target_id": "402", + "is_test": "True" + }, + { + "": "9215", + "path": "n03272010/ILSVRC2012_val_00009952.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "acoustic guitar", + "target_id": "402", + "is_test": "True" + }, + { + "": "9203", + "path": "n03272010/ILSVRC2012_val_00001836.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "acoustic guitar", + "target_id": "402", + "is_test": "True" + }, + { + "": "6208", + "path": "n02279972/ILSVRC2012_val_00011143.JPEG", + "source": "monarch", + "source_id": "323", + "target": "admiral", + "target_id": "321", + "is_test": "True" + }, + { + "": "6365", + "path": "n02281787/ILSVRC2012_val_00021806.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "admiral", + "target_id": "321", + "is_test": "True" + }, + { + "": "6364", + "path": "n02281787/ILSVRC2012_val_00020376.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "admiral", + "target_id": "321", + "is_test": "True" + }, + { + "": "6395", + "path": "n02281787/ILSVRC2012_val_00044300.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "admiral", + "target_id": "321", + "is_test": "True" + }, + { + "": "2901", + "path": "n02051845/ILSVRC2012_val_00003153.JPEG", + "source": "pelican", + "source_id": "144", + "target": "albatross", + "target_id": "146", + "is_test": "True" + }, + { + "": "2939", + "path": "n02051845/ILSVRC2012_val_00041469.JPEG", + "source": "pelican", + "source_id": "144", + "target": "albatross", + "target_id": "146", + "is_test": "True" + }, + { + "": "2918", + "path": "n02051845/ILSVRC2012_val_00020326.JPEG", + "source": "pelican", + "source_id": "144", + "target": "albatross", + "target_id": "146", + "is_test": "True" + }, + { + "": "2949", + "path": "n02051845/ILSVRC2012_val_00048664.JPEG", + "source": "pelican", + "source_id": "144", + "target": "albatross", + "target_id": "146", + "is_test": "True" + }, + { + "": "10078", + "path": "n03670208/ILSVRC2012_val_00033422.JPEG", + "source": "limousine", + "source_id": "627", + "target": "ambulance", + "target_id": "407", + "is_test": "True" + }, + { + "": "8817", + "path": "n03100240/ILSVRC2012_val_00019496.JPEG", + "source": "convertible", + "source_id": "511", + "target": "ambulance", + "target_id": "407", + "is_test": "True" + }, + { + "": "9915", + "path": "n03594945/ILSVRC2012_val_00013993.JPEG", + "source": "jeep", + "source_id": "609", + "target": "ambulance", + "target_id": "407", + "is_test": "True" + }, + { + "": "8123", + "path": "n02814533/ILSVRC2012_val_00023221.JPEG", + "source": "beach wagon", + "source_id": "436", + "target": "ambulance", + "target_id": "407", + "is_test": "True" + }, + { + "": "11577", + "path": "n04328186/ILSVRC2012_val_00029493.JPEG", + "source": "stopwatch", + "source_id": "826", + "target": "analog clock", + "target_id": "409", + "is_test": "True" + }, + { + "": "9081", + "path": "n03196217/ILSVRC2012_val_00033627.JPEG", + "source": "digital clock", + "source_id": "530", + "target": "analog clock", + "target_id": "409", + "is_test": "True" + }, + { + "": "9097", + "path": "n03196217/ILSVRC2012_val_00048682.JPEG", + "source": "digital clock", + "source_id": "530", + "target": "analog clock", + "target_id": "409", + "is_test": "True" + }, + { + "": "11559", + "path": "n04328186/ILSVRC2012_val_00008052.JPEG", + "source": "stopwatch", + "source_id": "826", + "target": "analog clock", + "target_id": "409", + "is_test": "True" + }, + { + "": "7585", + "path": "n02640242/ILSVRC2012_val_00035407.JPEG", + "source": "sturgeon", + "source_id": "394", + "target": "anemone fish", + "target_id": "393", + "is_test": "True" + }, + { + "": "57", + "path": "n01443537/ILSVRC2012_val_00003735.JPEG", + "source": "goldfish", + "source_id": "1", + "target": "anemone fish", + "target_id": "393", + "is_test": "True" + }, + { + "": "7676", + "path": "n02643566/ILSVRC2012_val_00023806.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "anemone fish", + "target_id": "393", + "is_test": "True" + }, + { + "": "7629", + "path": "n02641379/ILSVRC2012_val_00032197.JPEG", + "source": "gar", + "source_id": "395", + "target": "anemone fish", + "target_id": "393", + "is_test": "True" + }, + { + "": "12541", + "path": "n07715103/ILSVRC2012_val_00042805.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "artichoke", + "target_id": "944", + "is_test": "True" + }, + { + "": "12711", + "path": "n07718472/ILSVRC2012_val_00015777.JPEG", + "source": "cucumber", + "source_id": "943", + "target": "artichoke", + "target_id": "944", + "is_test": "True" + }, + { + "": "12746", + "path": "n07718472/ILSVRC2012_val_00046928.JPEG", + "source": "cucumber", + "source_id": "943", + "target": "artichoke", + "target_id": "944", + "is_test": "True" + }, + { + "": "12504", + "path": "n07715103/ILSVRC2012_val_00006628.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "artichoke", + "target_id": "944", + "is_test": "True" + }, + { + "": "741", + "path": "n01631663/ILSVRC2012_val_00037037.JPEG", + "source": "eft", + "source_id": "27", + "target": "axolotl", + "target_id": "29", + "is_test": "True" + }, + { + "": "614", + "path": "n01629819/ILSVRC2012_val_00011661.JPEG", + "source": "European fire salamander", + "source_id": "25", + "target": "axolotl", + "target_id": "29", + "is_test": "True" + }, + { + "": "872", + "path": "n01641577/ILSVRC2012_val_00020916.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "axolotl", + "target_id": "29", + "is_test": "True" + }, + { + "": "875", + "path": "n01641577/ILSVRC2012_val_00023308.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "axolotl", + "target_id": "29", + "is_test": "True" + }, + { + "": "7074", + "path": "n02484975/ILSVRC2012_val_00016599.JPEG", + "source": "guenon", + "source_id": "370", + "target": "baboon", + "target_id": "372", + "is_test": "True" + }, + { + "": "7089", + "path": "n02484975/ILSVRC2012_val_00038869.JPEG", + "source": "guenon", + "source_id": "370", + "target": "baboon", + "target_id": "372", + "is_test": "True" + }, + { + "": "7282", + "path": "n02493793/ILSVRC2012_val_00037219.JPEG", + "source": "spider monkey", + "source_id": "381", + "target": "baboon", + "target_id": "372", + "is_test": "True" + }, + { + "": "7167", + "path": "n02487347/ILSVRC2012_val_00021140.JPEG", + "source": "macaque", + "source_id": "373", + "target": "baboon", + "target_id": "372", + "is_test": "True" + }, + { + "": "10888", + "path": "n04026417/ILSVRC2012_val_00036411.JPEG", + "source": "purse", + "source_id": "748", + "target": "backpack", + "target_id": "414", + "is_test": "True" + }, + { + "": "10868", + "path": "n04026417/ILSVRC2012_val_00014524.JPEG", + "source": "purse", + "source_id": "748", + "target": "backpack", + "target_id": "414", + "is_test": "True" + }, + { + "": "10700", + "path": "n03958227/ILSVRC2012_val_00000722.JPEG", + "source": "plastic bag", + "source_id": "728", + "target": "backpack", + "target_id": "414", + "is_test": "True" + }, + { + "": "10897", + "path": "n04026417/ILSVRC2012_val_00047620.JPEG", + "source": "purse", + "source_id": "748", + "target": "backpack", + "target_id": "414", + "is_test": "True" + }, + { + "": "12411", + "path": "n07697537/ILSVRC2012_val_00014874.JPEG", + "source": "hotdog", + "source_id": "934", + "target": "bagel", + "target_id": "931", + "is_test": "True" + }, + { + "": "12431", + "path": "n07697537/ILSVRC2012_val_00034147.JPEG", + "source": "hotdog", + "source_id": "934", + "target": "bagel", + "target_id": "931", + "is_test": "True" + }, + { + "": "12393", + "path": "n07697313/ILSVRC2012_val_00047577.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "bagel", + "target_id": "931", + "is_test": "True" + }, + { + "": "12421", + "path": "n07697537/ILSVRC2012_val_00026101.JPEG", + "source": "hotdog", + "source_id": "934", + "target": "bagel", + "target_id": "931", + "is_test": "True" + }, + { + "": "587", + "path": "n01622779/ILSVRC2012_val_00032875.JPEG", + "source": "great grey owl", + "source_id": "24", + "target": "bald eagle", + "target_id": "22", + "is_test": "True" + }, + { + "": "481", + "path": "n01608432/ILSVRC2012_val_00030483.JPEG", + "source": "kite", + "source_id": "21", + "target": "bald eagle", + "target_id": "22", + "is_test": "True" + }, + { + "": "558", + "path": "n01622779/ILSVRC2012_val_00005770.JPEG", + "source": "great grey owl", + "source_id": "24", + "target": "bald eagle", + "target_id": "22", + "is_test": "True" + }, + { + "": "482", + "path": "n01608432/ILSVRC2012_val_00031676.JPEG", + "source": "kite", + "source_id": "21", + "target": "bald eagle", + "target_id": "22", + "is_test": "True" + }, + { + "": "13101", + "path": "n07753113/ILSVRC2012_val_00002179.JPEG", + "source": "fig", + "source_id": "952", + "target": "banana", + "target_id": "954", + "is_test": "True" + }, + { + "": "13270", + "path": "n07760859/ILSVRC2012_val_00015400.JPEG", + "source": "custard apple", + "source_id": "956", + "target": "banana", + "target_id": "954", + "is_test": "True" + }, + { + "": "13018", + "path": "n07747607/ILSVRC2012_val_00018013.JPEG", + "source": "orange", + "source_id": "950", + "target": "banana", + "target_id": "954", + "is_test": "True" + }, + { + "": "12986", + "path": "n07745940/ILSVRC2012_val_00032276.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "banana", + "target_id": "954", + "is_test": "True" + }, + { + "": "12066", + "path": "n04536866/ILSVRC2012_val_00015869.JPEG", + "source": "violin", + "source_id": "889", + "target": "banjo", + "target_id": "420", + "is_test": "True" + }, + { + "": "7722", + "path": "n02676566/ILSVRC2012_val_00021282.JPEG", + "source": "acoustic guitar", + "source_id": "402", + "target": "banjo", + "target_id": "420", + "is_test": "True" + }, + { + "": "7740", + "path": "n02676566/ILSVRC2012_val_00040891.JPEG", + "source": "acoustic guitar", + "source_id": "402", + "target": "banjo", + "target_id": "420", + "is_test": "True" + }, + { + "": "7728", + "path": "n02676566/ILSVRC2012_val_00029228.JPEG", + "source": "acoustic guitar", + "source_id": "402", + "target": "banjo", + "target_id": "420", + "is_test": "True" + }, + { + "": "7838", + "path": "n02708093/ILSVRC2012_val_00033429.JPEG", + "source": "analog clock", + "source_id": "409", + "target": "barometer", + "target_id": "426", + "is_test": "True" + }, + { + "": "9060", + "path": "n03196217/ILSVRC2012_val_00014666.JPEG", + "source": "digital clock", + "source_id": "530", + "target": "barometer", + "target_id": "426", + "is_test": "True" + }, + { + "": "10503", + "path": "n03841143/ILSVRC2012_val_00003529.JPEG", + "source": "odometer", + "source_id": "685", + "target": "barometer", + "target_id": "426", + "is_test": "True" + }, + { + "": "10522", + "path": "n03841143/ILSVRC2012_val_00022736.JPEG", + "source": "odometer", + "source_id": "685", + "target": "barometer", + "target_id": "426", + "is_test": "True" + }, + { + "": "3602", + "path": "n02088364/ILSVRC2012_val_00005291.JPEG", + "source": "beagle", + "source_id": "162", + "target": "basset", + "target_id": "161", + "is_test": "True" + }, + { + "": "3760", + "path": "n02091635/ILSVRC2012_val_00006704.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "basset", + "target_id": "161", + "is_test": "True" + }, + { + "": "3523", + "path": "n02088094/ILSVRC2012_val_00029232.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "basset", + "target_id": "161", + "is_test": "True" + }, + { + "": "3613", + "path": "n02088364/ILSVRC2012_val_00016656.JPEG", + "source": "beagle", + "source_id": "162", + "target": "basset", + "target_id": "161", + "is_test": "True" + }, + { + "": "9517", + "path": "n03394916/ILSVRC2012_val_00015542.JPEG", + "source": "French horn", + "source_id": "566", + "target": "bassoon", + "target_id": "432", + "is_test": "True" + }, + { + "": "8868", + "path": "n03110669/ILSVRC2012_val_00015433.JPEG", + "source": "cornet", + "source_id": "513", + "target": "bassoon", + "target_id": "432", + "is_test": "True" + }, + { + "": "10451", + "path": "n03838899/ILSVRC2012_val_00001834.JPEG", + "source": "oboe", + "source_id": "683", + "target": "bassoon", + "target_id": "432", + "is_test": "True" + }, + { + "": "10998", + "path": "n04141076/ILSVRC2012_val_00047864.JPEG", + "source": "sax", + "source_id": "776", + "target": "bassoon", + "target_id": "432", + "is_test": "True" + }, + { + "": "8224", + "path": "n02869837/ILSVRC2012_val_00026464.JPEG", + "source": "bonnet", + "source_id": "452", + "target": "bathing cap", + "target_id": "433", + "is_test": "True" + }, + { + "": "8935", + "path": "n03124170/ILSVRC2012_val_00030122.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "bathing cap", + "target_id": "433", + "is_test": "True" + }, + { + "": "11209", + "path": "n04209133/ILSVRC2012_val_00006601.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "bathing cap", + "target_id": "433", + "is_test": "True" + }, + { + "": "9477", + "path": "n03379051/ILSVRC2012_val_00030254.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "bathing cap", + "target_id": "433", + "is_test": "True" + }, + { + "": "8280", + "path": "n02930766/ILSVRC2012_val_00030314.JPEG", + "source": "cab", + "source_id": "468", + "target": "beach wagon", + "target_id": "436", + "is_test": "True" + }, + { + "": "7774", + "path": "n02701002/ILSVRC2012_val_00024658.JPEG", + "source": "ambulance", + "source_id": "407", + "target": "beach wagon", + "target_id": "436", + "is_test": "True" + }, + { + "": "7791", + "path": "n02701002/ILSVRC2012_val_00041942.JPEG", + "source": "ambulance", + "source_id": "407", + "target": "beach wagon", + "target_id": "436", + "is_test": "True" + }, + { + "": "8833", + "path": "n03100240/ILSVRC2012_val_00027795.JPEG", + "source": "convertible", + "source_id": "511", + "target": "beach wagon", + "target_id": "436", + "is_test": "True" + }, + { + "": "3547", + "path": "n02088094/ILSVRC2012_val_00049756.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "beagle", + "target_id": "162", + "is_test": "True" + }, + { + "": "3777", + "path": "n02091635/ILSVRC2012_val_00022137.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "beagle", + "target_id": "162", + "is_test": "True" + }, + { + "": "3798", + "path": "n02091635/ILSVRC2012_val_00044766.JPEG", + "source": "otterhound", + "source_id": "175", + "target": "beagle", + "target_id": "162", + "is_test": "True" + }, + { + "": "3745", + "path": "n02091032/ILSVRC2012_val_00046154.JPEG", + "source": "Italian greyhound", + "source_id": "171", + "target": "beagle", + "target_id": "162", + "is_test": "True" + }, + { + "": "10249", + "path": "n03733805/ILSVRC2012_val_00048274.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "beer bottle", + "target_id": "440", + "is_test": "True" + }, + { + "": "12000", + "path": "n04522168/ILSVRC2012_val_00000895.JPEG", + "source": "vase", + "source_id": "883", + "target": "beer bottle", + "target_id": "440", + "is_test": "True" + }, + { + "": "8721", + "path": "n03063689/ILSVRC2012_val_00028811.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "beer bottle", + "target_id": "440", + "is_test": "True" + }, + { + "": "8677", + "path": "n03063599/ILSVRC2012_val_00025893.JPEG", + "source": "coffee mug", + "source_id": "504", + "target": "beer bottle", + "target_id": "440", + "is_test": "True" + }, + { + "": "12522", + "path": "n07715103/ILSVRC2012_val_00025272.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "bell pepper", + "target_id": "945", + "is_test": "True" + }, + { + "": "12639", + "path": "n07716906/ILSVRC2012_val_00035527.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "bell pepper", + "target_id": "945", + "is_test": "True" + }, + { + "": "12892", + "path": "n07730033/ILSVRC2012_val_00043433.JPEG", + "source": "cardoon", + "source_id": "946", + "target": "bell pepper", + "target_id": "945", + "is_test": "True" + }, + { + "": "12475", + "path": "n07714990/ILSVRC2012_val_00027503.JPEG", + "source": "broccoli", + "source_id": "937", + "target": "bell pepper", + "target_id": "945", + "is_test": "True" + }, + { + "": "6669", + "path": "n02412080/ILSVRC2012_val_00022185.JPEG", + "source": "ram", + "source_id": "348", + "target": "bighorn", + "target_id": "349", + "is_test": "True" + }, + { + "": "6692", + "path": "n02412080/ILSVRC2012_val_00044042.JPEG", + "source": "ram", + "source_id": "348", + "target": "bighorn", + "target_id": "349", + "is_test": "True" + }, + { + "": "6757", + "path": "n02417914/ILSVRC2012_val_00004914.JPEG", + "source": "ibex", + "source_id": "350", + "target": "bighorn", + "target_id": "349", + "is_test": "True" + }, + { + "": "6580", + "path": "n02408429/ILSVRC2012_val_00025011.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "bighorn", + "target_id": "349", + "is_test": "True" + }, + { + "": "6822", + "path": "n02422699/ILSVRC2012_val_00024665.JPEG", + "source": "impala", + "source_id": "352", + "target": "bison", + "target_id": "347", + "is_test": "True" + }, + { + "": "6697", + "path": "n02412080/ILSVRC2012_val_00048757.JPEG", + "source": "ram", + "source_id": "348", + "target": "bison", + "target_id": "347", + "is_test": "True" + }, + { + "": "6842", + "path": "n02422699/ILSVRC2012_val_00041130.JPEG", + "source": "impala", + "source_id": "352", + "target": "bison", + "target_id": "347", + "is_test": "True" + }, + { + "": "6871", + "path": "n02423022/ILSVRC2012_val_00023708.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "bison", + "target_id": "347", + "is_test": "True" + }, + { + "": "1987", + "path": "n01797886/ILSVRC2012_val_00039021.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "black grouse", + "target_id": "80", + "is_test": "True" + }, + { + "": "1911", + "path": "n01796340/ILSVRC2012_val_00012410.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "black grouse", + "target_id": "80", + "is_test": "True" + }, + { + "": "1961", + "path": "n01797886/ILSVRC2012_val_00018626.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "black grouse", + "target_id": "80", + "is_test": "True" + }, + { + "": "1992", + "path": "n01797886/ILSVRC2012_val_00041329.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "black grouse", + "target_id": "80", + "is_test": "True" + }, + { + "": "2057", + "path": "n01855672/ILSVRC2012_val_00009610.JPEG", + "source": "goose", + "source_id": "99", + "target": "black stork", + "target_id": "128", + "is_test": "True" + }, + { + "": "2889", + "path": "n02037110/ILSVRC2012_val_00037207.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "black stork", + "target_id": "128", + "is_test": "True" + }, + { + "": "2693", + "path": "n02007558/ILSVRC2012_val_00041083.JPEG", + "source": "flamingo", + "source_id": "130", + "target": "black stork", + "target_id": "128", + "is_test": "True" + }, + { + "": "2612", + "path": "n02006656/ILSVRC2012_val_00008555.JPEG", + "source": "spoonbill", + "source_id": "129", + "target": "black stork", + "target_id": "128", + "is_test": "True" + }, + { + "": "2962", + "path": "n02056570/ILSVRC2012_val_00012523.JPEG", + "source": "king penguin", + "source_id": "145", + "target": "black swan", + "target_id": "100", + "is_test": "True" + }, + { + "": "3030", + "path": "n02058221/ILSVRC2012_val_00029223.JPEG", + "source": "albatross", + "source_id": "146", + "target": "black swan", + "target_id": "100", + "is_test": "True" + }, + { + "": "2790", + "path": "n02017213/ILSVRC2012_val_00042113.JPEG", + "source": "European gallinule", + "source_id": "136", + "target": "black swan", + "target_id": "100", + "is_test": "True" + }, + { + "": "2770", + "path": "n02017213/ILSVRC2012_val_00023024.JPEG", + "source": "European gallinule", + "source_id": "136", + "target": "black swan", + "target_id": "100", + "is_test": "True" + }, + { + "": "1674", + "path": "n01773797/ILSVRC2012_val_00022895.JPEG", + "source": "garden spider", + "source_id": "74", + "target": "black widow", + "target_id": "75", + "is_test": "True" + }, + { + "": "1795", + "path": "n01774750/ILSVRC2012_val_00047574.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "black widow", + "target_id": "75", + "is_test": "True" + }, + { + "": "1673", + "path": "n01773797/ILSVRC2012_val_00020991.JPEG", + "source": "garden spider", + "source_id": "74", + "target": "black widow", + "target_id": "75", + "is_test": "True" + }, + { + "": "1651", + "path": "n01773797/ILSVRC2012_val_00000395.JPEG", + "source": "garden spider", + "source_id": "74", + "target": "black widow", + "target_id": "75", + "is_test": "True" + }, + { + "": "1119", + "path": "n01728572/ILSVRC2012_val_00019722.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "boa constrictor", + "target_id": "61", + "is_test": "True" + }, + { + "": "1389", + "path": "n01748264/ILSVRC2012_val_00038480.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "boa constrictor", + "target_id": "61", + "is_test": "True" + }, + { + "": "1407", + "path": "n01749939/ILSVRC2012_val_00007937.JPEG", + "source": "green mamba", + "source_id": "64", + "target": "boa constrictor", + "target_id": "61", + "is_test": "True" + }, + { + "": "1561", + "path": "n01756291/ILSVRC2012_val_00013698.JPEG", + "source": "sidewinder", + "source_id": "68", + "target": "boa constrictor", + "target_id": "61", + "is_test": "True" + }, + { + "": "13575", + "path": "n13052670/ILSVRC2012_val_00022963.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "bolete", + "target_id": "997", + "is_test": "True" + }, + { + "": "13447", + "path": "n13037406/ILSVRC2012_val_00045909.JPEG", + "source": "gyromitra", + "source_id": "993", + "target": "bolete", + "target_id": "997", + "is_test": "True" + }, + { + "": "13572", + "path": "n13052670/ILSVRC2012_val_00020929.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "bolete", + "target_id": "997", + "is_test": "True" + }, + { + "": "13395", + "path": "n12985857/ILSVRC2012_val_00044046.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "bolete", + "target_id": "997", + "is_test": "True" + }, + { + "": "9499", + "path": "n03379051/ILSVRC2012_val_00047692.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "bonnet", + "target_id": "452", + "is_test": "True" + }, + { + "": "8074", + "path": "n02807133/ILSVRC2012_val_00024350.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "bonnet", + "target_id": "452", + "is_test": "True" + }, + { + "": "11224", + "path": "n04209133/ILSVRC2012_val_00024479.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "bonnet", + "target_id": "452", + "is_test": "True" + }, + { + "": "8081", + "path": "n02807133/ILSVRC2012_val_00036950.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "bonnet", + "target_id": "452", + "is_test": "True" + }, + { + "": "1031", + "path": "n01667778/ILSVRC2012_val_00031774.JPEG", + "source": "terrapin", + "source_id": "36", + "target": "box turtle", + "target_id": "37", + "is_test": "True" + }, + { + "": "1030", + "path": "n01667778/ILSVRC2012_val_00031674.JPEG", + "source": "terrapin", + "source_id": "36", + "target": "box turtle", + "target_id": "37", + "is_test": "True" + }, + { + "": "1006", + "path": "n01667778/ILSVRC2012_val_00008921.JPEG", + "source": "terrapin", + "source_id": "36", + "target": "box turtle", + "target_id": "37", + "is_test": "True" + }, + { + "": "1016", + "path": "n01667778/ILSVRC2012_val_00013738.JPEG", + "source": "terrapin", + "source_id": "36", + "target": "box turtle", + "target_id": "37", + "is_test": "True" + }, + { + "": "4586", + "path": "n02108915/ILSVRC2012_val_00032658.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "boxer", + "target_id": "242", + "is_test": "True" + }, + { + "": "4364", + "path": "n02106550/ILSVRC2012_val_00017940.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "boxer", + "target_id": "242", + "is_test": "True" + }, + { + "": "4475", + "path": "n02107312/ILSVRC2012_val_00019364.JPEG", + "source": "miniature pinscher", + "source_id": "237", + "target": "boxer", + "target_id": "242", + "is_test": "True" + }, + { + "": "4563", + "path": "n02108915/ILSVRC2012_val_00013155.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "boxer", + "target_id": "242", + "is_test": "True" + }, + { + "": "12567", + "path": "n07716358/ILSVRC2012_val_00013114.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "broccoli", + "target_id": "937", + "is_test": "True" + }, + { + "": "12606", + "path": "n07716906/ILSVRC2012_val_00008554.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "broccoli", + "target_id": "937", + "is_test": "True" + }, + { + "": "12695", + "path": "n07717556/ILSVRC2012_val_00045122.JPEG", + "source": "butternut squash", + "source_id": "942", + "target": "broccoli", + "target_id": "937", + "is_test": "True" + }, + { + "": "12650", + "path": "n07717556/ILSVRC2012_val_00000674.JPEG", + "source": "butternut squash", + "source_id": "942", + "target": "broccoli", + "target_id": "937", + "is_test": "True" + }, + { + "": "5789", + "path": "n02134418/ILSVRC2012_val_00044129.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "brown bear", + "target_id": "294", + "is_test": "True" + }, + { + "": "7389", + "path": "n02509815/ILSVRC2012_val_00035546.JPEG", + "source": "lesser panda", + "source_id": "387", + "target": "brown bear", + "target_id": "294", + "is_test": "True" + }, + { + "": "5792", + "path": "n02134418/ILSVRC2012_val_00044947.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "brown bear", + "target_id": "294", + "is_test": "True" + }, + { + "": "5736", + "path": "n02134084/ILSVRC2012_val_00040753.JPEG", + "source": "ice bear", + "source_id": "296", + "target": "brown bear", + "target_id": "294", + "is_test": "True" + }, + { + "": "903", + "path": "n01644373/ILSVRC2012_val_00003846.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "bullfrog", + "target_id": "30", + "is_test": "True" + }, + { + "": "659", + "path": "n01630670/ILSVRC2012_val_00007257.JPEG", + "source": "common newt", + "source_id": "26", + "target": "bullfrog", + "target_id": "30", + "is_test": "True" + }, + { + "": "624", + "path": "n01629819/ILSVRC2012_val_00022935.JPEG", + "source": "European fire salamander", + "source_id": "25", + "target": "bullfrog", + "target_id": "30", + "is_test": "True" + }, + { + "": "819", + "path": "n01632777/ILSVRC2012_val_00019710.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "bullfrog", + "target_id": "30", + "is_test": "True" + }, + { + "": "2580", + "path": "n02002724/ILSVRC2012_val_00025651.JPEG", + "source": "black stork", + "source_id": "128", + "target": "bustard", + "target_id": "138", + "is_test": "True" + }, + { + "": "2061", + "path": "n01855672/ILSVRC2012_val_00015675.JPEG", + "source": "goose", + "source_id": "99", + "target": "bustard", + "target_id": "138", + "is_test": "True" + }, + { + "": "2721", + "path": "n02009229/ILSVRC2012_val_00026416.JPEG", + "source": "little blue heron", + "source_id": "131", + "target": "bustard", + "target_id": "138", + "is_test": "True" + }, + { + "": "2056", + "path": "n01855672/ILSVRC2012_val_00008834.JPEG", + "source": "goose", + "source_id": "99", + "target": "bustard", + "target_id": "138", + "is_test": "True" + }, + { + "": "12482", + "path": "n07714990/ILSVRC2012_val_00030197.JPEG", + "source": "broccoli", + "source_id": "937", + "target": "butternut squash", + "target_id": "942", + "is_test": "True" + }, + { + "": "12514", + "path": "n07715103/ILSVRC2012_val_00013415.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "butternut squash", + "target_id": "942", + "is_test": "True" + }, + { + "": "12636", + "path": "n07716906/ILSVRC2012_val_00033271.JPEG", + "source": "spaghetti squash", + "source_id": "940", + "target": "butternut squash", + "target_id": "942", + "is_test": "True" + }, + { + "": "12450", + "path": "n07714990/ILSVRC2012_val_00000155.JPEG", + "source": "broccoli", + "source_id": "937", + "target": "butternut squash", + "target_id": "942", + "is_test": "True" + }, + { + "": "9934", + "path": "n03594945/ILSVRC2012_val_00026466.JPEG", + "source": "jeep", + "source_id": "609", + "target": "cab", + "target_id": "468", + "is_test": "True" + }, + { + "": "11406", + "path": "n04285008/ILSVRC2012_val_00004970.JPEG", + "source": "sports car", + "source_id": "817", + "target": "cab", + "target_id": "468", + "is_test": "True" + }, + { + "": "9945", + "path": "n03594945/ILSVRC2012_val_00041490.JPEG", + "source": "jeep", + "source_id": "609", + "target": "cab", + "target_id": "468", + "is_test": "True" + }, + { + "": "11436", + "path": "n04285008/ILSVRC2012_val_00035603.JPEG", + "source": "sports car", + "source_id": "817", + "target": "cab", + "target_id": "468", + "is_test": "True" + }, + { + "": "6212", + "path": "n02279972/ILSVRC2012_val_00012137.JPEG", + "source": "monarch", + "source_id": "323", + "target": "cabbage butterfly", + "target_id": "324", + "is_test": "True" + }, + { + "": "6113", + "path": "n02276258/ILSVRC2012_val_00012764.JPEG", + "source": "admiral", + "source_id": "321", + "target": "cabbage butterfly", + "target_id": "324", + "is_test": "True" + }, + { + "": "6357", + "path": "n02281787/ILSVRC2012_val_00013322.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "cabbage butterfly", + "target_id": "324", + "is_test": "True" + }, + { + "": "6390", + "path": "n02281787/ILSVRC2012_val_00040785.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "cabbage butterfly", + "target_id": "324", + "is_test": "True" + }, + { + "": "9666", + "path": "n03447447/ILSVRC2012_val_00016640.JPEG", + "source": "gondola", + "source_id": "576", + "target": "canoe", + "target_id": "472", + "is_test": "True" + }, + { + "": "9697", + "path": "n03447447/ILSVRC2012_val_00047743.JPEG", + "source": "gondola", + "source_id": "576", + "target": "canoe", + "target_id": "472", + "is_test": "True" + }, + { + "": "9675", + "path": "n03447447/ILSVRC2012_val_00025029.JPEG", + "source": "gondola", + "source_id": "576", + "target": "canoe", + "target_id": "472", + "is_test": "True" + }, + { + "": "9695", + "path": "n03447447/ILSVRC2012_val_00045286.JPEG", + "source": "gondola", + "source_id": "576", + "target": "canoe", + "target_id": "472", + "is_test": "True" + }, + { + "": "7271", + "path": "n02493793/ILSVRC2012_val_00026757.JPEG", + "source": "spider monkey", + "source_id": "381", + "target": "capuchin", + "target_id": "378", + "is_test": "True" + }, + { + "": "7155", + "path": "n02487347/ILSVRC2012_val_00005306.JPEG", + "source": "macaque", + "source_id": "373", + "target": "capuchin", + "target_id": "378", + "is_test": "True" + }, + { + "": "7156", + "path": "n02487347/ILSVRC2012_val_00008873.JPEG", + "source": "macaque", + "source_id": "373", + "target": "capuchin", + "target_id": "378", + "is_test": "True" + }, + { + "": "7310", + "path": "n02494079/ILSVRC2012_val_00012793.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "capuchin", + "target_id": "378", + "is_test": "True" + }, + { + "": "12800", + "path": "n07720875/ILSVRC2012_val_00000423.JPEG", + "source": "bell pepper", + "source_id": "945", + "target": "cardoon", + "target_id": "946", + "is_test": "True" + }, + { + "": "12493", + "path": "n07714990/ILSVRC2012_val_00040922.JPEG", + "source": "broccoli", + "source_id": "937", + "target": "cardoon", + "target_id": "946", + "is_test": "True" + }, + { + "": "12590", + "path": "n07716358/ILSVRC2012_val_00039647.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "cardoon", + "target_id": "946", + "is_test": "True" + }, + { + "": "12510", + "path": "n07715103/ILSVRC2012_val_00010591.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "cardoon", + "target_id": "946", + "is_test": "True" + }, + { + "": "8777", + "path": "n03085013/ILSVRC2012_val_00027181.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "cassette player", + "target_id": "482", + "is_test": "True" + }, + { + "": "8787", + "path": "n03085013/ILSVRC2012_val_00038711.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "cassette player", + "target_id": "482", + "is_test": "True" + }, + { + "": "9820", + "path": "n03492542/ILSVRC2012_val_00018299.JPEG", + "source": "hard disc", + "source_id": "592", + "target": "cassette player", + "target_id": "482", + "is_test": "True" + }, + { + "": "8537", + "path": "n02992529/ILSVRC2012_val_00036024.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "cassette player", + "target_id": "482", + "is_test": "True" + }, + { + "": "11886", + "path": "n04483307/ILSVRC2012_val_00035945.JPEG", + "source": "trimaran", + "source_id": "871", + "target": "catamaran", + "target_id": "484", + "is_test": "True" + }, + { + "": "11082", + "path": "n04147183/ILSVRC2012_val_00032731.JPEG", + "source": "schooner", + "source_id": "780", + "target": "catamaran", + "target_id": "484", + "is_test": "True" + }, + { + "": "11070", + "path": "n04147183/ILSVRC2012_val_00016151.JPEG", + "source": "schooner", + "source_id": "780", + "target": "catamaran", + "target_id": "484", + "is_test": "True" + }, + { + "": "11080", + "path": "n04147183/ILSVRC2012_val_00031936.JPEG", + "source": "schooner", + "source_id": "780", + "target": "catamaran", + "target_id": "484", + "is_test": "True" + }, + { + "": "12758", + "path": "n07718747/ILSVRC2012_val_00005335.JPEG", + "source": "artichoke", + "source_id": "944", + "target": "cauliflower", + "target_id": "938", + "is_test": "True" + }, + { + "": "12898", + "path": "n07730033/ILSVRC2012_val_00047735.JPEG", + "source": "cardoon", + "source_id": "946", + "target": "cauliflower", + "target_id": "938", + "is_test": "True" + }, + { + "": "12718", + "path": "n07718472/ILSVRC2012_val_00022886.JPEG", + "source": "cucumber", + "source_id": "943", + "target": "cauliflower", + "target_id": "938", + "is_test": "True" + }, + { + "": "12693", + "path": "n07717556/ILSVRC2012_val_00042937.JPEG", + "source": "butternut squash", + "source_id": "942", + "target": "cauliflower", + "target_id": "938", + "is_test": "True" + }, + { + "": "12084", + "path": "n04536866/ILSVRC2012_val_00031548.JPEG", + "source": "violin", + "source_id": "889", + "target": "cello", + "target_id": "486", + "is_test": "True" + }, + { + "": "7931", + "path": "n02787622/ILSVRC2012_val_00029236.JPEG", + "source": "banjo", + "source_id": "420", + "target": "cello", + "target_id": "486", + "is_test": "True" + }, + { + "": "7935", + "path": "n02787622/ILSVRC2012_val_00033413.JPEG", + "source": "banjo", + "source_id": "420", + "target": "cello", + "target_id": "486", + "is_test": "True" + }, + { + "": "9205", + "path": "n03272010/ILSVRC2012_val_00002992.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "cello", + "target_id": "486", + "is_test": "True" + }, + { + "": "8353", + "path": "n02979186/ILSVRC2012_val_00005866.JPEG", + "source": "cassette player", + "source_id": "482", + "target": "cellular telephone", + "target_id": "487", + "is_test": "True" + }, + { + "": "9803", + "path": "n03492542/ILSVRC2012_val_00003609.JPEG", + "source": "hard disc", + "source_id": "592", + "target": "cellular telephone", + "target_id": "487", + "is_test": "True" + }, + { + "": "9951", + "path": "n03642806/ILSVRC2012_val_00000660.JPEG", + "source": "laptop", + "source_id": "620", + "target": "cellular telephone", + "target_id": "487", + "is_test": "True" + }, + { + "": "9879", + "path": "n03584254/ILSVRC2012_val_00030348.JPEG", + "source": "iPod", + "source_id": "605", + "target": "cellular telephone", + "target_id": "487", + "is_test": "True" + }, + { + "": "12315", + "path": "n07693725/ILSVRC2012_val_00018914.JPEG", + "source": "bagel", + "source_id": "931", + "target": "cheeseburger", + "target_id": "933", + "is_test": "True" + }, + { + "": "12321", + "path": "n07693725/ILSVRC2012_val_00022802.JPEG", + "source": "bagel", + "source_id": "931", + "target": "cheeseburger", + "target_id": "933", + "is_test": "True" + }, + { + "": "12401", + "path": "n07697537/ILSVRC2012_val_00000197.JPEG", + "source": "hotdog", + "source_id": "934", + "target": "cheeseburger", + "target_id": "933", + "is_test": "True" + }, + { + "": "12448", + "path": "n07697537/ILSVRC2012_val_00049219.JPEG", + "source": "hotdog", + "source_id": "934", + "target": "cheeseburger", + "target_id": "933", + "is_test": "True" + }, + { + "": "5265", + "path": "n02123394/ILSVRC2012_val_00009594.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "cheetah", + "target_id": "293", + "is_test": "True" + }, + { + "": "5477", + "path": "n02129165/ILSVRC2012_val_00027413.JPEG", + "source": "lion", + "source_id": "291", + "target": "cheetah", + "target_id": "293", + "is_test": "True" + }, + { + "": "5393", + "path": "n02128757/ILSVRC2012_val_00042484.JPEG", + "source": "snow leopard", + "source_id": "289", + "target": "cheetah", + "target_id": "293", + "is_test": "True" + }, + { + "": "5398", + "path": "n02128757/ILSVRC2012_val_00048717.JPEG", + "source": "snow leopard", + "source_id": "289", + "target": "cheetah", + "target_id": "293", + "is_test": "True" + }, + { + "": "10139", + "path": "n03720891/ILSVRC2012_val_00044143.JPEG", + "source": "maraca", + "source_id": "641", + "target": "chime", + "target_id": "494", + "is_test": "True" + }, + { + "": "10119", + "path": "n03720891/ILSVRC2012_val_00018810.JPEG", + "source": "maraca", + "source_id": "641", + "target": "chime", + "target_id": "494", + "is_test": "True" + }, + { + "": "11542", + "path": "n04311174/ILSVRC2012_val_00045460.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "chime", + "target_id": "494", + "is_test": "True" + }, + { + "": "9709", + "path": "n03447721/ILSVRC2012_val_00006388.JPEG", + "source": "gong", + "source_id": "577", + "target": "chime", + "target_id": "494", + "is_test": "True" + }, + { + "": "6959", + "path": "n02480855/ILSVRC2012_val_00006541.JPEG", + "source": "gorilla", + "source_id": "366", + "target": "chimpanzee", + "target_id": "367", + "is_test": "True" + }, + { + "": "6953", + "path": "n02480855/ILSVRC2012_val_00004173.JPEG", + "source": "gorilla", + "source_id": "366", + "target": "chimpanzee", + "target_id": "367", + "is_test": "True" + }, + { + "": "6990", + "path": "n02480855/ILSVRC2012_val_00040794.JPEG", + "source": "gorilla", + "source_id": "366", + "target": "chimpanzee", + "target_id": "367", + "is_test": "True" + }, + { + "": "6972", + "path": "n02480855/ILSVRC2012_val_00020000.JPEG", + "source": "gorilla", + "source_id": "366", + "target": "chimpanzee", + "target_id": "367", + "is_test": "True" + }, + { + "": "4100", + "path": "n02099601/ILSVRC2012_val_00001112.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "cocker spaniel", + "target_id": "219", + "is_test": "True" + }, + { + "": "4109", + "path": "n02099601/ILSVRC2012_val_00008772.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "cocker spaniel", + "target_id": "219", + "is_test": "True" + }, + { + "": "4207", + "path": "n02102040/ILSVRC2012_val_00007032.JPEG", + "source": "English springer", + "source_id": "217", + "target": "cocker spaniel", + "target_id": "219", + "is_test": "True" + }, + { + "": "4117", + "path": "n02099601/ILSVRC2012_val_00017672.JPEG", + "source": "golden retriever", + "source_id": "207", + "target": "cocker spaniel", + "target_id": "219", + "is_test": "True" + }, + { + "": "12278", + "path": "n04591713/ILSVRC2012_val_00032225.JPEG", + "source": "wine bottle", + "source_id": "907", + "target": "cocktail shaker", + "target_id": "503", + "is_test": "True" + }, + { + "": "12172", + "path": "n04557648/ILSVRC2012_val_00023127.JPEG", + "source": "water bottle", + "source_id": "898", + "target": "cocktail shaker", + "target_id": "503", + "is_test": "True" + }, + { + "": "8170", + "path": "n02823428/ILSVRC2012_val_00020345.JPEG", + "source": "beer bottle", + "source_id": "440", + "target": "cocktail shaker", + "target_id": "503", + "is_test": "True" + }, + { + "": "11601", + "path": "n04398044/ILSVRC2012_val_00000826.JPEG", + "source": "teapot", + "source_id": "849", + "target": "cocktail shaker", + "target_id": "503", + "is_test": "True" + }, + { + "": "11642", + "path": "n04398044/ILSVRC2012_val_00043720.JPEG", + "source": "teapot", + "source_id": "849", + "target": "coffee mug", + "target_id": "504", + "is_test": "True" + }, + { + "": "8619", + "path": "n03062245/ILSVRC2012_val_00020527.JPEG", + "source": "cocktail shaker", + "source_id": "503", + "target": "coffee mug", + "target_id": "504", + "is_test": "True" + }, + { + "": "11613", + "path": "n04398044/ILSVRC2012_val_00015857.JPEG", + "source": "teapot", + "source_id": "849", + "target": "coffee mug", + "target_id": "504", + "is_test": "True" + }, + { + "": "8715", + "path": "n03063689/ILSVRC2012_val_00020255.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "coffee mug", + "target_id": "504", + "is_test": "True" + }, + { + "": "8634", + "path": "n03062245/ILSVRC2012_val_00038313.JPEG", + "source": "cocktail shaker", + "source_id": "503", + "target": "coffeepot", + "target_id": "505", + "is_test": "True" + }, + { + "": "8652", + "path": "n03063599/ILSVRC2012_val_00002430.JPEG", + "source": "coffee mug", + "source_id": "504", + "target": "coffeepot", + "target_id": "505", + "is_test": "True" + }, + { + "": "12236", + "path": "n04560804/ILSVRC2012_val_00033522.JPEG", + "source": "water jug", + "source_id": "899", + "target": "coffeepot", + "target_id": "505", + "is_test": "True" + }, + { + "": "11627", + "path": "n04398044/ILSVRC2012_val_00030441.JPEG", + "source": "teapot", + "source_id": "849", + "target": "coffeepot", + "target_id": "505", + "is_test": "True" + }, + { + "": "4495", + "path": "n02107312/ILSVRC2012_val_00044075.JPEG", + "source": "miniature pinscher", + "source_id": "237", + "target": "collie", + "target_id": "231", + "is_test": "True" + }, + { + "": "4384", + "path": "n02106550/ILSVRC2012_val_00036110.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "collie", + "target_id": "231", + "is_test": "True" + }, + { + "": "4557", + "path": "n02108915/ILSVRC2012_val_00007318.JPEG", + "source": "French bulldog", + "source_id": "245", + "target": "collie", + "target_id": "231", + "is_test": "True" + }, + { + "": "4500", + "path": "n02108089/ILSVRC2012_val_00000635.JPEG", + "source": "boxer", + "source_id": "242", + "target": "collie", + "target_id": "231", + "is_test": "True" + }, + { + "": "789", + "path": "n01632458/ILSVRC2012_val_00038202.JPEG", + "source": "spotted salamander", + "source_id": "28", + "target": "common newt", + "target_id": "26", + "is_test": "True" + }, + { + "": "622", + "path": "n01629819/ILSVRC2012_val_00019308.JPEG", + "source": "European fire salamander", + "source_id": "25", + "target": "common newt", + "target_id": "26", + "is_test": "True" + }, + { + "": "928", + "path": "n01644373/ILSVRC2012_val_00032104.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "common newt", + "target_id": "26", + "is_test": "True" + }, + { + "": "905", + "path": "n01644373/ILSVRC2012_val_00006987.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "common newt", + "target_id": "26", + "is_test": "True" + }, + { + "": "9966", + "path": "n03642806/ILSVRC2012_val_00016812.JPEG", + "source": "laptop", + "source_id": "620", + "target": "computer keyboard", + "target_id": "508", + "is_test": "True" + }, + { + "": "9851", + "path": "n03584254/ILSVRC2012_val_00001831.JPEG", + "source": "iPod", + "source_id": "605", + "target": "computer keyboard", + "target_id": "508", + "is_test": "True" + }, + { + "": "9976", + "path": "n03642806/ILSVRC2012_val_00024499.JPEG", + "source": "laptop", + "source_id": "620", + "target": "computer keyboard", + "target_id": "508", + "is_test": "True" + }, + { + "": "9872", + "path": "n03584254/ILSVRC2012_val_00022219.JPEG", + "source": "iPod", + "source_id": "605", + "target": "computer keyboard", + "target_id": "508", + "is_test": "True" + }, + { + "": "9931", + "path": "n03594945/ILSVRC2012_val_00023599.JPEG", + "source": "jeep", + "source_id": "609", + "target": "convertible", + "target_id": "511", + "is_test": "True" + }, + { + "": "9941", + "path": "n03594945/ILSVRC2012_val_00036304.JPEG", + "source": "jeep", + "source_id": "609", + "target": "convertible", + "target_id": "511", + "is_test": "True" + }, + { + "": "11407", + "path": "n04285008/ILSVRC2012_val_00004979.JPEG", + "source": "sports car", + "source_id": "817", + "target": "convertible", + "target_id": "511", + "is_test": "True" + }, + { + "": "7776", + "path": "n02701002/ILSVRC2012_val_00025159.JPEG", + "source": "ambulance", + "source_id": "407", + "target": "convertible", + "target_id": "511", + "is_test": "True" + }, + { + "": "13603", + "path": "n13054560/ILSVRC2012_val_00004690.JPEG", + "source": "bolete", + "source_id": "997", + "target": "coral fungus", + "target_id": "991", + "is_test": "True" + }, + { + "": "13631", + "path": "n13054560/ILSVRC2012_val_00035125.JPEG", + "source": "bolete", + "source_id": "997", + "target": "coral fungus", + "target_id": "991", + "is_test": "True" + }, + { + "": "13547", + "path": "n13044778/ILSVRC2012_val_00048378.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "coral fungus", + "target_id": "991", + "is_test": "True" + }, + { + "": "13567", + "path": "n13052670/ILSVRC2012_val_00017210.JPEG", + "source": "hen-of-the-woods", + "source_id": "996", + "target": "coral fungus", + "target_id": "991", + "is_test": "True" + }, + { + "": "8011", + "path": "n02804610/ILSVRC2012_val_00012019.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "cornet", + "target_id": "513", + "is_test": "True" + }, + { + "": "9535", + "path": "n03394916/ILSVRC2012_val_00038137.JPEG", + "source": "French horn", + "source_id": "566", + "target": "cornet", + "target_id": "513", + "is_test": "True" + }, + { + "": "10983", + "path": "n04141076/ILSVRC2012_val_00036869.JPEG", + "source": "sax", + "source_id": "776", + "target": "cornet", + "target_id": "513", + "is_test": "True" + }, + { + "": "10992", + "path": "n04141076/ILSVRC2012_val_00043168.JPEG", + "source": "sax", + "source_id": "776", + "target": "cornet", + "target_id": "513", + "is_test": "True" + }, + { + "": "8213", + "path": "n02869837/ILSVRC2012_val_00015695.JPEG", + "source": "bonnet", + "source_id": "452", + "target": "cowboy hat", + "target_id": "515", + "is_test": "True" + }, + { + "": "9451", + "path": "n03379051/ILSVRC2012_val_00006170.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "cowboy hat", + "target_id": "515", + "is_test": "True" + }, + { + "": "9487", + "path": "n03379051/ILSVRC2012_val_00037567.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "cowboy hat", + "target_id": "515", + "is_test": "True" + }, + { + "": "11248", + "path": "n04209133/ILSVRC2012_val_00047240.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "cowboy hat", + "target_id": "515", + "is_test": "True" + }, + { + "": "5144", + "path": "n02120079/ILSVRC2012_val_00042659.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "coyote", + "target_id": "272", + "is_test": "True" + }, + { + "": "5071", + "path": "n02119022/ILSVRC2012_val_00020225.JPEG", + "source": "red fox", + "source_id": "277", + "target": "coyote", + "target_id": "272", + "is_test": "True" + }, + { + "": "5046", + "path": "n02117135/ILSVRC2012_val_00044496.JPEG", + "source": "hyena", + "source_id": "276", + "target": "coyote", + "target_id": "272", + "is_test": "True" + }, + { + "": "4962", + "path": "n02116738/ILSVRC2012_val_00013368.JPEG", + "source": "African hunting dog", + "source_id": "275", + "target": "coyote", + "target_id": "272", + "is_test": "True" + }, + { + "": "2524", + "path": "n01990800/ILSVRC2012_val_00026939.JPEG", + "source": "isopod", + "source_id": "126", + "target": "crayfish", + "target_id": "124", + "is_test": "True" + }, + { + "": "2516", + "path": "n01990800/ILSVRC2012_val_00015754.JPEG", + "source": "isopod", + "source_id": "126", + "target": "crayfish", + "target_id": "124", + "is_test": "True" + }, + { + "": "2161", + "path": "n01978287/ILSVRC2012_val_00015120.JPEG", + "source": "Dungeness crab", + "source_id": "118", + "target": "crayfish", + "target_id": "124", + "is_test": "True" + }, + { + "": "2504", + "path": "n01990800/ILSVRC2012_val_00003662.JPEG", + "source": "isopod", + "source_id": "126", + "target": "crayfish", + "target_id": "124", + "is_test": "True" + }, + { + "": "12797", + "path": "n07718747/ILSVRC2012_val_00047448.JPEG", + "source": "artichoke", + "source_id": "944", + "target": "cucumber", + "target_id": "943", + "is_test": "True" + }, + { + "": "12547", + "path": "n07715103/ILSVRC2012_val_00047937.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "cucumber", + "target_id": "943", + "is_test": "True" + }, + { + "": "12654", + "path": "n07717556/ILSVRC2012_val_00011524.JPEG", + "source": "butternut squash", + "source_id": "942", + "target": "cucumber", + "target_id": "943", + "is_test": "True" + }, + { + "": "12553", + "path": "n07716358/ILSVRC2012_val_00003660.JPEG", + "source": "zucchini", + "source_id": "939", + "target": "cucumber", + "target_id": "943", + "is_test": "True" + }, + { + "": "13028", + "path": "n07747607/ILSVRC2012_val_00026831.JPEG", + "source": "orange", + "source_id": "950", + "target": "custard apple", + "target_id": "956", + "is_test": "True" + }, + { + "": "12965", + "path": "n07745940/ILSVRC2012_val_00012216.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "custard apple", + "target_id": "956", + "is_test": "True" + }, + { + "": "13331", + "path": "n07768694/ILSVRC2012_val_00025102.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "custard apple", + "target_id": "956", + "is_test": "True" + }, + { + "": "12991", + "path": "n07745940/ILSVRC2012_val_00037096.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "custard apple", + "target_id": "956", + "is_test": "True" + }, + { + "": "9891", + "path": "n03584254/ILSVRC2012_val_00043848.JPEG", + "source": "iPod", + "source_id": "605", + "target": "desktop computer", + "target_id": "527", + "is_test": "True" + }, + { + "": "9842", + "path": "n03492542/ILSVRC2012_val_00042243.JPEG", + "source": "hard disc", + "source_id": "592", + "target": "desktop computer", + "target_id": "527", + "is_test": "True" + }, + { + "": "8785", + "path": "n03085013/ILSVRC2012_val_00035703.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "desktop computer", + "target_id": "527", + "is_test": "True" + }, + { + "": "9010", + "path": "n03187595/ILSVRC2012_val_00011934.JPEG", + "source": "dial telephone", + "source_id": "528", + "target": "desktop computer", + "target_id": "527", + "is_test": "True" + }, + { + "": "9971", + "path": "n03642806/ILSVRC2012_val_00021413.JPEG", + "source": "laptop", + "source_id": "620", + "target": "dial telephone", + "target_id": "528", + "is_test": "True" + }, + { + "": "8998", + "path": "n03180011/ILSVRC2012_val_00049752.JPEG", + "source": "desktop computer", + "source_id": "527", + "target": "dial telephone", + "target_id": "528", + "is_test": "True" + }, + { + "": "8756", + "path": "n03085013/ILSVRC2012_val_00002755.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "dial telephone", + "target_id": "528", + "is_test": "True" + }, + { + "": "8780", + "path": "n03085013/ILSVRC2012_val_00030993.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "dial telephone", + "target_id": "528", + "is_test": "True" + }, + { + "": "1127", + "path": "n01728572/ILSVRC2012_val_00027142.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "diamondback", + "target_id": "67", + "is_test": "True" + }, + { + "": "1331", + "path": "n01744401/ILSVRC2012_val_00032756.JPEG", + "source": "rock python", + "source_id": "62", + "target": "diamondback", + "target_id": "67", + "is_test": "True" + }, + { + "": "1128", + "path": "n01728572/ILSVRC2012_val_00027680.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "diamondback", + "target_id": "67", + "is_test": "True" + }, + { + "": "1300", + "path": "n01744401/ILSVRC2012_val_00000688.JPEG", + "source": "rock python", + "source_id": "62", + "target": "diamondback", + "target_id": "67", + "is_test": "True" + }, + { + "": "7952", + "path": "n02794156/ILSVRC2012_val_00003043.JPEG", + "source": "barometer", + "source_id": "426", + "target": "digital clock", + "target_id": "530", + "is_test": "True" + }, + { + "": "10514", + "path": "n03841143/ILSVRC2012_val_00013824.JPEG", + "source": "odometer", + "source_id": "685", + "target": "digital clock", + "target_id": "530", + "is_test": "True" + }, + { + "": "10536", + "path": "n03841143/ILSVRC2012_val_00032908.JPEG", + "source": "odometer", + "source_id": "685", + "target": "digital clock", + "target_id": "530", + "is_test": "True" + }, + { + "": "7960", + "path": "n02794156/ILSVRC2012_val_00008280.JPEG", + "source": "barometer", + "source_id": "426", + "target": "digital clock", + "target_id": "530", + "is_test": "True" + }, + { + "": "7953", + "path": "n02794156/ILSVRC2012_val_00003406.JPEG", + "source": "barometer", + "source_id": "426", + "target": "digital watch", + "target_id": "531", + "is_test": "True" + }, + { + "": "7979", + "path": "n02794156/ILSVRC2012_val_00032063.JPEG", + "source": "barometer", + "source_id": "426", + "target": "digital watch", + "target_id": "531", + "is_test": "True" + }, + { + "": "7982", + "path": "n02794156/ILSVRC2012_val_00033746.JPEG", + "source": "barometer", + "source_id": "426", + "target": "digital watch", + "target_id": "531", + "is_test": "True" + }, + { + "": "7978", + "path": "n02794156/ILSVRC2012_val_00030062.JPEG", + "source": "barometer", + "source_id": "426", + "target": "digital watch", + "target_id": "531", + "is_test": "True" + }, + { + "": "5196", + "path": "n02120505/ILSVRC2012_val_00045171.JPEG", + "source": "grey fox", + "source_id": "280", + "target": "dingo", + "target_id": "273", + "is_test": "True" + }, + { + "": "5117", + "path": "n02120079/ILSVRC2012_val_00020302.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "dingo", + "target_id": "273", + "is_test": "True" + }, + { + "": "5020", + "path": "n02117135/ILSVRC2012_val_00024786.JPEG", + "source": "hyena", + "source_id": "276", + "target": "dingo", + "target_id": "273", + "is_test": "True" + }, + { + "": "5147", + "path": "n02120079/ILSVRC2012_val_00045175.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "dingo", + "target_id": "273", + "is_test": "True" + }, + { + "": "11531", + "path": "n04311174/ILSVRC2012_val_00031667.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "drum", + "target_id": "541", + "is_test": "True" + }, + { + "": "10159", + "path": "n03721384/ILSVRC2012_val_00016595.JPEG", + "source": "marimba", + "source_id": "642", + "target": "drum", + "target_id": "541", + "is_test": "True" + }, + { + "": "10155", + "path": "n03721384/ILSVRC2012_val_00008971.JPEG", + "source": "marimba", + "source_id": "642", + "target": "drum", + "target_id": "541", + "is_test": "True" + }, + { + "": "10128", + "path": "n03720891/ILSVRC2012_val_00026768.JPEG", + "source": "maraca", + "source_id": "641", + "target": "drum", + "target_id": "541", + "is_test": "True" + }, + { + "": "3139", + "path": "n02071294/ILSVRC2012_val_00039524.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "dugong", + "target_id": "149", + "is_test": "True" + }, + { + "": "3086", + "path": "n02066245/ILSVRC2012_val_00033405.JPEG", + "source": "grey whale", + "source_id": "147", + "target": "dugong", + "target_id": "149", + "is_test": "True" + }, + { + "": "3149", + "path": "n02071294/ILSVRC2012_val_00049801.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "dugong", + "target_id": "149", + "is_test": "True" + }, + { + "": "3105", + "path": "n02071294/ILSVRC2012_val_00006253.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "dugong", + "target_id": "149", + "is_test": "True" + }, + { + "": "13366", + "path": "n12985857/ILSVRC2012_val_00014277.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "earthstar", + "target_id": "995", + "is_test": "True" + }, + { + "": "13467", + "path": "n13040303/ILSVRC2012_val_00017416.JPEG", + "source": "stinkhorn", + "source_id": "994", + "target": "earthstar", + "target_id": "995", + "is_test": "True" + }, + { + "": "13367", + "path": "n12985857/ILSVRC2012_val_00015085.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "earthstar", + "target_id": "995", + "is_test": "True" + }, + { + "": "13432", + "path": "n13037406/ILSVRC2012_val_00031593.JPEG", + "source": "gyromitra", + "source_id": "993", + "target": "earthstar", + "target_id": "995", + "is_test": "True" + }, + { + "": "7534", + "path": "n02607072/ILSVRC2012_val_00027500.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "eel", + "target_id": "390", + "is_test": "True" + }, + { + "": "63", + "path": "n01443537/ILSVRC2012_val_00009034.JPEG", + "source": "goldfish", + "source_id": "1", + "target": "eel", + "target_id": "390", + "is_test": "True" + }, + { + "": "7654", + "path": "n02643566/ILSVRC2012_val_00004464.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "eel", + "target_id": "390", + "is_test": "True" + }, + { + "": "7603", + "path": "n02641379/ILSVRC2012_val_00005755.JPEG", + "source": "gar", + "source_id": "395", + "target": "eel", + "target_id": "390", + "is_test": "True" + }, + { + "": "908", + "path": "n01644373/ILSVRC2012_val_00007977.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "eft", + "target_id": "27", + "is_test": "True" + }, + { + "": "823", + "path": "n01632777/ILSVRC2012_val_00022771.JPEG", + "source": "axolotl", + "source_id": "29", + "target": "eft", + "target_id": "27", + "is_test": "True" + }, + { + "": "941", + "path": "n01644373/ILSVRC2012_val_00041279.JPEG", + "source": "tree frog", + "source_id": "31", + "target": "eft", + "target_id": "27", + "is_test": "True" + }, + { + "": "889", + "path": "n01641577/ILSVRC2012_val_00033960.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "eft", + "target_id": "27", + "is_test": "True" + }, + { + "": "7927", + "path": "n02787622/ILSVRC2012_val_00025664.JPEG", + "source": "banjo", + "source_id": "420", + "target": "electric guitar", + "target_id": "546", + "is_test": "True" + }, + { + "": "7744", + "path": "n02676566/ILSVRC2012_val_00044733.JPEG", + "source": "acoustic guitar", + "source_id": "402", + "target": "electric guitar", + "target_id": "546", + "is_test": "True" + }, + { + "": "12074", + "path": "n04536866/ILSVRC2012_val_00024503.JPEG", + "source": "violin", + "source_id": "889", + "target": "electric guitar", + "target_id": "546", + "is_test": "True" + }, + { + "": "8464", + "path": "n02992211/ILSVRC2012_val_00013202.JPEG", + "source": "cello", + "source_id": "486", + "target": "electric guitar", + "target_id": "546", + "is_test": "True" + }, + { + "": "11465", + "path": "n04310018/ILSVRC2012_val_00021247.JPEG", + "source": "steam locomotive", + "source_id": "820", + "target": "electric locomotive", + "target_id": "547", + "is_test": "True" + }, + { + "": "11466", + "path": "n04310018/ILSVRC2012_val_00021734.JPEG", + "source": "steam locomotive", + "source_id": "820", + "target": "electric locomotive", + "target_id": "547", + "is_test": "True" + }, + { + "": "11464", + "path": "n04310018/ILSVRC2012_val_00020437.JPEG", + "source": "steam locomotive", + "source_id": "820", + "target": "electric locomotive", + "target_id": "547", + "is_test": "True" + }, + { + "": "11463", + "path": "n04310018/ILSVRC2012_val_00018868.JPEG", + "source": "steam locomotive", + "source_id": "820", + "target": "electric locomotive", + "target_id": "547", + "is_test": "True" + }, + { + "": "2468", + "path": "n01986214/ILSVRC2012_val_00017555.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "fiddler crab", + "target_id": "120", + "is_test": "True" + }, + { + "": "2450", + "path": "n01986214/ILSVRC2012_val_00000231.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "fiddler crab", + "target_id": "120", + "is_test": "True" + }, + { + "": "2153", + "path": "n01978287/ILSVRC2012_val_00003272.JPEG", + "source": "Dungeness crab", + "source_id": "118", + "target": "fiddler crab", + "target_id": "120", + "is_test": "True" + }, + { + "": "2469", + "path": "n01986214/ILSVRC2012_val_00019512.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "fiddler crab", + "target_id": "120", + "is_test": "True" + }, + { + "": "12956", + "path": "n07745940/ILSVRC2012_val_00004428.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "fig", + "target_id": "952", + "is_test": "True" + }, + { + "": "13015", + "path": "n07747607/ILSVRC2012_val_00014856.JPEG", + "source": "orange", + "source_id": "950", + "target": "fig", + "target_id": "952", + "is_test": "True" + }, + { + "": "13179", + "path": "n07753275/ILSVRC2012_val_00029311.JPEG", + "source": "pineapple", + "source_id": "953", + "target": "fig", + "target_id": "952", + "is_test": "True" + }, + { + "": "13182", + "path": "n07753275/ILSVRC2012_val_00030543.JPEG", + "source": "pineapple", + "source_id": "953", + "target": "fig", + "target_id": "952", + "is_test": "True" + }, + { + "": "10590", + "path": "n03930630/ILSVRC2012_val_00039508.JPEG", + "source": "pickup", + "source_id": "717", + "target": "fire engine", + "target_id": "555", + "is_test": "True" + }, + { + "": "11784", + "path": "n04467665/ILSVRC2012_val_00033387.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "fire engine", + "target_id": "555", + "is_test": "True" + }, + { + "": "10582", + "path": "n03930630/ILSVRC2012_val_00032894.JPEG", + "source": "pickup", + "source_id": "717", + "target": "fire engine", + "target_id": "555", + "is_test": "True" + }, + { + "": "10840", + "path": "n03977966/ILSVRC2012_val_00036046.JPEG", + "source": "police van", + "source_id": "734", + "target": "fire engine", + "target_id": "555", + "is_test": "True" + }, + { + "": "8323", + "path": "n02951358/ILSVRC2012_val_00025415.JPEG", + "source": "canoe", + "source_id": "472", + "target": "fireboat", + "target_id": "554", + "is_test": "True" + }, + { + "": "8319", + "path": "n02951358/ILSVRC2012_val_00022210.JPEG", + "source": "canoe", + "source_id": "472", + "target": "fireboat", + "target_id": "554", + "is_test": "True" + }, + { + "": "8313", + "path": "n02951358/ILSVRC2012_val_00013191.JPEG", + "source": "canoe", + "source_id": "472", + "target": "fireboat", + "target_id": "554", + "is_test": "True" + }, + { + "": "8302", + "path": "n02951358/ILSVRC2012_val_00001677.JPEG", + "source": "canoe", + "source_id": "472", + "target": "fireboat", + "target_id": "554", + "is_test": "True" + }, + { + "": "2860", + "path": "n02037110/ILSVRC2012_val_00009991.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "flamingo", + "target_id": "130", + "is_test": "True" + }, + { + "": "2821", + "path": "n02018795/ILSVRC2012_val_00025273.JPEG", + "source": "bustard", + "source_id": "138", + "target": "flamingo", + "target_id": "130", + "is_test": "True" + }, + { + "": "2864", + "path": "n02037110/ILSVRC2012_val_00011196.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "flamingo", + "target_id": "130", + "is_test": "True" + }, + { + "": "2635", + "path": "n02006656/ILSVRC2012_val_00029736.JPEG", + "source": "spoonbill", + "source_id": "129", + "target": "flamingo", + "target_id": "130", + "is_test": "True" + }, + { + "": "8876", + "path": "n03110669/ILSVRC2012_val_00023807.JPEG", + "source": "cornet", + "source_id": "513", + "target": "flute", + "target_id": "558", + "is_test": "True" + }, + { + "": "10974", + "path": "n04141076/ILSVRC2012_val_00028182.JPEG", + "source": "sax", + "source_id": "776", + "target": "flute", + "target_id": "558", + "is_test": "True" + }, + { + "": "10456", + "path": "n03838899/ILSVRC2012_val_00004486.JPEG", + "source": "oboe", + "source_id": "683", + "target": "flute", + "target_id": "558", + "is_test": "True" + }, + { + "": "9543", + "path": "n03394916/ILSVRC2012_val_00043988.JPEG", + "source": "French horn", + "source_id": "566", + "target": "flute", + "target_id": "558", + "is_test": "True" + }, + { + "": "8949", + "path": "n03124170/ILSVRC2012_val_00049869.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "football helmet", + "target_id": "560", + "is_test": "True" + }, + { + "": "8902", + "path": "n03124170/ILSVRC2012_val_00002639.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "football helmet", + "target_id": "560", + "is_test": "True" + }, + { + "": "8909", + "path": "n03124170/ILSVRC2012_val_00005719.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "football helmet", + "target_id": "560", + "is_test": "True" + }, + { + "": "11240", + "path": "n04209133/ILSVRC2012_val_00041604.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "football helmet", + "target_id": "560", + "is_test": "True" + }, + { + "": "7504", + "path": "n02607072/ILSVRC2012_val_00005188.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "gar", + "target_id": "395", + "is_test": "True" + }, + { + "": "7651", + "path": "n02643566/ILSVRC2012_val_00003094.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "gar", + "target_id": "395", + "is_test": "True" + }, + { + "": "7558", + "path": "n02640242/ILSVRC2012_val_00004784.JPEG", + "source": "sturgeon", + "source_id": "394", + "target": "gar", + "target_id": "395", + "is_test": "True" + }, + { + "": "7483", + "path": "n02526121/ILSVRC2012_val_00034488.JPEG", + "source": "eel", + "source_id": "390", + "target": "gar", + "target_id": "395", + "is_test": "True" + }, + { + "": "11043", + "path": "n04146614/ILSVRC2012_val_00037681.JPEG", + "source": "school bus", + "source_id": "779", + "target": "garbage truck", + "target_id": "569", + "is_test": "True" + }, + { + "": "11013", + "path": "n04146614/ILSVRC2012_val_00011870.JPEG", + "source": "school bus", + "source_id": "779", + "target": "garbage truck", + "target_id": "569", + "is_test": "True" + }, + { + "": "11007", + "path": "n04146614/ILSVRC2012_val_00005166.JPEG", + "source": "school bus", + "source_id": "779", + "target": "garbage truck", + "target_id": "569", + "is_test": "True" + }, + { + "": "10812", + "path": "n03977966/ILSVRC2012_val_00008953.JPEG", + "source": "police van", + "source_id": "734", + "target": "garbage truck", + "target_id": "569", + "is_test": "True" + }, + { + "": "1623", + "path": "n01770393/ILSVRC2012_val_00027439.JPEG", + "source": "scorpion", + "source_id": "71", + "target": "garden spider", + "target_id": "74", + "is_test": "True" + }, + { + "": "1728", + "path": "n01774384/ILSVRC2012_val_00030333.JPEG", + "source": "black widow", + "source_id": "75", + "target": "garden spider", + "target_id": "74", + "is_test": "True" + }, + { + "": "1710", + "path": "n01774384/ILSVRC2012_val_00016936.JPEG", + "source": "black widow", + "source_id": "75", + "target": "garden spider", + "target_id": "74", + "is_test": "True" + }, + { + "": "1727", + "path": "n01774384/ILSVRC2012_val_00029208.JPEG", + "source": "black widow", + "source_id": "75", + "target": "garden spider", + "target_id": "74", + "is_test": "True" + }, + { + "": "6777", + "path": "n02417914/ILSVRC2012_val_00028707.JPEG", + "source": "ibex", + "source_id": "350", + "target": "gazelle", + "target_id": "353", + "is_test": "True" + }, + { + "": "6565", + "path": "n02408429/ILSVRC2012_val_00007108.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "gazelle", + "target_id": "353", + "is_test": "True" + }, + { + "": "6613", + "path": "n02410509/ILSVRC2012_val_00018032.JPEG", + "source": "bison", + "source_id": "347", + "target": "gazelle", + "target_id": "353", + "is_test": "True" + }, + { + "": "6750", + "path": "n02417914/ILSVRC2012_val_00000444.JPEG", + "source": "ibex", + "source_id": "350", + "target": "gazelle", + "target_id": "353", + "is_test": "True" + }, + { + "": "7362", + "path": "n02509815/ILSVRC2012_val_00011235.JPEG", + "source": "lesser panda", + "source_id": "387", + "target": "giant panda", + "target_id": "388", + "is_test": "True" + }, + { + "": "5738", + "path": "n02134084/ILSVRC2012_val_00041156.JPEG", + "source": "ice bear", + "source_id": "296", + "target": "giant panda", + "target_id": "388", + "is_test": "True" + }, + { + "": "5620", + "path": "n02132136/ILSVRC2012_val_00031253.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "giant panda", + "target_id": "388", + "is_test": "True" + }, + { + "": "5796", + "path": "n02134418/ILSVRC2012_val_00046498.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "giant panda", + "target_id": "388", + "is_test": "True" + }, + { + "": "4167", + "path": "n02100877/ILSVRC2012_val_00020279.JPEG", + "source": "Irish setter", + "source_id": "213", + "target": "golden retriever", + "target_id": "207", + "is_test": "True" + }, + { + "": "4239", + "path": "n02102040/ILSVRC2012_val_00038569.JPEG", + "source": "English springer", + "source_id": "217", + "target": "golden retriever", + "target_id": "207", + "is_test": "True" + }, + { + "": "4251", + "path": "n02102318/ILSVRC2012_val_00001663.JPEG", + "source": "cocker spaniel", + "source_id": "219", + "target": "golden retriever", + "target_id": "207", + "is_test": "True" + }, + { + "": "4246", + "path": "n02102040/ILSVRC2012_val_00046295.JPEG", + "source": "English springer", + "source_id": "217", + "target": "golden retriever", + "target_id": "207", + "is_test": "True" + }, + { + "": "308", + "path": "n01532829/ILSVRC2012_val_00006597.JPEG", + "source": "house finch", + "source_id": "12", + "target": "goldfinch", + "target_id": "11", + "is_test": "True" + }, + { + "": "340", + "path": "n01532829/ILSVRC2012_val_00038160.JPEG", + "source": "house finch", + "source_id": "12", + "target": "goldfinch", + "target_id": "11", + "is_test": "True" + }, + { + "": "448", + "path": "n01537544/ILSVRC2012_val_00048732.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "goldfinch", + "target_id": "11", + "is_test": "True" + }, + { + "": "438", + "path": "n01537544/ILSVRC2012_val_00037454.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "goldfinch", + "target_id": "11", + "is_test": "True" + }, + { + "": "7579", + "path": "n02640242/ILSVRC2012_val_00029790.JPEG", + "source": "sturgeon", + "source_id": "394", + "target": "goldfish", + "target_id": "1", + "is_test": "True" + }, + { + "": "7627", + "path": "n02641379/ILSVRC2012_val_00031222.JPEG", + "source": "gar", + "source_id": "395", + "target": "goldfish", + "target_id": "1", + "is_test": "True" + }, + { + "": "7696", + "path": "n02643566/ILSVRC2012_val_00046455.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "goldfish", + "target_id": "1", + "is_test": "True" + }, + { + "": "17", + "path": "n01440764/ILSVRC2012_val_00017699.JPEG", + "source": "tench", + "source_id": "0", + "target": "goldfish", + "target_id": "1", + "is_test": "True" + }, + { + "": "10930", + "path": "n04118538/ILSVRC2012_val_00036288.JPEG", + "source": "rugby ball", + "source_id": "768", + "target": "golf ball", + "target_id": "574", + "is_test": "True" + }, + { + "": "10949", + "path": "n04118538/ILSVRC2012_val_00049365.JPEG", + "source": "rugby ball", + "source_id": "768", + "target": "golf ball", + "target_id": "574", + "is_test": "True" + }, + { + "": "10900", + "path": "n04118538/ILSVRC2012_val_00001497.JPEG", + "source": "rugby ball", + "source_id": "768", + "target": "golf ball", + "target_id": "574", + "is_test": "True" + }, + { + "": "11651", + "path": "n04409515/ILSVRC2012_val_00000397.JPEG", + "source": "tennis ball", + "source_id": "852", + "target": "golf ball", + "target_id": "574", + "is_test": "True" + }, + { + "": "8324", + "path": "n02951358/ILSVRC2012_val_00026054.JPEG", + "source": "canoe", + "source_id": "472", + "target": "gondola", + "target_id": "576", + "is_test": "True" + }, + { + "": "8347", + "path": "n02951358/ILSVRC2012_val_00046387.JPEG", + "source": "canoe", + "source_id": "472", + "target": "gondola", + "target_id": "576", + "is_test": "True" + }, + { + "": "9314", + "path": "n03344393/ILSVRC2012_val_00013632.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "gondola", + "target_id": "576", + "is_test": "True" + }, + { + "": "11399", + "path": "n04273569/ILSVRC2012_val_00047638.JPEG", + "source": "speedboat", + "source_id": "814", + "target": "gondola", + "target_id": "576", + "is_test": "True" + }, + { + "": "8578", + "path": "n03017168/ILSVRC2012_val_00031533.JPEG", + "source": "chime", + "source_id": "494", + "target": "gong", + "target_id": "577", + "is_test": "True" + }, + { + "": "10195", + "path": "n03721384/ILSVRC2012_val_00046386.JPEG", + "source": "marimba", + "source_id": "642", + "target": "gong", + "target_id": "577", + "is_test": "True" + }, + { + "": "9171", + "path": "n03249569/ILSVRC2012_val_00015169.JPEG", + "source": "drum", + "source_id": "541", + "target": "gong", + "target_id": "577", + "is_test": "True" + }, + { + "": "10127", + "path": "n03720891/ILSVRC2012_val_00025962.JPEG", + "source": "maraca", + "source_id": "641", + "target": "gong", + "target_id": "577", + "is_test": "True" + }, + { + "": "2680", + "path": "n02007558/ILSVRC2012_val_00031931.JPEG", + "source": "flamingo", + "source_id": "130", + "target": "goose", + "target_id": "99", + "is_test": "True" + }, + { + "": "2690", + "path": "n02007558/ILSVRC2012_val_00039514.JPEG", + "source": "flamingo", + "source_id": "130", + "target": "goose", + "target_id": "99", + "is_test": "True" + }, + { + "": "2861", + "path": "n02037110/ILSVRC2012_val_00010080.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "goose", + "target_id": "99", + "is_test": "True" + }, + { + "": "2611", + "path": "n02006656/ILSVRC2012_val_00007697.JPEG", + "source": "spoonbill", + "source_id": "129", + "target": "goose", + "target_id": "99", + "is_test": "True" + }, + { + "": "7016", + "path": "n02481823/ILSVRC2012_val_00015148.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "gorilla", + "target_id": "366", + "is_test": "True" + }, + { + "": "6913", + "path": "n02480495/ILSVRC2012_val_00012167.JPEG", + "source": "orangutan", + "source_id": "365", + "target": "gorilla", + "target_id": "366", + "is_test": "True" + }, + { + "": "6912", + "path": "n02480495/ILSVRC2012_val_00011592.JPEG", + "source": "orangutan", + "source_id": "365", + "target": "gorilla", + "target_id": "366", + "is_test": "True" + }, + { + "": "7045", + "path": "n02481823/ILSVRC2012_val_00046703.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "gorilla", + "target_id": "366", + "is_test": "True" + }, + { + "": "529", + "path": "n01614925/ILSVRC2012_val_00034168.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "great grey owl", + "target_id": "24", + "is_test": "True" + }, + { + "": "503", + "path": "n01614925/ILSVRC2012_val_00006334.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "great grey owl", + "target_id": "24", + "is_test": "True" + }, + { + "": "507", + "path": "n01614925/ILSVRC2012_val_00008481.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "great grey owl", + "target_id": "24", + "is_test": "True" + }, + { + "": "484", + "path": "n01608432/ILSVRC2012_val_00033433.JPEG", + "source": "kite", + "source_id": "21", + "target": "great grey owl", + "target_id": "24", + "is_test": "True" + }, + { + "": "201", + "path": "n01494475/ILSVRC2012_val_00003558.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "great white shark", + "target_id": "2", + "is_test": "True" + }, + { + "": "232", + "path": "n01494475/ILSVRC2012_val_00031169.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "great white shark", + "target_id": "2", + "is_test": "True" + }, + { + "": "190", + "path": "n01491361/ILSVRC2012_val_00037516.JPEG", + "source": "tiger shark", + "source_id": "3", + "target": "great white shark", + "target_id": "2", + "is_test": "True" + }, + { + "": "249", + "path": "n01494475/ILSVRC2012_val_00049166.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "great white shark", + "target_id": "2", + "is_test": "True" + }, + { + "": "1134", + "path": "n01728572/ILSVRC2012_val_00033762.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "green mamba", + "target_id": "64", + "is_test": "True" + }, + { + "": "1394", + "path": "n01748264/ILSVRC2012_val_00045019.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "green mamba", + "target_id": "64", + "is_test": "True" + }, + { + "": "1292", + "path": "n01742172/ILSVRC2012_val_00042500.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "green mamba", + "target_id": "64", + "is_test": "True" + }, + { + "": "1240", + "path": "n01734418/ILSVRC2012_val_00032754.JPEG", + "source": "king snake", + "source_id": "56", + "target": "green mamba", + "target_id": "64", + "is_test": "True" + }, + { + "": "1536", + "path": "n01755581/ILSVRC2012_val_00038068.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "green snake", + "target_id": "55", + "is_test": "True" + }, + { + "": "1272", + "path": "n01742172/ILSVRC2012_val_00020401.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "green snake", + "target_id": "55", + "is_test": "True" + }, + { + "": "1360", + "path": "n01748264/ILSVRC2012_val_00014181.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "green snake", + "target_id": "55", + "is_test": "True" + }, + { + "": "1545", + "path": "n01755581/ILSVRC2012_val_00045418.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "green snake", + "target_id": "55", + "is_test": "True" + }, + { + "": "4703", + "path": "n02114367/ILSVRC2012_val_00001469.JPEG", + "source": "timber wolf", + "source_id": "269", + "target": "grey fox", + "target_id": "280", + "is_test": "True" + }, + { + "": "5087", + "path": "n02119022/ILSVRC2012_val_00035165.JPEG", + "source": "red fox", + "source_id": "277", + "target": "grey fox", + "target_id": "280", + "is_test": "True" + }, + { + "": "5078", + "path": "n02119022/ILSVRC2012_val_00029562.JPEG", + "source": "red fox", + "source_id": "277", + "target": "grey fox", + "target_id": "280", + "is_test": "True" + }, + { + "": "5058", + "path": "n02119022/ILSVRC2012_val_00006818.JPEG", + "source": "red fox", + "source_id": "277", + "target": "grey fox", + "target_id": "280", + "is_test": "True" + }, + { + "": "3211", + "path": "n02077923/ILSVRC2012_val_00012330.JPEG", + "source": "sea lion", + "source_id": "150", + "target": "grey whale", + "target_id": "147", + "is_test": "True" + }, + { + "": "3226", + "path": "n02077923/ILSVRC2012_val_00027024.JPEG", + "source": "sea lion", + "source_id": "150", + "target": "grey whale", + "target_id": "147", + "is_test": "True" + }, + { + "": "3213", + "path": "n02077923/ILSVRC2012_val_00013809.JPEG", + "source": "sea lion", + "source_id": "150", + "target": "grey whale", + "target_id": "147", + "is_test": "True" + }, + { + "": "3243", + "path": "n02077923/ILSVRC2012_val_00043549.JPEG", + "source": "sea lion", + "source_id": "150", + "target": "grey whale", + "target_id": "147", + "is_test": "True" + }, + { + "": "5965", + "path": "n02168699/ILSVRC2012_val_00017552.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "ground beetle", + "target_id": "302", + "is_test": "True" + }, + { + "": "5850", + "path": "n02165456/ILSVRC2012_val_00000625.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "ground beetle", + "target_id": "302", + "is_test": "True" + }, + { + "": "5876", + "path": "n02165456/ILSVRC2012_val_00027586.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "ground beetle", + "target_id": "302", + "is_test": "True" + }, + { + "": "5879", + "path": "n02165456/ILSVRC2012_val_00029943.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "ground beetle", + "target_id": "302", + "is_test": "True" + }, + { + "": "7316", + "path": "n02494079/ILSVRC2012_val_00018253.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "guenon", + "target_id": "370", + "is_test": "True" + }, + { + "": "7111", + "path": "n02486410/ILSVRC2012_val_00009799.JPEG", + "source": "baboon", + "source_id": "372", + "target": "guenon", + "target_id": "370", + "is_test": "True" + }, + { + "": "7176", + "path": "n02487347/ILSVRC2012_val_00027705.JPEG", + "source": "macaque", + "source_id": "373", + "target": "guenon", + "target_id": "370", + "is_test": "True" + }, + { + "": "7101", + "path": "n02486410/ILSVRC2012_val_00000945.JPEG", + "source": "baboon", + "source_id": "372", + "target": "guenon", + "target_id": "370", + "is_test": "True" + }, + { + "": "13543", + "path": "n13044778/ILSVRC2012_val_00044494.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "gyromitra", + "target_id": "993", + "is_test": "True" + }, + { + "": "13540", + "path": "n13044778/ILSVRC2012_val_00042840.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "gyromitra", + "target_id": "993", + "is_test": "True" + }, + { + "": "13541", + "path": "n13044778/ILSVRC2012_val_00043263.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "gyromitra", + "target_id": "993", + "is_test": "True" + }, + { + "": "13382", + "path": "n12985857/ILSVRC2012_val_00033845.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "gyromitra", + "target_id": "993", + "is_test": "True" + }, + { + "": "10655", + "path": "n03954731/ILSVRC2012_val_00004803.JPEG", + "source": "plane", + "source_id": "726", + "target": "hammer", + "target_id": "587", + "is_test": "True" + }, + { + "": "10687", + "path": "n03954731/ILSVRC2012_val_00037757.JPEG", + "source": "plane", + "source_id": "726", + "target": "hammer", + "target_id": "587", + "is_test": "True" + }, + { + "": "10692", + "path": "n03954731/ILSVRC2012_val_00039935.JPEG", + "source": "plane", + "source_id": "726", + "target": "hammer", + "target_id": "587", + "is_test": "True" + }, + { + "": "10652", + "path": "n03954731/ILSVRC2012_val_00001966.JPEG", + "source": "plane", + "source_id": "726", + "target": "hammer", + "target_id": "587", + "is_test": "True" + }, + { + "": "144", + "path": "n01484850/ILSVRC2012_val_00040710.JPEG", + "source": "great white shark", + "source_id": "2", + "target": "hammerhead", + "target_id": "4", + "is_test": "True" + }, + { + "": "106", + "path": "n01484850/ILSVRC2012_val_00014467.JPEG", + "source": "great white shark", + "source_id": "2", + "target": "hammerhead", + "target_id": "4", + "is_test": "True" + }, + { + "": "155", + "path": "n01491361/ILSVRC2012_val_00007875.JPEG", + "source": "tiger shark", + "source_id": "3", + "target": "hammerhead", + "target_id": "4", + "is_test": "True" + }, + { + "": "139", + "path": "n01484850/ILSVRC2012_val_00039304.JPEG", + "source": "great white shark", + "source_id": "2", + "target": "hammerhead", + "target_id": "4", + "is_test": "True" + }, + { + "": "8519", + "path": "n02992529/ILSVRC2012_val_00016828.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "hard disc", + "target_id": "592", + "is_test": "True" + }, + { + "": "8759", + "path": "n03085013/ILSVRC2012_val_00007754.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "hard disc", + "target_id": "592", + "is_test": "True" + }, + { + "": "8528", + "path": "n02992529/ILSVRC2012_val_00028116.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "hard disc", + "target_id": "592", + "is_test": "True" + }, + { + "": "8513", + "path": "n02992529/ILSVRC2012_val_00010737.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "hard disc", + "target_id": "592", + "is_test": "True" + }, + { + "": "13500", + "path": "n13044778/ILSVRC2012_val_00000755.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "hen-of-the-woods", + "target_id": "996", + "is_test": "True" + }, + { + "": "13424", + "path": "n13037406/ILSVRC2012_val_00023433.JPEG", + "source": "gyromitra", + "source_id": "993", + "target": "hen-of-the-woods", + "target_id": "996", + "is_test": "True" + }, + { + "": "13389", + "path": "n12985857/ILSVRC2012_val_00040193.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "hen-of-the-woods", + "target_id": "996", + "is_test": "True" + }, + { + "": "13646", + "path": "n13054560/ILSVRC2012_val_00048207.JPEG", + "source": "bolete", + "source_id": "997", + "target": "hen-of-the-woods", + "target_id": "996", + "is_test": "True" + }, + { + "": "2398", + "path": "n01983481/ILSVRC2012_val_00048837.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "hermit crab", + "target_id": "125", + "is_test": "True" + }, + { + "": "2390", + "path": "n01983481/ILSVRC2012_val_00039303.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "hermit crab", + "target_id": "125", + "is_test": "True" + }, + { + "": "2418", + "path": "n01985128/ILSVRC2012_val_00013932.JPEG", + "source": "crayfish", + "source_id": "124", + "target": "hermit crab", + "target_id": "125", + "is_test": "True" + }, + { + "": "2319", + "path": "n01981276/ILSVRC2012_val_00012713.JPEG", + "source": "king crab", + "source_id": "121", + "target": "hermit crab", + "target_id": "125", + "is_test": "True" + }, + { + "": "1369", + "path": "n01748264/ILSVRC2012_val_00021215.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "horned viper", + "target_id": "66", + "is_test": "True" + }, + { + "": "1235", + "path": "n01734418/ILSVRC2012_val_00028503.JPEG", + "source": "king snake", + "source_id": "56", + "target": "horned viper", + "target_id": "66", + "is_test": "True" + }, + { + "": "1122", + "path": "n01728572/ILSVRC2012_val_00022901.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "horned viper", + "target_id": "66", + "is_test": "True" + }, + { + "": "1186", + "path": "n01729977/ILSVRC2012_val_00030719.JPEG", + "source": "green snake", + "source_id": "55", + "target": "horned viper", + "target_id": "66", + "is_test": "True" + }, + { + "": "12382", + "path": "n07697313/ILSVRC2012_val_00038898.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "hotdog", + "target_id": "934", + "is_test": "True" + }, + { + "": "12362", + "path": "n07697313/ILSVRC2012_val_00016999.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "hotdog", + "target_id": "934", + "is_test": "True" + }, + { + "": "12365", + "path": "n07697313/ILSVRC2012_val_00018040.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "hotdog", + "target_id": "934", + "is_test": "True" + }, + { + "": "12371", + "path": "n07697313/ILSVRC2012_val_00027479.JPEG", + "source": "cheeseburger", + "source_id": "933", + "target": "hotdog", + "target_id": "934", + "is_test": "True" + }, + { + "": "385", + "path": "n01534433/ILSVRC2012_val_00029999.JPEG", + "source": "junco", + "source_id": "13", + "target": "house finch", + "target_id": "12", + "is_test": "True" + }, + { + "": "378", + "path": "n01534433/ILSVRC2012_val_00017970.JPEG", + "source": "junco", + "source_id": "13", + "target": "house finch", + "target_id": "12", + "is_test": "True" + }, + { + "": "271", + "path": "n01531178/ILSVRC2012_val_00019236.JPEG", + "source": "goldfinch", + "source_id": "11", + "target": "house finch", + "target_id": "12", + "is_test": "True" + }, + { + "": "370", + "path": "n01534433/ILSVRC2012_val_00014108.JPEG", + "source": "junco", + "source_id": "13", + "target": "house finch", + "target_id": "12", + "is_test": "True" + }, + { + "": "4832", + "path": "n02114712/ILSVRC2012_val_00033911.JPEG", + "source": "red wolf", + "source_id": "271", + "target": "hyena", + "target_id": "276", + "is_test": "True" + }, + { + "": "5067", + "path": "n02119022/ILSVRC2012_val_00014133.JPEG", + "source": "red fox", + "source_id": "277", + "target": "hyena", + "target_id": "276", + "is_test": "True" + }, + { + "": "5086", + "path": "n02119022/ILSVRC2012_val_00034084.JPEG", + "source": "red fox", + "source_id": "277", + "target": "hyena", + "target_id": "276", + "is_test": "True" + }, + { + "": "4816", + "path": "n02114712/ILSVRC2012_val_00017288.JPEG", + "source": "red wolf", + "source_id": "271", + "target": "hyena", + "target_id": "276", + "is_test": "True" + }, + { + "": "8791", + "path": "n03085013/ILSVRC2012_val_00042686.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "iPod", + "target_id": "605", + "is_test": "True" + }, + { + "": "9810", + "path": "n03492542/ILSVRC2012_val_00010204.JPEG", + "source": "hard disc", + "source_id": "592", + "target": "iPod", + "target_id": "605", + "is_test": "True" + }, + { + "": "9806", + "path": "n03492542/ILSVRC2012_val_00006167.JPEG", + "source": "hard disc", + "source_id": "592", + "target": "iPod", + "target_id": "605", + "is_test": "True" + }, + { + "": "8795", + "path": "n03085013/ILSVRC2012_val_00045473.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "iPod", + "target_id": "605", + "is_test": "True" + }, + { + "": "6894", + "path": "n02423022/ILSVRC2012_val_00044567.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "ibex", + "target_id": "350", + "is_test": "True" + }, + { + "": "6503", + "path": "n02403003/ILSVRC2012_val_00004751.JPEG", + "source": "ox", + "source_id": "345", + "target": "ibex", + "target_id": "350", + "is_test": "True" + }, + { + "": "6642", + "path": "n02410509/ILSVRC2012_val_00043684.JPEG", + "source": "bison", + "source_id": "347", + "target": "ibex", + "target_id": "350", + "is_test": "True" + }, + { + "": "6644", + "path": "n02410509/ILSVRC2012_val_00044556.JPEG", + "source": "bison", + "source_id": "347", + "target": "ibex", + "target_id": "350", + "is_test": "True" + }, + { + "": "5611", + "path": "n02132136/ILSVRC2012_val_00015955.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "ice bear", + "target_id": "296", + "is_test": "True" + }, + { + "": "5616", + "path": "n02132136/ILSVRC2012_val_00018469.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "ice bear", + "target_id": "296", + "is_test": "True" + }, + { + "": "5691", + "path": "n02133161/ILSVRC2012_val_00042882.JPEG", + "source": "American black bear", + "source_id": "295", + "target": "ice bear", + "target_id": "296", + "is_test": "True" + }, + { + "": "7411", + "path": "n02510455/ILSVRC2012_val_00012542.JPEG", + "source": "giant panda", + "source_id": "388", + "target": "ice bear", + "target_id": "296", + "is_test": "True" + }, + { + "": "6796", + "path": "n02417914/ILSVRC2012_val_00044074.JPEG", + "source": "ibex", + "source_id": "350", + "target": "impala", + "target_id": "352", + "is_test": "True" + }, + { + "": "6768", + "path": "n02417914/ILSVRC2012_val_00021563.JPEG", + "source": "ibex", + "source_id": "350", + "target": "impala", + "target_id": "352", + "is_test": "True" + }, + { + "": "6860", + "path": "n02423022/ILSVRC2012_val_00013417.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "impala", + "target_id": "352", + "is_test": "True" + }, + { + "": "6896", + "path": "n02423022/ILSVRC2012_val_00046413.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "impala", + "target_id": "352", + "is_test": "True" + }, + { + "": "281", + "path": "n01531178/ILSVRC2012_val_00029740.JPEG", + "source": "goldfinch", + "source_id": "11", + "target": "indigo bunting", + "target_id": "14", + "is_test": "True" + }, + { + "": "255", + "path": "n01531178/ILSVRC2012_val_00004243.JPEG", + "source": "goldfinch", + "source_id": "11", + "target": "indigo bunting", + "target_id": "14", + "is_test": "True" + }, + { + "": "377", + "path": "n01534433/ILSVRC2012_val_00017712.JPEG", + "source": "junco", + "source_id": "13", + "target": "indigo bunting", + "target_id": "14", + "is_test": "True" + }, + { + "": "357", + "path": "n01534433/ILSVRC2012_val_00004577.JPEG", + "source": "junco", + "source_id": "13", + "target": "indigo bunting", + "target_id": "14", + "is_test": "True" + }, + { + "": "2347", + "path": "n01981276/ILSVRC2012_val_00046611.JPEG", + "source": "king crab", + "source_id": "121", + "target": "isopod", + "target_id": "126", + "is_test": "True" + }, + { + "": "2497", + "path": "n01986214/ILSVRC2012_val_00046344.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "isopod", + "target_id": "126", + "is_test": "True" + }, + { + "": "2495", + "path": "n01986214/ILSVRC2012_val_00041366.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "isopod", + "target_id": "126", + "is_test": "True" + }, + { + "": "2359", + "path": "n01983481/ILSVRC2012_val_00009251.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "isopod", + "target_id": "126", + "is_test": "True" + }, + { + "": "5555", + "path": "n02130308/ILSVRC2012_val_00006239.JPEG", + "source": "cheetah", + "source_id": "293", + "target": "jaguar", + "target_id": "290", + "is_test": "True" + }, + { + "": "5575", + "path": "n02130308/ILSVRC2012_val_00022327.JPEG", + "source": "cheetah", + "source_id": "293", + "target": "jaguar", + "target_id": "290", + "is_test": "True" + }, + { + "": "5532", + "path": "n02129604/ILSVRC2012_val_00034256.JPEG", + "source": "tiger", + "source_id": "292", + "target": "jaguar", + "target_id": "290", + "is_test": "True" + }, + { + "": "5524", + "path": "n02129604/ILSVRC2012_val_00029635.JPEG", + "source": "tiger", + "source_id": "292", + "target": "jaguar", + "target_id": "290", + "is_test": "True" + }, + { + "": "10296", + "path": "n03770679/ILSVRC2012_val_00046793.JPEG", + "source": "minivan", + "source_id": "656", + "target": "jeep", + "target_id": "609", + "is_test": "True" + }, + { + "": "8260", + "path": "n02930766/ILSVRC2012_val_00010637.JPEG", + "source": "cab", + "source_id": "468", + "target": "jeep", + "target_id": "609", + "is_test": "True" + }, + { + "": "10270", + "path": "n03770679/ILSVRC2012_val_00018768.JPEG", + "source": "minivan", + "source_id": "656", + "target": "jeep", + "target_id": "609", + "is_test": "True" + }, + { + "": "10284", + "path": "n03770679/ILSVRC2012_val_00037492.JPEG", + "source": "minivan", + "source_id": "656", + "target": "jeep", + "target_id": "609", + "is_test": "True" + }, + { + "": "422", + "path": "n01537544/ILSVRC2012_val_00025428.JPEG", + "source": "indigo bunting", + "source_id": "14", + "target": "junco", + "target_id": "13", + "is_test": "True" + }, + { + "": "344", + "path": "n01532829/ILSVRC2012_val_00045623.JPEG", + "source": "house finch", + "source_id": "12", + "target": "junco", + "target_id": "13", + "is_test": "True" + }, + { + "": "292", + "path": "n01531178/ILSVRC2012_val_00035254.JPEG", + "source": "goldfinch", + "source_id": "11", + "target": "junco", + "target_id": "13", + "is_test": "True" + }, + { + "": "334", + "path": "n01532829/ILSVRC2012_val_00028791.JPEG", + "source": "house finch", + "source_id": "12", + "target": "junco", + "target_id": "13", + "is_test": "True" + }, + { + "": "3227", + "path": "n02077923/ILSVRC2012_val_00027457.JPEG", + "source": "sea lion", + "source_id": "150", + "target": "killer whale", + "target_id": "148", + "is_test": "True" + }, + { + "": "3077", + "path": "n02066245/ILSVRC2012_val_00022105.JPEG", + "source": "grey whale", + "source_id": "147", + "target": "killer whale", + "target_id": "148", + "is_test": "True" + }, + { + "": "3068", + "path": "n02066245/ILSVRC2012_val_00015203.JPEG", + "source": "grey whale", + "source_id": "147", + "target": "killer whale", + "target_id": "148", + "is_test": "True" + }, + { + "": "3163", + "path": "n02074367/ILSVRC2012_val_00011012.JPEG", + "source": "dugong", + "source_id": "149", + "target": "killer whale", + "target_id": "148", + "is_test": "True" + }, + { + "": "2428", + "path": "n01985128/ILSVRC2012_val_00022720.JPEG", + "source": "crayfish", + "source_id": "124", + "target": "king crab", + "target_id": "121", + "is_test": "True" + }, + { + "": "2482", + "path": "n01986214/ILSVRC2012_val_00031943.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "king crab", + "target_id": "121", + "is_test": "True" + }, + { + "": "2434", + "path": "n01985128/ILSVRC2012_val_00027920.JPEG", + "source": "crayfish", + "source_id": "124", + "target": "king crab", + "target_id": "121", + "is_test": "True" + }, + { + "": "2456", + "path": "n01986214/ILSVRC2012_val_00004444.JPEG", + "source": "hermit crab", + "source_id": "125", + "target": "king crab", + "target_id": "121", + "is_test": "True" + }, + { + "": "2143", + "path": "n01860187/ILSVRC2012_val_00044422.JPEG", + "source": "black swan", + "source_id": "100", + "target": "king penguin", + "target_id": "145", + "is_test": "True" + }, + { + "": "2929", + "path": "n02051845/ILSVRC2012_val_00032780.JPEG", + "source": "pelican", + "source_id": "144", + "target": "king penguin", + "target_id": "145", + "is_test": "True" + }, + { + "": "2148", + "path": "n01860187/ILSVRC2012_val_00048039.JPEG", + "source": "black swan", + "source_id": "100", + "target": "king penguin", + "target_id": "145", + "is_test": "True" + }, + { + "": "2108", + "path": "n01860187/ILSVRC2012_val_00007343.JPEG", + "source": "black swan", + "source_id": "100", + "target": "king penguin", + "target_id": "145", + "is_test": "True" + }, + { + "": "1485", + "path": "n01753488/ILSVRC2012_val_00041616.JPEG", + "source": "horned viper", + "source_id": "66", + "target": "king snake", + "target_id": "56", + "is_test": "True" + }, + { + "": "1112", + "path": "n01728572/ILSVRC2012_val_00016095.JPEG", + "source": "thunder snake", + "source_id": "52", + "target": "king snake", + "target_id": "56", + "is_test": "True" + }, + { + "": "1402", + "path": "n01749939/ILSVRC2012_val_00001578.JPEG", + "source": "green mamba", + "source_id": "64", + "target": "king snake", + "target_id": "56", + "is_test": "True" + }, + { + "": "1511", + "path": "n01755581/ILSVRC2012_val_00015622.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "king snake", + "target_id": "56", + "is_test": "True" + }, + { + "": "583", + "path": "n01622779/ILSVRC2012_val_00027627.JPEG", + "source": "great grey owl", + "source_id": "24", + "target": "kite", + "target_id": "21", + "is_test": "True" + }, + { + "": "585", + "path": "n01622779/ILSVRC2012_val_00031144.JPEG", + "source": "great grey owl", + "source_id": "24", + "target": "kite", + "target_id": "21", + "is_test": "True" + }, + { + "": "515", + "path": "n01614925/ILSVRC2012_val_00017994.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "kite", + "target_id": "21", + "is_test": "True" + }, + { + "": "521", + "path": "n01614925/ILSVRC2012_val_00026614.JPEG", + "source": "bald eagle", + "source_id": "22", + "target": "kite", + "target_id": "21", + "is_test": "True" + }, + { + "": "5966", + "path": "n02168699/ILSVRC2012_val_00017727.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "ladybug", + "target_id": "301", + "is_test": "True" + }, + { + "": "5993", + "path": "n02168699/ILSVRC2012_val_00045910.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "ladybug", + "target_id": "301", + "is_test": "True" + }, + { + "": "6053", + "path": "n02177972/ILSVRC2012_val_00006121.JPEG", + "source": "weevil", + "source_id": "307", + "target": "ladybug", + "target_id": "301", + "is_test": "True" + }, + { + "": "5963", + "path": "n02168699/ILSVRC2012_val_00015056.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "ladybug", + "target_id": "301", + "is_test": "True" + }, + { + "": "9894", + "path": "n03584254/ILSVRC2012_val_00044784.JPEG", + "source": "iPod", + "source_id": "605", + "target": "laptop", + "target_id": "620", + "is_test": "True" + }, + { + "": "9881", + "path": "n03584254/ILSVRC2012_val_00037190.JPEG", + "source": "iPod", + "source_id": "605", + "target": "laptop", + "target_id": "620", + "is_test": "True" + }, + { + "": "8541", + "path": "n02992529/ILSVRC2012_val_00039592.JPEG", + "source": "cellular telephone", + "source_id": "487", + "target": "laptop", + "target_id": "620", + "is_test": "True" + }, + { + "": "8775", + "path": "n03085013/ILSVRC2012_val_00026428.JPEG", + "source": "computer keyboard", + "source_id": "508", + "target": "laptop", + "target_id": "620", + "is_test": "True" + }, + { + "": "5890", + "path": "n02165456/ILSVRC2012_val_00036251.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "leaf beetle", + "target_id": "304", + "is_test": "True" + }, + { + "": "5891", + "path": "n02165456/ILSVRC2012_val_00036486.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "leaf beetle", + "target_id": "304", + "is_test": "True" + }, + { + "": "5884", + "path": "n02165456/ILSVRC2012_val_00031903.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "leaf beetle", + "target_id": "304", + "is_test": "True" + }, + { + "": "5888", + "path": "n02165456/ILSVRC2012_val_00035694.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "leaf beetle", + "target_id": "304", + "is_test": "True" + }, + { + "": "12948", + "path": "n07742313/ILSVRC2012_val_00046718.JPEG", + "source": "Granny Smith", + "source_id": "948", + "target": "lemon", + "target_id": "951", + "is_test": "True" + }, + { + "": "13275", + "path": "n07760859/ILSVRC2012_val_00024711.JPEG", + "source": "custard apple", + "source_id": "956", + "target": "lemon", + "target_id": "951", + "is_test": "True" + }, + { + "": "13236", + "path": "n07753592/ILSVRC2012_val_00036580.JPEG", + "source": "banana", + "source_id": "954", + "target": "lemon", + "target_id": "951", + "is_test": "True" + }, + { + "": "12930", + "path": "n07742313/ILSVRC2012_val_00034820.JPEG", + "source": "Granny Smith", + "source_id": "948", + "target": "lemon", + "target_id": "951", + "is_test": "True" + }, + { + "": "5271", + "path": "n02123394/ILSVRC2012_val_00014216.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "leopard", + "target_id": "288", + "is_test": "True" + }, + { + "": "5533", + "path": "n02129604/ILSVRC2012_val_00034321.JPEG", + "source": "tiger", + "source_id": "292", + "target": "leopard", + "target_id": "288", + "is_test": "True" + }, + { + "": "5498", + "path": "n02129165/ILSVRC2012_val_00049018.JPEG", + "source": "lion", + "source_id": "291", + "target": "leopard", + "target_id": "288", + "is_test": "True" + }, + { + "": "5473", + "path": "n02129165/ILSVRC2012_val_00024234.JPEG", + "source": "lion", + "source_id": "291", + "target": "leopard", + "target_id": "288", + "is_test": "True" + }, + { + "": "5793", + "path": "n02134418/ILSVRC2012_val_00045098.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "lesser panda", + "target_id": "387", + "is_test": "True" + }, + { + "": "5655", + "path": "n02133161/ILSVRC2012_val_00007093.JPEG", + "source": "American black bear", + "source_id": "295", + "target": "lesser panda", + "target_id": "387", + "is_test": "True" + }, + { + "": "7436", + "path": "n02510455/ILSVRC2012_val_00034060.JPEG", + "source": "giant panda", + "source_id": "388", + "target": "lesser panda", + "target_id": "387", + "is_test": "True" + }, + { + "": "5768", + "path": "n02134418/ILSVRC2012_val_00023812.JPEG", + "source": "sloth bear", + "source_id": "297", + "target": "lesser panda", + "target_id": "387", + "is_test": "True" + }, + { + "": "9692", + "path": "n03447447/ILSVRC2012_val_00042282.JPEG", + "source": "gondola", + "source_id": "576", + "target": "lifeboat", + "target_id": "625", + "is_test": "True" + }, + { + "": "9346", + "path": "n03344393/ILSVRC2012_val_00046561.JPEG", + "source": "fireboat", + "source_id": "554", + "target": "lifeboat", + "target_id": "625", + "is_test": "True" + }, + { + "": "9679", + "path": "n03447447/ILSVRC2012_val_00027865.JPEG", + "source": "gondola", + "source_id": "576", + "target": "lifeboat", + "target_id": "625", + "is_test": "True" + }, + { + "": "9665", + "path": "n03447447/ILSVRC2012_val_00016468.JPEG", + "source": "gondola", + "source_id": "576", + "target": "lifeboat", + "target_id": "625", + "is_test": "True" + }, + { + "": "8118", + "path": "n02814533/ILSVRC2012_val_00018335.JPEG", + "source": "beach wagon", + "source_id": "436", + "target": "limousine", + "target_id": "627", + "is_test": "True" + }, + { + "": "8103", + "path": "n02814533/ILSVRC2012_val_00006084.JPEG", + "source": "beach wagon", + "source_id": "436", + "target": "limousine", + "target_id": "627", + "is_test": "True" + }, + { + "": "8136", + "path": "n02814533/ILSVRC2012_val_00037112.JPEG", + "source": "beach wagon", + "source_id": "436", + "target": "limousine", + "target_id": "627", + "is_test": "True" + }, + { + "": "8272", + "path": "n02930766/ILSVRC2012_val_00023507.JPEG", + "source": "cab", + "source_id": "468", + "target": "limousine", + "target_id": "627", + "is_test": "True" + }, + { + "": "5444", + "path": "n02128925/ILSVRC2012_val_00045488.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "lion", + "target_id": "291", + "is_test": "True" + }, + { + "": "5535", + "path": "n02129604/ILSVRC2012_val_00035494.JPEG", + "source": "tiger", + "source_id": "292", + "target": "lion", + "target_id": "291", + "is_test": "True" + }, + { + "": "5542", + "path": "n02129604/ILSVRC2012_val_00040630.JPEG", + "source": "tiger", + "source_id": "292", + "target": "lion", + "target_id": "291", + "is_test": "True" + }, + { + "": "5247", + "path": "n02123045/ILSVRC2012_val_00045239.JPEG", + "source": "tabby", + "source_id": "281", + "target": "lion", + "target_id": "291", + "is_test": "True" + }, + { + "": "18", + "path": "n01440764/ILSVRC2012_val_00017700.JPEG", + "source": "tench", + "source_id": "0", + "target": "lionfish", + "target_id": "396", + "is_test": "True" + }, + { + "": "6", + "path": "n01440764/ILSVRC2012_val_00009191.JPEG", + "source": "tench", + "source_id": "0", + "target": "lionfish", + "target_id": "396", + "is_test": "True" + }, + { + "": "51", + "path": "n01443537/ILSVRC2012_val_00000262.JPEG", + "source": "goldfish", + "source_id": "1", + "target": "lionfish", + "target_id": "396", + "is_test": "True" + }, + { + "": "7537", + "path": "n02607072/ILSVRC2012_val_00031305.JPEG", + "source": "anemone fish", + "source_id": "393", + "target": "lionfish", + "target_id": "396", + "is_test": "True" + }, + { + "": "2892", + "path": "n02037110/ILSVRC2012_val_00041535.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "little blue heron", + "target_id": "131", + "is_test": "True" + }, + { + "": "2606", + "path": "n02006656/ILSVRC2012_val_00002953.JPEG", + "source": "spoonbill", + "source_id": "129", + "target": "little blue heron", + "target_id": "131", + "is_test": "True" + }, + { + "": "2875", + "path": "n02037110/ILSVRC2012_val_00026476.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "little blue heron", + "target_id": "131", + "is_test": "True" + }, + { + "": "2857", + "path": "n02037110/ILSVRC2012_val_00008737.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "little blue heron", + "target_id": "131", + "is_test": "True" + }, + { + "": "6049", + "path": "n02169497/ILSVRC2012_val_00049845.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "long-horned beetle", + "target_id": "303", + "is_test": "True" + }, + { + "": "5837", + "path": "n02165105/ILSVRC2012_val_00036417.JPEG", + "source": "tiger beetle", + "source_id": "300", + "target": "long-horned beetle", + "target_id": "303", + "is_test": "True" + }, + { + "": "6044", + "path": "n02169497/ILSVRC2012_val_00047901.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "long-horned beetle", + "target_id": "303", + "is_test": "True" + }, + { + "": "5831", + "path": "n02165105/ILSVRC2012_val_00031945.JPEG", + "source": "tiger beetle", + "source_id": "300", + "target": "long-horned beetle", + "target_id": "303", + "is_test": "True" + }, + { + "": "6346", + "path": "n02281406/ILSVRC2012_val_00047683.JPEG", + "source": "sulphur butterfly", + "source_id": "325", + "target": "lycaenid", + "target_id": "326", + "is_test": "True" + }, + { + "": "6214", + "path": "n02279972/ILSVRC2012_val_00014310.JPEG", + "source": "monarch", + "source_id": "323", + "target": "lycaenid", + "target_id": "326", + "is_test": "True" + }, + { + "": "6121", + "path": "n02276258/ILSVRC2012_val_00023523.JPEG", + "source": "admiral", + "source_id": "321", + "target": "lycaenid", + "target_id": "326", + "is_test": "True" + }, + { + "": "6254", + "path": "n02280649/ILSVRC2012_val_00007368.JPEG", + "source": "cabbage butterfly", + "source_id": "324", + "target": "lycaenid", + "target_id": "326", + "is_test": "True" + }, + { + "": "7237", + "path": "n02492035/ILSVRC2012_val_00037084.JPEG", + "source": "capuchin", + "source_id": "378", + "target": "macaque", + "target_id": "373", + "is_test": "True" + }, + { + "": "7344", + "path": "n02494079/ILSVRC2012_val_00043576.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "macaque", + "target_id": "373", + "is_test": "True" + }, + { + "": "7342", + "path": "n02494079/ILSVRC2012_val_00042708.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "macaque", + "target_id": "373", + "is_test": "True" + }, + { + "": "7055", + "path": "n02484975/ILSVRC2012_val_00002334.JPEG", + "source": "guenon", + "source_id": "370", + "target": "macaque", + "target_id": "373", + "is_test": "True" + }, + { + "": "9737", + "path": "n03447721/ILSVRC2012_val_00035792.JPEG", + "source": "gong", + "source_id": "577", + "target": "maraca", + "target_id": "641", + "is_test": "True" + }, + { + "": "11520", + "path": "n04311174/ILSVRC2012_val_00019940.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "maraca", + "target_id": "641", + "is_test": "True" + }, + { + "": "9721", + "path": "n03447721/ILSVRC2012_val_00016503.JPEG", + "source": "gong", + "source_id": "577", + "target": "maraca", + "target_id": "641", + "is_test": "True" + }, + { + "": "9704", + "path": "n03447721/ILSVRC2012_val_00002842.JPEG", + "source": "gong", + "source_id": "577", + "target": "maraca", + "target_id": "641", + "is_test": "True" + }, + { + "": "8571", + "path": "n03017168/ILSVRC2012_val_00026592.JPEG", + "source": "chime", + "source_id": "494", + "target": "marimba", + "target_id": "642", + "is_test": "True" + }, + { + "": "11501", + "path": "n04311174/ILSVRC2012_val_00005668.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "marimba", + "target_id": "642", + "is_test": "True" + }, + { + "": "8591", + "path": "n03017168/ILSVRC2012_val_00043454.JPEG", + "source": "chime", + "source_id": "494", + "target": "marimba", + "target_id": "642", + "is_test": "True" + }, + { + "": "11532", + "path": "n04311174/ILSVRC2012_val_00033204.JPEG", + "source": "steel drum", + "source_id": "822", + "target": "marimba", + "target_id": "642", + "is_test": "True" + }, + { + "": "8192", + "path": "n02823428/ILSVRC2012_val_00040545.JPEG", + "source": "beer bottle", + "source_id": "440", + "target": "measuring cup", + "target_id": "647", + "is_test": "True" + }, + { + "": "11600", + "path": "n04398044/ILSVRC2012_val_00000464.JPEG", + "source": "teapot", + "source_id": "849", + "target": "measuring cup", + "target_id": "647", + "is_test": "True" + }, + { + "": "12187", + "path": "n04557648/ILSVRC2012_val_00038312.JPEG", + "source": "water bottle", + "source_id": "898", + "target": "measuring cup", + "target_id": "647", + "is_test": "True" + }, + { + "": "12170", + "path": "n04557648/ILSVRC2012_val_00020977.JPEG", + "source": "water bottle", + "source_id": "898", + "target": "measuring cup", + "target_id": "647", + "is_test": "True" + }, + { + "": "4406", + "path": "n02106662/ILSVRC2012_val_00005662.JPEG", + "source": "German shepherd", + "source_id": "235", + "target": "miniature pinscher", + "target_id": "237", + "is_test": "True" + }, + { + "": "4379", + "path": "n02106550/ILSVRC2012_val_00033334.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "miniature pinscher", + "target_id": "237", + "is_test": "True" + }, + { + "": "4359", + "path": "n02106550/ILSVRC2012_val_00014315.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "miniature pinscher", + "target_id": "237", + "is_test": "True" + }, + { + "": "4355", + "path": "n02106550/ILSVRC2012_val_00012085.JPEG", + "source": "Rottweiler", + "source_id": "234", + "target": "miniature pinscher", + "target_id": "237", + "is_test": "True" + }, + { + "": "7796", + "path": "n02701002/ILSVRC2012_val_00046706.JPEG", + "source": "ambulance", + "source_id": "407", + "target": "minivan", + "target_id": "656", + "is_test": "True" + }, + { + "": "8294", + "path": "n02930766/ILSVRC2012_val_00041920.JPEG", + "source": "cab", + "source_id": "468", + "target": "minivan", + "target_id": "656", + "is_test": "True" + }, + { + "": "11781", + "path": "n04467665/ILSVRC2012_val_00030748.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "minivan", + "target_id": "656", + "is_test": "True" + }, + { + "": "11035", + "path": "n04146614/ILSVRC2012_val_00031870.JPEG", + "source": "school bus", + "source_id": "779", + "target": "minivan", + "target_id": "656", + "is_test": "True" + }, + { + "": "6393", + "path": "n02281787/ILSVRC2012_val_00043381.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "monarch", + "target_id": "323", + "is_test": "True" + }, + { + "": "6263", + "path": "n02280649/ILSVRC2012_val_00014909.JPEG", + "source": "cabbage butterfly", + "source_id": "324", + "target": "monarch", + "target_id": "323", + "is_test": "True" + }, + { + "": "6334", + "path": "n02281406/ILSVRC2012_val_00038721.JPEG", + "source": "sulphur butterfly", + "source_id": "325", + "target": "monarch", + "target_id": "323", + "is_test": "True" + }, + { + "": "6186", + "path": "n02277742/ILSVRC2012_val_00035399.JPEG", + "source": "ringlet", + "source_id": "322", + "target": "monarch", + "target_id": "323", + "is_test": "True" + }, + { + "": "10438", + "path": "n03792782/ILSVRC2012_val_00042393.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "moped", + "target_id": "665", + "is_test": "True" + }, + { + "": "11821", + "path": "n04482393/ILSVRC2012_val_00023808.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "moped", + "target_id": "665", + "is_test": "True" + }, + { + "": "10409", + "path": "n03792782/ILSVRC2012_val_00011330.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "moped", + "target_id": "665", + "is_test": "True" + }, + { + "": "10379", + "path": "n03791053/ILSVRC2012_val_00030174.JPEG", + "source": "motor scooter", + "source_id": "670", + "target": "moped", + "target_id": "665", + "is_test": "True" + }, + { + "": "10427", + "path": "n03792782/ILSVRC2012_val_00030892.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "motor scooter", + "target_id": "670", + "is_test": "True" + }, + { + "": "11843", + "path": "n04482393/ILSVRC2012_val_00041965.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "motor scooter", + "target_id": "670", + "is_test": "True" + }, + { + "": "10346", + "path": "n03785016/ILSVRC2012_val_00048569.JPEG", + "source": "moped", + "source_id": "665", + "target": "motor scooter", + "target_id": "670", + "is_test": "True" + }, + { + "": "10305", + "path": "n03785016/ILSVRC2012_val_00004104.JPEG", + "source": "moped", + "source_id": "665", + "target": "motor scooter", + "target_id": "670", + "is_test": "True" + }, + { + "": "11990", + "path": "n04509417/ILSVRC2012_val_00038319.JPEG", + "source": "unicycle", + "source_id": "880", + "target": "mountain bike", + "target_id": "671", + "is_test": "True" + }, + { + "": "10364", + "path": "n03791053/ILSVRC2012_val_00014286.JPEG", + "source": "motor scooter", + "source_id": "670", + "target": "mountain bike", + "target_id": "671", + "is_test": "True" + }, + { + "": "11841", + "path": "n04482393/ILSVRC2012_val_00041594.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "mountain bike", + "target_id": "671", + "is_test": "True" + }, + { + "": "10304", + "path": "n03785016/ILSVRC2012_val_00003853.JPEG", + "source": "moped", + "source_id": "665", + "target": "mountain bike", + "target_id": "671", + "is_test": "True" + }, + { + "": "1092", + "path": "n01669191/ILSVRC2012_val_00040287.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "mud turtle", + "target_id": "35", + "is_test": "True" + }, + { + "": "1072", + "path": "n01669191/ILSVRC2012_val_00017222.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "mud turtle", + "target_id": "35", + "is_test": "True" + }, + { + "": "1046", + "path": "n01667778/ILSVRC2012_val_00040787.JPEG", + "source": "terrapin", + "source_id": "36", + "target": "mud turtle", + "target_id": "35", + "is_test": "True" + }, + { + "": "1080", + "path": "n01669191/ILSVRC2012_val_00030343.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "mud turtle", + "target_id": "35", + "is_test": "True" + }, + { + "": "9518", + "path": "n03394916/ILSVRC2012_val_00017407.JPEG", + "source": "French horn", + "source_id": "566", + "target": "oboe", + "target_id": "683", + "is_test": "True" + }, + { + "": "8888", + "path": "n03110669/ILSVRC2012_val_00037364.JPEG", + "source": "cornet", + "source_id": "513", + "target": "oboe", + "target_id": "683", + "is_test": "True" + }, + { + "": "11919", + "path": "n04487394/ILSVRC2012_val_00018346.JPEG", + "source": "trombone", + "source_id": "875", + "target": "oboe", + "target_id": "683", + "is_test": "True" + }, + { + "": "10966", + "path": "n04141076/ILSVRC2012_val_00020715.JPEG", + "source": "sax", + "source_id": "776", + "target": "oboe", + "target_id": "683", + "is_test": "True" + }, + { + "": "12142", + "path": "n04548280/ILSVRC2012_val_00041547.JPEG", + "source": "wall clock", + "source_id": "892", + "target": "odometer", + "target_id": "685", + "is_test": "True" + }, + { + "": "12137", + "path": "n04548280/ILSVRC2012_val_00036318.JPEG", + "source": "wall clock", + "source_id": "892", + "target": "odometer", + "target_id": "685", + "is_test": "True" + }, + { + "": "9118", + "path": "n03197337/ILSVRC2012_val_00017597.JPEG", + "source": "digital watch", + "source_id": "531", + "target": "odometer", + "target_id": "685", + "is_test": "True" + }, + { + "": "9058", + "path": "n03196217/ILSVRC2012_val_00013767.JPEG", + "source": "digital clock", + "source_id": "530", + "target": "odometer", + "target_id": "685", + "is_test": "True" + }, + { + "": "13266", + "path": "n07760859/ILSVRC2012_val_00011441.JPEG", + "source": "custard apple", + "source_id": "956", + "target": "orange", + "target_id": "950", + "is_test": "True" + }, + { + "": "13343", + "path": "n07768694/ILSVRC2012_val_00036732.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "orange", + "target_id": "950", + "is_test": "True" + }, + { + "": "12990", + "path": "n07745940/ILSVRC2012_val_00035445.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "orange", + "target_id": "950", + "is_test": "True" + }, + { + "": "13064", + "path": "n07749582/ILSVRC2012_val_00017842.JPEG", + "source": "lemon", + "source_id": "951", + "target": "orange", + "target_id": "950", + "is_test": "True" + }, + { + "": "7032", + "path": "n02481823/ILSVRC2012_val_00033537.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "orangutan", + "target_id": "365", + "is_test": "True" + }, + { + "": "7031", + "path": "n02481823/ILSVRC2012_val_00032684.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "orangutan", + "target_id": "365", + "is_test": "True" + }, + { + "": "7035", + "path": "n02481823/ILSVRC2012_val_00037790.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "orangutan", + "target_id": "365", + "is_test": "True" + }, + { + "": "7029", + "path": "n02481823/ILSVRC2012_val_00030426.JPEG", + "source": "chimpanzee", + "source_id": "367", + "target": "orangutan", + "target_id": "365", + "is_test": "True" + }, + { + "": "3535", + "path": "n02088094/ILSVRC2012_val_00042097.JPEG", + "source": "Afghan hound", + "source_id": "160", + "target": "otterhound", + "target_id": "175", + "is_test": "True" + }, + { + "": "3626", + "path": "n02088364/ILSVRC2012_val_00027989.JPEG", + "source": "beagle", + "source_id": "162", + "target": "otterhound", + "target_id": "175", + "is_test": "True" + }, + { + "": "3663", + "path": "n02089973/ILSVRC2012_val_00007850.JPEG", + "source": "English foxhound", + "source_id": "167", + "target": "otterhound", + "target_id": "175", + "is_test": "True" + }, + { + "": "3629", + "path": "n02088364/ILSVRC2012_val_00029932.JPEG", + "source": "beagle", + "source_id": "162", + "target": "otterhound", + "target_id": "175", + "is_test": "True" + }, + { + "": "6791", + "path": "n02417914/ILSVRC2012_val_00035331.JPEG", + "source": "ibex", + "source_id": "350", + "target": "ox", + "target_id": "345", + "is_test": "True" + }, + { + "": "6876", + "path": "n02423022/ILSVRC2012_val_00028130.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "ox", + "target_id": "345", + "is_test": "True" + }, + { + "": "6575", + "path": "n02408429/ILSVRC2012_val_00018198.JPEG", + "source": "water buffalo", + "source_id": "346", + "target": "ox", + "target_id": "345", + "is_test": "True" + }, + { + "": "6831", + "path": "n02422699/ILSVRC2012_val_00028482.JPEG", + "source": "impala", + "source_id": "352", + "target": "ox", + "target_id": "345", + "is_test": "True" + }, + { + "": "2075", + "path": "n01855672/ILSVRC2012_val_00028438.JPEG", + "source": "goose", + "source_id": "99", + "target": "oystercatcher", + "target_id": "143", + "is_test": "True" + }, + { + "": "2665", + "path": "n02007558/ILSVRC2012_val_00018511.JPEG", + "source": "flamingo", + "source_id": "130", + "target": "oystercatcher", + "target_id": "143", + "is_test": "True" + }, + { + "": "2089", + "path": "n01855672/ILSVRC2012_val_00036969.JPEG", + "source": "goose", + "source_id": "99", + "target": "oystercatcher", + "target_id": "143", + "is_test": "True" + }, + { + "": "2551", + "path": "n02002724/ILSVRC2012_val_00001230.JPEG", + "source": "black stork", + "source_id": "128", + "target": "oystercatcher", + "target_id": "143", + "is_test": "True" + }, + { + "": "3332", + "path": "n02085782/ILSVRC2012_val_00033200.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "papillon", + "target_id": "157", + "is_test": "True" + }, + { + "": "3289", + "path": "n02085620/ILSVRC2012_val_00039439.JPEG", + "source": "Chihuahua", + "source_id": "151", + "target": "papillon", + "target_id": "157", + "is_test": "True" + }, + { + "": "3361", + "path": "n02086240/ILSVRC2012_val_00007958.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "papillon", + "target_id": "157", + "is_test": "True" + }, + { + "": "3331", + "path": "n02085782/ILSVRC2012_val_00031965.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "papillon", + "target_id": "157", + "is_test": "True" + }, + { + "": "2984", + "path": "n02056570/ILSVRC2012_val_00029710.JPEG", + "source": "king penguin", + "source_id": "145", + "target": "pelican", + "target_id": "144", + "is_test": "True" + }, + { + "": "2974", + "path": "n02056570/ILSVRC2012_val_00023617.JPEG", + "source": "king penguin", + "source_id": "145", + "target": "pelican", + "target_id": "144", + "is_test": "True" + }, + { + "": "2116", + "path": "n01860187/ILSVRC2012_val_00015899.JPEG", + "source": "black swan", + "source_id": "100", + "target": "pelican", + "target_id": "144", + "is_test": "True" + }, + { + "": "3027", + "path": "n02058221/ILSVRC2012_val_00026733.JPEG", + "source": "albatross", + "source_id": "146", + "target": "pelican", + "target_id": "144", + "is_test": "True" + }, + { + "": "9593", + "path": "n03417042/ILSVRC2012_val_00042802.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "pickup", + "target_id": "717", + "is_test": "True" + }, + { + "": "9598", + "path": "n03417042/ILSVRC2012_val_00047189.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "pickup", + "target_id": "717", + "is_test": "True" + }, + { + "": "11046", + "path": "n04146614/ILSVRC2012_val_00045030.JPEG", + "source": "school bus", + "source_id": "779", + "target": "pickup", + "target_id": "717", + "is_test": "True" + }, + { + "": "9392", + "path": "n03345487/ILSVRC2012_val_00046181.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "pickup", + "target_id": "717", + "is_test": "True" + }, + { + "": "13234", + "path": "n07753592/ILSVRC2012_val_00032327.JPEG", + "source": "banana", + "source_id": "954", + "target": "pineapple", + "target_id": "953", + "is_test": "True" + }, + { + "": "12987", + "path": "n07745940/ILSVRC2012_val_00032411.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "pineapple", + "target_id": "953", + "is_test": "True" + }, + { + "": "13308", + "path": "n07768694/ILSVRC2012_val_00007820.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "pineapple", + "target_id": "953", + "is_test": "True" + }, + { + "": "13035", + "path": "n07747607/ILSVRC2012_val_00032960.JPEG", + "source": "orange", + "source_id": "950", + "target": "pineapple", + "target_id": "953", + "is_test": "True" + }, + { + "": "9622", + "path": "n03445777/ILSVRC2012_val_00023845.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "ping-pong ball", + "target_id": "722", + "is_test": "True" + }, + { + "": "9647", + "path": "n03445777/ILSVRC2012_val_00044936.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "ping-pong ball", + "target_id": "722", + "is_test": "True" + }, + { + "": "11285", + "path": "n04254680/ILSVRC2012_val_00036050.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "ping-pong ball", + "target_id": "722", + "is_test": "True" + }, + { + "": "11275", + "path": "n04254680/ILSVRC2012_val_00028138.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "ping-pong ball", + "target_id": "722", + "is_test": "True" + }, + { + "": "10782", + "path": "n03970156/ILSVRC2012_val_00031958.JPEG", + "source": "plunger", + "source_id": "731", + "target": "plane", + "target_id": "726", + "is_test": "True" + }, + { + "": "10769", + "path": "n03970156/ILSVRC2012_val_00022380.JPEG", + "source": "plunger", + "source_id": "731", + "target": "plane", + "target_id": "726", + "is_test": "True" + }, + { + "": "11150", + "path": "n04208210/ILSVRC2012_val_00002065.JPEG", + "source": "shovel", + "source_id": "792", + "target": "plane", + "target_id": "726", + "is_test": "True" + }, + { + "": "11173", + "path": "n04208210/ILSVRC2012_val_00025749.JPEG", + "source": "shovel", + "source_id": "792", + "target": "plane", + "target_id": "726", + "is_test": "True" + }, + { + "": "10898", + "path": "n04026417/ILSVRC2012_val_00048124.JPEG", + "source": "purse", + "source_id": "748", + "target": "plastic bag", + "target_id": "728", + "is_test": "True" + }, + { + "": "10883", + "path": "n04026417/ILSVRC2012_val_00030487.JPEG", + "source": "purse", + "source_id": "748", + "target": "plastic bag", + "target_id": "728", + "is_test": "True" + }, + { + "": "7872", + "path": "n02769748/ILSVRC2012_val_00018021.JPEG", + "source": "backpack", + "source_id": "414", + "target": "plastic bag", + "target_id": "728", + "is_test": "True" + }, + { + "": "7858", + "path": "n02769748/ILSVRC2012_val_00007012.JPEG", + "source": "backpack", + "source_id": "414", + "target": "plastic bag", + "target_id": "728", + "is_test": "True" + }, + { + "": "11180", + "path": "n04208210/ILSVRC2012_val_00032928.JPEG", + "source": "shovel", + "source_id": "792", + "target": "plunger", + "target_id": "731", + "is_test": "True" + }, + { + "": "9759", + "path": "n03481172/ILSVRC2012_val_00009914.JPEG", + "source": "hammer", + "source_id": "587", + "target": "plunger", + "target_id": "731", + "is_test": "True" + }, + { + "": "9790", + "path": "n03481172/ILSVRC2012_val_00041876.JPEG", + "source": "hammer", + "source_id": "587", + "target": "plunger", + "target_id": "731", + "is_test": "True" + }, + { + "": "10660", + "path": "n03954731/ILSVRC2012_val_00006877.JPEG", + "source": "plane", + "source_id": "726", + "target": "plunger", + "target_id": "731", + "is_test": "True" + }, + { + "": "9556", + "path": "n03417042/ILSVRC2012_val_00006234.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "police van", + "target_id": "734", + "is_test": "True" + }, + { + "": "11010", + "path": "n04146614/ILSVRC2012_val_00010117.JPEG", + "source": "school bus", + "source_id": "779", + "target": "police van", + "target_id": "734", + "is_test": "True" + }, + { + "": "10564", + "path": "n03930630/ILSVRC2012_val_00017360.JPEG", + "source": "pickup", + "source_id": "717", + "target": "police van", + "target_id": "734", + "is_test": "True" + }, + { + "": "10576", + "path": "n03930630/ILSVRC2012_val_00026743.JPEG", + "source": "pickup", + "source_id": "717", + "target": "police van", + "target_id": "734", + "is_test": "True" + }, + { + "": "13096", + "path": "n07749582/ILSVRC2012_val_00045149.JPEG", + "source": "lemon", + "source_id": "951", + "target": "pomegranate", + "target_id": "957", + "is_test": "True" + }, + { + "": "13158", + "path": "n07753275/ILSVRC2012_val_00009015.JPEG", + "source": "pineapple", + "source_id": "953", + "target": "pomegranate", + "target_id": "957", + "is_test": "True" + }, + { + "": "13169", + "path": "n07753275/ILSVRC2012_val_00016984.JPEG", + "source": "pineapple", + "source_id": "953", + "target": "pomegranate", + "target_id": "957", + "is_test": "True" + }, + { + "": "12955", + "path": "n07745940/ILSVRC2012_val_00002412.JPEG", + "source": "strawberry", + "source_id": "949", + "target": "pomegranate", + "target_id": "957", + "is_test": "True" + }, + { + "": "1969", + "path": "n01797886/ILSVRC2012_val_00022992.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "prairie chicken", + "target_id": "83", + "is_test": "True" + }, + { + "": "1928", + "path": "n01796340/ILSVRC2012_val_00027946.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "prairie chicken", + "target_id": "83", + "is_test": "True" + }, + { + "": "1882", + "path": "n01795545/ILSVRC2012_val_00028600.JPEG", + "source": "black grouse", + "source_id": "80", + "target": "prairie chicken", + "target_id": "83", + "is_test": "True" + }, + { + "": "1937", + "path": "n01796340/ILSVRC2012_val_00035916.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "prairie chicken", + "target_id": "83", + "is_test": "True" + }, + { + "": "1885", + "path": "n01795545/ILSVRC2012_val_00030713.JPEG", + "source": "black grouse", + "source_id": "80", + "target": "ptarmigan", + "target_id": "81", + "is_test": "True" + }, + { + "": "1993", + "path": "n01797886/ILSVRC2012_val_00041375.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "ptarmigan", + "target_id": "81", + "is_test": "True" + }, + { + "": "1974", + "path": "n01797886/ILSVRC2012_val_00028119.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "ptarmigan", + "target_id": "81", + "is_test": "True" + }, + { + "": "1965", + "path": "n01797886/ILSVRC2012_val_00021954.JPEG", + "source": "ruffed grouse", + "source_id": "82", + "target": "ptarmigan", + "target_id": "81", + "is_test": "True" + }, + { + "": "10719", + "path": "n03958227/ILSVRC2012_val_00020845.JPEG", + "source": "plastic bag", + "source_id": "728", + "target": "purse", + "target_id": "748", + "is_test": "True" + }, + { + "": "7850", + "path": "n02769748/ILSVRC2012_val_00000459.JPEG", + "source": "backpack", + "source_id": "414", + "target": "purse", + "target_id": "748", + "is_test": "True" + }, + { + "": "7852", + "path": "n02769748/ILSVRC2012_val_00002183.JPEG", + "source": "backpack", + "source_id": "414", + "target": "purse", + "target_id": "748", + "is_test": "True" + }, + { + "": "10743", + "path": "n03958227/ILSVRC2012_val_00042645.JPEG", + "source": "plastic bag", + "source_id": "728", + "target": "purse", + "target_id": "748", + "is_test": "True" + }, + { + "": "6889", + "path": "n02423022/ILSVRC2012_val_00036577.JPEG", + "source": "gazelle", + "source_id": "353", + "target": "ram", + "target_id": "348", + "is_test": "True" + }, + { + "": "6615", + "path": "n02410509/ILSVRC2012_val_00020346.JPEG", + "source": "bison", + "source_id": "347", + "target": "ram", + "target_id": "348", + "is_test": "True" + }, + { + "": "6723", + "path": "n02415577/ILSVRC2012_val_00021149.JPEG", + "source": "bighorn", + "source_id": "349", + "target": "ram", + "target_id": "348", + "is_test": "True" + }, + { + "": "6633", + "path": "n02410509/ILSVRC2012_val_00039117.JPEG", + "source": "bison", + "source_id": "347", + "target": "ram", + "target_id": "348", + "is_test": "True" + }, + { + "": "5177", + "path": "n02120505/ILSVRC2012_val_00029855.JPEG", + "source": "grey fox", + "source_id": "280", + "target": "red fox", + "target_id": "277", + "is_test": "True" + }, + { + "": "4744", + "path": "n02114367/ILSVRC2012_val_00044765.JPEG", + "source": "timber wolf", + "source_id": "269", + "target": "red fox", + "target_id": "277", + "is_test": "True" + }, + { + "": "4866", + "path": "n02114855/ILSVRC2012_val_00023411.JPEG", + "source": "coyote", + "source_id": "272", + "target": "red fox", + "target_id": "277", + "is_test": "True" + }, + { + "": "4792", + "path": "n02114548/ILSVRC2012_val_00042098.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "red fox", + "target_id": "277", + "is_test": "True" + }, + { + "": "4956", + "path": "n02116738/ILSVRC2012_val_00004282.JPEG", + "source": "African hunting dog", + "source_id": "275", + "target": "red wolf", + "target_id": "271", + "is_test": "True" + }, + { + "": "4754", + "path": "n02114548/ILSVRC2012_val_00002063.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "red wolf", + "target_id": "271", + "is_test": "True" + }, + { + "": "5015", + "path": "n02117135/ILSVRC2012_val_00020325.JPEG", + "source": "hyena", + "source_id": "276", + "target": "red wolf", + "target_id": "271", + "is_test": "True" + }, + { + "": "4771", + "path": "n02114548/ILSVRC2012_val_00018188.JPEG", + "source": "white wolf", + "source_id": "270", + "target": "red wolf", + "target_id": "271", + "is_test": "True" + }, + { + "": "6122", + "path": "n02276258/ILSVRC2012_val_00025122.JPEG", + "source": "admiral", + "source_id": "321", + "target": "ringlet", + "target_id": "322", + "is_test": "True" + }, + { + "": "6337", + "path": "n02281406/ILSVRC2012_val_00041173.JPEG", + "source": "sulphur butterfly", + "source_id": "325", + "target": "ringlet", + "target_id": "322", + "is_test": "True" + }, + { + "": "6111", + "path": "n02276258/ILSVRC2012_val_00011772.JPEG", + "source": "admiral", + "source_id": "321", + "target": "ringlet", + "target_id": "322", + "is_test": "True" + }, + { + "": "6258", + "path": "n02280649/ILSVRC2012_val_00011589.JPEG", + "source": "cabbage butterfly", + "source_id": "324", + "target": "ringlet", + "target_id": "322", + "is_test": "True" + }, + { + "": "2325", + "path": "n01981276/ILSVRC2012_val_00018750.JPEG", + "source": "king crab", + "source_id": "121", + "target": "rock crab", + "target_id": "119", + "is_test": "True" + }, + { + "": "2423", + "path": "n01985128/ILSVRC2012_val_00021094.JPEG", + "source": "crayfish", + "source_id": "124", + "target": "rock crab", + "target_id": "119", + "is_test": "True" + }, + { + "": "2356", + "path": "n01983481/ILSVRC2012_val_00006179.JPEG", + "source": "American lobster", + "source_id": "122", + "target": "rock crab", + "target_id": "119", + "is_test": "True" + }, + { + "": "2335", + "path": "n01981276/ILSVRC2012_val_00026843.JPEG", + "source": "king crab", + "source_id": "121", + "target": "rock crab", + "target_id": "119", + "is_test": "True" + }, + { + "": "1371", + "path": "n01748264/ILSVRC2012_val_00022408.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "rock python", + "target_id": "62", + "is_test": "True" + }, + { + "": "1257", + "path": "n01742172/ILSVRC2012_val_00008849.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "rock python", + "target_id": "62", + "is_test": "True" + }, + { + "": "1522", + "path": "n01755581/ILSVRC2012_val_00025467.JPEG", + "source": "diamondback", + "source_id": "67", + "target": "rock python", + "target_id": "62", + "is_test": "True" + }, + { + "": "1440", + "path": "n01749939/ILSVRC2012_val_00043850.JPEG", + "source": "green mamba", + "source_id": "64", + "target": "rock python", + "target_id": "62", + "is_test": "True" + }, + { + "": "1853", + "path": "n01795545/ILSVRC2012_val_00001136.JPEG", + "source": "black grouse", + "source_id": "80", + "target": "ruffed grouse", + "target_id": "82", + "is_test": "True" + }, + { + "": "1858", + "path": "n01795545/ILSVRC2012_val_00003122.JPEG", + "source": "black grouse", + "source_id": "80", + "target": "ruffed grouse", + "target_id": "82", + "is_test": "True" + }, + { + "": "1900", + "path": "n01796340/ILSVRC2012_val_00000860.JPEG", + "source": "ptarmigan", + "source_id": "81", + "target": "ruffed grouse", + "target_id": "82", + "is_test": "True" + }, + { + "": "2032", + "path": "n01798484/ILSVRC2012_val_00040261.JPEG", + "source": "prairie chicken", + "source_id": "83", + "target": "ruffed grouse", + "target_id": "82", + "is_test": "True" + }, + { + "": "11277", + "path": "n04254680/ILSVRC2012_val_00030118.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "rugby ball", + "target_id": "768", + "is_test": "True" + }, + { + "": "11282", + "path": "n04254680/ILSVRC2012_val_00033315.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "rugby ball", + "target_id": "768", + "is_test": "True" + }, + { + "": "9608", + "path": "n03445777/ILSVRC2012_val_00011431.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "rugby ball", + "target_id": "768", + "is_test": "True" + }, + { + "": "10629", + "path": "n03942813/ILSVRC2012_val_00035706.JPEG", + "source": "ping-pong ball", + "source_id": "722", + "target": "rugby ball", + "target_id": "768", + "is_test": "True" + }, + { + "": "9432", + "path": "n03372029/ILSVRC2012_val_00028005.JPEG", + "source": "flute", + "source_id": "558", + "target": "sax", + "target_id": "776", + "is_test": "True" + }, + { + "": "11924", + "path": "n04487394/ILSVRC2012_val_00025175.JPEG", + "source": "trombone", + "source_id": "875", + "target": "sax", + "target_id": "776", + "is_test": "True" + }, + { + "": "9515", + "path": "n03394916/ILSVRC2012_val_00013113.JPEG", + "source": "French horn", + "source_id": "566", + "target": "sax", + "target_id": "776", + "is_test": "True" + }, + { + "": "8048", + "path": "n02804610/ILSVRC2012_val_00048210.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "sax", + "target_id": "776", + "is_test": "True" + }, + { + "": "11787", + "path": "n04467665/ILSVRC2012_val_00034167.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "school bus", + "target_id": "779", + "is_test": "True" + }, + { + "": "10830", + "path": "n03977966/ILSVRC2012_val_00027383.JPEG", + "source": "police van", + "source_id": "734", + "target": "school bus", + "target_id": "779", + "is_test": "True" + }, + { + "": "9583", + "path": "n03417042/ILSVRC2012_val_00034001.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "school bus", + "target_id": "779", + "is_test": "True" + }, + { + "": "9380", + "path": "n03345487/ILSVRC2012_val_00031405.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "school bus", + "target_id": "779", + "is_test": "True" + }, + { + "": "11852", + "path": "n04483307/ILSVRC2012_val_00005196.JPEG", + "source": "trimaran", + "source_id": "871", + "target": "schooner", + "target_id": "780", + "is_test": "True" + }, + { + "": "11851", + "path": "n04483307/ILSVRC2012_val_00002094.JPEG", + "source": "trimaran", + "source_id": "871", + "target": "schooner", + "target_id": "780", + "is_test": "True" + }, + { + "": "8426", + "path": "n02981792/ILSVRC2012_val_00028215.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "schooner", + "target_id": "780", + "is_test": "True" + }, + { + "": "8414", + "path": "n02981792/ILSVRC2012_val_00013181.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "schooner", + "target_id": "780", + "is_test": "True" + }, + { + "": "1789", + "path": "n01774750/ILSVRC2012_val_00041311.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "scorpion", + "target_id": "71", + "is_test": "True" + }, + { + "": "1740", + "path": "n01774384/ILSVRC2012_val_00040995.JPEG", + "source": "black widow", + "source_id": "75", + "target": "scorpion", + "target_id": "71", + "is_test": "True" + }, + { + "": "1848", + "path": "n01775062/ILSVRC2012_val_00048649.JPEG", + "source": "wolf spider", + "source_id": "77", + "target": "scorpion", + "target_id": "71", + "is_test": "True" + }, + { + "": "1847", + "path": "n01775062/ILSVRC2012_val_00046017.JPEG", + "source": "wolf spider", + "source_id": "77", + "target": "scorpion", + "target_id": "71", + "is_test": "True" + }, + { + "": "9776", + "path": "n03481172/ILSVRC2012_val_00025789.JPEG", + "source": "hammer", + "source_id": "587", + "target": "screwdriver", + "target_id": "784", + "is_test": "True" + }, + { + "": "10787", + "path": "n03970156/ILSVRC2012_val_00035780.JPEG", + "source": "plunger", + "source_id": "731", + "target": "screwdriver", + "target_id": "784", + "is_test": "True" + }, + { + "": "10651", + "path": "n03954731/ILSVRC2012_val_00000645.JPEG", + "source": "plane", + "source_id": "726", + "target": "screwdriver", + "target_id": "784", + "is_test": "True" + }, + { + "": "11182", + "path": "n04208210/ILSVRC2012_val_00035208.JPEG", + "source": "shovel", + "source_id": "792", + "target": "screwdriver", + "target_id": "784", + "is_test": "True" + }, + { + "": "3070", + "path": "n02066245/ILSVRC2012_val_00017716.JPEG", + "source": "grey whale", + "source_id": "147", + "target": "sea lion", + "target_id": "150", + "is_test": "True" + }, + { + "": "3142", + "path": "n02071294/ILSVRC2012_val_00042590.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "sea lion", + "target_id": "150", + "is_test": "True" + }, + { + "": "3101", + "path": "n02071294/ILSVRC2012_val_00002166.JPEG", + "source": "killer whale", + "source_id": "148", + "target": "sea lion", + "target_id": "150", + "is_test": "True" + }, + { + "": "3192", + "path": "n02074367/ILSVRC2012_val_00039158.JPEG", + "source": "dugong", + "source_id": "149", + "target": "sea lion", + "target_id": "150", + "is_test": "True" + }, + { + "": "9764", + "path": "n03481172/ILSVRC2012_val_00015962.JPEG", + "source": "hammer", + "source_id": "587", + "target": "shovel", + "target_id": "792", + "is_test": "True" + }, + { + "": "10754", + "path": "n03970156/ILSVRC2012_val_00006905.JPEG", + "source": "plunger", + "source_id": "731", + "target": "shovel", + "target_id": "792", + "is_test": "True" + }, + { + "": "9762", + "path": "n03481172/ILSVRC2012_val_00015583.JPEG", + "source": "hammer", + "source_id": "587", + "target": "shovel", + "target_id": "792", + "is_test": "True" + }, + { + "": "10695", + "path": "n03954731/ILSVRC2012_val_00044017.JPEG", + "source": "plane", + "source_id": "726", + "target": "shovel", + "target_id": "792", + "is_test": "True" + }, + { + "": "8062", + "path": "n02807133/ILSVRC2012_val_00011741.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "shower cap", + "target_id": "793", + "is_test": "True" + }, + { + "": "8207", + "path": "n02869837/ILSVRC2012_val_00009041.JPEG", + "source": "bonnet", + "source_id": "452", + "target": "shower cap", + "target_id": "793", + "is_test": "True" + }, + { + "": "11317", + "path": "n04259630/ILSVRC2012_val_00018053.JPEG", + "source": "sombrero", + "source_id": "808", + "target": "shower cap", + "target_id": "793", + "is_test": "True" + }, + { + "": "8092", + "path": "n02807133/ILSVRC2012_val_00043987.JPEG", + "source": "bathing cap", + "source_id": "433", + "target": "shower cap", + "target_id": "793", + "is_test": "True" + }, + { + "": "1304", + "path": "n01744401/ILSVRC2012_val_00002899.JPEG", + "source": "rock python", + "source_id": "62", + "target": "sidewinder", + "target_id": "68", + "is_test": "True" + }, + { + "": "1267", + "path": "n01742172/ILSVRC2012_val_00015643.JPEG", + "source": "boa constrictor", + "source_id": "61", + "target": "sidewinder", + "target_id": "68", + "is_test": "True" + }, + { + "": "1366", + "path": "n01748264/ILSVRC2012_val_00017753.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "sidewinder", + "target_id": "68", + "is_test": "True" + }, + { + "": "1184", + "path": "n01729977/ILSVRC2012_val_00029827.JPEG", + "source": "green snake", + "source_id": "55", + "target": "sidewinder", + "target_id": "68", + "is_test": "True" + }, + { + "": "5612", + "path": "n02132136/ILSVRC2012_val_00016512.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "sloth bear", + "target_id": "297", + "is_test": "True" + }, + { + "": "5661", + "path": "n02133161/ILSVRC2012_val_00014029.JPEG", + "source": "American black bear", + "source_id": "295", + "target": "sloth bear", + "target_id": "297", + "is_test": "True" + }, + { + "": "5644", + "path": "n02132136/ILSVRC2012_val_00048883.JPEG", + "source": "brown bear", + "source_id": "294", + "target": "sloth bear", + "target_id": "297", + "is_test": "True" + }, + { + "": "5650", + "path": "n02133161/ILSVRC2012_val_00000592.JPEG", + "source": "American black bear", + "source_id": "295", + "target": "sloth bear", + "target_id": "297", + "is_test": "True" + }, + { + "": "5515", + "path": "n02129604/ILSVRC2012_val_00018437.JPEG", + "source": "tiger", + "source_id": "292", + "target": "snow leopard", + "target_id": "289", + "is_test": "True" + }, + { + "": "5275", + "path": "n02123394/ILSVRC2012_val_00016194.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "snow leopard", + "target_id": "289", + "is_test": "True" + }, + { + "": "5490", + "path": "n02129165/ILSVRC2012_val_00040607.JPEG", + "source": "lion", + "source_id": "291", + "target": "snow leopard", + "target_id": "289", + "is_test": "True" + }, + { + "": "5257", + "path": "n02123394/ILSVRC2012_val_00002967.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "snow leopard", + "target_id": "289", + "is_test": "True" + }, + { + "": "11687", + "path": "n04409515/ILSVRC2012_val_00034028.JPEG", + "source": "tennis ball", + "source_id": "852", + "target": "soccer ball", + "target_id": "805", + "is_test": "True" + }, + { + "": "10645", + "path": "n03942813/ILSVRC2012_val_00046563.JPEG", + "source": "ping-pong ball", + "source_id": "722", + "target": "soccer ball", + "target_id": "805", + "is_test": "True" + }, + { + "": "10639", + "path": "n03942813/ILSVRC2012_val_00041504.JPEG", + "source": "ping-pong ball", + "source_id": "722", + "target": "soccer ball", + "target_id": "805", + "is_test": "True" + }, + { + "": "11685", + "path": "n04409515/ILSVRC2012_val_00033602.JPEG", + "source": "tennis ball", + "source_id": "852", + "target": "soccer ball", + "target_id": "805", + "is_test": "True" + }, + { + "": "11207", + "path": "n04209133/ILSVRC2012_val_00006090.JPEG", + "source": "shower cap", + "source_id": "793", + "target": "sombrero", + "target_id": "808", + "is_test": "True" + }, + { + "": "9470", + "path": "n03379051/ILSVRC2012_val_00020866.JPEG", + "source": "football helmet", + "source_id": "560", + "target": "sombrero", + "target_id": "808", + "is_test": "True" + }, + { + "": "8928", + "path": "n03124170/ILSVRC2012_val_00024382.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "sombrero", + "target_id": "808", + "is_test": "True" + }, + { + "": "8915", + "path": "n03124170/ILSVRC2012_val_00010957.JPEG", + "source": "cowboy hat", + "source_id": "515", + "target": "sombrero", + "target_id": "808", + "is_test": "True" + }, + { + "": "6461", + "path": "n02391049/ILSVRC2012_val_00012498.JPEG", + "source": "zebra", + "source_id": "340", + "target": "sorrel", + "target_id": "339", + "is_test": "True" + }, + { + "": "6483", + "path": "n02391049/ILSVRC2012_val_00033660.JPEG", + "source": "zebra", + "source_id": "340", + "target": "sorrel", + "target_id": "339", + "is_test": "True" + }, + { + "": "6474", + "path": "n02391049/ILSVRC2012_val_00026458.JPEG", + "source": "zebra", + "source_id": "340", + "target": "sorrel", + "target_id": "339", + "is_test": "True" + }, + { + "": "6496", + "path": "n02391049/ILSVRC2012_val_00043935.JPEG", + "source": "zebra", + "source_id": "340", + "target": "sorrel", + "target_id": "339", + "is_test": "True" + }, + { + "": "12538", + "path": "n07715103/ILSVRC2012_val_00038343.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "spaghetti squash", + "target_id": "940", + "is_test": "True" + }, + { + "": "12704", + "path": "n07718472/ILSVRC2012_val_00005593.JPEG", + "source": "cucumber", + "source_id": "943", + "target": "spaghetti squash", + "target_id": "940", + "is_test": "True" + }, + { + "": "12530", + "path": "n07715103/ILSVRC2012_val_00032107.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "spaghetti squash", + "target_id": "940", + "is_test": "True" + }, + { + "": "12856", + "path": "n07730033/ILSVRC2012_val_00003961.JPEG", + "source": "cardoon", + "source_id": "946", + "target": "spaghetti squash", + "target_id": "940", + "is_test": "True" + }, + { + "": "9698", + "path": "n03447447/ILSVRC2012_val_00048806.JPEG", + "source": "gondola", + "source_id": "576", + "target": "speedboat", + "target_id": "814", + "is_test": "True" + }, + { + "": "10047", + "path": "n03662601/ILSVRC2012_val_00047650.JPEG", + "source": "lifeboat", + "source_id": "625", + "target": "speedboat", + "target_id": "814", + "is_test": "True" + }, + { + "": "10005", + "path": "n03662601/ILSVRC2012_val_00004483.JPEG", + "source": "lifeboat", + "source_id": "625", + "target": "speedboat", + "target_id": "814", + "is_test": "True" + }, + { + "": "8320", + "path": "n02951358/ILSVRC2012_val_00023574.JPEG", + "source": "canoe", + "source_id": "472", + "target": "speedboat", + "target_id": "814", + "is_test": "True" + }, + { + "": "7098", + "path": "n02484975/ILSVRC2012_val_00046645.JPEG", + "source": "guenon", + "source_id": "370", + "target": "spider monkey", + "target_id": "381", + "is_test": "True" + }, + { + "": "7178", + "path": "n02487347/ILSVRC2012_val_00029789.JPEG", + "source": "macaque", + "source_id": "373", + "target": "spider monkey", + "target_id": "381", + "is_test": "True" + }, + { + "": "7336", + "path": "n02494079/ILSVRC2012_val_00034293.JPEG", + "source": "squirrel monkey", + "source_id": "382", + "target": "spider monkey", + "target_id": "381", + "is_test": "True" + }, + { + "": "7124", + "path": "n02486410/ILSVRC2012_val_00021331.JPEG", + "source": "baboon", + "source_id": "372", + "target": "spider monkey", + "target_id": "381", + "is_test": "True" + }, + { + "": "2873", + "path": "n02037110/ILSVRC2012_val_00025410.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "spoonbill", + "target_id": "129", + "is_test": "True" + }, + { + "": "2883", + "path": "n02037110/ILSVRC2012_val_00031760.JPEG", + "source": "oystercatcher", + "source_id": "143", + "target": "spoonbill", + "target_id": "129", + "is_test": "True" + }, + { + "": "2569", + "path": "n02002724/ILSVRC2012_val_00018159.JPEG", + "source": "black stork", + "source_id": "128", + "target": "spoonbill", + "target_id": "129", + "is_test": "True" + }, + { + "": "2708", + "path": "n02009229/ILSVRC2012_val_00010673.JPEG", + "source": "little blue heron", + "source_id": "131", + "target": "spoonbill", + "target_id": "129", + "is_test": "True" + }, + { + "": "7778", + "path": "n02701002/ILSVRC2012_val_00025469.JPEG", + "source": "ambulance", + "source_id": "407", + "target": "sports car", + "target_id": "817", + "is_test": "True" + }, + { + "": "10069", + "path": "n03670208/ILSVRC2012_val_00016945.JPEG", + "source": "limousine", + "source_id": "627", + "target": "sports car", + "target_id": "817", + "is_test": "True" + }, + { + "": "9902", + "path": "n03594945/ILSVRC2012_val_00004439.JPEG", + "source": "jeep", + "source_id": "609", + "target": "sports car", + "target_id": "817", + "is_test": "True" + }, + { + "": "9937", + "path": "n03594945/ILSVRC2012_val_00029244.JPEG", + "source": "jeep", + "source_id": "609", + "target": "sports car", + "target_id": "817", + "is_test": "True" + }, + { + "": "670", + "path": "n01630670/ILSVRC2012_val_00016422.JPEG", + "source": "common newt", + "source_id": "26", + "target": "spotted salamander", + "target_id": "28", + "is_test": "True" + }, + { + "": "869", + "path": "n01641577/ILSVRC2012_val_00018512.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "spotted salamander", + "target_id": "28", + "is_test": "True" + }, + { + "": "660", + "path": "n01630670/ILSVRC2012_val_00007288.JPEG", + "source": "common newt", + "source_id": "26", + "target": "spotted salamander", + "target_id": "28", + "is_test": "True" + }, + { + "": "852", + "path": "n01641577/ILSVRC2012_val_00004613.JPEG", + "source": "bullfrog", + "source_id": "30", + "target": "spotted salamander", + "target_id": "28", + "is_test": "True" + }, + { + "": "7056", + "path": "n02484975/ILSVRC2012_val_00002543.JPEG", + "source": "guenon", + "source_id": "370", + "target": "squirrel monkey", + "target_id": "382", + "is_test": "True" + }, + { + "": "7295", + "path": "n02493793/ILSVRC2012_val_00046117.JPEG", + "source": "spider monkey", + "source_id": "381", + "target": "squirrel monkey", + "target_id": "382", + "is_test": "True" + }, + { + "": "7152", + "path": "n02487347/ILSVRC2012_val_00003000.JPEG", + "source": "macaque", + "source_id": "373", + "target": "squirrel monkey", + "target_id": "382", + "is_test": "True" + }, + { + "": "7100", + "path": "n02486410/ILSVRC2012_val_00000486.JPEG", + "source": "baboon", + "source_id": "372", + "target": "squirrel monkey", + "target_id": "382", + "is_test": "True" + }, + { + "": "3952", + "path": "n02094433/ILSVRC2012_val_00001597.JPEG", + "source": "Yorkshire terrier", + "source_id": "187", + "target": "standard schnauzer", + "target_id": "198", + "is_test": "True" + }, + { + "": "3887", + "path": "n02093754/ILSVRC2012_val_00038167.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "standard schnauzer", + "target_id": "198", + "is_test": "True" + }, + { + "": "3817", + "path": "n02093428/ILSVRC2012_val_00019276.JPEG", + "source": "American Staffordshire terrier", + "source_id": "180", + "target": "standard schnauzer", + "target_id": "198", + "is_test": "True" + }, + { + "": "3891", + "path": "n02093754/ILSVRC2012_val_00043199.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "standard schnauzer", + "target_id": "198", + "is_test": "True" + }, + { + "": "9273", + "path": "n03272562/ILSVRC2012_val_00023716.JPEG", + "source": "electric locomotive", + "source_id": "547", + "target": "steam locomotive", + "target_id": "820", + "is_test": "True" + }, + { + "": "9288", + "path": "n03272562/ILSVRC2012_val_00039148.JPEG", + "source": "electric locomotive", + "source_id": "547", + "target": "steam locomotive", + "target_id": "820", + "is_test": "True" + }, + { + "": "9297", + "path": "n03272562/ILSVRC2012_val_00046707.JPEG", + "source": "electric locomotive", + "source_id": "547", + "target": "steam locomotive", + "target_id": "820", + "is_test": "True" + }, + { + "": "9292", + "path": "n03272562/ILSVRC2012_val_00043187.JPEG", + "source": "electric locomotive", + "source_id": "547", + "target": "steam locomotive", + "target_id": "820", + "is_test": "True" + }, + { + "": "10126", + "path": "n03720891/ILSVRC2012_val_00025932.JPEG", + "source": "maraca", + "source_id": "641", + "target": "steel drum", + "target_id": "822", + "is_test": "True" + }, + { + "": "9173", + "path": "n03249569/ILSVRC2012_val_00016663.JPEG", + "source": "drum", + "source_id": "541", + "target": "steel drum", + "target_id": "822", + "is_test": "True" + }, + { + "": "10163", + "path": "n03721384/ILSVRC2012_val_00019690.JPEG", + "source": "marimba", + "source_id": "642", + "target": "steel drum", + "target_id": "822", + "is_test": "True" + }, + { + "": "8569", + "path": "n03017168/ILSVRC2012_val_00026289.JPEG", + "source": "chime", + "source_id": "494", + "target": "steel drum", + "target_id": "822", + "is_test": "True" + }, + { + "": "13609", + "path": "n13054560/ILSVRC2012_val_00011333.JPEG", + "source": "bolete", + "source_id": "997", + "target": "stinkhorn", + "target_id": "994", + "is_test": "True" + }, + { + "": "13441", + "path": "n13037406/ILSVRC2012_val_00042738.JPEG", + "source": "gyromitra", + "source_id": "993", + "target": "stinkhorn", + "target_id": "994", + "is_test": "True" + }, + { + "": "13509", + "path": "n13044778/ILSVRC2012_val_00012826.JPEG", + "source": "earthstar", + "source_id": "995", + "target": "stinkhorn", + "target_id": "994", + "is_test": "True" + }, + { + "": "13357", + "path": "n12985857/ILSVRC2012_val_00006796.JPEG", + "source": "coral fungus", + "source_id": "991", + "target": "stinkhorn", + "target_id": "994", + "is_test": "True" + }, + { + "": "7995", + "path": "n02794156/ILSVRC2012_val_00045889.JPEG", + "source": "barometer", + "source_id": "426", + "target": "stopwatch", + "target_id": "826", + "is_test": "True" + }, + { + "": "9135", + "path": "n03197337/ILSVRC2012_val_00039361.JPEG", + "source": "digital watch", + "source_id": "531", + "target": "stopwatch", + "target_id": "826", + "is_test": "True" + }, + { + "": "7815", + "path": "n02708093/ILSVRC2012_val_00015108.JPEG", + "source": "analog clock", + "source_id": "409", + "target": "stopwatch", + "target_id": "826", + "is_test": "True" + }, + { + "": "10504", + "path": "n03841143/ILSVRC2012_val_00003637.JPEG", + "source": "odometer", + "source_id": "685", + "target": "stopwatch", + "target_id": "826", + "is_test": "True" + }, + { + "": "13146", + "path": "n07753113/ILSVRC2012_val_00042141.JPEG", + "source": "fig", + "source_id": "952", + "target": "strawberry", + "target_id": "949", + "is_test": "True" + }, + { + "": "13047", + "path": "n07747607/ILSVRC2012_val_00046347.JPEG", + "source": "orange", + "source_id": "950", + "target": "strawberry", + "target_id": "949", + "is_test": "True" + }, + { + "": "13339", + "path": "n07768694/ILSVRC2012_val_00031912.JPEG", + "source": "pomegranate", + "source_id": "957", + "target": "strawberry", + "target_id": "949", + "is_test": "True" + }, + { + "": "13131", + "path": "n07753113/ILSVRC2012_val_00032536.JPEG", + "source": "fig", + "source_id": "952", + "target": "strawberry", + "target_id": "949", + "is_test": "True" + }, + { + "": "7687", + "path": "n02643566/ILSVRC2012_val_00032375.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "sturgeon", + "target_id": "394", + "is_test": "True" + }, + { + "": "7683", + "path": "n02643566/ILSVRC2012_val_00030309.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "sturgeon", + "target_id": "394", + "is_test": "True" + }, + { + "": "44", + "path": "n01440764/ILSVRC2012_val_00045866.JPEG", + "source": "tench", + "source_id": "0", + "target": "sturgeon", + "target_id": "394", + "is_test": "True" + }, + { + "": "48", + "path": "n01440764/ILSVRC2012_val_00048204.JPEG", + "source": "tench", + "source_id": "0", + "target": "sturgeon", + "target_id": "394", + "is_test": "True" + }, + { + "": "6224", + "path": "n02279972/ILSVRC2012_val_00023084.JPEG", + "source": "monarch", + "source_id": "323", + "target": "sulphur butterfly", + "target_id": "325", + "is_test": "True" + }, + { + "": "6176", + "path": "n02277742/ILSVRC2012_val_00029047.JPEG", + "source": "ringlet", + "source_id": "322", + "target": "sulphur butterfly", + "target_id": "325", + "is_test": "True" + }, + { + "": "6351", + "path": "n02281787/ILSVRC2012_val_00002787.JPEG", + "source": "lycaenid", + "source_id": "326", + "target": "sulphur butterfly", + "target_id": "325", + "is_test": "True" + }, + { + "": "6110", + "path": "n02276258/ILSVRC2012_val_00010777.JPEG", + "source": "admiral", + "source_id": "321", + "target": "sulphur butterfly", + "target_id": "325", + "is_test": "True" + }, + { + "": "5522", + "path": "n02129604/ILSVRC2012_val_00029267.JPEG", + "source": "tiger", + "source_id": "292", + "target": "tabby", + "target_id": "281", + "is_test": "True" + }, + { + "": "5449", + "path": "n02128925/ILSVRC2012_val_00049347.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "tabby", + "target_id": "281", + "is_test": "True" + }, + { + "": "5496", + "path": "n02129165/ILSVRC2012_val_00047193.JPEG", + "source": "lion", + "source_id": "291", + "target": "tabby", + "target_id": "281", + "is_test": "True" + }, + { + "": "5299", + "path": "n02123394/ILSVRC2012_val_00049996.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "tabby", + "target_id": "281", + "is_test": "True" + }, + { + "": "1628", + "path": "n01770393/ILSVRC2012_val_00029177.JPEG", + "source": "scorpion", + "source_id": "71", + "target": "tarantula", + "target_id": "76", + "is_test": "True" + }, + { + "": "1609", + "path": "n01770393/ILSVRC2012_val_00012429.JPEG", + "source": "scorpion", + "source_id": "71", + "target": "tarantula", + "target_id": "76", + "is_test": "True" + }, + { + "": "1711", + "path": "n01774384/ILSVRC2012_val_00017294.JPEG", + "source": "black widow", + "source_id": "75", + "target": "tarantula", + "target_id": "76", + "is_test": "True" + }, + { + "": "1716", + "path": "n01774384/ILSVRC2012_val_00022205.JPEG", + "source": "black widow", + "source_id": "75", + "target": "tarantula", + "target_id": "76", + "is_test": "True" + }, + { + "": "12199", + "path": "n04557648/ILSVRC2012_val_00049929.JPEG", + "source": "water bottle", + "source_id": "898", + "target": "teapot", + "target_id": "849", + "is_test": "True" + }, + { + "": "8688", + "path": "n03063599/ILSVRC2012_val_00035758.JPEG", + "source": "coffee mug", + "source_id": "504", + "target": "teapot", + "target_id": "849", + "is_test": "True" + }, + { + "": "12178", + "path": "n04557648/ILSVRC2012_val_00027424.JPEG", + "source": "water bottle", + "source_id": "898", + "target": "teapot", + "target_id": "849", + "is_test": "True" + }, + { + "": "12169", + "path": "n04557648/ILSVRC2012_val_00020948.JPEG", + "source": "water bottle", + "source_id": "898", + "target": "teapot", + "target_id": "849", + "is_test": "True" + }, + { + "": "7665", + "path": "n02643566/ILSVRC2012_val_00011576.JPEG", + "source": "lionfish", + "source_id": "396", + "target": "tench", + "target_id": "0", + "is_test": "True" + }, + { + "": "7471", + "path": "n02526121/ILSVRC2012_val_00017924.JPEG", + "source": "eel", + "source_id": "390", + "target": "tench", + "target_id": "0", + "is_test": "True" + }, + { + "": "71", + "path": "n01443537/ILSVRC2012_val_00018075.JPEG", + "source": "goldfish", + "source_id": "1", + "target": "tench", + "target_id": "0", + "is_test": "True" + }, + { + "": "7583", + "path": "n02640242/ILSVRC2012_val_00032979.JPEG", + "source": "sturgeon", + "source_id": "394", + "target": "tench", + "target_id": "0", + "is_test": "True" + }, + { + "": "11279", + "path": "n04254680/ILSVRC2012_val_00032634.JPEG", + "source": "soccer ball", + "source_id": "805", + "target": "tennis ball", + "target_id": "852", + "is_test": "True" + }, + { + "": "10611", + "path": "n03942813/ILSVRC2012_val_00016861.JPEG", + "source": "ping-pong ball", + "source_id": "722", + "target": "tennis ball", + "target_id": "852", + "is_test": "True" + }, + { + "": "9634", + "path": "n03445777/ILSVRC2012_val_00036171.JPEG", + "source": "golf ball", + "source_id": "574", + "target": "tennis ball", + "target_id": "852", + "is_test": "True" + }, + { + "": "10627", + "path": "n03942813/ILSVRC2012_val_00033381.JPEG", + "source": "ping-pong ball", + "source_id": "722", + "target": "tennis ball", + "target_id": "852", + "is_test": "True" + }, + { + "": "1066", + "path": "n01669191/ILSVRC2012_val_00010386.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "terrapin", + "target_id": "36", + "is_test": "True" + }, + { + "": "1062", + "path": "n01669191/ILSVRC2012_val_00004834.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "terrapin", + "target_id": "36", + "is_test": "True" + }, + { + "": "1094", + "path": "n01669191/ILSVRC2012_val_00043444.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "terrapin", + "target_id": "36", + "is_test": "True" + }, + { + "": "1099", + "path": "n01669191/ILSVRC2012_val_00049782.JPEG", + "source": "box turtle", + "source_id": "37", + "target": "terrapin", + "target_id": "36", + "is_test": "True" + }, + { + "": "1370", + "path": "n01748264/ILSVRC2012_val_00021680.JPEG", + "source": "Indian cobra", + "source_id": "63", + "target": "thunder snake", + "target_id": "52", + "is_test": "True" + }, + { + "": "1492", + "path": "n01753488/ILSVRC2012_val_00045212.JPEG", + "source": "horned viper", + "source_id": "66", + "target": "thunder snake", + "target_id": "52", + "is_test": "True" + }, + { + "": "1467", + "path": "n01753488/ILSVRC2012_val_00027790.JPEG", + "source": "horned viper", + "source_id": "66", + "target": "thunder snake", + "target_id": "52", + "is_test": "True" + }, + { + "": "1448", + "path": "n01749939/ILSVRC2012_val_00049182.JPEG", + "source": "green mamba", + "source_id": "64", + "target": "thunder snake", + "target_id": "52", + "is_test": "True" + }, + { + "": "5289", + "path": "n02123394/ILSVRC2012_val_00032910.JPEG", + "source": "Persian cat", + "source_id": "283", + "target": "tiger", + "target_id": "292", + "is_test": "True" + }, + { + "": "5365", + "path": "n02128757/ILSVRC2012_val_00010472.JPEG", + "source": "snow leopard", + "source_id": "289", + "target": "tiger", + "target_id": "292", + "is_test": "True" + }, + { + "": "5334", + "path": "n02128385/ILSVRC2012_val_00036533.JPEG", + "source": "leopard", + "source_id": "288", + "target": "tiger", + "target_id": "292", + "is_test": "True" + }, + { + "": "5440", + "path": "n02128925/ILSVRC2012_val_00040788.JPEG", + "source": "jaguar", + "source_id": "290", + "target": "tiger", + "target_id": "292", + "is_test": "True" + }, + { + "": "5968", + "path": "n02168699/ILSVRC2012_val_00018022.JPEG", + "source": "long-horned beetle", + "source_id": "303", + "target": "tiger beetle", + "target_id": "300", + "is_test": "True" + }, + { + "": "6096", + "path": "n02177972/ILSVRC2012_val_00044574.JPEG", + "source": "weevil", + "source_id": "307", + "target": "tiger beetle", + "target_id": "300", + "is_test": "True" + }, + { + "": "5887", + "path": "n02165456/ILSVRC2012_val_00035497.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "tiger beetle", + "target_id": "300", + "is_test": "True" + }, + { + "": "6043", + "path": "n02169497/ILSVRC2012_val_00047115.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "tiger beetle", + "target_id": "300", + "is_test": "True" + }, + { + "": "243", + "path": "n01494475/ILSVRC2012_val_00045133.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "tiger shark", + "target_id": "3", + "is_test": "True" + }, + { + "": "128", + "path": "n01484850/ILSVRC2012_val_00031808.JPEG", + "source": "great white shark", + "source_id": "2", + "target": "tiger shark", + "target_id": "3", + "is_test": "True" + }, + { + "": "213", + "path": "n01494475/ILSVRC2012_val_00016259.JPEG", + "source": "hammerhead", + "source_id": "4", + "target": "tiger shark", + "target_id": "3", + "is_test": "True" + }, + { + "": "102", + "path": "n01484850/ILSVRC2012_val_00004311.JPEG", + "source": "great white shark", + "source_id": "2", + "target": "tiger shark", + "target_id": "3", + "is_test": "True" + }, + { + "": "4910", + "path": "n02115641/ILSVRC2012_val_00010040.JPEG", + "source": "dingo", + "source_id": "273", + "target": "timber wolf", + "target_id": "269", + "is_test": "True" + }, + { + "": "5192", + "path": "n02120505/ILSVRC2012_val_00043662.JPEG", + "source": "grey fox", + "source_id": "280", + "target": "timber wolf", + "target_id": "269", + "is_test": "True" + }, + { + "": "5115", + "path": "n02120079/ILSVRC2012_val_00019222.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "timber wolf", + "target_id": "269", + "is_test": "True" + }, + { + "": "4997", + "path": "n02116738/ILSVRC2012_val_00048385.JPEG", + "source": "African hunting dog", + "source_id": "275", + "target": "timber wolf", + "target_id": "269", + "is_test": "True" + }, + { + "": "9390", + "path": "n03345487/ILSVRC2012_val_00043256.JPEG", + "source": "fire engine", + "source_id": "555", + "target": "tow truck", + "target_id": "864", + "is_test": "True" + }, + { + "": "11011", + "path": "n04146614/ILSVRC2012_val_00010401.JPEG", + "source": "school bus", + "source_id": "779", + "target": "tow truck", + "target_id": "864", + "is_test": "True" + }, + { + "": "10836", + "path": "n03977966/ILSVRC2012_val_00033923.JPEG", + "source": "police van", + "source_id": "734", + "target": "tow truck", + "target_id": "864", + "is_test": "True" + }, + { + "": "11789", + "path": "n04467665/ILSVRC2012_val_00038360.JPEG", + "source": "trailer truck", + "source_id": "867", + "target": "tow truck", + "target_id": "864", + "is_test": "True" + }, + { + "": "3324", + "path": "n02085782/ILSVRC2012_val_00025098.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "toy terrier", + "target_id": "158", + "is_test": "True" + }, + { + "": "3365", + "path": "n02086240/ILSVRC2012_val_00011754.JPEG", + "source": "Shih-Tzu", + "source_id": "155", + "target": "toy terrier", + "target_id": "158", + "is_test": "True" + }, + { + "": "3278", + "path": "n02085620/ILSVRC2012_val_00029289.JPEG", + "source": "Chihuahua", + "source_id": "151", + "target": "toy terrier", + "target_id": "158", + "is_test": "True" + }, + { + "": "3340", + "path": "n02085782/ILSVRC2012_val_00037960.JPEG", + "source": "Japanese spaniel", + "source_id": "152", + "target": "toy terrier", + "target_id": "158", + "is_test": "True" + }, + { + "": "10586", + "path": "n03930630/ILSVRC2012_val_00036504.JPEG", + "source": "pickup", + "source_id": "717", + "target": "trailer truck", + "target_id": "867", + "is_test": "True" + }, + { + "": "9590", + "path": "n03417042/ILSVRC2012_val_00039069.JPEG", + "source": "garbage truck", + "source_id": "569", + "target": "trailer truck", + "target_id": "867", + "is_test": "True" + }, + { + "": "11710", + "path": "n04461696/ILSVRC2012_val_00016332.JPEG", + "source": "tow truck", + "source_id": "864", + "target": "trailer truck", + "target_id": "867", + "is_test": "True" + }, + { + "": "11727", + "path": "n04461696/ILSVRC2012_val_00028462.JPEG", + "source": "tow truck", + "source_id": "864", + "target": "trailer truck", + "target_id": "867", + "is_test": "True" + }, + { + "": "717", + "path": "n01631663/ILSVRC2012_val_00012441.JPEG", + "source": "eft", + "source_id": "27", + "target": "tree frog", + "target_id": "31", + "is_test": "True" + }, + { + "": "610", + "path": "n01629819/ILSVRC2012_val_00009938.JPEG", + "source": "European fire salamander", + "source_id": "25", + "target": "tree frog", + "target_id": "31", + "is_test": "True" + }, + { + "": "771", + "path": "n01632458/ILSVRC2012_val_00023080.JPEG", + "source": "spotted salamander", + "source_id": "28", + "target": "tree frog", + "target_id": "31", + "is_test": "True" + }, + { + "": "763", + "path": "n01632458/ILSVRC2012_val_00015091.JPEG", + "source": "spotted salamander", + "source_id": "28", + "target": "tree frog", + "target_id": "31", + "is_test": "True" + }, + { + "": "10342", + "path": "n03785016/ILSVRC2012_val_00044139.JPEG", + "source": "moped", + "source_id": "665", + "target": "tricycle", + "target_id": "870", + "is_test": "True" + }, + { + "": "10373", + "path": "n03791053/ILSVRC2012_val_00022401.JPEG", + "source": "motor scooter", + "source_id": "670", + "target": "tricycle", + "target_id": "870", + "is_test": "True" + }, + { + "": "10321", + "path": "n03785016/ILSVRC2012_val_00015839.JPEG", + "source": "moped", + "source_id": "665", + "target": "tricycle", + "target_id": "870", + "is_test": "True" + }, + { + "": "10418", + "path": "n03792782/ILSVRC2012_val_00019513.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "tricycle", + "target_id": "870", + "is_test": "True" + }, + { + "": "11099", + "path": "n04147183/ILSVRC2012_val_00049923.JPEG", + "source": "schooner", + "source_id": "780", + "target": "trimaran", + "target_id": "871", + "is_test": "True" + }, + { + "": "8410", + "path": "n02981792/ILSVRC2012_val_00010769.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "trimaran", + "target_id": "871", + "is_test": "True" + }, + { + "": "11095", + "path": "n04147183/ILSVRC2012_val_00047791.JPEG", + "source": "schooner", + "source_id": "780", + "target": "trimaran", + "target_id": "871", + "is_test": "True" + }, + { + "": "8433", + "path": "n02981792/ILSVRC2012_val_00034585.JPEG", + "source": "catamaran", + "source_id": "484", + "target": "trimaran", + "target_id": "871", + "is_test": "True" + }, + { + "": "8010", + "path": "n02804610/ILSVRC2012_val_00011274.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "trombone", + "target_id": "875", + "is_test": "True" + }, + { + "": "8019", + "path": "n02804610/ILSVRC2012_val_00018806.JPEG", + "source": "bassoon", + "source_id": "432", + "target": "trombone", + "target_id": "875", + "is_test": "True" + }, + { + "": "10483", + "path": "n03838899/ILSVRC2012_val_00033457.JPEG", + "source": "oboe", + "source_id": "683", + "target": "trombone", + "target_id": "875", + "is_test": "True" + }, + { + "": "10960", + "path": "n04141076/ILSVRC2012_val_00011804.JPEG", + "source": "sax", + "source_id": "776", + "target": "trombone", + "target_id": "875", + "is_test": "True" + }, + { + "": "11819", + "path": "n04482393/ILSVRC2012_val_00016915.JPEG", + "source": "tricycle", + "source_id": "870", + "target": "unicycle", + "target_id": "880", + "is_test": "True" + }, + { + "": "10331", + "path": "n03785016/ILSVRC2012_val_00031789.JPEG", + "source": "moped", + "source_id": "665", + "target": "unicycle", + "target_id": "880", + "is_test": "True" + }, + { + "": "10433", + "path": "n03792782/ILSVRC2012_val_00036678.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "unicycle", + "target_id": "880", + "is_test": "True" + }, + { + "": "10405", + "path": "n03792782/ILSVRC2012_val_00005330.JPEG", + "source": "mountain bike", + "source_id": "671", + "target": "unicycle", + "target_id": "880", + "is_test": "True" + }, + { + "": "11634", + "path": "n04398044/ILSVRC2012_val_00037105.JPEG", + "source": "teapot", + "source_id": "849", + "target": "vase", + "target_id": "883", + "is_test": "True" + }, + { + "": "11610", + "path": "n04398044/ILSVRC2012_val_00014757.JPEG", + "source": "teapot", + "source_id": "849", + "target": "vase", + "target_id": "883", + "is_test": "True" + }, + { + "": "11604", + "path": "n04398044/ILSVRC2012_val_00006085.JPEG", + "source": "teapot", + "source_id": "849", + "target": "vase", + "target_id": "883", + "is_test": "True" + }, + { + "": "12235", + "path": "n04560804/ILSVRC2012_val_00032981.JPEG", + "source": "water jug", + "source_id": "899", + "target": "vase", + "target_id": "883", + "is_test": "True" + }, + { + "": "8495", + "path": "n02992211/ILSVRC2012_val_00042863.JPEG", + "source": "cello", + "source_id": "486", + "target": "violin", + "target_id": "889", + "is_test": "True" + }, + { + "": "8497", + "path": "n02992211/ILSVRC2012_val_00045757.JPEG", + "source": "cello", + "source_id": "486", + "target": "violin", + "target_id": "889", + "is_test": "True" + }, + { + "": "8483", + "path": "n02992211/ILSVRC2012_val_00034445.JPEG", + "source": "cello", + "source_id": "486", + "target": "violin", + "target_id": "889", + "is_test": "True" + }, + { + "": "9221", + "path": "n03272010/ILSVRC2012_val_00014896.JPEG", + "source": "electric guitar", + "source_id": "546", + "target": "violin", + "target_id": "889", + "is_test": "True" + }, + { + "": "7998", + "path": "n02794156/ILSVRC2012_val_00048149.JPEG", + "source": "barometer", + "source_id": "426", + "target": "wall clock", + "target_id": "892", + "is_test": "True" + }, + { + "": "11590", + "path": "n04328186/ILSVRC2012_val_00043606.JPEG", + "source": "stopwatch", + "source_id": "826", + "target": "wall clock", + "target_id": "892", + "is_test": "True" + }, + { + "": "9114", + "path": "n03197337/ILSVRC2012_val_00012383.JPEG", + "source": "digital watch", + "source_id": "531", + "target": "wall clock", + "target_id": "892", + "is_test": "True" + }, + { + "": "10538", + "path": "n03841143/ILSVRC2012_val_00038367.JPEG", + "source": "odometer", + "source_id": "685", + "target": "wall clock", + "target_id": "892", + "is_test": "True" + }, + { + "": "8707", + "path": "n03063689/ILSVRC2012_val_00012391.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "water bottle", + "target_id": "898", + "is_test": "True" + }, + { + "": "12225", + "path": "n04560804/ILSVRC2012_val_00020857.JPEG", + "source": "water jug", + "source_id": "899", + "target": "water bottle", + "target_id": "898", + "is_test": "True" + }, + { + "": "8600", + "path": "n03062245/ILSVRC2012_val_00000344.JPEG", + "source": "cocktail shaker", + "source_id": "503", + "target": "water bottle", + "target_id": "898", + "is_test": "True" + }, + { + "": "8717", + "path": "n03063689/ILSVRC2012_val_00022585.JPEG", + "source": "coffeepot", + "source_id": "505", + "target": "water bottle", + "target_id": "898", + "is_test": "True" + }, + { + "": "6621", + "path": "n02410509/ILSVRC2012_val_00028496.JPEG", + "source": "bison", + "source_id": "347", + "target": "water buffalo", + "target_id": "346", + "is_test": "True" + }, + { + "": "6766", + "path": "n02417914/ILSVRC2012_val_00016192.JPEG", + "source": "ibex", + "source_id": "350", + "target": "water buffalo", + "target_id": "346", + "is_test": "True" + }, + { + "": "6761", + "path": "n02417914/ILSVRC2012_val_00011631.JPEG", + "source": "ibex", + "source_id": "350", + "target": "water buffalo", + "target_id": "346", + "is_test": "True" + }, + { + "": "6605", + "path": "n02410509/ILSVRC2012_val_00008629.JPEG", + "source": "bison", + "source_id": "347", + "target": "water buffalo", + "target_id": "346", + "is_test": "True" + }, + { + "": "10207", + "path": "n03733805/ILSVRC2012_val_00007887.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "water jug", + "target_id": "899", + "is_test": "True" + }, + { + "": "8641", + "path": "n03062245/ILSVRC2012_val_00042306.JPEG", + "source": "cocktail shaker", + "source_id": "503", + "target": "water jug", + "target_id": "899", + "is_test": "True" + }, + { + "": "8160", + "path": "n02823428/ILSVRC2012_val_00009225.JPEG", + "source": "beer bottle", + "source_id": "440", + "target": "water jug", + "target_id": "899", + "is_test": "True" + }, + { + "": "10223", + "path": "n03733805/ILSVRC2012_val_00027209.JPEG", + "source": "measuring cup", + "source_id": "647", + "target": "water jug", + "target_id": "899", + "is_test": "True" + }, + { + "": "5877", + "path": "n02165456/ILSVRC2012_val_00027954.JPEG", + "source": "ladybug", + "source_id": "301", + "target": "weevil", + "target_id": "307", + "is_test": "True" + }, + { + "": "6041", + "path": "n02169497/ILSVRC2012_val_00043134.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "weevil", + "target_id": "307", + "is_test": "True" + }, + { + "": "5800", + "path": "n02165105/ILSVRC2012_val_00000361.JPEG", + "source": "tiger beetle", + "source_id": "300", + "target": "weevil", + "target_id": "307", + "is_test": "True" + }, + { + "": "6002", + "path": "n02169497/ILSVRC2012_val_00001776.JPEG", + "source": "leaf beetle", + "source_id": "304", + "target": "weevil", + "target_id": "307", + "is_test": "True" + }, + { + "": "4853", + "path": "n02114855/ILSVRC2012_val_00004178.JPEG", + "source": "coyote", + "source_id": "272", + "target": "white wolf", + "target_id": "270", + "is_test": "True" + }, + { + "": "4919", + "path": "n02115641/ILSVRC2012_val_00019728.JPEG", + "source": "dingo", + "source_id": "273", + "target": "white wolf", + "target_id": "270", + "is_test": "True" + }, + { + "": "4995", + "path": "n02116738/ILSVRC2012_val_00046470.JPEG", + "source": "African hunting dog", + "source_id": "275", + "target": "white wolf", + "target_id": "270", + "is_test": "True" + }, + { + "": "5118", + "path": "n02120079/ILSVRC2012_val_00020481.JPEG", + "source": "Arctic fox", + "source_id": "279", + "target": "white wolf", + "target_id": "270", + "is_test": "True" + }, + { + "": "11646", + "path": "n04398044/ILSVRC2012_val_00046719.JPEG", + "source": "teapot", + "source_id": "849", + "target": "wine bottle", + "target_id": "907", + "is_test": "True" + }, + { + "": "12027", + "path": "n04522168/ILSVRC2012_val_00031872.JPEG", + "source": "vase", + "source_id": "883", + "target": "wine bottle", + "target_id": "907", + "is_test": "True" + }, + { + "": "8649", + "path": "n03062245/ILSVRC2012_val_00048215.JPEG", + "source": "cocktail shaker", + "source_id": "503", + "target": "wine bottle", + "target_id": "907", + "is_test": "True" + }, + { + "": "8639", + "path": "n03062245/ILSVRC2012_val_00041455.JPEG", + "source": "cocktail shaker", + "source_id": "503", + "target": "wine bottle", + "target_id": "907", + "is_test": "True" + }, + { + "": "3869", + "path": "n02093754/ILSVRC2012_val_00017404.JPEG", + "source": "Border terrier", + "source_id": "182", + "target": "wire-haired fox terrier", + "target_id": "188", + "is_test": "True" + }, + { + "": "3944", + "path": "n02093991/ILSVRC2012_val_00044532.JPEG", + "source": "Irish terrier", + "source_id": "184", + "target": "wire-haired fox terrier", + "target_id": "188", + "is_test": "True" + }, + { + "": "3843", + "path": "n02093428/ILSVRC2012_val_00043556.JPEG", + "source": "American Staffordshire terrier", + "source_id": "180", + "target": "wire-haired fox terrier", + "target_id": "188", + "is_test": "True" + }, + { + "": "3902", + "path": "n02093991/ILSVRC2012_val_00004687.JPEG", + "source": "Irish terrier", + "source_id": "184", + "target": "wire-haired fox terrier", + "target_id": "188", + "is_test": "True" + }, + { + "": "1788", + "path": "n01774750/ILSVRC2012_val_00040775.JPEG", + "source": "tarantula", + "source_id": "76", + "target": "wolf spider", + "target_id": "77", + "is_test": "True" + }, + { + "": "1670", + "path": "n01773797/ILSVRC2012_val_00019030.JPEG", + "source": "garden spider", + "source_id": "74", + "target": "wolf spider", + "target_id": "77", + "is_test": "True" + }, + { + "": "1715", + "path": "n01774384/ILSVRC2012_val_00019765.JPEG", + "source": "black widow", + "source_id": "75", + "target": "wolf spider", + "target_id": "77", + "is_test": "True" + }, + { + "": "1630", + "path": "n01770393/ILSVRC2012_val_00031020.JPEG", + "source": "scorpion", + "source_id": "71", + "target": "wolf spider", + "target_id": "77", + "is_test": "True" + }, + { + "": "6448", + "path": "n02389026/ILSVRC2012_val_00049082.JPEG", + "source": "sorrel", + "source_id": "339", + "target": "zebra", + "target_id": "340", + "is_test": "True" + }, + { + "": "6404", + "path": "n02389026/ILSVRC2012_val_00007267.JPEG", + "source": "sorrel", + "source_id": "339", + "target": "zebra", + "target_id": "340", + "is_test": "True" + }, + { + "": "6446", + "path": "n02389026/ILSVRC2012_val_00047494.JPEG", + "source": "sorrel", + "source_id": "339", + "target": "zebra", + "target_id": "340", + "is_test": "True" + }, + { + "": "6426", + "path": "n02389026/ILSVRC2012_val_00029082.JPEG", + "source": "sorrel", + "source_id": "339", + "target": "zebra", + "target_id": "340", + "is_test": "True" + }, + { + "": "12479", + "path": "n07714990/ILSVRC2012_val_00028304.JPEG", + "source": "broccoli", + "source_id": "937", + "target": "zucchini", + "target_id": "939", + "is_test": "True" + }, + { + "": "12789", + "path": "n07718747/ILSVRC2012_val_00039289.JPEG", + "source": "artichoke", + "source_id": "944", + "target": "zucchini", + "target_id": "939", + "is_test": "True" + }, + { + "": "12725", + "path": "n07718472/ILSVRC2012_val_00025145.JPEG", + "source": "cucumber", + "source_id": "943", + "target": "zucchini", + "target_id": "939", + "is_test": "True" + }, + { + "": "12500", + "path": "n07715103/ILSVRC2012_val_00000332.JPEG", + "source": "cauliflower", + "source_id": "938", + "target": "zucchini", + "target_id": "939", + "is_test": "True" + } +] \ No newline at end of file diff --git a/diffusion/FreePromptEditing/datasets/ImageNet_fake_edit.json b/diffusion/FreePromptEditing/datasets/ImageNet_fake_edit.json new file mode 100644 index 0000000..f3b6877 --- /dev/null +++ b/diffusion/FreePromptEditing/datasets/ImageNet_fake_edit.json @@ -0,0 +1,4730 @@ +[ + { + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a Afghan hound" + }, + { + "soure_prompt": "a photo of a cool basset", + "edit_prompt": "a photo of a cool Afghan hound" + }, + { + "soure_prompt": "a photo of one otterhound", + "edit_prompt": "a photo of one Afghan hound" + }, + { + "soure_prompt": "a photo of the nice beagle", + "edit_prompt": "a photo of the nice Afghan hound" + }, + { + "soure_prompt": "a photo of a dingo", + "edit_prompt": "a photo of a African hunting dog" + }, + { + "soure_prompt": "a good photo of a hyena", + "edit_prompt": "a good photo of a African hunting dog" + }, + { + "soure_prompt": "a close-up photo of a hyena", + "edit_prompt": "a close-up photo of a African hunting dog" + }, + { + "soure_prompt": "a close-up photo of a red fox", + "edit_prompt": "a close-up photo of a African hunting dog" + }, + { + "soure_prompt": "a rendition of the wire-haired fox terrier", + "edit_prompt": "a rendition of the American Staffordshire terrier" + }, + { + "soure_prompt": "a cropped photo of a standard schnauzer", + "edit_prompt": "a cropped photo of a American Staffordshire terrier" + }, + { + "soure_prompt": "a photo of the clean Yorkshire terrier", + "edit_prompt": "a photo of the clean American Staffordshire terrier" + }, + { + "soure_prompt": "a cropped photo of a Irish terrier", + "edit_prompt": "a cropped photo of a American Staffordshire terrier" + }, + { + "soure_prompt": "a bright photo of the lesser panda", + "edit_prompt": "a bright photo of the American black bear" + }, + { + "soure_prompt": "a cropped photo of a brown bear", + "edit_prompt": "a cropped photo of a American black bear" + }, + { + "soure_prompt": "a photo of one ice bear", + "edit_prompt": "a photo of one American black bear" + }, + { + "soure_prompt": "a good photo of the ice bear", + "edit_prompt": "a good photo of the American black bear" + }, + { + "soure_prompt": "the photo of a rock crab", + "edit_prompt": "the photo of a American lobster" + }, + { + "soure_prompt": "a cropped photo of the rock crab", + "edit_prompt": "a cropped photo of the American lobster" + }, + { + "soure_prompt": "a photo of a small fiddler crab", + "edit_prompt": "a photo of a small American lobster" + }, + { + "soure_prompt": "a photo of the large fiddler crab", + "edit_prompt": "a photo of the large American lobster" + }, + { + "soure_prompt": "a photo of the African hunting dog", + "edit_prompt": "a photo of the Arctic fox" + }, + { + "soure_prompt": "a photo of a dirty red wolf", + "edit_prompt": "a photo of a dirty Arctic fox" + }, + { + "soure_prompt": "a rendition of the red wolf", + "edit_prompt": "a rendition of the Arctic fox" + }, + { + "soure_prompt": "the photo of a hyena", + "edit_prompt": "the photo of a Arctic fox" + }, + { + "soure_prompt": "a dark photo of the wire-haired fox terrier", + "edit_prompt": "a dark photo of the Border terrier" + }, + { + "soure_prompt": "a bright photo of the standard schnauzer", + "edit_prompt": "a bright photo of the Border terrier" + }, + { + "soure_prompt": "a photo of the clean wire-haired fox terrier", + "edit_prompt": "a photo of the clean Border terrier" + }, + { + "soure_prompt": "a photo of a dirty standard schnauzer", + "edit_prompt": "a photo of a dirty Border terrier" + }, + { + "soure_prompt": "a photo of a cool papillon", + "edit_prompt": "a photo of a cool Chihuahua" + }, + { + "soure_prompt": "a rendition of a toy terrier", + "edit_prompt": "a rendition of a Chihuahua" + }, + { + "soure_prompt": "a photo of the clean Japanese spaniel", + "edit_prompt": "a photo of the clean Chihuahua" + }, + { + "soure_prompt": "a cropped photo of the papillon", + "edit_prompt": "a cropped photo of the Chihuahua" + }, + { + "soure_prompt": "a photo of a cool American lobster", + "edit_prompt": "a photo of a cool Dungeness crab" + }, + { + "soure_prompt": "a rendition of a isopod", + "edit_prompt": "a rendition of a Dungeness crab" + }, + { + "soure_prompt": "a photo of the weird crayfish", + "edit_prompt": "a photo of the weird Dungeness crab" + }, + { + "soure_prompt": "a cropped photo of a fiddler crab", + "edit_prompt": "a cropped photo of a Dungeness crab" + }, + { + "soure_prompt": "a photo of a nice Italian greyhound", + "edit_prompt": "a photo of a nice English foxhound" + }, + { + "soure_prompt": "a close-up photo of a Italian greyhound", + "edit_prompt": "a close-up photo of a English foxhound" + }, + { + "soure_prompt": "a photo of one Afghan hound", + "edit_prompt": "a photo of one English foxhound" + }, + { + "soure_prompt": "a bright photo of the beagle", + "edit_prompt": "a bright photo of the English foxhound" + }, + { + "soure_prompt": "a rendition of the Irish setter", + "edit_prompt": "a rendition of the English springer" + }, + { + "soure_prompt": "a cropped photo of a golden retriever", + "edit_prompt": "a cropped photo of a English springer" + }, + { + "soure_prompt": "a photo of one cocker spaniel", + "edit_prompt": "a photo of one English springer" + }, + { + "soure_prompt": "a photo of the weird cocker spaniel", + "edit_prompt": "a photo of the weird English springer" + }, + { + "soure_prompt": "a good photo of the collie", + "edit_prompt": "a good photo of the Eskimo dog" + }, + { + "soure_prompt": "a photo of my Siberian husky", + "edit_prompt": "a photo of my Eskimo dog" + }, + { + "soure_prompt": "a photo of the cool French bulldog", + "edit_prompt": "a photo of the cool Eskimo dog" + }, + { + "soure_prompt": "a photo of the German shepherd", + "edit_prompt": "a photo of the Eskimo dog" + }, + { + "soure_prompt": "the photo of a axolotl", + "edit_prompt": "the photo of a European fire salamander" + }, + { + "soure_prompt": "a close-up photo of the axolotl", + "edit_prompt": "a close-up photo of the European fire salamander" + }, + { + "soure_prompt": "a photo of one eft", + "edit_prompt": "a photo of one European fire salamander" + }, + { + "soure_prompt": "a bright photo of the axolotl", + "edit_prompt": "a bright photo of the European fire salamander" + }, + { + "soure_prompt": "a photo of one albatross", + "edit_prompt": "a photo of one European gallinule" + }, + { + "soure_prompt": "a good photo of the black swan", + "edit_prompt": "a good photo of the European gallinule" + }, + { + "soure_prompt": "a photo of a small king penguin", + "edit_prompt": "a photo of a small European gallinule" + }, + { + "soure_prompt": "the photo of a pelican", + "edit_prompt": "the photo of a European gallinule" + }, + { + "soure_prompt": "a rendering of a Siberian husky", + "edit_prompt": "a rendering of a French bulldog" + }, + { + "soure_prompt": "a photo of the small miniature pinscher", + "edit_prompt": "a photo of the small French bulldog" + }, + { + "soure_prompt": "a good photo of a Eskimo dog", + "edit_prompt": "a good photo of a French bulldog" + }, + { + "soure_prompt": "a rendition of a Eskimo dog", + "edit_prompt": "a rendition of a French bulldog" + }, + { + "soure_prompt": "a close-up photo of the flute", + "edit_prompt": "a close-up photo of the French horn" + }, + { + "soure_prompt": "a photo of a cool flute", + "edit_prompt": "a photo of a cool French horn" + }, + { + "soure_prompt": "a photo of the nice oboe", + "edit_prompt": "a photo of the nice French horn" + }, + { + "soure_prompt": "a photo of the weird oboe", + "edit_prompt": "a photo of the weird French horn" + }, + { + "soure_prompt": "a photo of a clean miniature pinscher", + "edit_prompt": "a photo of a clean German shepherd" + }, + { + "soure_prompt": "a close-up photo of a Rottweiler", + "edit_prompt": "a close-up photo of a German shepherd" + }, + { + "soure_prompt": "a photo of the cool French bulldog", + "edit_prompt": "a photo of the cool German shepherd" + }, + { + "soure_prompt": "a photo of the large Eskimo dog", + "edit_prompt": "a photo of the large German shepherd" + }, + { + "soure_prompt": "a photo of my pineapple", + "edit_prompt": "a photo of my Granny Smith" + }, + { + "soure_prompt": "a photo of the weird pineapple", + "edit_prompt": "a photo of the weird Granny Smith" + }, + { + "soure_prompt": "a close-up photo of the fig", + "edit_prompt": "a close-up photo of the Granny Smith" + }, + { + "soure_prompt": "a good photo of a custard apple", + "edit_prompt": "a good photo of a Granny Smith" + }, + { + "soure_prompt": "a photo of a nice horned viper", + "edit_prompt": "a photo of a nice Indian cobra" + }, + { + "soure_prompt": "a photo of a nice horned viper", + "edit_prompt": "a photo of a nice Indian cobra" + }, + { + "soure_prompt": "a good photo of the boa constrictor", + "edit_prompt": "a good photo of the Indian cobra" + }, + { + "soure_prompt": "a photo of the small thunder snake", + "edit_prompt": "a photo of the small Indian cobra" + }, + { + "soure_prompt": "a good photo of the golden retriever", + "edit_prompt": "a good photo of the Irish setter" + }, + { + "soure_prompt": "a cropped photo of a English springer", + "edit_prompt": "a cropped photo of a Irish setter" + }, + { + "soure_prompt": "a bright photo of the English springer", + "edit_prompt": "a bright photo of the Irish setter" + }, + { + "soure_prompt": "a photo of a dirty golden retriever", + "edit_prompt": "a photo of a dirty Irish setter" + }, + { + "soure_prompt": "a photo of the nice Yorkshire terrier", + "edit_prompt": "a photo of the nice Irish terrier" + }, + { + "soure_prompt": "a bright photo of the standard schnauzer", + "edit_prompt": "a bright photo of the Irish terrier" + }, + { + "soure_prompt": "a photo of the large standard schnauzer", + "edit_prompt": "a photo of the large Irish terrier" + }, + { + "soure_prompt": "a photo of the cool Border terrier", + "edit_prompt": "a photo of the cool Irish terrier" + }, + { + "soure_prompt": "a photo of a nice otterhound", + "edit_prompt": "a photo of a nice Italian greyhound" + }, + { + "soure_prompt": "a photo of the large otterhound", + "edit_prompt": "a photo of the large Italian greyhound" + }, + { + "soure_prompt": "a photo of the nice basset", + "edit_prompt": "a photo of the nice Italian greyhound" + }, + { + "soure_prompt": "a good photo of the Afghan hound", + "edit_prompt": "a good photo of the Italian greyhound" + }, + { + "soure_prompt": "a photo of the large papillon", + "edit_prompt": "a photo of the large Japanese spaniel" + }, + { + "soure_prompt": "a photo of a small Shih-Tzu", + "edit_prompt": "a photo of a small Japanese spaniel" + }, + { + "soure_prompt": "a photo of a dirty Shih-Tzu", + "edit_prompt": "a photo of a dirty Japanese spaniel" + }, + { + "soure_prompt": "a photo of the large Chihuahua", + "edit_prompt": "a photo of the large Japanese spaniel" + }, + { + "soure_prompt": "a photo of my jaguar", + "edit_prompt": "a photo of my Persian cat" + }, + { + "soure_prompt": "a rendering of a tiger", + "edit_prompt": "a rendering of a Persian cat" + }, + { + "soure_prompt": "a good photo of a jaguar", + "edit_prompt": "a good photo of a Persian cat" + }, + { + "soure_prompt": "a photo of the clean snow leopard", + "edit_prompt": "a photo of the clean Persian cat" + }, + { + "soure_prompt": "a photo of a cool German shepherd", + "edit_prompt": "a photo of a cool Rottweiler" + }, + { + "soure_prompt": "a close-up photo of the German shepherd", + "edit_prompt": "a close-up photo of the Rottweiler" + }, + { + "soure_prompt": "a rendering of a German shepherd", + "edit_prompt": "a rendering of a Rottweiler" + }, + { + "soure_prompt": "a good photo of a collie", + "edit_prompt": "a good photo of a Rottweiler" + }, + { + "soure_prompt": "a photo of a nice Japanese spaniel", + "edit_prompt": "a photo of a nice Shih-Tzu" + }, + { + "soure_prompt": "a cropped photo of the toy terrier", + "edit_prompt": "a cropped photo of the Shih-Tzu" + }, + { + "soure_prompt": "a photo of a small Chihuahua", + "edit_prompt": "a photo of a small Shih-Tzu" + }, + { + "soure_prompt": "a photo of the Chihuahua", + "edit_prompt": "a photo of the Shih-Tzu" + }, + { + "soure_prompt": "a photo of a cool German shepherd", + "edit_prompt": "a photo of a cool Siberian husky" + }, + { + "soure_prompt": "a rendition of a French bulldog", + "edit_prompt": "a rendition of a Siberian husky" + }, + { + "soure_prompt": "a photo of a cool boxer", + "edit_prompt": "a photo of a cool Siberian husky" + }, + { + "soure_prompt": "a photo of a clean Rottweiler", + "edit_prompt": "a photo of a clean Siberian husky" + }, + { + "soure_prompt": "a photo of a cool wire-haired fox terrier", + "edit_prompt": "a photo of a cool Yorkshire terrier" + }, + { + "soure_prompt": "a photo of a dirty standard schnauzer", + "edit_prompt": "a photo of a dirty Yorkshire terrier" + }, + { + "soure_prompt": "a photo of the nice standard schnauzer", + "edit_prompt": "a photo of the nice Yorkshire terrier" + }, + { + "soure_prompt": "a photo of one standard schnauzer", + "edit_prompt": "a photo of one Yorkshire terrier" + }, + { + "soure_prompt": "a cropped photo of the electric guitar", + "edit_prompt": "a cropped photo of the acoustic guitar" + }, + { + "soure_prompt": "a close-up photo of the electric guitar", + "edit_prompt": "a close-up photo of the acoustic guitar" + }, + { + "soure_prompt": "a photo of a small electric guitar", + "edit_prompt": "a photo of a small acoustic guitar" + }, + { + "soure_prompt": "a photo of a electric guitar", + "edit_prompt": "a photo of a acoustic guitar" + }, + { + "soure_prompt": "a photo of the small monarch", + "edit_prompt": "a photo of the small admiral" + }, + { + "soure_prompt": "a close-up photo of the lycaenid", + "edit_prompt": "a close-up photo of the admiral" + }, + { + "soure_prompt": "a photo of one lycaenid", + "edit_prompt": "a photo of one admiral" + }, + { + "soure_prompt": "a photo of a dirty lycaenid", + "edit_prompt": "a photo of a dirty admiral" + }, + { + "soure_prompt": "a cropped photo of a pelican", + "edit_prompt": "a cropped photo of a albatross" + }, + { + "soure_prompt": "a cropped photo of a pelican", + "edit_prompt": "a cropped photo of a albatross" + }, + { + "soure_prompt": "a photo of a cool pelican", + "edit_prompt": "a photo of a cool albatross" + }, + { + "soure_prompt": "a photo of a clean pelican", + "edit_prompt": "a photo of a clean albatross" + }, + { + "soure_prompt": "a close-up photo of the limousine", + "edit_prompt": "a close-up photo of the ambulance" + }, + { + "soure_prompt": "a photo of the cool convertible", + "edit_prompt": "a photo of the cool ambulance" + }, + { + "soure_prompt": "a photo of a clean jeep", + "edit_prompt": "a photo of a clean ambulance" + }, + { + "soure_prompt": "a photo of a cool beach wagon", + "edit_prompt": "a photo of a cool ambulance" + }, + { + "soure_prompt": "a cropped photo of the stopwatch", + "edit_prompt": "a cropped photo of the analog clock" + }, + { + "soure_prompt": "a photo of a nice digital clock", + "edit_prompt": "a photo of a nice analog clock" + }, + { + "soure_prompt": "a photo of the nice digital clock", + "edit_prompt": "a photo of the nice analog clock" + }, + { + "soure_prompt": "the photo of a stopwatch", + "edit_prompt": "the photo of a analog clock" + }, + { + "soure_prompt": "a cropped photo of a sturgeon", + "edit_prompt": "a cropped photo of a anemone fish" + }, + { + "soure_prompt": "a photo of a small goldfish", + "edit_prompt": "a photo of a small anemone fish" + }, + { + "soure_prompt": "a photo of the small lionfish", + "edit_prompt": "a photo of the small anemone fish" + }, + { + "soure_prompt": "a photo of the gar", + "edit_prompt": "a photo of the anemone fish" + }, + { + "soure_prompt": "a photo of the cool cauliflower", + "edit_prompt": "a photo of the cool artichoke" + }, + { + "soure_prompt": "a rendition of a cucumber", + "edit_prompt": "a rendition of a artichoke" + }, + { + "soure_prompt": "a photo of the weird cucumber", + "edit_prompt": "a photo of the weird artichoke" + }, + { + "soure_prompt": "a good photo of the cauliflower", + "edit_prompt": "a good photo of the artichoke" + }, + { + "soure_prompt": "a close-up photo of the eft", + "edit_prompt": "a close-up photo of the axolotl" + }, + { + "soure_prompt": "a bright photo of the European fire salamander", + "edit_prompt": "a bright photo of the axolotl" + }, + { + "soure_prompt": "a photo of a nice bullfrog", + "edit_prompt": "a photo of a nice axolotl" + }, + { + "soure_prompt": "a good photo of the bullfrog", + "edit_prompt": "a good photo of the axolotl" + }, + { + "soure_prompt": "a photo of a small guenon", + "edit_prompt": "a photo of a small baboon" + }, + { + "soure_prompt": "a photo of the guenon", + "edit_prompt": "a photo of the baboon" + }, + { + "soure_prompt": "a close-up photo of a spider monkey", + "edit_prompt": "a close-up photo of a baboon" + }, + { + "soure_prompt": "a rendering of a macaque", + "edit_prompt": "a rendering of a baboon" + }, + { + "soure_prompt": "a cropped photo of the purse", + "edit_prompt": "a cropped photo of the backpack" + }, + { + "soure_prompt": "a rendering of a purse", + "edit_prompt": "a rendering of a backpack" + }, + { + "soure_prompt": "a photo of one plastic bag", + "edit_prompt": "a photo of one backpack" + }, + { + "soure_prompt": "a photo of a small purse", + "edit_prompt": "a photo of a small backpack" + }, + { + "soure_prompt": "a photo of the nice hotdog", + "edit_prompt": "a photo of the nice bagel" + }, + { + "soure_prompt": "a photo of a small hotdog", + "edit_prompt": "a photo of a small bagel" + }, + { + "soure_prompt": "a photo of a clean cheeseburger", + "edit_prompt": "a photo of a clean bagel" + }, + { + "soure_prompt": "a photo of a nice hotdog", + "edit_prompt": "a photo of a nice bagel" + }, + { + "soure_prompt": "a close-up photo of the great grey owl", + "edit_prompt": "a close-up photo of the bald eagle" + }, + { + "soure_prompt": "a close-up photo of the kite", + "edit_prompt": "a close-up photo of the bald eagle" + }, + { + "soure_prompt": "a cropped photo of the great grey owl", + "edit_prompt": "a cropped photo of the bald eagle" + }, + { + "soure_prompt": "a close-up photo of the kite", + "edit_prompt": "a close-up photo of the bald eagle" + }, + { + "soure_prompt": "a photo of one fig", + "edit_prompt": "a photo of one banana" + }, + { + "soure_prompt": "a photo of the weird custard apple", + "edit_prompt": "a photo of the weird banana" + }, + { + "soure_prompt": "a photo of a small orange", + "edit_prompt": "a photo of a small banana" + }, + { + "soure_prompt": "a close-up photo of a strawberry", + "edit_prompt": "a close-up photo of a banana" + }, + { + "soure_prompt": "a photo of a dirty violin", + "edit_prompt": "a photo of a dirty banjo" + }, + { + "soure_prompt": "a photo of a acoustic guitar", + "edit_prompt": "a photo of a banjo" + }, + { + "soure_prompt": "a photo of the acoustic guitar", + "edit_prompt": "a photo of the banjo" + }, + { + "soure_prompt": "a good photo of a acoustic guitar", + "edit_prompt": "a good photo of a banjo" + }, + { + "soure_prompt": "a photo of one analog clock", + "edit_prompt": "a photo of one barometer" + }, + { + "soure_prompt": "a photo of a cool digital clock", + "edit_prompt": "a photo of a cool barometer" + }, + { + "soure_prompt": "a good photo of the odometer", + "edit_prompt": "a good photo of the barometer" + }, + { + "soure_prompt": "a photo of a dirty odometer", + "edit_prompt": "a photo of a dirty barometer" + }, + { + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a basset" + }, + { + "soure_prompt": "a photo of a otterhound", + "edit_prompt": "a photo of a basset" + }, + { + "soure_prompt": "a cropped photo of a Afghan hound", + "edit_prompt": "a cropped photo of a basset" + }, + { + "soure_prompt": "a cropped photo of a beagle", + "edit_prompt": "a cropped photo of a basset" + }, + { + "soure_prompt": "a photo of one French horn", + "edit_prompt": "a photo of one bassoon" + }, + { + "soure_prompt": "a photo of a small cornet", + "edit_prompt": "a photo of a small bassoon" + }, + { + "soure_prompt": "a good photo of the oboe", + "edit_prompt": "a good photo of the bassoon" + }, + { + "soure_prompt": "a photo of one sax", + "edit_prompt": "a photo of one bassoon" + }, + { + "soure_prompt": "a good photo of a bonnet", + "edit_prompt": "a good photo of a bathing cap" + }, + { + "soure_prompt": "a dark photo of the cowboy hat", + "edit_prompt": "a dark photo of the bathing cap" + }, + { + "soure_prompt": "a rendering of a shower cap", + "edit_prompt": "a rendering of a bathing cap" + }, + { + "soure_prompt": "a photo of the clean football helmet", + "edit_prompt": "a photo of the clean bathing cap" + }, + { + "soure_prompt": "a photo of a nice cab", + "edit_prompt": "a photo of a nice beach wagon" + }, + { + "soure_prompt": "a cropped photo of the ambulance", + "edit_prompt": "a cropped photo of the beach wagon" + }, + { + "soure_prompt": "a rendition of a ambulance", + "edit_prompt": "a rendition of a beach wagon" + }, + { + "soure_prompt": "a cropped photo of a convertible", + "edit_prompt": "a cropped photo of a beach wagon" + }, + { + "soure_prompt": "a photo of a dirty Afghan hound", + "edit_prompt": "a photo of a dirty beagle" + }, + { + "soure_prompt": "a cropped photo of the otterhound", + "edit_prompt": "a cropped photo of the beagle" + }, + { + "soure_prompt": "a photo of the nice otterhound", + "edit_prompt": "a photo of the nice beagle" + }, + { + "soure_prompt": "a photo of the large Italian greyhound", + "edit_prompt": "a photo of the large beagle" + }, + { + "soure_prompt": "a rendition of a measuring cup", + "edit_prompt": "a rendition of a beer bottle" + }, + { + "soure_prompt": "a photo of a nice vase", + "edit_prompt": "a photo of a nice beer bottle" + }, + { + "soure_prompt": "a photo of a coffeepot", + "edit_prompt": "a photo of a beer bottle" + }, + { + "soure_prompt": "a photo of a small coffee mug", + "edit_prompt": "a photo of a small beer bottle" + }, + { + "soure_prompt": "a good photo of the cauliflower", + "edit_prompt": "a good photo of the bell pepper" + }, + { + "soure_prompt": "a photo of the large spaghetti squash", + "edit_prompt": "a photo of the large bell pepper" + }, + { + "soure_prompt": "a cropped photo of a cardoon", + "edit_prompt": "a cropped photo of a bell pepper" + }, + { + "soure_prompt": "a photo of a nice broccoli", + "edit_prompt": "a photo of a nice bell pepper" + }, + { + "soure_prompt": "a photo of a dirty ram", + "edit_prompt": "a photo of a dirty bighorn" + }, + { + "soure_prompt": "a photo of a clean ram", + "edit_prompt": "a photo of a clean bighorn" + }, + { + "soure_prompt": "a photo of the ibex", + "edit_prompt": "a photo of the bighorn" + }, + { + "soure_prompt": "a photo of the weird water buffalo", + "edit_prompt": "a photo of the weird bighorn" + }, + { + "soure_prompt": "a dark photo of the impala", + "edit_prompt": "a dark photo of the bison" + }, + { + "soure_prompt": "a photo of the clean ram", + "edit_prompt": "a photo of the clean bison" + }, + { + "soure_prompt": "a photo of the small impala", + "edit_prompt": "a photo of the small bison" + }, + { + "soure_prompt": "a photo of the small gazelle", + "edit_prompt": "a photo of the small bison" + }, + { + "soure_prompt": "a photo of the nice ruffed grouse", + "edit_prompt": "a photo of the nice black grouse" + }, + { + "soure_prompt": "a cropped photo of the ptarmigan", + "edit_prompt": "a cropped photo of the black grouse" + }, + { + "soure_prompt": "a good photo of the ruffed grouse", + "edit_prompt": "a good photo of the black grouse" + }, + { + "soure_prompt": "a close-up photo of a ruffed grouse", + "edit_prompt": "a close-up photo of a black grouse" + }, + { + "soure_prompt": "a cropped photo of a goose", + "edit_prompt": "a cropped photo of a black stork" + }, + { + "soure_prompt": "a cropped photo of the oystercatcher", + "edit_prompt": "a cropped photo of the black stork" + }, + { + "soure_prompt": "a bright photo of the flamingo", + "edit_prompt": "a bright photo of the black stork" + }, + { + "soure_prompt": "a dark photo of the spoonbill", + "edit_prompt": "a dark photo of the black stork" + }, + { + "soure_prompt": "a cropped photo of the king penguin", + "edit_prompt": "a cropped photo of the black swan" + }, + { + "soure_prompt": "a photo of the large albatross", + "edit_prompt": "a photo of the large black swan" + }, + { + "soure_prompt": "a close-up photo of the European gallinule", + "edit_prompt": "a close-up photo of the black swan" + }, + { + "soure_prompt": "a photo of the large European gallinule", + "edit_prompt": "a photo of the large black swan" + }, + { + "soure_prompt": "a photo of a cool garden spider", + "edit_prompt": "a photo of a cool black widow" + }, + { + "soure_prompt": "a rendering of a tarantula", + "edit_prompt": "a rendering of a black widow" + }, + { + "soure_prompt": "a dark photo of the garden spider", + "edit_prompt": "a dark photo of the black widow" + }, + { + "soure_prompt": "a photo of the cool garden spider", + "edit_prompt": "a photo of the cool black widow" + }, + { + "soure_prompt": "a cropped photo of the thunder snake", + "edit_prompt": "a cropped photo of the boa constrictor" + }, + { + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a boa constrictor" + }, + { + "soure_prompt": "a photo of a cool green mamba", + "edit_prompt": "a photo of a cool boa constrictor" + }, + { + "soure_prompt": "a photo of my sidewinder", + "edit_prompt": "a photo of my boa constrictor" + }, + { + "soure_prompt": "a rendition of a hen-of-the-woods", + "edit_prompt": "a rendition of a bolete" + }, + { + "soure_prompt": "a photo of the large gyromitra", + "edit_prompt": "a photo of the large bolete" + }, + { + "soure_prompt": "a close-up photo of the hen-of-the-woods", + "edit_prompt": "a close-up photo of the bolete" + }, + { + "soure_prompt": "a photo of the large coral fungus", + "edit_prompt": "a photo of the large bolete" + }, + { + "soure_prompt": "a cropped photo of a football helmet", + "edit_prompt": "a cropped photo of a bonnet" + }, + { + "soure_prompt": "a photo of the bathing cap", + "edit_prompt": "a photo of the bonnet" + }, + { + "soure_prompt": "a photo of the cool shower cap", + "edit_prompt": "a photo of the cool bonnet" + }, + { + "soure_prompt": "a photo of the bathing cap", + "edit_prompt": "a photo of the bonnet" + }, + { + "soure_prompt": "a rendition of a terrapin", + "edit_prompt": "a rendition of a box turtle" + }, + { + "soure_prompt": "a rendering of a terrapin", + "edit_prompt": "a rendering of a box turtle" + }, + { + "soure_prompt": "a bright photo of the terrapin", + "edit_prompt": "a bright photo of the box turtle" + }, + { + "soure_prompt": "a photo of a dirty terrapin", + "edit_prompt": "a photo of a dirty box turtle" + }, + { + "soure_prompt": "a photo of a nice French bulldog", + "edit_prompt": "a photo of a nice boxer" + }, + { + "soure_prompt": "a photo of my Rottweiler", + "edit_prompt": "a photo of my boxer" + }, + { + "soure_prompt": "a photo of the cool miniature pinscher", + "edit_prompt": "a photo of the cool boxer" + }, + { + "soure_prompt": "a cropped photo of a French bulldog", + "edit_prompt": "a cropped photo of a boxer" + }, + { + "soure_prompt": "the photo of a zucchini", + "edit_prompt": "the photo of a broccoli" + }, + { + "soure_prompt": "a rendition of the spaghetti squash", + "edit_prompt": "a rendition of the broccoli" + }, + { + "soure_prompt": "a rendering of a butternut squash", + "edit_prompt": "a rendering of a broccoli" + }, + { + "soure_prompt": "a dark photo of the butternut squash", + "edit_prompt": "a dark photo of the broccoli" + }, + { + "soure_prompt": "a photo of a dirty sloth bear", + "edit_prompt": "a photo of a dirty brown bear" + }, + { + "soure_prompt": "a good photo of the lesser panda", + "edit_prompt": "a good photo of the brown bear" + }, + { + "soure_prompt": "a dark photo of the sloth bear", + "edit_prompt": "a dark photo of the brown bear" + }, + { + "soure_prompt": "a photo of the small ice bear", + "edit_prompt": "a photo of the small brown bear" + }, + { + "soure_prompt": "a photo of the cool tree frog", + "edit_prompt": "a photo of the cool bullfrog" + }, + { + "soure_prompt": "a photo of a cool common newt", + "edit_prompt": "a photo of a cool bullfrog" + }, + { + "soure_prompt": "a good photo of the European fire salamander", + "edit_prompt": "a good photo of the bullfrog" + }, + { + "soure_prompt": "a photo of the weird axolotl", + "edit_prompt": "a photo of the weird bullfrog" + }, + { + "soure_prompt": "a photo of a small black stork", + "edit_prompt": "a photo of a small bustard" + }, + { + "soure_prompt": "a photo of a dirty goose", + "edit_prompt": "a photo of a dirty bustard" + }, + { + "soure_prompt": "a rendition of a little blue heron", + "edit_prompt": "a rendition of a bustard" + }, + { + "soure_prompt": "a rendering of a goose", + "edit_prompt": "a rendering of a bustard" + }, + { + "soure_prompt": "a good photo of a broccoli", + "edit_prompt": "a good photo of a butternut squash" + }, + { + "soure_prompt": "a photo of the clean cauliflower", + "edit_prompt": "a photo of the clean butternut squash" + }, + { + "soure_prompt": "a rendition of the spaghetti squash", + "edit_prompt": "a rendition of the butternut squash" + }, + { + "soure_prompt": "a photo of a dirty broccoli", + "edit_prompt": "a photo of a dirty butternut squash" + }, + { + "soure_prompt": "a good photo of the jeep", + "edit_prompt": "a good photo of the cab" + }, + { + "soure_prompt": "a photo of one sports car", + "edit_prompt": "a photo of one cab" + }, + { + "soure_prompt": "a photo of the clean jeep", + "edit_prompt": "a photo of the clean cab" + }, + { + "soure_prompt": "a photo of my sports car", + "edit_prompt": "a photo of my cab" + }, + { + "soure_prompt": "a photo of a monarch", + "edit_prompt": "a photo of a cabbage butterfly" + }, + { + "soure_prompt": "a photo of the weird admiral", + "edit_prompt": "a photo of the weird cabbage butterfly" + }, + { + "soure_prompt": "a photo of the cool lycaenid", + "edit_prompt": "a photo of the cool cabbage butterfly" + }, + { + "soure_prompt": "a photo of one lycaenid", + "edit_prompt": "a photo of one cabbage butterfly" + }, + { + "soure_prompt": "a photo of my gondola", + "edit_prompt": "a photo of my canoe" + }, + { + "soure_prompt": "a photo of the cool gondola", + "edit_prompt": "a photo of the cool canoe" + }, + { + "soure_prompt": "a rendition of a gondola", + "edit_prompt": "a rendition of a canoe" + }, + { + "soure_prompt": "a photo of the large gondola", + "edit_prompt": "a photo of the large canoe" + }, + { + "soure_prompt": "a cropped photo of the spider monkey", + "edit_prompt": "a cropped photo of the capuchin" + }, + { + "soure_prompt": "a photo of my macaque", + "edit_prompt": "a photo of my capuchin" + }, + { + "soure_prompt": "a photo of a small macaque", + "edit_prompt": "a photo of a small capuchin" + }, + { + "soure_prompt": "a rendition of a squirrel monkey", + "edit_prompt": "a rendition of a capuchin" + }, + { + "soure_prompt": "a close-up photo of a bell pepper", + "edit_prompt": "a close-up photo of a cardoon" + }, + { + "soure_prompt": "a rendering of a broccoli", + "edit_prompt": "a rendering of a cardoon" + }, + { + "soure_prompt": "a photo of a zucchini", + "edit_prompt": "a photo of a cardoon" + }, + { + "soure_prompt": "a photo of the weird cauliflower", + "edit_prompt": "a photo of the weird cardoon" + }, + { + "soure_prompt": "a photo of the nice computer keyboard", + "edit_prompt": "a photo of the nice cassette player" + }, + { + "soure_prompt": "a cropped photo of a computer keyboard", + "edit_prompt": "a cropped photo of a cassette player" + }, + { + "soure_prompt": "a photo of the weird hard disc", + "edit_prompt": "a photo of the weird cassette player" + }, + { + "soure_prompt": "a rendering of a cellular telephone", + "edit_prompt": "a rendering of a cassette player" + }, + { + "soure_prompt": "the photo of a trimaran", + "edit_prompt": "the photo of a catamaran" + }, + { + "soure_prompt": "a photo of the clean schooner", + "edit_prompt": "a photo of the clean catamaran" + }, + { + "soure_prompt": "a photo of my schooner", + "edit_prompt": "a photo of my catamaran" + }, + { + "soure_prompt": "a photo of the clean schooner", + "edit_prompt": "a photo of the clean catamaran" + }, + { + "soure_prompt": "a good photo of the artichoke", + "edit_prompt": "a good photo of the cauliflower" + }, + { + "soure_prompt": "a cropped photo of a cardoon", + "edit_prompt": "a cropped photo of a cauliflower" + }, + { + "soure_prompt": "a cropped photo of a cucumber", + "edit_prompt": "a cropped photo of a cauliflower" + }, + { + "soure_prompt": "a close-up photo of the butternut squash", + "edit_prompt": "a close-up photo of the cauliflower" + }, + { + "soure_prompt": "a photo of my violin", + "edit_prompt": "a photo of my cello" + }, + { + "soure_prompt": "a photo of the large banjo", + "edit_prompt": "a photo of the large cello" + }, + { + "soure_prompt": "a photo of the cool banjo", + "edit_prompt": "a photo of the cool cello" + }, + { + "soure_prompt": "a cropped photo of a electric guitar", + "edit_prompt": "a cropped photo of a cello" + }, + { + "soure_prompt": "a photo of a cool cassette player", + "edit_prompt": "a photo of a cool cellular telephone" + }, + { + "soure_prompt": "a photo of my hard disc", + "edit_prompt": "a photo of my cellular telephone" + }, + { + "soure_prompt": "a rendition of a laptop", + "edit_prompt": "a rendition of a cellular telephone" + }, + { + "soure_prompt": "a photo of the iPod", + "edit_prompt": "a photo of the cellular telephone" + }, + { + "soure_prompt": "a good photo of the bagel", + "edit_prompt": "a good photo of the cheeseburger" + }, + { + "soure_prompt": "a photo of a nice bagel", + "edit_prompt": "a photo of a nice cheeseburger" + }, + { + "soure_prompt": "a photo of a hotdog", + "edit_prompt": "a photo of a cheeseburger" + }, + { + "soure_prompt": "a photo of the large hotdog", + "edit_prompt": "a photo of the large cheeseburger" + }, + { + "soure_prompt": "a rendition of the Persian cat", + "edit_prompt": "a rendition of the cheetah" + }, + { + "soure_prompt": "a close-up photo of a lion", + "edit_prompt": "a close-up photo of a cheetah" + }, + { + "soure_prompt": "a photo of the weird snow leopard", + "edit_prompt": "a photo of the weird cheetah" + }, + { + "soure_prompt": "a rendering of a snow leopard", + "edit_prompt": "a rendering of a cheetah" + }, + { + "soure_prompt": "a bright photo of the maraca", + "edit_prompt": "a bright photo of the chime" + }, + { + "soure_prompt": "a photo of a dirty maraca", + "edit_prompt": "a photo of a dirty chime" + }, + { + "soure_prompt": "a bright photo of the steel drum", + "edit_prompt": "a bright photo of the chime" + }, + { + "soure_prompt": "a rendition of the gong", + "edit_prompt": "a rendition of the chime" + }, + { + "soure_prompt": "a photo of a nice gorilla", + "edit_prompt": "a photo of a nice chimpanzee" + }, + { + "soure_prompt": "a good photo of the gorilla", + "edit_prompt": "a good photo of the chimpanzee" + }, + { + "soure_prompt": "a photo of a nice gorilla", + "edit_prompt": "a photo of a nice chimpanzee" + }, + { + "soure_prompt": "a photo of a dirty gorilla", + "edit_prompt": "a photo of a dirty chimpanzee" + }, + { + "soure_prompt": "a photo of a clean golden retriever", + "edit_prompt": "a photo of a clean cocker spaniel" + }, + { + "soure_prompt": "a photo of a dirty golden retriever", + "edit_prompt": "a photo of a dirty cocker spaniel" + }, + { + "soure_prompt": "a bright photo of the English springer", + "edit_prompt": "a bright photo of the cocker spaniel" + }, + { + "soure_prompt": "a close-up photo of the golden retriever", + "edit_prompt": "a close-up photo of the cocker spaniel" + }, + { + "soure_prompt": "a photo of the large wine bottle", + "edit_prompt": "a photo of the large cocktail shaker" + }, + { + "soure_prompt": "a photo of the large water bottle", + "edit_prompt": "a photo of the large cocktail shaker" + }, + { + "soure_prompt": "a cropped photo of the beer bottle", + "edit_prompt": "a cropped photo of the cocktail shaker" + }, + { + "soure_prompt": "a photo of the weird teapot", + "edit_prompt": "a photo of the weird cocktail shaker" + }, + { + "soure_prompt": "a photo of the small teapot", + "edit_prompt": "a photo of the small coffee mug" + }, + { + "soure_prompt": "a good photo of a cocktail shaker", + "edit_prompt": "a good photo of a coffee mug" + }, + { + "soure_prompt": "a rendition of a teapot", + "edit_prompt": "a rendition of a coffee mug" + }, + { + "soure_prompt": "a photo of the large coffeepot", + "edit_prompt": "a photo of the large coffee mug" + }, + { + "soure_prompt": "a photo of my cocktail shaker", + "edit_prompt": "a photo of my coffeepot" + }, + { + "soure_prompt": "a bright photo of the coffee mug", + "edit_prompt": "a bright photo of the coffeepot" + }, + { + "soure_prompt": "a cropped photo of the water jug", + "edit_prompt": "a cropped photo of the coffeepot" + }, + { + "soure_prompt": "a photo of one teapot", + "edit_prompt": "a photo of one coffeepot" + }, + { + "soure_prompt": "a photo of the small miniature pinscher", + "edit_prompt": "a photo of the small collie" + }, + { + "soure_prompt": "a photo of a dirty Rottweiler", + "edit_prompt": "a photo of a dirty collie" + }, + { + "soure_prompt": "a photo of a nice French bulldog", + "edit_prompt": "a photo of a nice collie" + }, + { + "soure_prompt": "a photo of the boxer", + "edit_prompt": "a photo of the collie" + }, + { + "soure_prompt": "a photo of a cool spotted salamander", + "edit_prompt": "a photo of a cool common newt" + }, + { + "soure_prompt": "a photo of a dirty European fire salamander", + "edit_prompt": "a photo of a dirty common newt" + }, + { + "soure_prompt": "a photo of a small tree frog", + "edit_prompt": "a photo of a small common newt" + }, + { + "soure_prompt": "a good photo of a tree frog", + "edit_prompt": "a good photo of a common newt" + }, + { + "soure_prompt": "a photo of a clean laptop", + "edit_prompt": "a photo of a clean computer keyboard" + }, + { + "soure_prompt": "a photo of a small iPod", + "edit_prompt": "a photo of a small computer keyboard" + }, + { + "soure_prompt": "a photo of the nice laptop", + "edit_prompt": "a photo of the nice computer keyboard" + }, + { + "soure_prompt": "a photo of one iPod", + "edit_prompt": "a photo of one computer keyboard" + }, + { + "soure_prompt": "a bright photo of the jeep", + "edit_prompt": "a bright photo of the convertible" + }, + { + "soure_prompt": "a photo of a dirty jeep", + "edit_prompt": "a photo of a dirty convertible" + }, + { + "soure_prompt": "a photo of a clean sports car", + "edit_prompt": "a photo of a clean convertible" + }, + { + "soure_prompt": "the photo of a ambulance", + "edit_prompt": "the photo of a convertible" + }, + { + "soure_prompt": "a photo of the clean bolete", + "edit_prompt": "a photo of the clean coral fungus" + }, + { + "soure_prompt": "a good photo of the bolete", + "edit_prompt": "a good photo of the coral fungus" + }, + { + "soure_prompt": "a photo of one earthstar", + "edit_prompt": "a photo of one coral fungus" + }, + { + "soure_prompt": "a close-up photo of the hen-of-the-woods", + "edit_prompt": "a close-up photo of the coral fungus" + }, + { + "soure_prompt": "a photo of my bassoon", + "edit_prompt": "a photo of my cornet" + }, + { + "soure_prompt": "a photo of a clean French horn", + "edit_prompt": "a photo of a clean cornet" + }, + { + "soure_prompt": "a close-up photo of a sax", + "edit_prompt": "a close-up photo of a cornet" + }, + { + "soure_prompt": "a photo of the large sax", + "edit_prompt": "a photo of the large cornet" + }, + { + "soure_prompt": "a rendition of a bonnet", + "edit_prompt": "a rendition of a cowboy hat" + }, + { + "soure_prompt": "a photo of my football helmet", + "edit_prompt": "a photo of my cowboy hat" + }, + { + "soure_prompt": "a good photo of a football helmet", + "edit_prompt": "a good photo of a cowboy hat" + }, + { + "soure_prompt": "a photo of a small shower cap", + "edit_prompt": "a photo of a small cowboy hat" + }, + { + "soure_prompt": "a good photo of the Arctic fox", + "edit_prompt": "a good photo of the coyote" + }, + { + "soure_prompt": "a photo of the weird red fox", + "edit_prompt": "a photo of the weird coyote" + }, + { + "soure_prompt": "a cropped photo of a hyena", + "edit_prompt": "a cropped photo of a coyote" + }, + { + "soure_prompt": "the photo of a African hunting dog", + "edit_prompt": "the photo of a coyote" + }, + { + "soure_prompt": "a photo of one isopod", + "edit_prompt": "a photo of one crayfish" + }, + { + "soure_prompt": "a photo of the cool isopod", + "edit_prompt": "a photo of the cool crayfish" + }, + { + "soure_prompt": "a photo of a Dungeness crab", + "edit_prompt": "a photo of a crayfish" + }, + { + "soure_prompt": "a photo of a isopod", + "edit_prompt": "a photo of a crayfish" + }, + { + "soure_prompt": "a photo of one artichoke", + "edit_prompt": "a photo of one cucumber" + }, + { + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a cucumber" + }, + { + "soure_prompt": "a bright photo of the butternut squash", + "edit_prompt": "a bright photo of the cucumber" + }, + { + "soure_prompt": "a photo of the weird zucchini", + "edit_prompt": "a photo of the weird cucumber" + }, + { + "soure_prompt": "a bright photo of the orange", + "edit_prompt": "a bright photo of the custard apple" + }, + { + "soure_prompt": "a photo of a dirty strawberry", + "edit_prompt": "a photo of a dirty custard apple" + }, + { + "soure_prompt": "a photo of the large pomegranate", + "edit_prompt": "a photo of the large custard apple" + }, + { + "soure_prompt": "a photo of the nice strawberry", + "edit_prompt": "a photo of the nice custard apple" + }, + { + "soure_prompt": "a dark photo of the iPod", + "edit_prompt": "a dark photo of the desktop computer" + }, + { + "soure_prompt": "a cropped photo of a hard disc", + "edit_prompt": "a cropped photo of a desktop computer" + }, + { + "soure_prompt": "a close-up photo of a computer keyboard", + "edit_prompt": "a close-up photo of a desktop computer" + }, + { + "soure_prompt": "a rendering of a dial telephone", + "edit_prompt": "a rendering of a desktop computer" + }, + { + "soure_prompt": "a photo of my laptop", + "edit_prompt": "a photo of my dial telephone" + }, + { + "soure_prompt": "a photo of the weird desktop computer", + "edit_prompt": "a photo of the weird dial telephone" + }, + { + "soure_prompt": "a photo of a dirty computer keyboard", + "edit_prompt": "a photo of a dirty dial telephone" + }, + { + "soure_prompt": "a good photo of the computer keyboard", + "edit_prompt": "a good photo of the dial telephone" + }, + { + "soure_prompt": "a photo of the weird thunder snake", + "edit_prompt": "a photo of the weird diamondback" + }, + { + "soure_prompt": "a photo of the small rock python", + "edit_prompt": "a photo of the small diamondback" + }, + { + "soure_prompt": "a photo of the weird thunder snake", + "edit_prompt": "a photo of the weird diamondback" + }, + { + "soure_prompt": "a photo of a clean rock python", + "edit_prompt": "a photo of a clean diamondback" + }, + { + "soure_prompt": "a good photo of the barometer", + "edit_prompt": "a good photo of the digital clock" + }, + { + "soure_prompt": "a photo of a odometer", + "edit_prompt": "a photo of a digital clock" + }, + { + "soure_prompt": "a photo of the large odometer", + "edit_prompt": "a photo of the large digital clock" + }, + { + "soure_prompt": "a photo of a small barometer", + "edit_prompt": "a photo of a small digital clock" + }, + { + "soure_prompt": "a photo of a clean barometer", + "edit_prompt": "a photo of a clean digital watch" + }, + { + "soure_prompt": "a photo of a dirty barometer", + "edit_prompt": "a photo of a dirty digital watch" + }, + { + "soure_prompt": "a photo of the weird barometer", + "edit_prompt": "a photo of the weird digital watch" + }, + { + "soure_prompt": "a photo of the large barometer", + "edit_prompt": "a photo of the large digital watch" + }, + { + "soure_prompt": "a photo of a small grey fox", + "edit_prompt": "a photo of a small dingo" + }, + { + "soure_prompt": "a photo of a dirty Arctic fox", + "edit_prompt": "a photo of a dirty dingo" + }, + { + "soure_prompt": "a photo of a nice hyena", + "edit_prompt": "a photo of a nice dingo" + }, + { + "soure_prompt": "a photo of a small Arctic fox", + "edit_prompt": "a photo of a small dingo" + }, + { + "soure_prompt": "a photo of a small steel drum", + "edit_prompt": "a photo of a small drum" + }, + { + "soure_prompt": "a close-up photo of the marimba", + "edit_prompt": "a close-up photo of the drum" + }, + { + "soure_prompt": "a photo of the cool marimba", + "edit_prompt": "a photo of the cool drum" + }, + { + "soure_prompt": "a cropped photo of a maraca", + "edit_prompt": "a cropped photo of a drum" + }, + { + "soure_prompt": "a close-up photo of the killer whale", + "edit_prompt": "a close-up photo of the dugong" + }, + { + "soure_prompt": "the photo of a grey whale", + "edit_prompt": "the photo of a dugong" + }, + { + "soure_prompt": "a good photo of the killer whale", + "edit_prompt": "a good photo of the dugong" + }, + { + "soure_prompt": "a photo of the cool killer whale", + "edit_prompt": "a photo of the cool dugong" + }, + { + "soure_prompt": "a good photo of a coral fungus", + "edit_prompt": "a good photo of a earthstar" + }, + { + "soure_prompt": "a photo of a small stinkhorn", + "edit_prompt": "a photo of a small earthstar" + }, + { + "soure_prompt": "a rendering of a coral fungus", + "edit_prompt": "a rendering of a earthstar" + }, + { + "soure_prompt": "a photo of my gyromitra", + "edit_prompt": "a photo of my earthstar" + }, + { + "soure_prompt": "a photo of the nice anemone fish", + "edit_prompt": "a photo of the nice eel" + }, + { + "soure_prompt": "a close-up photo of the goldfish", + "edit_prompt": "a close-up photo of the eel" + }, + { + "soure_prompt": "a photo of a nice lionfish", + "edit_prompt": "a photo of a nice eel" + }, + { + "soure_prompt": "a cropped photo of the gar", + "edit_prompt": "a cropped photo of the eel" + }, + { + "soure_prompt": "a photo of a dirty tree frog", + "edit_prompt": "a photo of a dirty eft" + }, + { + "soure_prompt": "a rendition of a axolotl", + "edit_prompt": "a rendition of a eft" + }, + { + "soure_prompt": "a dark photo of the tree frog", + "edit_prompt": "a dark photo of the eft" + }, + { + "soure_prompt": "a rendition of the bullfrog", + "edit_prompt": "a rendition of the eft" + }, + { + "soure_prompt": "a photo of my banjo", + "edit_prompt": "a photo of my electric guitar" + }, + { + "soure_prompt": "a bright photo of the acoustic guitar", + "edit_prompt": "a bright photo of the electric guitar" + }, + { + "soure_prompt": "a good photo of the violin", + "edit_prompt": "a good photo of the electric guitar" + }, + { + "soure_prompt": "a photo of a small cello", + "edit_prompt": "a photo of a small electric guitar" + }, + { + "soure_prompt": "a rendering of a steam locomotive", + "edit_prompt": "a rendering of a electric locomotive" + }, + { + "soure_prompt": "a dark photo of the steam locomotive", + "edit_prompt": "a dark photo of the electric locomotive" + }, + { + "soure_prompt": "a photo of a steam locomotive", + "edit_prompt": "a photo of a electric locomotive" + }, + { + "soure_prompt": "a rendition of the steam locomotive", + "edit_prompt": "a rendition of the electric locomotive" + }, + { + "soure_prompt": "a photo of a cool hermit crab", + "edit_prompt": "a photo of a cool fiddler crab" + }, + { + "soure_prompt": "a photo of the small hermit crab", + "edit_prompt": "a photo of the small fiddler crab" + }, + { + "soure_prompt": "a photo of my Dungeness crab", + "edit_prompt": "a photo of my fiddler crab" + }, + { + "soure_prompt": "a dark photo of the hermit crab", + "edit_prompt": "a dark photo of the fiddler crab" + }, + { + "soure_prompt": "a rendering of a strawberry", + "edit_prompt": "a rendering of a fig" + }, + { + "soure_prompt": "a photo of a small orange", + "edit_prompt": "a photo of a small fig" + }, + { + "soure_prompt": "a photo of a small pineapple", + "edit_prompt": "a photo of a small fig" + }, + { + "soure_prompt": "a cropped photo of a pineapple", + "edit_prompt": "a cropped photo of a fig" + }, + { + "soure_prompt": "a photo of the pickup", + "edit_prompt": "a photo of the fire engine" + }, + { + "soure_prompt": "a photo of one trailer truck", + "edit_prompt": "a photo of one fire engine" + }, + { + "soure_prompt": "a rendition of the pickup", + "edit_prompt": "a rendition of the fire engine" + }, + { + "soure_prompt": "a photo of a clean police van", + "edit_prompt": "a photo of a clean fire engine" + }, + { + "soure_prompt": "a cropped photo of the canoe", + "edit_prompt": "a cropped photo of the fireboat" + }, + { + "soure_prompt": "a photo of the weird canoe", + "edit_prompt": "a photo of the weird fireboat" + }, + { + "soure_prompt": "a cropped photo of the canoe", + "edit_prompt": "a cropped photo of the fireboat" + }, + { + "soure_prompt": "a photo of the nice canoe", + "edit_prompt": "a photo of the nice fireboat" + }, + { + "soure_prompt": "a good photo of a oystercatcher", + "edit_prompt": "a good photo of a flamingo" + }, + { + "soure_prompt": "a photo of my bustard", + "edit_prompt": "a photo of my flamingo" + }, + { + "soure_prompt": "a photo of the clean oystercatcher", + "edit_prompt": "a photo of the clean flamingo" + }, + { + "soure_prompt": "a dark photo of the spoonbill", + "edit_prompt": "a dark photo of the flamingo" + }, + { + "soure_prompt": "a photo of a dirty cornet", + "edit_prompt": "a photo of a dirty flute" + }, + { + "soure_prompt": "a rendering of a sax", + "edit_prompt": "a rendering of a flute" + }, + { + "soure_prompt": "a close-up photo of a oboe", + "edit_prompt": "a close-up photo of a flute" + }, + { + "soure_prompt": "a cropped photo of the French horn", + "edit_prompt": "a cropped photo of the flute" + }, + { + "soure_prompt": "a photo of the nice cowboy hat", + "edit_prompt": "a photo of the nice football helmet" + }, + { + "soure_prompt": "the photo of a cowboy hat", + "edit_prompt": "the photo of a football helmet" + }, + { + "soure_prompt": "a cropped photo of a cowboy hat", + "edit_prompt": "a cropped photo of a football helmet" + }, + { + "soure_prompt": "a rendition of the shower cap", + "edit_prompt": "a rendition of the football helmet" + }, + { + "soure_prompt": "a photo of a small anemone fish", + "edit_prompt": "a photo of a small gar" + }, + { + "soure_prompt": "a photo of the clean lionfish", + "edit_prompt": "a photo of the clean gar" + }, + { + "soure_prompt": "a photo of the large sturgeon", + "edit_prompt": "a photo of the large gar" + }, + { + "soure_prompt": "a photo of the nice eel", + "edit_prompt": "a photo of the nice gar" + }, + { + "soure_prompt": "a close-up photo of a school bus", + "edit_prompt": "a close-up photo of a garbage truck" + }, + { + "soure_prompt": "a photo of a dirty school bus", + "edit_prompt": "a photo of a dirty garbage truck" + }, + { + "soure_prompt": "a photo of a dirty school bus", + "edit_prompt": "a photo of a dirty garbage truck" + }, + { + "soure_prompt": "a photo of one police van", + "edit_prompt": "a photo of one garbage truck" + }, + { + "soure_prompt": "a cropped photo of the scorpion", + "edit_prompt": "a cropped photo of the garden spider" + }, + { + "soure_prompt": "a photo of the weird black widow", + "edit_prompt": "a photo of the weird garden spider" + }, + { + "soure_prompt": "a cropped photo of a black widow", + "edit_prompt": "a cropped photo of a garden spider" + }, + { + "soure_prompt": "a bright photo of the black widow", + "edit_prompt": "a bright photo of the garden spider" + }, + { + "soure_prompt": "a good photo of a ibex", + "edit_prompt": "a good photo of a gazelle" + }, + { + "soure_prompt": "a photo of the water buffalo", + "edit_prompt": "a photo of the gazelle" + }, + { + "soure_prompt": "a photo of a nice bison", + "edit_prompt": "a photo of a nice gazelle" + }, + { + "soure_prompt": "a close-up photo of a ibex", + "edit_prompt": "a close-up photo of a gazelle" + }, + { + "soure_prompt": "a rendition of a lesser panda", + "edit_prompt": "a rendition of a giant panda" + }, + { + "soure_prompt": "a dark photo of the ice bear", + "edit_prompt": "a dark photo of the giant panda" + }, + { + "soure_prompt": "a photo of the clean brown bear", + "edit_prompt": "a photo of the clean giant panda" + }, + { + "soure_prompt": "a photo of a dirty sloth bear", + "edit_prompt": "a photo of a dirty giant panda" + }, + { + "soure_prompt": "a photo of a small Irish setter", + "edit_prompt": "a photo of a small golden retriever" + }, + { + "soure_prompt": "a photo of the large English springer", + "edit_prompt": "a photo of the large golden retriever" + }, + { + "soure_prompt": "a photo of a small cocker spaniel", + "edit_prompt": "a photo of a small golden retriever" + }, + { + "soure_prompt": "a photo of a dirty English springer", + "edit_prompt": "a photo of a dirty golden retriever" + }, + { + "soure_prompt": "the photo of a house finch", + "edit_prompt": "the photo of a goldfinch" + }, + { + "soure_prompt": "a rendition of a house finch", + "edit_prompt": "a rendition of a goldfinch" + }, + { + "soure_prompt": "a close-up photo of the indigo bunting", + "edit_prompt": "a close-up photo of the goldfinch" + }, + { + "soure_prompt": "a good photo of the indigo bunting", + "edit_prompt": "a good photo of the goldfinch" + }, + { + "soure_prompt": "a photo of a dirty sturgeon", + "edit_prompt": "a photo of a dirty goldfish" + }, + { + "soure_prompt": "a rendition of a gar", + "edit_prompt": "a rendition of a goldfish" + }, + { + "soure_prompt": "a photo of a dirty lionfish", + "edit_prompt": "a photo of a dirty goldfish" + }, + { + "soure_prompt": "a good photo of a tench", + "edit_prompt": "a good photo of a goldfish" + }, + { + "soure_prompt": "a photo of a dirty rugby ball", + "edit_prompt": "a photo of a dirty golf ball" + }, + { + "soure_prompt": "a photo of one rugby ball", + "edit_prompt": "a photo of one golf ball" + }, + { + "soure_prompt": "a cropped photo of the rugby ball", + "edit_prompt": "a cropped photo of the golf ball" + }, + { + "soure_prompt": "a close-up photo of a tennis ball", + "edit_prompt": "a close-up photo of a golf ball" + }, + { + "soure_prompt": "a good photo of a canoe", + "edit_prompt": "a good photo of a gondola" + }, + { + "soure_prompt": "a rendition of a canoe", + "edit_prompt": "a rendition of a gondola" + }, + { + "soure_prompt": "a photo of a clean fireboat", + "edit_prompt": "a photo of a clean gondola" + }, + { + "soure_prompt": "a rendering of a speedboat", + "edit_prompt": "a rendering of a gondola" + }, + { + "soure_prompt": "a photo of the large chime", + "edit_prompt": "a photo of the large gong" + }, + { + "soure_prompt": "a photo of the small marimba", + "edit_prompt": "a photo of the small gong" + }, + { + "soure_prompt": "a photo of the cool drum", + "edit_prompt": "a photo of the cool gong" + }, + { + "soure_prompt": "a cropped photo of a maraca", + "edit_prompt": "a cropped photo of a gong" + }, + { + "soure_prompt": "a photo of my flamingo", + "edit_prompt": "a photo of my goose" + }, + { + "soure_prompt": "a good photo of the flamingo", + "edit_prompt": "a good photo of the goose" + }, + { + "soure_prompt": "a photo of a dirty oystercatcher", + "edit_prompt": "a photo of a dirty goose" + }, + { + "soure_prompt": "a photo of one spoonbill", + "edit_prompt": "a photo of one goose" + }, + { + "soure_prompt": "the photo of a chimpanzee", + "edit_prompt": "the photo of a gorilla" + }, + { + "soure_prompt": "a rendition of a orangutan", + "edit_prompt": "a rendition of a gorilla" + }, + { + "soure_prompt": "a bright photo of the orangutan", + "edit_prompt": "a bright photo of the gorilla" + }, + { + "soure_prompt": "a photo of a dirty chimpanzee", + "edit_prompt": "a photo of a dirty gorilla" + }, + { + "soure_prompt": "a photo of the large bald eagle", + "edit_prompt": "a photo of the large great grey owl" + }, + { + "soure_prompt": "a photo of a bald eagle", + "edit_prompt": "a photo of a great grey owl" + }, + { + "soure_prompt": "a photo of a cool bald eagle", + "edit_prompt": "a photo of a cool great grey owl" + }, + { + "soure_prompt": "a good photo of a kite", + "edit_prompt": "a good photo of a great grey owl" + }, + { + "soure_prompt": "a rendition of a hammerhead", + "edit_prompt": "a rendition of a great white shark" + }, + { + "soure_prompt": "a rendition of the hammerhead", + "edit_prompt": "a rendition of the great white shark" + }, + { + "soure_prompt": "a photo of a clean tiger shark", + "edit_prompt": "a photo of a clean great white shark" + }, + { + "soure_prompt": "a bright photo of the hammerhead", + "edit_prompt": "a bright photo of the great white shark" + }, + { + "soure_prompt": "a photo of the small thunder snake", + "edit_prompt": "a photo of the small green mamba" + }, + { + "soure_prompt": "a photo of the weird Indian cobra", + "edit_prompt": "a photo of the weird green mamba" + }, + { + "soure_prompt": "a photo of the large boa constrictor", + "edit_prompt": "a photo of the large green mamba" + }, + { + "soure_prompt": "a photo of the king snake", + "edit_prompt": "a photo of the green mamba" + }, + { + "soure_prompt": "a good photo of the diamondback", + "edit_prompt": "a good photo of the green snake" + }, + { + "soure_prompt": "a photo of one boa constrictor", + "edit_prompt": "a photo of one green snake" + }, + { + "soure_prompt": "a photo of the nice Indian cobra", + "edit_prompt": "a photo of the nice green snake" + }, + { + "soure_prompt": "a photo of the nice diamondback", + "edit_prompt": "a photo of the nice green snake" + }, + { + "soure_prompt": "a cropped photo of a timber wolf", + "edit_prompt": "a cropped photo of a grey fox" + }, + { + "soure_prompt": "a photo of the cool red fox", + "edit_prompt": "a photo of the cool grey fox" + }, + { + "soure_prompt": "a photo of the weird red fox", + "edit_prompt": "a photo of the weird grey fox" + }, + { + "soure_prompt": "a photo of the clean red fox", + "edit_prompt": "a photo of the clean grey fox" + }, + { + "soure_prompt": "a photo of the weird sea lion", + "edit_prompt": "a photo of the weird grey whale" + }, + { + "soure_prompt": "a close-up photo of the sea lion", + "edit_prompt": "a close-up photo of the grey whale" + }, + { + "soure_prompt": "a good photo of a sea lion", + "edit_prompt": "a good photo of a grey whale" + }, + { + "soure_prompt": "a rendition of a sea lion", + "edit_prompt": "a rendition of a grey whale" + }, + { + "soure_prompt": "a photo of a clean long-horned beetle", + "edit_prompt": "a photo of a clean ground beetle" + }, + { + "soure_prompt": "a photo of the nice ladybug", + "edit_prompt": "a photo of the nice ground beetle" + }, + { + "soure_prompt": "a photo of a small ladybug", + "edit_prompt": "a photo of a small ground beetle" + }, + { + "soure_prompt": "a photo of the small ladybug", + "edit_prompt": "a photo of the small ground beetle" + }, + { + "soure_prompt": "the photo of a squirrel monkey", + "edit_prompt": "the photo of a guenon" + }, + { + "soure_prompt": "a photo of the small baboon", + "edit_prompt": "a photo of the small guenon" + }, + { + "soure_prompt": "a close-up photo of the macaque", + "edit_prompt": "a close-up photo of the guenon" + }, + { + "soure_prompt": "a photo of a baboon", + "edit_prompt": "a photo of a guenon" + }, + { + "soure_prompt": "a photo of the earthstar", + "edit_prompt": "a photo of the gyromitra" + }, + { + "soure_prompt": "a cropped photo of the earthstar", + "edit_prompt": "a cropped photo of the gyromitra" + }, + { + "soure_prompt": "a photo of my earthstar", + "edit_prompt": "a photo of my gyromitra" + }, + { + "soure_prompt": "a photo of a small coral fungus", + "edit_prompt": "a photo of a small gyromitra" + }, + { + "soure_prompt": "a photo of a dirty plane", + "edit_prompt": "a photo of a dirty hammer" + }, + { + "soure_prompt": "a dark photo of the plane", + "edit_prompt": "a dark photo of the hammer" + }, + { + "soure_prompt": "a close-up photo of the plane", + "edit_prompt": "a close-up photo of the hammer" + }, + { + "soure_prompt": "a dark photo of the plane", + "edit_prompt": "a dark photo of the hammer" + }, + { + "soure_prompt": "a photo of a dirty great white shark", + "edit_prompt": "a photo of a dirty hammerhead" + }, + { + "soure_prompt": "a photo of a great white shark", + "edit_prompt": "a photo of a hammerhead" + }, + { + "soure_prompt": "a photo of the weird tiger shark", + "edit_prompt": "a photo of the weird hammerhead" + }, + { + "soure_prompt": "a photo of my great white shark", + "edit_prompt": "a photo of my hammerhead" + }, + { + "soure_prompt": "a photo of a clean cellular telephone", + "edit_prompt": "a photo of a clean hard disc" + }, + { + "soure_prompt": "a photo of a nice computer keyboard", + "edit_prompt": "a photo of a nice hard disc" + }, + { + "soure_prompt": "the photo of a cellular telephone", + "edit_prompt": "the photo of a hard disc" + }, + { + "soure_prompt": "a photo of a clean cellular telephone", + "edit_prompt": "a photo of a clean hard disc" + }, + { + "soure_prompt": "a photo of the weird earthstar", + "edit_prompt": "a photo of the weird hen-of-the-woods" + }, + { + "soure_prompt": "a photo of a small gyromitra", + "edit_prompt": "a photo of a small hen-of-the-woods" + }, + { + "soure_prompt": "a dark photo of the coral fungus", + "edit_prompt": "a dark photo of the hen-of-the-woods" + }, + { + "soure_prompt": "a rendering of a bolete", + "edit_prompt": "a rendering of a hen-of-the-woods" + }, + { + "soure_prompt": "a photo of the clean American lobster", + "edit_prompt": "a photo of the clean hermit crab" + }, + { + "soure_prompt": "a rendition of a American lobster", + "edit_prompt": "a rendition of a hermit crab" + }, + { + "soure_prompt": "a photo of a small crayfish", + "edit_prompt": "a photo of a small hermit crab" + }, + { + "soure_prompt": "a photo of the nice king crab", + "edit_prompt": "a photo of the nice hermit crab" + }, + { + "soure_prompt": "a bright photo of the Indian cobra", + "edit_prompt": "a bright photo of the horned viper" + }, + { + "soure_prompt": "a photo of a cool king snake", + "edit_prompt": "a photo of a cool horned viper" + }, + { + "soure_prompt": "a photo of a nice thunder snake", + "edit_prompt": "a photo of a nice horned viper" + }, + { + "soure_prompt": "a photo of a cool green snake", + "edit_prompt": "a photo of a cool horned viper" + }, + { + "soure_prompt": "a good photo of a cheeseburger", + "edit_prompt": "a good photo of a hotdog" + }, + { + "soure_prompt": "a dark photo of the cheeseburger", + "edit_prompt": "a dark photo of the hotdog" + }, + { + "soure_prompt": "a photo of a clean cheeseburger", + "edit_prompt": "a photo of a clean hotdog" + }, + { + "soure_prompt": "a photo of the small cheeseburger", + "edit_prompt": "a photo of the small hotdog" + }, + { + "soure_prompt": "a photo of a small junco", + "edit_prompt": "a photo of a small house finch" + }, + { + "soure_prompt": "a photo of a cool junco", + "edit_prompt": "a photo of a cool house finch" + }, + { + "soure_prompt": "a cropped photo of the goldfinch", + "edit_prompt": "a cropped photo of the house finch" + }, + { + "soure_prompt": "a rendition of a junco", + "edit_prompt": "a rendition of a house finch" + }, + { + "soure_prompt": "a photo of the weird red wolf", + "edit_prompt": "a photo of the weird hyena" + }, + { + "soure_prompt": "a photo of a red fox", + "edit_prompt": "a photo of a hyena" + }, + { + "soure_prompt": "a photo of the large red fox", + "edit_prompt": "a photo of the large hyena" + }, + { + "soure_prompt": "a cropped photo of the red wolf", + "edit_prompt": "a cropped photo of the hyena" + }, + { + "soure_prompt": "a rendition of the computer keyboard", + "edit_prompt": "a rendition of the iPod" + }, + { + "soure_prompt": "a photo of the large hard disc", + "edit_prompt": "a photo of the large iPod" + }, + { + "soure_prompt": "a bright photo of the hard disc", + "edit_prompt": "a bright photo of the iPod" + }, + { + "soure_prompt": "a close-up photo of a computer keyboard", + "edit_prompt": "a close-up photo of a iPod" + }, + { + "soure_prompt": "a photo of a clean gazelle", + "edit_prompt": "a photo of a clean ibex" + }, + { + "soure_prompt": "a bright photo of the ox", + "edit_prompt": "a bright photo of the ibex" + }, + { + "soure_prompt": "a photo of the weird bison", + "edit_prompt": "a photo of the weird ibex" + }, + { + "soure_prompt": "a photo of one bison", + "edit_prompt": "a photo of one ibex" + }, + { + "soure_prompt": "a close-up photo of a brown bear", + "edit_prompt": "a close-up photo of a ice bear" + }, + { + "soure_prompt": "a photo of a brown bear", + "edit_prompt": "a photo of a ice bear" + }, + { + "soure_prompt": "a photo of a dirty American black bear", + "edit_prompt": "a photo of a dirty ice bear" + }, + { + "soure_prompt": "a cropped photo of a giant panda", + "edit_prompt": "a cropped photo of a ice bear" + }, + { + "soure_prompt": "a bright photo of the ibex", + "edit_prompt": "a bright photo of the impala" + }, + { + "soure_prompt": "a photo of the cool ibex", + "edit_prompt": "a photo of the cool impala" + }, + { + "soure_prompt": "the photo of a gazelle", + "edit_prompt": "the photo of a impala" + }, + { + "soure_prompt": "a photo of the small gazelle", + "edit_prompt": "a photo of the small impala" + }, + { + "soure_prompt": "the photo of a goldfinch", + "edit_prompt": "the photo of a indigo bunting" + }, + { + "soure_prompt": "a photo of a dirty goldfinch", + "edit_prompt": "a photo of a dirty indigo bunting" + }, + { + "soure_prompt": "a photo of the weird junco", + "edit_prompt": "a photo of the weird indigo bunting" + }, + { + "soure_prompt": "a rendering of a junco", + "edit_prompt": "a rendering of a indigo bunting" + }, + { + "soure_prompt": "a photo of the weird king crab", + "edit_prompt": "a photo of the weird isopod" + }, + { + "soure_prompt": "a good photo of a hermit crab", + "edit_prompt": "a good photo of a isopod" + }, + { + "soure_prompt": "a photo of a cool hermit crab", + "edit_prompt": "a photo of a cool isopod" + }, + { + "soure_prompt": "a dark photo of the American lobster", + "edit_prompt": "a dark photo of the isopod" + }, + { + "soure_prompt": "a photo of one cheetah", + "edit_prompt": "a photo of one jaguar" + }, + { + "soure_prompt": "a photo of a cheetah", + "edit_prompt": "a photo of a jaguar" + }, + { + "soure_prompt": "a rendition of a tiger", + "edit_prompt": "a rendition of a jaguar" + }, + { + "soure_prompt": "a rendition of the tiger", + "edit_prompt": "a rendition of the jaguar" + }, + { + "soure_prompt": "a photo of a dirty minivan", + "edit_prompt": "a photo of a dirty jeep" + }, + { + "soure_prompt": "a photo of one cab", + "edit_prompt": "a photo of one jeep" + }, + { + "soure_prompt": "a photo of my minivan", + "edit_prompt": "a photo of my jeep" + }, + { + "soure_prompt": "a cropped photo of the minivan", + "edit_prompt": "a cropped photo of the jeep" + }, + { + "soure_prompt": "a photo of a dirty indigo bunting", + "edit_prompt": "a photo of a dirty junco" + }, + { + "soure_prompt": "a photo of the weird house finch", + "edit_prompt": "a photo of the weird junco" + }, + { + "soure_prompt": "a photo of the goldfinch", + "edit_prompt": "a photo of the junco" + }, + { + "soure_prompt": "a photo of a dirty house finch", + "edit_prompt": "a photo of a dirty junco" + }, + { + "soure_prompt": "a photo of a cool sea lion", + "edit_prompt": "a photo of a cool killer whale" + }, + { + "soure_prompt": "the photo of a grey whale", + "edit_prompt": "the photo of a killer whale" + }, + { + "soure_prompt": "a photo of the nice grey whale", + "edit_prompt": "a photo of the nice killer whale" + }, + { + "soure_prompt": "a rendition of a dugong", + "edit_prompt": "a rendition of a killer whale" + }, + { + "soure_prompt": "a photo of the small crayfish", + "edit_prompt": "a photo of the small king crab" + }, + { + "soure_prompt": "a cropped photo of the hermit crab", + "edit_prompt": "a cropped photo of the king crab" + }, + { + "soure_prompt": "a rendition of a crayfish", + "edit_prompt": "a rendition of a king crab" + }, + { + "soure_prompt": "a rendering of a hermit crab", + "edit_prompt": "a rendering of a king crab" + }, + { + "soure_prompt": "a photo of a cool black swan", + "edit_prompt": "a photo of a cool king penguin" + }, + { + "soure_prompt": "a good photo of the pelican", + "edit_prompt": "a good photo of the king penguin" + }, + { + "soure_prompt": "a photo of the black swan", + "edit_prompt": "a photo of the king penguin" + }, + { + "soure_prompt": "a photo of a clean black swan", + "edit_prompt": "a photo of a clean king penguin" + }, + { + "soure_prompt": "a rendering of a horned viper", + "edit_prompt": "a rendering of a king snake" + }, + { + "soure_prompt": "a photo of a dirty thunder snake", + "edit_prompt": "a photo of a dirty king snake" + }, + { + "soure_prompt": "a rendition of a green mamba", + "edit_prompt": "a rendition of a king snake" + }, + { + "soure_prompt": "a photo of the cool diamondback", + "edit_prompt": "a photo of the cool king snake" + }, + { + "soure_prompt": "a photo of a nice great grey owl", + "edit_prompt": "a photo of a nice kite" + }, + { + "soure_prompt": "a good photo of a great grey owl", + "edit_prompt": "a good photo of a kite" + }, + { + "soure_prompt": "a rendering of a bald eagle", + "edit_prompt": "a rendering of a kite" + }, + { + "soure_prompt": "a photo of the large bald eagle", + "edit_prompt": "a photo of the large kite" + }, + { + "soure_prompt": "a photo of a long-horned beetle", + "edit_prompt": "a photo of a ladybug" + }, + { + "soure_prompt": "a photo of a nice long-horned beetle", + "edit_prompt": "a photo of a nice ladybug" + }, + { + "soure_prompt": "a photo of the small weevil", + "edit_prompt": "a photo of the small ladybug" + }, + { + "soure_prompt": "a bright photo of the long-horned beetle", + "edit_prompt": "a bright photo of the ladybug" + }, + { + "soure_prompt": "the photo of a iPod", + "edit_prompt": "the photo of a laptop" + }, + { + "soure_prompt": "the photo of a iPod", + "edit_prompt": "the photo of a laptop" + }, + { + "soure_prompt": "a photo of the large cellular telephone", + "edit_prompt": "a photo of the large laptop" + }, + { + "soure_prompt": "a photo of the computer keyboard", + "edit_prompt": "a photo of the laptop" + }, + { + "soure_prompt": "a photo of one ladybug", + "edit_prompt": "a photo of one leaf beetle" + }, + { + "soure_prompt": "a photo of a nice ladybug", + "edit_prompt": "a photo of a nice leaf beetle" + }, + { + "soure_prompt": "a photo of the nice ladybug", + "edit_prompt": "a photo of the nice leaf beetle" + }, + { + "soure_prompt": "a photo of the small ladybug", + "edit_prompt": "a photo of the small leaf beetle" + }, + { + "soure_prompt": "a dark photo of the Granny Smith", + "edit_prompt": "a dark photo of the lemon" + }, + { + "soure_prompt": "a photo of a cool custard apple", + "edit_prompt": "a photo of a cool lemon" + }, + { + "soure_prompt": "a photo of a clean banana", + "edit_prompt": "a photo of a clean lemon" + }, + { + "soure_prompt": "a good photo of the Granny Smith", + "edit_prompt": "a good photo of the lemon" + }, + { + "soure_prompt": "a photo of a dirty Persian cat", + "edit_prompt": "a photo of a dirty leopard" + }, + { + "soure_prompt": "a rendering of a tiger", + "edit_prompt": "a rendering of a leopard" + }, + { + "soure_prompt": "a photo of a nice lion", + "edit_prompt": "a photo of a nice leopard" + }, + { + "soure_prompt": "a close-up photo of a lion", + "edit_prompt": "a close-up photo of a leopard" + }, + { + "soure_prompt": "a photo of the large sloth bear", + "edit_prompt": "a photo of the large lesser panda" + }, + { + "soure_prompt": "a photo of the large American black bear", + "edit_prompt": "a photo of the large lesser panda" + }, + { + "soure_prompt": "a good photo of a giant panda", + "edit_prompt": "a good photo of a lesser panda" + }, + { + "soure_prompt": "a good photo of a sloth bear", + "edit_prompt": "a good photo of a lesser panda" + }, + { + "soure_prompt": "a cropped photo of the gondola", + "edit_prompt": "a cropped photo of the lifeboat" + }, + { + "soure_prompt": "a photo of one fireboat", + "edit_prompt": "a photo of one lifeboat" + }, + { + "soure_prompt": "a photo of the large gondola", + "edit_prompt": "a photo of the large lifeboat" + }, + { + "soure_prompt": "a close-up photo of a gondola", + "edit_prompt": "a close-up photo of a lifeboat" + }, + { + "soure_prompt": "a rendition of the beach wagon", + "edit_prompt": "a rendition of the limousine" + }, + { + "soure_prompt": "a photo of one beach wagon", + "edit_prompt": "a photo of one limousine" + }, + { + "soure_prompt": "a close-up photo of the beach wagon", + "edit_prompt": "a close-up photo of the limousine" + }, + { + "soure_prompt": "a photo of a cab", + "edit_prompt": "a photo of a limousine" + }, + { + "soure_prompt": "a photo of a nice jaguar", + "edit_prompt": "a photo of a nice lion" + }, + { + "soure_prompt": "the photo of a tiger", + "edit_prompt": "the photo of a lion" + }, + { + "soure_prompt": "a photo of the tiger", + "edit_prompt": "a photo of the lion" + }, + { + "soure_prompt": "a photo of the clean tabby", + "edit_prompt": "a photo of the clean lion" + }, + { + "soure_prompt": "a dark photo of the tench", + "edit_prompt": "a dark photo of the lionfish" + }, + { + "soure_prompt": "a photo of the nice tench", + "edit_prompt": "a photo of the nice lionfish" + }, + { + "soure_prompt": "a photo of a clean goldfish", + "edit_prompt": "a photo of a clean lionfish" + }, + { + "soure_prompt": "a rendering of a anemone fish", + "edit_prompt": "a rendering of a lionfish" + }, + { + "soure_prompt": "a photo of my oystercatcher", + "edit_prompt": "a photo of my little blue heron" + }, + { + "soure_prompt": "a photo of a dirty spoonbill", + "edit_prompt": "a photo of a dirty little blue heron" + }, + { + "soure_prompt": "a photo of the cool oystercatcher", + "edit_prompt": "a photo of the cool little blue heron" + }, + { + "soure_prompt": "a photo of my oystercatcher", + "edit_prompt": "a photo of my little blue heron" + }, + { + "soure_prompt": "a close-up photo of a leaf beetle", + "edit_prompt": "a close-up photo of a long-horned beetle" + }, + { + "soure_prompt": "a photo of one tiger beetle", + "edit_prompt": "a photo of one long-horned beetle" + }, + { + "soure_prompt": "a photo of the nice leaf beetle", + "edit_prompt": "a photo of the nice long-horned beetle" + }, + { + "soure_prompt": "a photo of one tiger beetle", + "edit_prompt": "a photo of one long-horned beetle" + }, + { + "soure_prompt": "a photo of the clean sulphur butterfly", + "edit_prompt": "a photo of the clean lycaenid" + }, + { + "soure_prompt": "a photo of the weird monarch", + "edit_prompt": "a photo of the weird lycaenid" + }, + { + "soure_prompt": "a photo of the weird admiral", + "edit_prompt": "a photo of the weird lycaenid" + }, + { + "soure_prompt": "the photo of a cabbage butterfly", + "edit_prompt": "the photo of a lycaenid" + }, + { + "soure_prompt": "a photo of the weird capuchin", + "edit_prompt": "a photo of the weird macaque" + }, + { + "soure_prompt": "a photo of the cool squirrel monkey", + "edit_prompt": "a photo of the cool macaque" + }, + { + "soure_prompt": "a photo of the small squirrel monkey", + "edit_prompt": "a photo of the small macaque" + }, + { + "soure_prompt": "a photo of one guenon", + "edit_prompt": "a photo of one macaque" + }, + { + "soure_prompt": "a photo of one gong", + "edit_prompt": "a photo of one maraca" + }, + { + "soure_prompt": "a dark photo of the steel drum", + "edit_prompt": "a dark photo of the maraca" + }, + { + "soure_prompt": "a photo of the clean gong", + "edit_prompt": "a photo of the clean maraca" + }, + { + "soure_prompt": "a photo of the large gong", + "edit_prompt": "a photo of the large maraca" + }, + { + "soure_prompt": "a photo of the small chime", + "edit_prompt": "a photo of the small marimba" + }, + { + "soure_prompt": "a bright photo of the steel drum", + "edit_prompt": "a bright photo of the marimba" + }, + { + "soure_prompt": "a good photo of the chime", + "edit_prompt": "a good photo of the marimba" + }, + { + "soure_prompt": "a close-up photo of the steel drum", + "edit_prompt": "a close-up photo of the marimba" + }, + { + "soure_prompt": "a photo of my beer bottle", + "edit_prompt": "a photo of my measuring cup" + }, + { + "soure_prompt": "a photo of one teapot", + "edit_prompt": "a photo of one measuring cup" + }, + { + "soure_prompt": "a dark photo of the water bottle", + "edit_prompt": "a dark photo of the measuring cup" + }, + { + "soure_prompt": "a good photo of a water bottle", + "edit_prompt": "a good photo of a measuring cup" + }, + { + "soure_prompt": "a photo of a small German shepherd", + "edit_prompt": "a photo of a small miniature pinscher" + }, + { + "soure_prompt": "a photo of the nice Rottweiler", + "edit_prompt": "a photo of the nice miniature pinscher" + }, + { + "soure_prompt": "a photo of a small Rottweiler", + "edit_prompt": "a photo of a small miniature pinscher" + }, + { + "soure_prompt": "a photo of one Rottweiler", + "edit_prompt": "a photo of one miniature pinscher" + }, + { + "soure_prompt": "a good photo of the ambulance", + "edit_prompt": "a good photo of the minivan" + }, + { + "soure_prompt": "a rendering of a cab", + "edit_prompt": "a rendering of a minivan" + }, + { + "soure_prompt": "a photo of the weird trailer truck", + "edit_prompt": "a photo of the weird minivan" + }, + { + "soure_prompt": "a photo of the weird school bus", + "edit_prompt": "a photo of the weird minivan" + }, + { + "soure_prompt": "a cropped photo of a lycaenid", + "edit_prompt": "a cropped photo of a monarch" + }, + { + "soure_prompt": "a photo of the nice cabbage butterfly", + "edit_prompt": "a photo of the nice monarch" + }, + { + "soure_prompt": "a good photo of the sulphur butterfly", + "edit_prompt": "a good photo of the monarch" + }, + { + "soure_prompt": "a cropped photo of a ringlet", + "edit_prompt": "a cropped photo of a monarch" + }, + { + "soure_prompt": "a good photo of a mountain bike", + "edit_prompt": "a good photo of a moped" + }, + { + "soure_prompt": "a photo of one tricycle", + "edit_prompt": "a photo of one moped" + }, + { + "soure_prompt": "a photo of a mountain bike", + "edit_prompt": "a photo of a moped" + }, + { + "soure_prompt": "a rendition of a motor scooter", + "edit_prompt": "a rendition of a moped" + }, + { + "soure_prompt": "a cropped photo of the mountain bike", + "edit_prompt": "a cropped photo of the motor scooter" + }, + { + "soure_prompt": "a bright photo of the tricycle", + "edit_prompt": "a bright photo of the motor scooter" + }, + { + "soure_prompt": "the photo of a moped", + "edit_prompt": "the photo of a motor scooter" + }, + { + "soure_prompt": "the photo of a moped", + "edit_prompt": "the photo of a motor scooter" + }, + { + "soure_prompt": "a photo of a dirty unicycle", + "edit_prompt": "a photo of a dirty mountain bike" + }, + { + "soure_prompt": "a photo of the motor scooter", + "edit_prompt": "a photo of the mountain bike" + }, + { + "soure_prompt": "a photo of the clean tricycle", + "edit_prompt": "a photo of the clean mountain bike" + }, + { + "soure_prompt": "the photo of a moped", + "edit_prompt": "the photo of a mountain bike" + }, + { + "soure_prompt": "a photo of the weird box turtle", + "edit_prompt": "a photo of the weird mud turtle" + }, + { + "soure_prompt": "a photo of a dirty box turtle", + "edit_prompt": "a photo of a dirty mud turtle" + }, + { + "soure_prompt": "a cropped photo of the terrapin", + "edit_prompt": "a cropped photo of the mud turtle" + }, + { + "soure_prompt": "a photo of a cool box turtle", + "edit_prompt": "a photo of a cool mud turtle" + }, + { + "soure_prompt": "a bright photo of the French horn", + "edit_prompt": "a bright photo of the oboe" + }, + { + "soure_prompt": "a rendering of a cornet", + "edit_prompt": "a rendering of a oboe" + }, + { + "soure_prompt": "a close-up photo of a trombone", + "edit_prompt": "a close-up photo of a oboe" + }, + { + "soure_prompt": "a photo of the small sax", + "edit_prompt": "a photo of the small oboe" + }, + { + "soure_prompt": "a photo of a nice wall clock", + "edit_prompt": "a photo of a nice odometer" + }, + { + "soure_prompt": "a bright photo of the wall clock", + "edit_prompt": "a bright photo of the odometer" + }, + { + "soure_prompt": "a rendering of a digital watch", + "edit_prompt": "a rendering of a odometer" + }, + { + "soure_prompt": "a photo of the small digital clock", + "edit_prompt": "a photo of the small odometer" + }, + { + "soure_prompt": "a photo of the small custard apple", + "edit_prompt": "a photo of the small orange" + }, + { + "soure_prompt": "a photo of the pomegranate", + "edit_prompt": "a photo of the orange" + }, + { + "soure_prompt": "a photo of a nice strawberry", + "edit_prompt": "a photo of a nice orange" + }, + { + "soure_prompt": "a close-up photo of the lemon", + "edit_prompt": "a close-up photo of the orange" + }, + { + "soure_prompt": "a photo of a chimpanzee", + "edit_prompt": "a photo of a orangutan" + }, + { + "soure_prompt": "a cropped photo of the chimpanzee", + "edit_prompt": "a cropped photo of the orangutan" + }, + { + "soure_prompt": "a rendition of a chimpanzee", + "edit_prompt": "a rendition of a orangutan" + }, + { + "soure_prompt": "a photo of a cool chimpanzee", + "edit_prompt": "a photo of a cool orangutan" + }, + { + "soure_prompt": "a photo of the cool Afghan hound", + "edit_prompt": "a photo of the cool otterhound" + }, + { + "soure_prompt": "a dark photo of the beagle", + "edit_prompt": "a dark photo of the otterhound" + }, + { + "soure_prompt": "a photo of a dirty English foxhound", + "edit_prompt": "a photo of a dirty otterhound" + }, + { + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a otterhound" + }, + { + "soure_prompt": "a photo of my ibex", + "edit_prompt": "a photo of my ox" + }, + { + "soure_prompt": "a dark photo of the gazelle", + "edit_prompt": "a dark photo of the ox" + }, + { + "soure_prompt": "a rendering of a water buffalo", + "edit_prompt": "a rendering of a ox" + }, + { + "soure_prompt": "a good photo of a impala", + "edit_prompt": "a good photo of a ox" + }, + { + "soure_prompt": "the photo of a goose", + "edit_prompt": "the photo of a oystercatcher" + }, + { + "soure_prompt": "a photo of a clean flamingo", + "edit_prompt": "a photo of a clean oystercatcher" + }, + { + "soure_prompt": "a rendering of a goose", + "edit_prompt": "a rendering of a oystercatcher" + }, + { + "soure_prompt": "a photo of the weird black stork", + "edit_prompt": "a photo of the weird oystercatcher" + }, + { + "soure_prompt": "a photo of a Japanese spaniel", + "edit_prompt": "a photo of a papillon" + }, + { + "soure_prompt": "a cropped photo of the Chihuahua", + "edit_prompt": "a cropped photo of the papillon" + }, + { + "soure_prompt": "a photo of the nice Shih-Tzu", + "edit_prompt": "a photo of the nice papillon" + }, + { + "soure_prompt": "a rendition of the Japanese spaniel", + "edit_prompt": "a rendition of the papillon" + }, + { + "soure_prompt": "a rendition of a king penguin", + "edit_prompt": "a rendition of a pelican" + }, + { + "soure_prompt": "a rendition of a king penguin", + "edit_prompt": "a rendition of a pelican" + }, + { + "soure_prompt": "a rendering of a black swan", + "edit_prompt": "a rendering of a pelican" + }, + { + "soure_prompt": "a photo of a nice albatross", + "edit_prompt": "a photo of a nice pelican" + }, + { + "soure_prompt": "a photo of a nice garbage truck", + "edit_prompt": "a photo of a nice pickup" + }, + { + "soure_prompt": "a photo of my garbage truck", + "edit_prompt": "a photo of my pickup" + }, + { + "soure_prompt": "a close-up photo of the school bus", + "edit_prompt": "a close-up photo of the pickup" + }, + { + "soure_prompt": "a photo of the weird fire engine", + "edit_prompt": "a photo of the weird pickup" + }, + { + "soure_prompt": "a photo of my banana", + "edit_prompt": "a photo of my pineapple" + }, + { + "soure_prompt": "a photo of a nice strawberry", + "edit_prompt": "a photo of a nice pineapple" + }, + { + "soure_prompt": "the photo of a pomegranate", + "edit_prompt": "the photo of a pineapple" + }, + { + "soure_prompt": "a photo of a small orange", + "edit_prompt": "a photo of a small pineapple" + }, + { + "soure_prompt": "a photo of a small golf ball", + "edit_prompt": "a photo of a small ping-pong ball" + }, + { + "soure_prompt": "a good photo of the golf ball", + "edit_prompt": "a good photo of the ping-pong ball" + }, + { + "soure_prompt": "a photo of one soccer ball", + "edit_prompt": "a photo of one ping-pong ball" + }, + { + "soure_prompt": "a close-up photo of a soccer ball", + "edit_prompt": "a close-up photo of a ping-pong ball" + }, + { + "soure_prompt": "a photo of a clean plunger", + "edit_prompt": "a photo of a clean plane" + }, + { + "soure_prompt": "a close-up photo of the plunger", + "edit_prompt": "a close-up photo of the plane" + }, + { + "soure_prompt": "a good photo of the shovel", + "edit_prompt": "a good photo of the plane" + }, + { + "soure_prompt": "a photo of a nice shovel", + "edit_prompt": "a photo of a nice plane" + }, + { + "soure_prompt": "a cropped photo of a purse", + "edit_prompt": "a cropped photo of a plastic bag" + }, + { + "soure_prompt": "a good photo of the purse", + "edit_prompt": "a good photo of the plastic bag" + }, + { + "soure_prompt": "the photo of a backpack", + "edit_prompt": "the photo of a plastic bag" + }, + { + "soure_prompt": "a photo of a nice backpack", + "edit_prompt": "a photo of a nice plastic bag" + }, + { + "soure_prompt": "a bright photo of the shovel", + "edit_prompt": "a bright photo of the plunger" + }, + { + "soure_prompt": "a bright photo of the hammer", + "edit_prompt": "a bright photo of the plunger" + }, + { + "soure_prompt": "a close-up photo of a hammer", + "edit_prompt": "a close-up photo of a plunger" + }, + { + "soure_prompt": "a bright photo of the plane", + "edit_prompt": "a bright photo of the plunger" + }, + { + "soure_prompt": "a photo of the garbage truck", + "edit_prompt": "a photo of the police van" + }, + { + "soure_prompt": "a cropped photo of the school bus", + "edit_prompt": "a cropped photo of the police van" + }, + { + "soure_prompt": "a photo of a clean pickup", + "edit_prompt": "a photo of a clean police van" + }, + { + "soure_prompt": "a photo of a clean pickup", + "edit_prompt": "a photo of a clean police van" + }, + { + "soure_prompt": "a photo of the small lemon", + "edit_prompt": "a photo of the small pomegranate" + }, + { + "soure_prompt": "a photo of the large pineapple", + "edit_prompt": "a photo of the large pomegranate" + }, + { + "soure_prompt": "a photo of a pineapple", + "edit_prompt": "a photo of a pomegranate" + }, + { + "soure_prompt": "a rendition of the strawberry", + "edit_prompt": "a rendition of the pomegranate" + }, + { + "soure_prompt": "a photo of a dirty ruffed grouse", + "edit_prompt": "a photo of a dirty prairie chicken" + }, + { + "soure_prompt": "the photo of a ptarmigan", + "edit_prompt": "the photo of a prairie chicken" + }, + { + "soure_prompt": "a photo of the black grouse", + "edit_prompt": "a photo of the prairie chicken" + }, + { + "soure_prompt": "a rendering of a ptarmigan", + "edit_prompt": "a rendering of a prairie chicken" + }, + { + "soure_prompt": "a good photo of the black grouse", + "edit_prompt": "a good photo of the ptarmigan" + }, + { + "soure_prompt": "a photo of the large ruffed grouse", + "edit_prompt": "a photo of the large ptarmigan" + }, + { + "soure_prompt": "a photo of a dirty ruffed grouse", + "edit_prompt": "a photo of a dirty ptarmigan" + }, + { + "soure_prompt": "a photo of the large ruffed grouse", + "edit_prompt": "a photo of the large ptarmigan" + }, + { + "soure_prompt": "a good photo of a plastic bag", + "edit_prompt": "a good photo of a purse" + }, + { + "soure_prompt": "a photo of the clean backpack", + "edit_prompt": "a photo of the clean purse" + }, + { + "soure_prompt": "the photo of a backpack", + "edit_prompt": "the photo of a purse" + }, + { + "soure_prompt": "a dark photo of the plastic bag", + "edit_prompt": "a dark photo of the purse" + }, + { + "soure_prompt": "a photo of one gazelle", + "edit_prompt": "a photo of one ram" + }, + { + "soure_prompt": "a photo of one bison", + "edit_prompt": "a photo of one ram" + }, + { + "soure_prompt": "a photo of a clean bighorn", + "edit_prompt": "a photo of a clean ram" + }, + { + "soure_prompt": "a bright photo of the bison", + "edit_prompt": "a bright photo of the ram" + }, + { + "soure_prompt": "a photo of the cool grey fox", + "edit_prompt": "a photo of the cool red fox" + }, + { + "soure_prompt": "a photo of the small timber wolf", + "edit_prompt": "a photo of the small red fox" + }, + { + "soure_prompt": "a good photo of the coyote", + "edit_prompt": "a good photo of the red fox" + }, + { + "soure_prompt": "a rendition of the white wolf", + "edit_prompt": "a rendition of the red fox" + }, + { + "soure_prompt": "a photo of the large African hunting dog", + "edit_prompt": "a photo of the large red wolf" + }, + { + "soure_prompt": "a photo of a cool white wolf", + "edit_prompt": "a photo of a cool red wolf" + }, + { + "soure_prompt": "a photo of a cool hyena", + "edit_prompt": "a photo of a cool red wolf" + }, + { + "soure_prompt": "a dark photo of the white wolf", + "edit_prompt": "a dark photo of the red wolf" + }, + { + "soure_prompt": "a photo of the weird admiral", + "edit_prompt": "a photo of the weird ringlet" + }, + { + "soure_prompt": "a photo of the weird sulphur butterfly", + "edit_prompt": "a photo of the weird ringlet" + }, + { + "soure_prompt": "a rendition of a admiral", + "edit_prompt": "a rendition of a ringlet" + }, + { + "soure_prompt": "a photo of the cool cabbage butterfly", + "edit_prompt": "a photo of the cool ringlet" + }, + { + "soure_prompt": "a rendition of the king crab", + "edit_prompt": "a rendition of the rock crab" + }, + { + "soure_prompt": "a photo of my crayfish", + "edit_prompt": "a photo of my rock crab" + }, + { + "soure_prompt": "a photo of a nice American lobster", + "edit_prompt": "a photo of a nice rock crab" + }, + { + "soure_prompt": "a photo of a dirty king crab", + "edit_prompt": "a photo of a dirty rock crab" + }, + { + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a rock python" + }, + { + "soure_prompt": "a cropped photo of a boa constrictor", + "edit_prompt": "a cropped photo of a rock python" + }, + { + "soure_prompt": "a photo of the nice diamondback", + "edit_prompt": "a photo of the nice rock python" + }, + { + "soure_prompt": "a bright photo of the green mamba", + "edit_prompt": "a bright photo of the rock python" + }, + { + "soure_prompt": "a photo of the small black grouse", + "edit_prompt": "a photo of the small ruffed grouse" + }, + { + "soure_prompt": "a photo of the large black grouse", + "edit_prompt": "a photo of the large ruffed grouse" + }, + { + "soure_prompt": "a cropped photo of the ptarmigan", + "edit_prompt": "a cropped photo of the ruffed grouse" + }, + { + "soure_prompt": "a cropped photo of a prairie chicken", + "edit_prompt": "a cropped photo of a ruffed grouse" + }, + { + "soure_prompt": "a close-up photo of a soccer ball", + "edit_prompt": "a close-up photo of a rugby ball" + }, + { + "soure_prompt": "a photo of my soccer ball", + "edit_prompt": "a photo of my rugby ball" + }, + { + "soure_prompt": "a photo of a cool golf ball", + "edit_prompt": "a photo of a cool rugby ball" + }, + { + "soure_prompt": "a close-up photo of the ping-pong ball", + "edit_prompt": "a close-up photo of the rugby ball" + }, + { + "soure_prompt": "a close-up photo of a flute", + "edit_prompt": "a close-up photo of a sax" + }, + { + "soure_prompt": "a photo of the clean trombone", + "edit_prompt": "a photo of the clean sax" + }, + { + "soure_prompt": "a photo of the French horn", + "edit_prompt": "a photo of the sax" + }, + { + "soure_prompt": "a photo of my bassoon", + "edit_prompt": "a photo of my sax" + }, + { + "soure_prompt": "a dark photo of the trailer truck", + "edit_prompt": "a dark photo of the school bus" + }, + { + "soure_prompt": "a photo of the large police van", + "edit_prompt": "a photo of the large school bus" + }, + { + "soure_prompt": "a photo of one garbage truck", + "edit_prompt": "a photo of one school bus" + }, + { + "soure_prompt": "a close-up photo of the fire engine", + "edit_prompt": "a close-up photo of the school bus" + }, + { + "soure_prompt": "a photo of a trimaran", + "edit_prompt": "a photo of a schooner" + }, + { + "soure_prompt": "a photo of a small trimaran", + "edit_prompt": "a photo of a small schooner" + }, + { + "soure_prompt": "a photo of the weird catamaran", + "edit_prompt": "a photo of the weird schooner" + }, + { + "soure_prompt": "a rendering of a catamaran", + "edit_prompt": "a rendering of a schooner" + }, + { + "soure_prompt": "a photo of my tarantula", + "edit_prompt": "a photo of my scorpion" + }, + { + "soure_prompt": "a photo of a small black widow", + "edit_prompt": "a photo of a small scorpion" + }, + { + "soure_prompt": "a photo of the small wolf spider", + "edit_prompt": "a photo of the small scorpion" + }, + { + "soure_prompt": "a photo of the weird wolf spider", + "edit_prompt": "a photo of the weird scorpion" + }, + { + "soure_prompt": "a good photo of a hammer", + "edit_prompt": "a good photo of a screwdriver" + }, + { + "soure_prompt": "a good photo of a plunger", + "edit_prompt": "a good photo of a screwdriver" + }, + { + "soure_prompt": "a photo of a cool plane", + "edit_prompt": "a photo of a cool screwdriver" + }, + { + "soure_prompt": "a photo of my shovel", + "edit_prompt": "a photo of my screwdriver" + }, + { + "soure_prompt": "a photo of a small grey whale", + "edit_prompt": "a photo of a small sea lion" + }, + { + "soure_prompt": "a rendering of a killer whale", + "edit_prompt": "a rendering of a sea lion" + }, + { + "soure_prompt": "the photo of a killer whale", + "edit_prompt": "the photo of a sea lion" + }, + { + "soure_prompt": "a photo of the small dugong", + "edit_prompt": "a photo of the small sea lion" + }, + { + "soure_prompt": "a photo of a small hammer", + "edit_prompt": "a photo of a small shovel" + }, + { + "soure_prompt": "a photo of a clean plunger", + "edit_prompt": "a photo of a clean shovel" + }, + { + "soure_prompt": "a photo of the hammer", + "edit_prompt": "a photo of the shovel" + }, + { + "soure_prompt": "a photo of the weird plane", + "edit_prompt": "a photo of the weird shovel" + }, + { + "soure_prompt": "a photo of the weird bathing cap", + "edit_prompt": "a photo of the weird shower cap" + }, + { + "soure_prompt": "a photo of a nice bonnet", + "edit_prompt": "a photo of a nice shower cap" + }, + { + "soure_prompt": "the photo of a sombrero", + "edit_prompt": "the photo of a shower cap" + }, + { + "soure_prompt": "a cropped photo of the bathing cap", + "edit_prompt": "a cropped photo of the shower cap" + }, + { + "soure_prompt": "a photo of a small rock python", + "edit_prompt": "a photo of a small sidewinder" + }, + { + "soure_prompt": "a cropped photo of a boa constrictor", + "edit_prompt": "a cropped photo of a sidewinder" + }, + { + "soure_prompt": "a photo of the nice Indian cobra", + "edit_prompt": "a photo of the nice sidewinder" + }, + { + "soure_prompt": "a close-up photo of a green snake", + "edit_prompt": "a close-up photo of a sidewinder" + }, + { + "soure_prompt": "a photo of the weird brown bear", + "edit_prompt": "a photo of the weird sloth bear" + }, + { + "soure_prompt": "a photo of a nice American black bear", + "edit_prompt": "a photo of a nice sloth bear" + }, + { + "soure_prompt": "a photo of a cool brown bear", + "edit_prompt": "a photo of a cool sloth bear" + }, + { + "soure_prompt": "a dark photo of the American black bear", + "edit_prompt": "a dark photo of the sloth bear" + }, + { + "soure_prompt": "a photo of a cool tiger", + "edit_prompt": "a photo of a cool snow leopard" + }, + { + "soure_prompt": "a photo of one Persian cat", + "edit_prompt": "a photo of one snow leopard" + }, + { + "soure_prompt": "a cropped photo of a lion", + "edit_prompt": "a cropped photo of a snow leopard" + }, + { + "soure_prompt": "a photo of the weird Persian cat", + "edit_prompt": "a photo of the weird snow leopard" + }, + { + "soure_prompt": "a photo of the nice tennis ball", + "edit_prompt": "a photo of the nice soccer ball" + }, + { + "soure_prompt": "a good photo of a ping-pong ball", + "edit_prompt": "a good photo of a soccer ball" + }, + { + "soure_prompt": "a dark photo of the ping-pong ball", + "edit_prompt": "a dark photo of the soccer ball" + }, + { + "soure_prompt": "a good photo of a tennis ball", + "edit_prompt": "a good photo of a soccer ball" + }, + { + "soure_prompt": "a photo of a small shower cap", + "edit_prompt": "a photo of a small sombrero" + }, + { + "soure_prompt": "a cropped photo of a football helmet", + "edit_prompt": "a cropped photo of a sombrero" + }, + { + "soure_prompt": "a rendering of a cowboy hat", + "edit_prompt": "a rendering of a sombrero" + }, + { + "soure_prompt": "a photo of the clean cowboy hat", + "edit_prompt": "a photo of the clean sombrero" + }, + { + "soure_prompt": "a rendering of a zebra", + "edit_prompt": "a rendering of a sorrel" + }, + { + "soure_prompt": "a rendering of a zebra", + "edit_prompt": "a rendering of a sorrel" + }, + { + "soure_prompt": "a photo of a cool zebra", + "edit_prompt": "a photo of a cool sorrel" + }, + { + "soure_prompt": "a cropped photo of the zebra", + "edit_prompt": "a cropped photo of the sorrel" + }, + { + "soure_prompt": "a good photo of a cauliflower", + "edit_prompt": "a good photo of a spaghetti squash" + }, + { + "soure_prompt": "a photo of the large cucumber", + "edit_prompt": "a photo of the large spaghetti squash" + }, + { + "soure_prompt": "a photo of a small cauliflower", + "edit_prompt": "a photo of a small spaghetti squash" + }, + { + "soure_prompt": "a photo of the weird cardoon", + "edit_prompt": "a photo of the weird spaghetti squash" + }, + { + "soure_prompt": "a photo of the weird gondola", + "edit_prompt": "a photo of the weird speedboat" + }, + { + "soure_prompt": "a photo of the nice lifeboat", + "edit_prompt": "a photo of the nice speedboat" + }, + { + "soure_prompt": "a photo of the lifeboat", + "edit_prompt": "a photo of the speedboat" + }, + { + "soure_prompt": "a photo of one canoe", + "edit_prompt": "a photo of one speedboat" + }, + { + "soure_prompt": "a photo of my guenon", + "edit_prompt": "a photo of my spider monkey" + }, + { + "soure_prompt": "a good photo of a macaque", + "edit_prompt": "a good photo of a spider monkey" + }, + { + "soure_prompt": "a photo of a dirty squirrel monkey", + "edit_prompt": "a photo of a dirty spider monkey" + }, + { + "soure_prompt": "a photo of a nice baboon", + "edit_prompt": "a photo of a nice spider monkey" + }, + { + "soure_prompt": "a photo of the weird oystercatcher", + "edit_prompt": "a photo of the weird spoonbill" + }, + { + "soure_prompt": "a cropped photo of the oystercatcher", + "edit_prompt": "a cropped photo of the spoonbill" + }, + { + "soure_prompt": "the photo of a black stork", + "edit_prompt": "the photo of a spoonbill" + }, + { + "soure_prompt": "a close-up photo of a little blue heron", + "edit_prompt": "a close-up photo of a spoonbill" + }, + { + "soure_prompt": "a photo of a small ambulance", + "edit_prompt": "a photo of a small sports car" + }, + { + "soure_prompt": "a close-up photo of a limousine", + "edit_prompt": "a close-up photo of a sports car" + }, + { + "soure_prompt": "a photo of a dirty jeep", + "edit_prompt": "a photo of a dirty sports car" + }, + { + "soure_prompt": "a good photo of the jeep", + "edit_prompt": "a good photo of the sports car" + }, + { + "soure_prompt": "a cropped photo of the common newt", + "edit_prompt": "a cropped photo of the spotted salamander" + }, + { + "soure_prompt": "a photo of the weird bullfrog", + "edit_prompt": "a photo of the weird spotted salamander" + }, + { + "soure_prompt": "a close-up photo of a common newt", + "edit_prompt": "a close-up photo of a spotted salamander" + }, + { + "soure_prompt": "a photo of a small bullfrog", + "edit_prompt": "a photo of a small spotted salamander" + }, + { + "soure_prompt": "the photo of a guenon", + "edit_prompt": "the photo of a squirrel monkey" + }, + { + "soure_prompt": "a photo of the clean spider monkey", + "edit_prompt": "a photo of the clean squirrel monkey" + }, + { + "soure_prompt": "a photo of a dirty macaque", + "edit_prompt": "a photo of a dirty squirrel monkey" + }, + { + "soure_prompt": "a photo of a clean baboon", + "edit_prompt": "a photo of a clean squirrel monkey" + }, + { + "soure_prompt": "a photo of a small Yorkshire terrier", + "edit_prompt": "a photo of a small standard schnauzer" + }, + { + "soure_prompt": "a photo of a nice Border terrier", + "edit_prompt": "a photo of a nice standard schnauzer" + }, + { + "soure_prompt": "a photo of a clean American Staffordshire terrier", + "edit_prompt": "a photo of a clean standard schnauzer" + }, + { + "soure_prompt": "a photo of my Border terrier", + "edit_prompt": "a photo of my standard schnauzer" + }, + { + "soure_prompt": "a photo of the large electric locomotive", + "edit_prompt": "a photo of the large steam locomotive" + }, + { + "soure_prompt": "a close-up photo of the electric locomotive", + "edit_prompt": "a close-up photo of the steam locomotive" + }, + { + "soure_prompt": "a photo of a nice electric locomotive", + "edit_prompt": "a photo of a nice steam locomotive" + }, + { + "soure_prompt": "a photo of one electric locomotive", + "edit_prompt": "a photo of one steam locomotive" + }, + { + "soure_prompt": "a photo of a clean maraca", + "edit_prompt": "a photo of a clean steel drum" + }, + { + "soure_prompt": "a close-up photo of the drum", + "edit_prompt": "a close-up photo of the steel drum" + }, + { + "soure_prompt": "a photo of the small marimba", + "edit_prompt": "a photo of the small steel drum" + }, + { + "soure_prompt": "the photo of a chime", + "edit_prompt": "the photo of a steel drum" + }, + { + "soure_prompt": "a photo of the clean bolete", + "edit_prompt": "a photo of the clean stinkhorn" + }, + { + "soure_prompt": "a photo of a small gyromitra", + "edit_prompt": "a photo of a small stinkhorn" + }, + { + "soure_prompt": "a rendering of a earthstar", + "edit_prompt": "a rendering of a stinkhorn" + }, + { + "soure_prompt": "a close-up photo of a coral fungus", + "edit_prompt": "a close-up photo of a stinkhorn" + }, + { + "soure_prompt": "a photo of the nice barometer", + "edit_prompt": "a photo of the nice stopwatch" + }, + { + "soure_prompt": "a photo of one digital watch", + "edit_prompt": "a photo of one stopwatch" + }, + { + "soure_prompt": "a photo of a nice analog clock", + "edit_prompt": "a photo of a nice stopwatch" + }, + { + "soure_prompt": "a photo of the odometer", + "edit_prompt": "a photo of the stopwatch" + }, + { + "soure_prompt": "a rendering of a fig", + "edit_prompt": "a rendering of a strawberry" + }, + { + "soure_prompt": "a photo of the orange", + "edit_prompt": "a photo of the strawberry" + }, + { + "soure_prompt": "a photo of a pomegranate", + "edit_prompt": "a photo of a strawberry" + }, + { + "soure_prompt": "a photo of the clean fig", + "edit_prompt": "a photo of the clean strawberry" + }, + { + "soure_prompt": "a photo of a cool lionfish", + "edit_prompt": "a photo of a cool sturgeon" + }, + { + "soure_prompt": "a photo of the cool lionfish", + "edit_prompt": "a photo of the cool sturgeon" + }, + { + "soure_prompt": "a dark photo of the tench", + "edit_prompt": "a dark photo of the sturgeon" + }, + { + "soure_prompt": "a rendering of a tench", + "edit_prompt": "a rendering of a sturgeon" + }, + { + "soure_prompt": "a rendering of a monarch", + "edit_prompt": "a rendering of a sulphur butterfly" + }, + { + "soure_prompt": "a photo of a clean ringlet", + "edit_prompt": "a photo of a clean sulphur butterfly" + }, + { + "soure_prompt": "a photo of a lycaenid", + "edit_prompt": "a photo of a sulphur butterfly" + }, + { + "soure_prompt": "a bright photo of the admiral", + "edit_prompt": "a bright photo of the sulphur butterfly" + }, + { + "soure_prompt": "a photo of the weird tiger", + "edit_prompt": "a photo of the weird tabby" + }, + { + "soure_prompt": "a cropped photo of a jaguar", + "edit_prompt": "a cropped photo of a tabby" + }, + { + "soure_prompt": "a photo of the lion", + "edit_prompt": "a photo of the tabby" + }, + { + "soure_prompt": "a photo of the small Persian cat", + "edit_prompt": "a photo of the small tabby" + }, + { + "soure_prompt": "a rendering of a scorpion", + "edit_prompt": "a rendering of a tarantula" + }, + { + "soure_prompt": "a photo of a dirty scorpion", + "edit_prompt": "a photo of a dirty tarantula" + }, + { + "soure_prompt": "a photo of a cool black widow", + "edit_prompt": "a photo of a cool tarantula" + }, + { + "soure_prompt": "a cropped photo of a black widow", + "edit_prompt": "a cropped photo of a tarantula" + }, + { + "soure_prompt": "a photo of a small water bottle", + "edit_prompt": "a photo of a small teapot" + }, + { + "soure_prompt": "a photo of the clean coffee mug", + "edit_prompt": "a photo of the clean teapot" + }, + { + "soure_prompt": "a photo of a clean water bottle", + "edit_prompt": "a photo of a clean teapot" + }, + { + "soure_prompt": "a cropped photo of the water bottle", + "edit_prompt": "a cropped photo of the teapot" + }, + { + "soure_prompt": "a photo of a cool lionfish", + "edit_prompt": "a photo of a cool tench" + }, + { + "soure_prompt": "a photo of the clean eel", + "edit_prompt": "a photo of the clean tench" + }, + { + "soure_prompt": "a photo of a clean goldfish", + "edit_prompt": "a photo of a clean tench" + }, + { + "soure_prompt": "a photo of a nice sturgeon", + "edit_prompt": "a photo of a nice tench" + }, + { + "soure_prompt": "a photo of a cool soccer ball", + "edit_prompt": "a photo of a cool tennis ball" + }, + { + "soure_prompt": "a good photo of a ping-pong ball", + "edit_prompt": "a good photo of a tennis ball" + }, + { + "soure_prompt": "a photo of the clean golf ball", + "edit_prompt": "a photo of the clean tennis ball" + }, + { + "soure_prompt": "a photo of a ping-pong ball", + "edit_prompt": "a photo of a tennis ball" + }, + { + "soure_prompt": "a photo of a dirty box turtle", + "edit_prompt": "a photo of a dirty terrapin" + }, + { + "soure_prompt": "a bright photo of the box turtle", + "edit_prompt": "a bright photo of the terrapin" + }, + { + "soure_prompt": "a photo of the small box turtle", + "edit_prompt": "a photo of the small terrapin" + }, + { + "soure_prompt": "the photo of a box turtle", + "edit_prompt": "the photo of a terrapin" + }, + { + "soure_prompt": "a photo of a nice Indian cobra", + "edit_prompt": "a photo of a nice thunder snake" + }, + { + "soure_prompt": "a photo of a horned viper", + "edit_prompt": "a photo of a thunder snake" + }, + { + "soure_prompt": "a photo of the clean horned viper", + "edit_prompt": "a photo of the clean thunder snake" + }, + { + "soure_prompt": "a photo of a green mamba", + "edit_prompt": "a photo of a thunder snake" + }, + { + "soure_prompt": "a photo of the clean Persian cat", + "edit_prompt": "a photo of the clean tiger" + }, + { + "soure_prompt": "a photo of a cool snow leopard", + "edit_prompt": "a photo of a cool tiger" + }, + { + "soure_prompt": "a photo of the small leopard", + "edit_prompt": "a photo of the small tiger" + }, + { + "soure_prompt": "a photo of the jaguar", + "edit_prompt": "a photo of the tiger" + }, + { + "soure_prompt": "a bright photo of the long-horned beetle", + "edit_prompt": "a bright photo of the tiger beetle" + }, + { + "soure_prompt": "the photo of a weevil", + "edit_prompt": "the photo of a tiger beetle" + }, + { + "soure_prompt": "a close-up photo of the ladybug", + "edit_prompt": "a close-up photo of the tiger beetle" + }, + { + "soure_prompt": "the photo of a leaf beetle", + "edit_prompt": "the photo of a tiger beetle" + }, + { + "soure_prompt": "a photo of the cool hammerhead", + "edit_prompt": "a photo of the cool tiger shark" + }, + { + "soure_prompt": "a photo of one great white shark", + "edit_prompt": "a photo of one tiger shark" + }, + { + "soure_prompt": "a photo of the weird hammerhead", + "edit_prompt": "a photo of the weird tiger shark" + }, + { + "soure_prompt": "a close-up photo of the great white shark", + "edit_prompt": "a close-up photo of the tiger shark" + }, + { + "soure_prompt": "a close-up photo of a dingo", + "edit_prompt": "a close-up photo of a timber wolf" + }, + { + "soure_prompt": "the photo of a grey fox", + "edit_prompt": "the photo of a timber wolf" + }, + { + "soure_prompt": "a rendition of the Arctic fox", + "edit_prompt": "a rendition of the timber wolf" + }, + { + "soure_prompt": "a photo of the cool African hunting dog", + "edit_prompt": "a photo of the cool timber wolf" + }, + { + "soure_prompt": "a photo of a small fire engine", + "edit_prompt": "a photo of a small tow truck" + }, + { + "soure_prompt": "a photo of one school bus", + "edit_prompt": "a photo of one tow truck" + }, + { + "soure_prompt": "a rendition of the police van", + "edit_prompt": "a rendition of the tow truck" + }, + { + "soure_prompt": "a photo of a dirty trailer truck", + "edit_prompt": "a photo of a dirty tow truck" + }, + { + "soure_prompt": "a photo of the small Japanese spaniel", + "edit_prompt": "a photo of the small toy terrier" + }, + { + "soure_prompt": "a good photo of a Shih-Tzu", + "edit_prompt": "a good photo of a toy terrier" + }, + { + "soure_prompt": "a photo of a cool Chihuahua", + "edit_prompt": "a photo of a cool toy terrier" + }, + { + "soure_prompt": "a rendition of the Japanese spaniel", + "edit_prompt": "a rendition of the toy terrier" + }, + { + "soure_prompt": "a close-up photo of the pickup", + "edit_prompt": "a close-up photo of the trailer truck" + }, + { + "soure_prompt": "a close-up photo of a garbage truck", + "edit_prompt": "a close-up photo of a trailer truck" + }, + { + "soure_prompt": "a bright photo of the tow truck", + "edit_prompt": "a bright photo of the trailer truck" + }, + { + "soure_prompt": "a rendition of a tow truck", + "edit_prompt": "a rendition of a trailer truck" + }, + { + "soure_prompt": "a photo of a cool eft", + "edit_prompt": "a photo of a cool tree frog" + }, + { + "soure_prompt": "a photo of a cool European fire salamander", + "edit_prompt": "a photo of a cool tree frog" + }, + { + "soure_prompt": "a photo of the nice spotted salamander", + "edit_prompt": "a photo of the nice tree frog" + }, + { + "soure_prompt": "a good photo of the spotted salamander", + "edit_prompt": "a good photo of the tree frog" + }, + { + "soure_prompt": "a photo of the small moped", + "edit_prompt": "a photo of the small tricycle" + }, + { + "soure_prompt": "a photo of a small motor scooter", + "edit_prompt": "a photo of a small tricycle" + }, + { + "soure_prompt": "a photo of a nice moped", + "edit_prompt": "a photo of a nice tricycle" + }, + { + "soure_prompt": "a photo of the large mountain bike", + "edit_prompt": "a photo of the large tricycle" + }, + { + "soure_prompt": "a photo of a clean schooner", + "edit_prompt": "a photo of a clean trimaran" + }, + { + "soure_prompt": "a photo of a clean catamaran", + "edit_prompt": "a photo of a clean trimaran" + }, + { + "soure_prompt": "a rendering of a schooner", + "edit_prompt": "a rendering of a trimaran" + }, + { + "soure_prompt": "a photo of the catamaran", + "edit_prompt": "a photo of the trimaran" + }, + { + "soure_prompt": "a close-up photo of a bassoon", + "edit_prompt": "a close-up photo of a trombone" + }, + { + "soure_prompt": "a photo of the bassoon", + "edit_prompt": "a photo of the trombone" + }, + { + "soure_prompt": "a photo of a dirty oboe", + "edit_prompt": "a photo of a dirty trombone" + }, + { + "soure_prompt": "a good photo of the sax", + "edit_prompt": "a good photo of the trombone" + }, + { + "soure_prompt": "a bright photo of the tricycle", + "edit_prompt": "a bright photo of the unicycle" + }, + { + "soure_prompt": "a cropped photo of the moped", + "edit_prompt": "a cropped photo of the unicycle" + }, + { + "soure_prompt": "a dark photo of the mountain bike", + "edit_prompt": "a dark photo of the unicycle" + }, + { + "soure_prompt": "a photo of the small mountain bike", + "edit_prompt": "a photo of the small unicycle" + }, + { + "soure_prompt": "a photo of one teapot", + "edit_prompt": "a photo of one vase" + }, + { + "soure_prompt": "a cropped photo of the teapot", + "edit_prompt": "a cropped photo of the vase" + }, + { + "soure_prompt": "a photo of a cool teapot", + "edit_prompt": "a photo of a cool vase" + }, + { + "soure_prompt": "a bright photo of the water jug", + "edit_prompt": "a bright photo of the vase" + }, + { + "soure_prompt": "a bright photo of the cello", + "edit_prompt": "a bright photo of the violin" + }, + { + "soure_prompt": "a photo of a dirty cello", + "edit_prompt": "a photo of a dirty violin" + }, + { + "soure_prompt": "a photo of the nice cello", + "edit_prompt": "a photo of the nice violin" + }, + { + "soure_prompt": "a photo of the clean electric guitar", + "edit_prompt": "a photo of the clean violin" + }, + { + "soure_prompt": "a bright photo of the barometer", + "edit_prompt": "a bright photo of the wall clock" + }, + { + "soure_prompt": "a photo of the nice stopwatch", + "edit_prompt": "a photo of the nice wall clock" + }, + { + "soure_prompt": "a cropped photo of the digital watch", + "edit_prompt": "a cropped photo of the wall clock" + }, + { + "soure_prompt": "a bright photo of the odometer", + "edit_prompt": "a bright photo of the wall clock" + }, + { + "soure_prompt": "a good photo of the coffeepot", + "edit_prompt": "a good photo of the water bottle" + }, + { + "soure_prompt": "a rendition of a water jug", + "edit_prompt": "a rendition of a water bottle" + }, + { + "soure_prompt": "a photo of one cocktail shaker", + "edit_prompt": "a photo of one water bottle" + }, + { + "soure_prompt": "a rendition of a coffeepot", + "edit_prompt": "a rendition of a water bottle" + }, + { + "soure_prompt": "a cropped photo of a bison", + "edit_prompt": "a cropped photo of a water buffalo" + }, + { + "soure_prompt": "a photo of one ibex", + "edit_prompt": "a photo of one water buffalo" + }, + { + "soure_prompt": "a photo of the ibex", + "edit_prompt": "a photo of the water buffalo" + }, + { + "soure_prompt": "a cropped photo of a bison", + "edit_prompt": "a cropped photo of a water buffalo" + }, + { + "soure_prompt": "a photo of the nice measuring cup", + "edit_prompt": "a photo of the nice water jug" + }, + { + "soure_prompt": "a rendition of a cocktail shaker", + "edit_prompt": "a rendition of a water jug" + }, + { + "soure_prompt": "a photo of the weird beer bottle", + "edit_prompt": "a photo of the weird water jug" + }, + { + "soure_prompt": "a photo of the large measuring cup", + "edit_prompt": "a photo of the large water jug" + }, + { + "soure_prompt": "a photo of a cool ladybug", + "edit_prompt": "a photo of a cool weevil" + }, + { + "soure_prompt": "a photo of the weird leaf beetle", + "edit_prompt": "a photo of the weird weevil" + }, + { + "soure_prompt": "a photo of a cool tiger beetle", + "edit_prompt": "a photo of a cool weevil" + }, + { + "soure_prompt": "a photo of the large leaf beetle", + "edit_prompt": "a photo of the large weevil" + }, + { + "soure_prompt": "a photo of the clean coyote", + "edit_prompt": "a photo of the clean white wolf" + }, + { + "soure_prompt": "a photo of a clean dingo", + "edit_prompt": "a photo of a clean white wolf" + }, + { + "soure_prompt": "a photo of a cool African hunting dog", + "edit_prompt": "a photo of a cool white wolf" + }, + { + "soure_prompt": "a photo of one Arctic fox", + "edit_prompt": "a photo of one white wolf" + }, + { + "soure_prompt": "a photo of the clean teapot", + "edit_prompt": "a photo of the clean wine bottle" + }, + { + "soure_prompt": "a photo of the vase", + "edit_prompt": "a photo of the wine bottle" + }, + { + "soure_prompt": "a photo of the large cocktail shaker", + "edit_prompt": "a photo of the large wine bottle" + }, + { + "soure_prompt": "a good photo of the cocktail shaker", + "edit_prompt": "a good photo of the wine bottle" + }, + { + "soure_prompt": "the photo of a Border terrier", + "edit_prompt": "the photo of a wire-haired fox terrier" + }, + { + "soure_prompt": "a bright photo of the Irish terrier", + "edit_prompt": "a bright photo of the wire-haired fox terrier" + }, + { + "soure_prompt": "a photo of the cool American Staffordshire terrier", + "edit_prompt": "a photo of the cool wire-haired fox terrier" + }, + { + "soure_prompt": "a rendering of a Irish terrier", + "edit_prompt": "a rendering of a wire-haired fox terrier" + }, + { + "soure_prompt": "a cropped photo of a tarantula", + "edit_prompt": "a cropped photo of a wolf spider" + }, + { + "soure_prompt": "a cropped photo of a garden spider", + "edit_prompt": "a cropped photo of a wolf spider" + }, + { + "soure_prompt": "a photo of the nice black widow", + "edit_prompt": "a photo of the nice wolf spider" + }, + { + "soure_prompt": "a good photo of a scorpion", + "edit_prompt": "a good photo of a wolf spider" + }, + { + "soure_prompt": "a photo of a small sorrel", + "edit_prompt": "a photo of a small zebra" + }, + { + "soure_prompt": "a photo of the cool sorrel", + "edit_prompt": "a photo of the cool zebra" + }, + { + "soure_prompt": "a photo of the large sorrel", + "edit_prompt": "a photo of the large zebra" + }, + { + "soure_prompt": "a photo of a sorrel", + "edit_prompt": "a photo of a zebra" + }, + { + "soure_prompt": "a photo of the cool broccoli", + "edit_prompt": "a photo of the cool zucchini" + }, + { + "soure_prompt": "a photo of a nice artichoke", + "edit_prompt": "a photo of a nice zucchini" + }, + { + "soure_prompt": "a photo of a cool cucumber", + "edit_prompt": "a photo of a cool zucchini" + }, + { + "soure_prompt": "a photo of the small cauliflower", + "edit_prompt": "a photo of the small zucchini" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a leopard standing in the park" + }, + { + "soure_prompt": "a dog standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a leopard standing in the park" + }, + { + "soure_prompt": "a giraffe standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a leopard standing in the park" + }, + { + "soure_prompt": "a horse standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a leopard standing in the park" + }, + { + "soure_prompt": "a lion standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a leopard standing in the park" + }, + { + "soure_prompt": "a rabbit standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a leopard standing in the park" + }, + { + "soure_prompt": "a sheep standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a leopard standing in the park" + }, + { + "soure_prompt": "a cat standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a leopard standing in the park" + }, + { + "soure_prompt": "a monkey standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a leopard standing in the park", + "edit_prompt": "a tiger standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a dog standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a giraffe standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a horse standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a lion standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a rabbit standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a sheep standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a cat standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a monkey standing in the park" + }, + { + "soure_prompt": "a tiger standing in the park", + "edit_prompt": "a leopard standing in the park" + } +] \ No newline at end of file diff --git a/diffusion/FreePromptEditing/datasets/ImageNet_real_edit.json b/diffusion/FreePromptEditing/datasets/ImageNet_real_edit.json new file mode 100644 index 0000000..e81bddb --- /dev/null +++ b/diffusion/FreePromptEditing/datasets/ImageNet_real_edit.json @@ -0,0 +1,5462 @@ +[ + { + "image_name": "n02088364/ILSVRC2012_val_00028602.JPEG", + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a Afghan hound" + }, + { + "image_name": "n02088238/ILSVRC2012_val_00020535.JPEG", + "soure_prompt": "a photo of a basset", + "edit_prompt": "a photo of a Afghan hound" + }, + { + "image_name": "n02091635/ILSVRC2012_val_00038554.JPEG", + "soure_prompt": "a photo of a otterhound", + "edit_prompt": "a photo of a Afghan hound" + }, + { + "image_name": "n02088364/ILSVRC2012_val_00037353.JPEG", + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a Afghan hound" + }, + { + "image_name": "n02115641/ILSVRC2012_val_00007858.JPEG", + "soure_prompt": "a photo of a dingo", + "edit_prompt": "a photo of a African hunting dog" + }, + { + "image_name": "n02117135/ILSVRC2012_val_00025662.JPEG", + "soure_prompt": "a photo of a hyena", + "edit_prompt": "a photo of a African hunting dog" + }, + { + "image_name": "n02117135/ILSVRC2012_val_00026516.JPEG", + "soure_prompt": "a photo of a hyena", + "edit_prompt": "a photo of a African hunting dog" + }, + { + "image_name": "n02119022/ILSVRC2012_val_00049262.JPEG", + "soure_prompt": "a photo of a red fox", + "edit_prompt": "a photo of a African hunting dog" + }, + { + "image_name": "n02095314/ILSVRC2012_val_00005331.JPEG", + "soure_prompt": "a photo of a wire-haired fox terrier", + "edit_prompt": "a photo of a American Staffordshire terrier" + }, + { + "image_name": "n02097209/ILSVRC2012_val_00024508.JPEG", + "soure_prompt": "a photo of a standard schnauzer", + "edit_prompt": "a photo of a American Staffordshire terrier" + }, + { + "image_name": "n02094433/ILSVRC2012_val_00010584.JPEG", + "soure_prompt": "a photo of a Yorkshire terrier", + "edit_prompt": "a photo of a American Staffordshire terrier" + }, + { + "image_name": "n02093991/ILSVRC2012_val_00025690.JPEG", + "soure_prompt": "a photo of a Irish terrier", + "edit_prompt": "a photo of a American Staffordshire terrier" + }, + { + "image_name": "n02509815/ILSVRC2012_val_00010418.JPEG", + "soure_prompt": "a photo of a lesser panda", + "edit_prompt": "a photo of a American black bear" + }, + { + "image_name": "n02132136/ILSVRC2012_val_00017155.JPEG", + "soure_prompt": "a photo of a brown bear", + "edit_prompt": "a photo of a American black bear" + }, + { + "image_name": "n02134084/ILSVRC2012_val_00030485.JPEG", + "soure_prompt": "a photo of a ice bear", + "edit_prompt": "a photo of a American black bear" + }, + { + "image_name": "n02134084/ILSVRC2012_val_00007578.JPEG", + "soure_prompt": "a photo of a ice bear", + "edit_prompt": "a photo of a American black bear" + }, + { + "image_name": "n01978455/ILSVRC2012_val_00021378.JPEG", + "soure_prompt": "a photo of a rock crab", + "edit_prompt": "a photo of a American lobster" + }, + { + "image_name": "n01978455/ILSVRC2012_val_00047476.JPEG", + "soure_prompt": "a photo of a rock crab", + "edit_prompt": "a photo of a American lobster" + }, + { + "image_name": "n01980166/ILSVRC2012_val_00037413.JPEG", + "soure_prompt": "a photo of a fiddler crab", + "edit_prompt": "a photo of a American lobster" + }, + { + "image_name": "n01980166/ILSVRC2012_val_00020779.JPEG", + "soure_prompt": "a photo of a fiddler crab", + "edit_prompt": "a photo of a American lobster" + }, + { + "image_name": "n02116738/ILSVRC2012_val_00034551.JPEG", + "soure_prompt": "a photo of a African hunting dog", + "edit_prompt": "a photo of a Arctic fox" + }, + { + "image_name": "n02114712/ILSVRC2012_val_00007419.JPEG", + "soure_prompt": "a photo of a red wolf", + "edit_prompt": "a photo of a Arctic fox" + }, + { + "image_name": "n02114712/ILSVRC2012_val_00009312.JPEG", + "soure_prompt": "a photo of a red wolf", + "edit_prompt": "a photo of a Arctic fox" + }, + { + "image_name": "n02117135/ILSVRC2012_val_00030724.JPEG", + "soure_prompt": "a photo of a hyena", + "edit_prompt": "a photo of a Arctic fox" + }, + { + "image_name": "n02095314/ILSVRC2012_val_00041718.JPEG", + "soure_prompt": "a photo of a wire-haired fox terrier", + "edit_prompt": "a photo of a Border terrier" + }, + { + "image_name": "n02097209/ILSVRC2012_val_00009589.JPEG", + "soure_prompt": "a photo of a standard schnauzer", + "edit_prompt": "a photo of a Border terrier" + }, + { + "image_name": "n02095314/ILSVRC2012_val_00037925.JPEG", + "soure_prompt": "a photo of a wire-haired fox terrier", + "edit_prompt": "a photo of a Border terrier" + }, + { + "image_name": "n02097209/ILSVRC2012_val_00036919.JPEG", + "soure_prompt": "a photo of a standard schnauzer", + "edit_prompt": "a photo of a Border terrier" + }, + { + "image_name": "n02086910/ILSVRC2012_val_00025601.JPEG", + "soure_prompt": "a photo of a papillon", + "edit_prompt": "a photo of a Chihuahua" + }, + { + "image_name": "n02087046/ILSVRC2012_val_00029090.JPEG", + "soure_prompt": "a photo of a toy terrier", + "edit_prompt": "a photo of a Chihuahua" + }, + { + "image_name": "n02085782/ILSVRC2012_val_00028706.JPEG", + "soure_prompt": "a photo of a Japanese spaniel", + "edit_prompt": "a photo of a Chihuahua" + }, + { + "image_name": "n02086910/ILSVRC2012_val_00021961.JPEG", + "soure_prompt": "a photo of a papillon", + "edit_prompt": "a photo of a Chihuahua" + }, + { + "image_name": "n01983481/ILSVRC2012_val_00032029.JPEG", + "soure_prompt": "a photo of a American lobster", + "edit_prompt": "a photo of a Dungeness crab" + }, + { + "image_name": "n01990800/ILSVRC2012_val_00045807.JPEG", + "soure_prompt": "a photo of a isopod", + "edit_prompt": "a photo of a Dungeness crab" + }, + { + "image_name": "n01985128/ILSVRC2012_val_00032174.JPEG", + "soure_prompt": "a photo of a crayfish", + "edit_prompt": "a photo of a Dungeness crab" + }, + { + "image_name": "n01980166/ILSVRC2012_val_00047891.JPEG", + "soure_prompt": "a photo of a fiddler crab", + "edit_prompt": "a photo of a Dungeness crab" + }, + { + "image_name": "n02091032/ILSVRC2012_val_00012416.JPEG", + "soure_prompt": "a photo of a Italian greyhound", + "edit_prompt": "a photo of a English foxhound" + }, + { + "image_name": "n02091032/ILSVRC2012_val_00019488.JPEG", + "soure_prompt": "a photo of a Italian greyhound", + "edit_prompt": "a photo of a English foxhound" + }, + { + "image_name": "n02088094/ILSVRC2012_val_00040105.JPEG", + "soure_prompt": "a photo of a Afghan hound", + "edit_prompt": "a photo of a English foxhound" + }, + { + "image_name": "n02088364/ILSVRC2012_val_00047309.JPEG", + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a English foxhound" + }, + { + "image_name": "n02100877/ILSVRC2012_val_00038122.JPEG", + "soure_prompt": "a photo of a Irish setter", + "edit_prompt": "a photo of a English springer" + }, + { + "image_name": "n02099601/ILSVRC2012_val_00030385.JPEG", + "soure_prompt": "a photo of a golden retriever", + "edit_prompt": "a photo of a English springer" + }, + { + "image_name": "n02102318/ILSVRC2012_val_00012155.JPEG", + "soure_prompt": "a photo of a cocker spaniel", + "edit_prompt": "a photo of a English springer" + }, + { + "image_name": "n02102318/ILSVRC2012_val_00018596.JPEG", + "soure_prompt": "a photo of a cocker spaniel", + "edit_prompt": "a photo of a English springer" + }, + { + "image_name": "n02106030/ILSVRC2012_val_00006330.JPEG", + "soure_prompt": "a photo of a collie", + "edit_prompt": "a photo of a Eskimo dog" + }, + { + "image_name": "n02110185/ILSVRC2012_val_00022762.JPEG", + "soure_prompt": "a photo of a Siberian husky", + "edit_prompt": "a photo of a Eskimo dog" + }, + { + "image_name": "n02108915/ILSVRC2012_val_00018792.JPEG", + "soure_prompt": "a photo of a French bulldog", + "edit_prompt": "a photo of a Eskimo dog" + }, + { + "image_name": "n02106662/ILSVRC2012_val_00018107.JPEG", + "soure_prompt": "a photo of a German shepherd", + "edit_prompt": "a photo of a Eskimo dog" + }, + { + "image_name": "n01632777/ILSVRC2012_val_00046976.JPEG", + "soure_prompt": "a photo of a axolotl", + "edit_prompt": "a photo of a European fire salamander" + }, + { + "image_name": "n01632777/ILSVRC2012_val_00006579.JPEG", + "soure_prompt": "a photo of a axolotl", + "edit_prompt": "a photo of a European fire salamander" + }, + { + "image_name": "n01631663/ILSVRC2012_val_00043111.JPEG", + "soure_prompt": "a photo of a eft", + "edit_prompt": "a photo of a European fire salamander" + }, + { + "image_name": "n01632777/ILSVRC2012_val_00047938.JPEG", + "soure_prompt": "a photo of a axolotl", + "edit_prompt": "a photo of a European fire salamander" + }, + { + "image_name": "n02058221/ILSVRC2012_val_00026758.JPEG", + "soure_prompt": "a photo of a albatross", + "edit_prompt": "a photo of a European gallinule" + }, + { + "image_name": "n01860187/ILSVRC2012_val_00030887.JPEG", + "soure_prompt": "a photo of a black swan", + "edit_prompt": "a photo of a European gallinule" + }, + { + "image_name": "n02056570/ILSVRC2012_val_00027559.JPEG", + "soure_prompt": "a photo of a king penguin", + "edit_prompt": "a photo of a European gallinule" + }, + { + "image_name": "n02051845/ILSVRC2012_val_00021709.JPEG", + "soure_prompt": "a photo of a pelican", + "edit_prompt": "a photo of a European gallinule" + }, + { + "image_name": "n02110185/ILSVRC2012_val_00014542.JPEG", + "soure_prompt": "a photo of a Siberian husky", + "edit_prompt": "a photo of a French bulldog" + }, + { + "image_name": "n02107312/ILSVRC2012_val_00004883.JPEG", + "soure_prompt": "a photo of a miniature pinscher", + "edit_prompt": "a photo of a French bulldog" + }, + { + "image_name": "n02109961/ILSVRC2012_val_00049841.JPEG", + "soure_prompt": "a photo of a Eskimo dog", + "edit_prompt": "a photo of a French bulldog" + }, + { + "image_name": "n02109961/ILSVRC2012_val_00032991.JPEG", + "soure_prompt": "a photo of a Eskimo dog", + "edit_prompt": "a photo of a French bulldog" + }, + { + "image_name": "n03372029/ILSVRC2012_val_00003736.JPEG", + "soure_prompt": "a photo of a flute", + "edit_prompt": "a photo of a French horn" + }, + { + "image_name": "n03372029/ILSVRC2012_val_00043562.JPEG", + "soure_prompt": "a photo of a flute", + "edit_prompt": "a photo of a French horn" + }, + { + "image_name": "n03838899/ILSVRC2012_val_00021771.JPEG", + "soure_prompt": "a photo of a oboe", + "edit_prompt": "a photo of a French horn" + }, + { + "image_name": "n03838899/ILSVRC2012_val_00020445.JPEG", + "soure_prompt": "a photo of a oboe", + "edit_prompt": "a photo of a French horn" + }, + { + "image_name": "n02107312/ILSVRC2012_val_00005750.JPEG", + "soure_prompt": "a photo of a miniature pinscher", + "edit_prompt": "a photo of a German shepherd" + }, + { + "image_name": "n02106550/ILSVRC2012_val_00049344.JPEG", + "soure_prompt": "a photo of a Rottweiler", + "edit_prompt": "a photo of a German shepherd" + }, + { + "image_name": "n02108915/ILSVRC2012_val_00005327.JPEG", + "soure_prompt": "a photo of a French bulldog", + "edit_prompt": "a photo of a German shepherd" + }, + { + "image_name": "n02109961/ILSVRC2012_val_00002004.JPEG", + "soure_prompt": "a photo of a Eskimo dog", + "edit_prompt": "a photo of a German shepherd" + }, + { + "image_name": "n07753275/ILSVRC2012_val_00047966.JPEG", + "soure_prompt": "a photo of a pineapple", + "edit_prompt": "a photo of a Granny Smith" + }, + { + "image_name": "n07753275/ILSVRC2012_val_00038432.JPEG", + "soure_prompt": "a photo of a pineapple", + "edit_prompt": "a photo of a Granny Smith" + }, + { + "image_name": "n07753113/ILSVRC2012_val_00018524.JPEG", + "soure_prompt": "a photo of a fig", + "edit_prompt": "a photo of a Granny Smith" + }, + { + "image_name": "n07760859/ILSVRC2012_val_00000798.JPEG", + "soure_prompt": "a photo of a custard apple", + "edit_prompt": "a photo of a Granny Smith" + }, + { + "image_name": "n01753488/ILSVRC2012_val_00033749.JPEG", + "soure_prompt": "a photo of a horned viper", + "edit_prompt": "a photo of a Indian cobra" + }, + { + "image_name": "n01753488/ILSVRC2012_val_00017595.JPEG", + "soure_prompt": "a photo of a horned viper", + "edit_prompt": "a photo of a Indian cobra" + }, + { + "image_name": "n01742172/ILSVRC2012_val_00049311.JPEG", + "soure_prompt": "a photo of a boa constrictor", + "edit_prompt": "a photo of a Indian cobra" + }, + { + "image_name": "n01728572/ILSVRC2012_val_00042100.JPEG", + "soure_prompt": "a photo of a thunder snake", + "edit_prompt": "a photo of a Indian cobra" + }, + { + "image_name": "n02099601/ILSVRC2012_val_00034237.JPEG", + "soure_prompt": "a photo of a golden retriever", + "edit_prompt": "a photo of a Irish setter" + }, + { + "image_name": "n02102040/ILSVRC2012_val_00021205.JPEG", + "soure_prompt": "a photo of a English springer", + "edit_prompt": "a photo of a Irish setter" + }, + { + "image_name": "n02102040/ILSVRC2012_val_00015499.JPEG", + "soure_prompt": "a photo of a English springer", + "edit_prompt": "a photo of a Irish setter" + }, + { + "image_name": "n02099601/ILSVRC2012_val_00006981.JPEG", + "soure_prompt": "a photo of a golden retriever", + "edit_prompt": "a photo of a Irish setter" + }, + { + "image_name": "n02094433/ILSVRC2012_val_00037838.JPEG", + "soure_prompt": "a photo of a Yorkshire terrier", + "edit_prompt": "a photo of a Irish terrier" + }, + { + "image_name": "n02097209/ILSVRC2012_val_00041251.JPEG", + "soure_prompt": "a photo of a standard schnauzer", + "edit_prompt": "a photo of a Irish terrier" + }, + { + "image_name": "n02097209/ILSVRC2012_val_00040565.JPEG", + "soure_prompt": "a photo of a standard schnauzer", + "edit_prompt": "a photo of a Irish terrier" + }, + { + "image_name": "n02093754/ILSVRC2012_val_00024411.JPEG", + "soure_prompt": "a photo of a Border terrier", + "edit_prompt": "a photo of a Irish terrier" + }, + { + "image_name": "n02091635/ILSVRC2012_val_00037989.JPEG", + "soure_prompt": "a photo of a otterhound", + "edit_prompt": "a photo of a Italian greyhound" + }, + { + "image_name": "n02091635/ILSVRC2012_val_00032793.JPEG", + "soure_prompt": "a photo of a otterhound", + "edit_prompt": "a photo of a Italian greyhound" + }, + { + "image_name": "n02088238/ILSVRC2012_val_00039242.JPEG", + "soure_prompt": "a photo of a basset", + "edit_prompt": "a photo of a Italian greyhound" + }, + { + "image_name": "n02088094/ILSVRC2012_val_00009139.JPEG", + "soure_prompt": "a photo of a Afghan hound", + "edit_prompt": "a photo of a Italian greyhound" + }, + { + "image_name": "n02086910/ILSVRC2012_val_00036012.JPEG", + "soure_prompt": "a photo of a papillon", + "edit_prompt": "a photo of a Japanese spaniel" + }, + { + "image_name": "n02086240/ILSVRC2012_val_00003841.JPEG", + "soure_prompt": "a photo of a Shih-Tzu", + "edit_prompt": "a photo of a Japanese spaniel" + }, + { + "image_name": "n02086240/ILSVRC2012_val_00014174.JPEG", + "soure_prompt": "a photo of a Shih-Tzu", + "edit_prompt": "a photo of a Japanese spaniel" + }, + { + "image_name": "n02085620/ILSVRC2012_val_00023234.JPEG", + "soure_prompt": "a photo of a Chihuahua", + "edit_prompt": "a photo of a Japanese spaniel" + }, + { + "image_name": "n02128925/ILSVRC2012_val_00017739.JPEG", + "soure_prompt": "a photo of a jaguar", + "edit_prompt": "a photo of a Persian cat" + }, + { + "image_name": "n02129604/ILSVRC2012_val_00031492.JPEG", + "soure_prompt": "a photo of a tiger", + "edit_prompt": "a photo of a Persian cat" + }, + { + "image_name": "n02128925/ILSVRC2012_val_00040784.JPEG", + "soure_prompt": "a photo of a jaguar", + "edit_prompt": "a photo of a Persian cat" + }, + { + "image_name": "n02128757/ILSVRC2012_val_00005917.JPEG", + "soure_prompt": "a photo of a snow leopard", + "edit_prompt": "a photo of a Persian cat" + }, + { + "image_name": "n02106662/ILSVRC2012_val_00002012.JPEG", + "soure_prompt": "a photo of a German shepherd", + "edit_prompt": "a photo of a Rottweiler" + }, + { + "image_name": "n02106662/ILSVRC2012_val_00046902.JPEG", + "soure_prompt": "a photo of a German shepherd", + "edit_prompt": "a photo of a Rottweiler" + }, + { + "image_name": "n02106662/ILSVRC2012_val_00022142.JPEG", + "soure_prompt": "a photo of a German shepherd", + "edit_prompt": "a photo of a Rottweiler" + }, + { + "image_name": "n02106030/ILSVRC2012_val_00038789.JPEG", + "soure_prompt": "a photo of a collie", + "edit_prompt": "a photo of a Rottweiler" + }, + { + "image_name": "n02085782/ILSVRC2012_val_00043201.JPEG", + "soure_prompt": "a photo of a Japanese spaniel", + "edit_prompt": "a photo of a Shih-Tzu" + }, + { + "image_name": "n02087046/ILSVRC2012_val_00034454.JPEG", + "soure_prompt": "a photo of a toy terrier", + "edit_prompt": "a photo of a Shih-Tzu" + }, + { + "image_name": "n02085620/ILSVRC2012_val_00006892.JPEG", + "soure_prompt": "a photo of a Chihuahua", + "edit_prompt": "a photo of a Shih-Tzu" + }, + { + "image_name": "n02085620/ILSVRC2012_val_00024126.JPEG", + "soure_prompt": "a photo of a Chihuahua", + "edit_prompt": "a photo of a Shih-Tzu" + }, + { + "image_name": "n02106662/ILSVRC2012_val_00012203.JPEG", + "soure_prompt": "a photo of a German shepherd", + "edit_prompt": "a photo of a Siberian husky" + }, + { + "image_name": "n02108915/ILSVRC2012_val_00011718.JPEG", + "soure_prompt": "a photo of a French bulldog", + "edit_prompt": "a photo of a Siberian husky" + }, + { + "image_name": "n02108089/ILSVRC2012_val_00029255.JPEG", + "soure_prompt": "a photo of a boxer", + "edit_prompt": "a photo of a Siberian husky" + }, + { + "image_name": "n02106550/ILSVRC2012_val_00034771.JPEG", + "soure_prompt": "a photo of a Rottweiler", + "edit_prompt": "a photo of a Siberian husky" + }, + { + "image_name": "n02095314/ILSVRC2012_val_00011082.JPEG", + "soure_prompt": "a photo of a wire-haired fox terrier", + "edit_prompt": "a photo of a Yorkshire terrier" + }, + { + "image_name": "n02097209/ILSVRC2012_val_00010046.JPEG", + "soure_prompt": "a photo of a standard schnauzer", + "edit_prompt": "a photo of a Yorkshire terrier" + }, + { + "image_name": "n02097209/ILSVRC2012_val_00009362.JPEG", + "soure_prompt": "a photo of a standard schnauzer", + "edit_prompt": "a photo of a Yorkshire terrier" + }, + { + "image_name": "n02097209/ILSVRC2012_val_00028691.JPEG", + "soure_prompt": "a photo of a standard schnauzer", + "edit_prompt": "a photo of a Yorkshire terrier" + }, + { + "image_name": "n03272010/ILSVRC2012_val_00021729.JPEG", + "soure_prompt": "a photo of a electric guitar", + "edit_prompt": "a photo of a acoustic guitar" + }, + { + "image_name": "n03272010/ILSVRC2012_val_00012911.JPEG", + "soure_prompt": "a photo of a electric guitar", + "edit_prompt": "a photo of a acoustic guitar" + }, + { + "image_name": "n03272010/ILSVRC2012_val_00009952.JPEG", + "soure_prompt": "a photo of a electric guitar", + "edit_prompt": "a photo of a acoustic guitar" + }, + { + "image_name": "n03272010/ILSVRC2012_val_00001836.JPEG", + "soure_prompt": "a photo of a electric guitar", + "edit_prompt": "a photo of a acoustic guitar" + }, + { + "image_name": "n02279972/ILSVRC2012_val_00011143.JPEG", + "soure_prompt": "a photo of a monarch", + "edit_prompt": "a photo of a admiral" + }, + { + "image_name": "n02281787/ILSVRC2012_val_00021806.JPEG", + "soure_prompt": "a photo of a lycaenid", + "edit_prompt": "a photo of a admiral" + }, + { + "image_name": "n02281787/ILSVRC2012_val_00020376.JPEG", + "soure_prompt": "a photo of a lycaenid", + "edit_prompt": "a photo of a admiral" + }, + { + "image_name": "n02281787/ILSVRC2012_val_00044300.JPEG", + "soure_prompt": "a photo of a lycaenid", + "edit_prompt": "a photo of a admiral" + }, + { + "image_name": "n02051845/ILSVRC2012_val_00003153.JPEG", + "soure_prompt": "a photo of a pelican", + "edit_prompt": "a photo of a albatross" + }, + { + "image_name": "n02051845/ILSVRC2012_val_00041469.JPEG", + "soure_prompt": "a photo of a pelican", + "edit_prompt": "a photo of a albatross" + }, + { + "image_name": "n02051845/ILSVRC2012_val_00020326.JPEG", + "soure_prompt": "a photo of a pelican", + "edit_prompt": "a photo of a albatross" + }, + { + "image_name": "n02051845/ILSVRC2012_val_00048664.JPEG", + "soure_prompt": "a photo of a pelican", + "edit_prompt": "a photo of a albatross" + }, + { + "image_name": "n03670208/ILSVRC2012_val_00033422.JPEG", + "soure_prompt": "a photo of a limousine", + "edit_prompt": "a photo of a ambulance" + }, + { + "image_name": "n03100240/ILSVRC2012_val_00019496.JPEG", + "soure_prompt": "a photo of a convertible", + "edit_prompt": "a photo of a ambulance" + }, + { + "image_name": "n03594945/ILSVRC2012_val_00013993.JPEG", + "soure_prompt": "a photo of a jeep", + "edit_prompt": "a photo of a ambulance" + }, + { + "image_name": "n02814533/ILSVRC2012_val_00023221.JPEG", + "soure_prompt": "a photo of a beach wagon", + "edit_prompt": "a photo of a ambulance" + }, + { + "image_name": "n04328186/ILSVRC2012_val_00029493.JPEG", + "soure_prompt": "a photo of a stopwatch", + "edit_prompt": "a photo of a analog clock" + }, + { + "image_name": "n03196217/ILSVRC2012_val_00033627.JPEG", + "soure_prompt": "a photo of a digital clock", + "edit_prompt": "a photo of a analog clock" + }, + { + "image_name": "n03196217/ILSVRC2012_val_00048682.JPEG", + "soure_prompt": "a photo of a digital clock", + "edit_prompt": "a photo of a analog clock" + }, + { + "image_name": "n04328186/ILSVRC2012_val_00008052.JPEG", + "soure_prompt": "a photo of a stopwatch", + "edit_prompt": "a photo of a analog clock" + }, + { + "image_name": "n02640242/ILSVRC2012_val_00035407.JPEG", + "soure_prompt": "a photo of a sturgeon", + "edit_prompt": "a photo of a anemone fish" + }, + { + "image_name": "n01443537/ILSVRC2012_val_00003735.JPEG", + "soure_prompt": "a photo of a goldfish", + "edit_prompt": "a photo of a anemone fish" + }, + { + "image_name": "n02643566/ILSVRC2012_val_00023806.JPEG", + "soure_prompt": "a photo of a lionfish", + "edit_prompt": "a photo of a anemone fish" + }, + { + "image_name": "n02641379/ILSVRC2012_val_00032197.JPEG", + "soure_prompt": "a photo of a gar", + "edit_prompt": "a photo of a anemone fish" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00042805.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a artichoke" + }, + { + "image_name": "n07718472/ILSVRC2012_val_00015777.JPEG", + "soure_prompt": "a photo of a cucumber", + "edit_prompt": "a photo of a artichoke" + }, + { + "image_name": "n07718472/ILSVRC2012_val_00046928.JPEG", + "soure_prompt": "a photo of a cucumber", + "edit_prompt": "a photo of a artichoke" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00006628.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a artichoke" + }, + { + "image_name": "n01631663/ILSVRC2012_val_00037037.JPEG", + "soure_prompt": "a photo of a eft", + "edit_prompt": "a photo of a axolotl" + }, + { + "image_name": "n01629819/ILSVRC2012_val_00011661.JPEG", + "soure_prompt": "a photo of a European fire salamander", + "edit_prompt": "a photo of a axolotl" + }, + { + "image_name": "n01641577/ILSVRC2012_val_00020916.JPEG", + "soure_prompt": "a photo of a bullfrog", + "edit_prompt": "a photo of a axolotl" + }, + { + "image_name": "n01641577/ILSVRC2012_val_00023308.JPEG", + "soure_prompt": "a photo of a bullfrog", + "edit_prompt": "a photo of a axolotl" + }, + { + "image_name": "n02484975/ILSVRC2012_val_00016599.JPEG", + "soure_prompt": "a photo of a guenon", + "edit_prompt": "a photo of a baboon" + }, + { + "image_name": "n02484975/ILSVRC2012_val_00038869.JPEG", + "soure_prompt": "a photo of a guenon", + "edit_prompt": "a photo of a baboon" + }, + { + "image_name": "n02493793/ILSVRC2012_val_00037219.JPEG", + "soure_prompt": "a photo of a spider monkey", + "edit_prompt": "a photo of a baboon" + }, + { + "image_name": "n02487347/ILSVRC2012_val_00021140.JPEG", + "soure_prompt": "a photo of a macaque", + "edit_prompt": "a photo of a baboon" + }, + { + "image_name": "n04026417/ILSVRC2012_val_00036411.JPEG", + "soure_prompt": "a photo of a purse", + "edit_prompt": "a photo of a backpack" + }, + { + "image_name": "n04026417/ILSVRC2012_val_00014524.JPEG", + "soure_prompt": "a photo of a purse", + "edit_prompt": "a photo of a backpack" + }, + { + "image_name": "n03958227/ILSVRC2012_val_00000722.JPEG", + "soure_prompt": "a photo of a plastic bag", + "edit_prompt": "a photo of a backpack" + }, + { + "image_name": "n04026417/ILSVRC2012_val_00047620.JPEG", + "soure_prompt": "a photo of a purse", + "edit_prompt": "a photo of a backpack" + }, + { + "image_name": "n07697537/ILSVRC2012_val_00014874.JPEG", + "soure_prompt": "a photo of a hotdog", + "edit_prompt": "a photo of a bagel" + }, + { + "image_name": "n07697537/ILSVRC2012_val_00034147.JPEG", + "soure_prompt": "a photo of a hotdog", + "edit_prompt": "a photo of a bagel" + }, + { + "image_name": "n07697313/ILSVRC2012_val_00047577.JPEG", + "soure_prompt": "a photo of a cheeseburger", + "edit_prompt": "a photo of a bagel" + }, + { + "image_name": "n07697537/ILSVRC2012_val_00026101.JPEG", + "soure_prompt": "a photo of a hotdog", + "edit_prompt": "a photo of a bagel" + }, + { + "image_name": "n01622779/ILSVRC2012_val_00032875.JPEG", + "soure_prompt": "a photo of a great grey owl", + "edit_prompt": "a photo of a bald eagle" + }, + { + "image_name": "n01608432/ILSVRC2012_val_00030483.JPEG", + "soure_prompt": "a photo of a kite", + "edit_prompt": "a photo of a bald eagle" + }, + { + "image_name": "n01622779/ILSVRC2012_val_00005770.JPEG", + "soure_prompt": "a photo of a great grey owl", + "edit_prompt": "a photo of a bald eagle" + }, + { + "image_name": "n01608432/ILSVRC2012_val_00031676.JPEG", + "soure_prompt": "a photo of a kite", + "edit_prompt": "a photo of a bald eagle" + }, + { + "image_name": "n07753113/ILSVRC2012_val_00002179.JPEG", + "soure_prompt": "a photo of a fig", + "edit_prompt": "a photo of a banana" + }, + { + "image_name": "n07760859/ILSVRC2012_val_00015400.JPEG", + "soure_prompt": "a photo of a custard apple", + "edit_prompt": "a photo of a banana" + }, + { + "image_name": "n07747607/ILSVRC2012_val_00018013.JPEG", + "soure_prompt": "a photo of a orange", + "edit_prompt": "a photo of a banana" + }, + { + "image_name": "n07745940/ILSVRC2012_val_00032276.JPEG", + "soure_prompt": "a photo of a strawberry", + "edit_prompt": "a photo of a banana" + }, + { + "image_name": "n04536866/ILSVRC2012_val_00015869.JPEG", + "soure_prompt": "a photo of a violin", + "edit_prompt": "a photo of a banjo" + }, + { + "image_name": "n02676566/ILSVRC2012_val_00021282.JPEG", + "soure_prompt": "a photo of a acoustic guitar", + "edit_prompt": "a photo of a banjo" + }, + { + "image_name": "n02676566/ILSVRC2012_val_00040891.JPEG", + "soure_prompt": "a photo of a acoustic guitar", + "edit_prompt": "a photo of a banjo" + }, + { + "image_name": "n02676566/ILSVRC2012_val_00029228.JPEG", + "soure_prompt": "a photo of a acoustic guitar", + "edit_prompt": "a photo of a banjo" + }, + { + "image_name": "n02708093/ILSVRC2012_val_00033429.JPEG", + "soure_prompt": "a photo of a analog clock", + "edit_prompt": "a photo of a barometer" + }, + { + "image_name": "n03196217/ILSVRC2012_val_00014666.JPEG", + "soure_prompt": "a photo of a digital clock", + "edit_prompt": "a photo of a barometer" + }, + { + "image_name": "n03841143/ILSVRC2012_val_00003529.JPEG", + "soure_prompt": "a photo of a odometer", + "edit_prompt": "a photo of a barometer" + }, + { + "image_name": "n03841143/ILSVRC2012_val_00022736.JPEG", + "soure_prompt": "a photo of a odometer", + "edit_prompt": "a photo of a barometer" + }, + { + "image_name": "n02088364/ILSVRC2012_val_00005291.JPEG", + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a basset" + }, + { + "image_name": "n02091635/ILSVRC2012_val_00006704.JPEG", + "soure_prompt": "a photo of a otterhound", + "edit_prompt": "a photo of a basset" + }, + { + "image_name": "n02088094/ILSVRC2012_val_00029232.JPEG", + "soure_prompt": "a photo of a Afghan hound", + "edit_prompt": "a photo of a basset" + }, + { + "image_name": "n02088364/ILSVRC2012_val_00016656.JPEG", + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a basset" + }, + { + "image_name": "n03394916/ILSVRC2012_val_00015542.JPEG", + "soure_prompt": "a photo of a French horn", + "edit_prompt": "a photo of a bassoon" + }, + { + "image_name": "n03110669/ILSVRC2012_val_00015433.JPEG", + "soure_prompt": "a photo of a cornet", + "edit_prompt": "a photo of a bassoon" + }, + { + "image_name": "n03838899/ILSVRC2012_val_00001834.JPEG", + "soure_prompt": "a photo of a oboe", + "edit_prompt": "a photo of a bassoon" + }, + { + "image_name": "n04141076/ILSVRC2012_val_00047864.JPEG", + "soure_prompt": "a photo of a sax", + "edit_prompt": "a photo of a bassoon" + }, + { + "image_name": "n02869837/ILSVRC2012_val_00026464.JPEG", + "soure_prompt": "a photo of a bonnet", + "edit_prompt": "a photo of a bathing cap" + }, + { + "image_name": "n03124170/ILSVRC2012_val_00030122.JPEG", + "soure_prompt": "a photo of a cowboy hat", + "edit_prompt": "a photo of a bathing cap" + }, + { + "image_name": "n04209133/ILSVRC2012_val_00006601.JPEG", + "soure_prompt": "a photo of a shower cap", + "edit_prompt": "a photo of a bathing cap" + }, + { + "image_name": "n03379051/ILSVRC2012_val_00030254.JPEG", + "soure_prompt": "a photo of a football helmet", + "edit_prompt": "a photo of a bathing cap" + }, + { + "image_name": "n02930766/ILSVRC2012_val_00030314.JPEG", + "soure_prompt": "a photo of a cab", + "edit_prompt": "a photo of a beach wagon" + }, + { + "image_name": "n02701002/ILSVRC2012_val_00024658.JPEG", + "soure_prompt": "a photo of a ambulance", + "edit_prompt": "a photo of a beach wagon" + }, + { + "image_name": "n02701002/ILSVRC2012_val_00041942.JPEG", + "soure_prompt": "a photo of a ambulance", + "edit_prompt": "a photo of a beach wagon" + }, + { + "image_name": "n03100240/ILSVRC2012_val_00027795.JPEG", + "soure_prompt": "a photo of a convertible", + "edit_prompt": "a photo of a beach wagon" + }, + { + "image_name": "n02088094/ILSVRC2012_val_00049756.JPEG", + "soure_prompt": "a photo of a Afghan hound", + "edit_prompt": "a photo of a beagle" + }, + { + "image_name": "n02091635/ILSVRC2012_val_00022137.JPEG", + "soure_prompt": "a photo of a otterhound", + "edit_prompt": "a photo of a beagle" + }, + { + "image_name": "n02091635/ILSVRC2012_val_00044766.JPEG", + "soure_prompt": "a photo of a otterhound", + "edit_prompt": "a photo of a beagle" + }, + { + "image_name": "n02091032/ILSVRC2012_val_00046154.JPEG", + "soure_prompt": "a photo of a Italian greyhound", + "edit_prompt": "a photo of a beagle" + }, + { + "image_name": "n03733805/ILSVRC2012_val_00048274.JPEG", + "soure_prompt": "a photo of a measuring cup", + "edit_prompt": "a photo of a beer bottle" + }, + { + "image_name": "n04522168/ILSVRC2012_val_00000895.JPEG", + "soure_prompt": "a photo of a vase", + "edit_prompt": "a photo of a beer bottle" + }, + { + "image_name": "n03063689/ILSVRC2012_val_00028811.JPEG", + "soure_prompt": "a photo of a coffeepot", + "edit_prompt": "a photo of a beer bottle" + }, + { + "image_name": "n03063599/ILSVRC2012_val_00025893.JPEG", + "soure_prompt": "a photo of a coffee mug", + "edit_prompt": "a photo of a beer bottle" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00025272.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a bell pepper" + }, + { + "image_name": "n07716906/ILSVRC2012_val_00035527.JPEG", + "soure_prompt": "a photo of a spaghetti squash", + "edit_prompt": "a photo of a bell pepper" + }, + { + "image_name": "n07730033/ILSVRC2012_val_00043433.JPEG", + "soure_prompt": "a photo of a cardoon", + "edit_prompt": "a photo of a bell pepper" + }, + { + "image_name": "n07714990/ILSVRC2012_val_00027503.JPEG", + "soure_prompt": "a photo of a broccoli", + "edit_prompt": "a photo of a bell pepper" + }, + { + "image_name": "n02412080/ILSVRC2012_val_00022185.JPEG", + "soure_prompt": "a photo of a ram", + "edit_prompt": "a photo of a bighorn" + }, + { + "image_name": "n02412080/ILSVRC2012_val_00044042.JPEG", + "soure_prompt": "a photo of a ram", + "edit_prompt": "a photo of a bighorn" + }, + { + "image_name": "n02417914/ILSVRC2012_val_00004914.JPEG", + "soure_prompt": "a photo of a ibex", + "edit_prompt": "a photo of a bighorn" + }, + { + "image_name": "n02408429/ILSVRC2012_val_00025011.JPEG", + "soure_prompt": "a photo of a water buffalo", + "edit_prompt": "a photo of a bighorn" + }, + { + "image_name": "n02422699/ILSVRC2012_val_00024665.JPEG", + "soure_prompt": "a photo of a impala", + "edit_prompt": "a photo of a bison" + }, + { + "image_name": "n02412080/ILSVRC2012_val_00048757.JPEG", + "soure_prompt": "a photo of a ram", + "edit_prompt": "a photo of a bison" + }, + { + "image_name": "n02422699/ILSVRC2012_val_00041130.JPEG", + "soure_prompt": "a photo of a impala", + "edit_prompt": "a photo of a bison" + }, + { + "image_name": "n02423022/ILSVRC2012_val_00023708.JPEG", + "soure_prompt": "a photo of a gazelle", + "edit_prompt": "a photo of a bison" + }, + { + "image_name": "n01797886/ILSVRC2012_val_00039021.JPEG", + "soure_prompt": "a photo of a ruffed grouse", + "edit_prompt": "a photo of a black grouse" + }, + { + "image_name": "n01796340/ILSVRC2012_val_00012410.JPEG", + "soure_prompt": "a photo of a ptarmigan", + "edit_prompt": "a photo of a black grouse" + }, + { + "image_name": "n01797886/ILSVRC2012_val_00018626.JPEG", + "soure_prompt": "a photo of a ruffed grouse", + "edit_prompt": "a photo of a black grouse" + }, + { + "image_name": "n01797886/ILSVRC2012_val_00041329.JPEG", + "soure_prompt": "a photo of a ruffed grouse", + "edit_prompt": "a photo of a black grouse" + }, + { + "image_name": "n01855672/ILSVRC2012_val_00009610.JPEG", + "soure_prompt": "a photo of a goose", + "edit_prompt": "a photo of a black stork" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00037207.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a black stork" + }, + { + "image_name": "n02007558/ILSVRC2012_val_00041083.JPEG", + "soure_prompt": "a photo of a flamingo", + "edit_prompt": "a photo of a black stork" + }, + { + "image_name": "n02006656/ILSVRC2012_val_00008555.JPEG", + "soure_prompt": "a photo of a spoonbill", + "edit_prompt": "a photo of a black stork" + }, + { + "image_name": "n02056570/ILSVRC2012_val_00012523.JPEG", + "soure_prompt": "a photo of a king penguin", + "edit_prompt": "a photo of a black swan" + }, + { + "image_name": "n02058221/ILSVRC2012_val_00029223.JPEG", + "soure_prompt": "a photo of a albatross", + "edit_prompt": "a photo of a black swan" + }, + { + "image_name": "n02017213/ILSVRC2012_val_00042113.JPEG", + "soure_prompt": "a photo of a European gallinule", + "edit_prompt": "a photo of a black swan" + }, + { + "image_name": "n02017213/ILSVRC2012_val_00023024.JPEG", + "soure_prompt": "a photo of a European gallinule", + "edit_prompt": "a photo of a black swan" + }, + { + "image_name": "n01773797/ILSVRC2012_val_00022895.JPEG", + "soure_prompt": "a photo of a garden spider", + "edit_prompt": "a photo of a black widow" + }, + { + "image_name": "n01774750/ILSVRC2012_val_00047574.JPEG", + "soure_prompt": "a photo of a tarantula", + "edit_prompt": "a photo of a black widow" + }, + { + "image_name": "n01773797/ILSVRC2012_val_00020991.JPEG", + "soure_prompt": "a photo of a garden spider", + "edit_prompt": "a photo of a black widow" + }, + { + "image_name": "n01773797/ILSVRC2012_val_00000395.JPEG", + "soure_prompt": "a photo of a garden spider", + "edit_prompt": "a photo of a black widow" + }, + { + "image_name": "n01728572/ILSVRC2012_val_00019722.JPEG", + "soure_prompt": "a photo of a thunder snake", + "edit_prompt": "a photo of a boa constrictor" + }, + { + "image_name": "n01748264/ILSVRC2012_val_00038480.JPEG", + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a boa constrictor" + }, + { + "image_name": "n01749939/ILSVRC2012_val_00007937.JPEG", + "soure_prompt": "a photo of a green mamba", + "edit_prompt": "a photo of a boa constrictor" + }, + { + "image_name": "n01756291/ILSVRC2012_val_00013698.JPEG", + "soure_prompt": "a photo of a sidewinder", + "edit_prompt": "a photo of a boa constrictor" + }, + { + "image_name": "n13052670/ILSVRC2012_val_00022963.JPEG", + "soure_prompt": "a photo of a hen-of-the-woods", + "edit_prompt": "a photo of a bolete" + }, + { + "image_name": "n13037406/ILSVRC2012_val_00045909.JPEG", + "soure_prompt": "a photo of a gyromitra", + "edit_prompt": "a photo of a bolete" + }, + { + "image_name": "n13052670/ILSVRC2012_val_00020929.JPEG", + "soure_prompt": "a photo of a hen-of-the-woods", + "edit_prompt": "a photo of a bolete" + }, + { + "image_name": "n12985857/ILSVRC2012_val_00044046.JPEG", + "soure_prompt": "a photo of a coral fungus", + "edit_prompt": "a photo of a bolete" + }, + { + "image_name": "n03379051/ILSVRC2012_val_00047692.JPEG", + "soure_prompt": "a photo of a football helmet", + "edit_prompt": "a photo of a bonnet" + }, + { + "image_name": "n02807133/ILSVRC2012_val_00024350.JPEG", + "soure_prompt": "a photo of a bathing cap", + "edit_prompt": "a photo of a bonnet" + }, + { + "image_name": "n04209133/ILSVRC2012_val_00024479.JPEG", + "soure_prompt": "a photo of a shower cap", + "edit_prompt": "a photo of a bonnet" + }, + { + "image_name": "n02807133/ILSVRC2012_val_00036950.JPEG", + "soure_prompt": "a photo of a bathing cap", + "edit_prompt": "a photo of a bonnet" + }, + { + "image_name": "n01667778/ILSVRC2012_val_00031774.JPEG", + "soure_prompt": "a photo of a terrapin", + "edit_prompt": "a photo of a box turtle" + }, + { + "image_name": "n01667778/ILSVRC2012_val_00031674.JPEG", + "soure_prompt": "a photo of a terrapin", + "edit_prompt": "a photo of a box turtle" + }, + { + "image_name": "n01667778/ILSVRC2012_val_00008921.JPEG", + "soure_prompt": "a photo of a terrapin", + "edit_prompt": "a photo of a box turtle" + }, + { + "image_name": "n01667778/ILSVRC2012_val_00013738.JPEG", + "soure_prompt": "a photo of a terrapin", + "edit_prompt": "a photo of a box turtle" + }, + { + "image_name": "n02108915/ILSVRC2012_val_00032658.JPEG", + "soure_prompt": "a photo of a French bulldog", + "edit_prompt": "a photo of a boxer" + }, + { + "image_name": "n02106550/ILSVRC2012_val_00017940.JPEG", + "soure_prompt": "a photo of a Rottweiler", + "edit_prompt": "a photo of a boxer" + }, + { + "image_name": "n02107312/ILSVRC2012_val_00019364.JPEG", + "soure_prompt": "a photo of a miniature pinscher", + "edit_prompt": "a photo of a boxer" + }, + { + "image_name": "n02108915/ILSVRC2012_val_00013155.JPEG", + "soure_prompt": "a photo of a French bulldog", + "edit_prompt": "a photo of a boxer" + }, + { + "image_name": "n07716358/ILSVRC2012_val_00013114.JPEG", + "soure_prompt": "a photo of a zucchini", + "edit_prompt": "a photo of a broccoli" + }, + { + "image_name": "n07716906/ILSVRC2012_val_00008554.JPEG", + "soure_prompt": "a photo of a spaghetti squash", + "edit_prompt": "a photo of a broccoli" + }, + { + "image_name": "n07717556/ILSVRC2012_val_00045122.JPEG", + "soure_prompt": "a photo of a butternut squash", + "edit_prompt": "a photo of a broccoli" + }, + { + "image_name": "n07717556/ILSVRC2012_val_00000674.JPEG", + "soure_prompt": "a photo of a butternut squash", + "edit_prompt": "a photo of a broccoli" + }, + { + "image_name": "n02134418/ILSVRC2012_val_00044129.JPEG", + "soure_prompt": "a photo of a sloth bear", + "edit_prompt": "a photo of a brown bear" + }, + { + "image_name": "n02509815/ILSVRC2012_val_00035546.JPEG", + "soure_prompt": "a photo of a lesser panda", + "edit_prompt": "a photo of a brown bear" + }, + { + "image_name": "n02134418/ILSVRC2012_val_00044947.JPEG", + "soure_prompt": "a photo of a sloth bear", + "edit_prompt": "a photo of a brown bear" + }, + { + "image_name": "n02134084/ILSVRC2012_val_00040753.JPEG", + "soure_prompt": "a photo of a ice bear", + "edit_prompt": "a photo of a brown bear" + }, + { + "image_name": "n01644373/ILSVRC2012_val_00003846.JPEG", + "soure_prompt": "a photo of a tree frog", + "edit_prompt": "a photo of a bullfrog" + }, + { + "image_name": "n01630670/ILSVRC2012_val_00007257.JPEG", + "soure_prompt": "a photo of a common newt", + "edit_prompt": "a photo of a bullfrog" + }, + { + "image_name": "n01629819/ILSVRC2012_val_00022935.JPEG", + "soure_prompt": "a photo of a European fire salamander", + "edit_prompt": "a photo of a bullfrog" + }, + { + "image_name": "n01632777/ILSVRC2012_val_00019710.JPEG", + "soure_prompt": "a photo of a axolotl", + "edit_prompt": "a photo of a bullfrog" + }, + { + "image_name": "n02002724/ILSVRC2012_val_00025651.JPEG", + "soure_prompt": "a photo of a black stork", + "edit_prompt": "a photo of a bustard" + }, + { + "image_name": "n01855672/ILSVRC2012_val_00015675.JPEG", + "soure_prompt": "a photo of a goose", + "edit_prompt": "a photo of a bustard" + }, + { + "image_name": "n02009229/ILSVRC2012_val_00026416.JPEG", + "soure_prompt": "a photo of a little blue heron", + "edit_prompt": "a photo of a bustard" + }, + { + "image_name": "n01855672/ILSVRC2012_val_00008834.JPEG", + "soure_prompt": "a photo of a goose", + "edit_prompt": "a photo of a bustard" + }, + { + "image_name": "n07714990/ILSVRC2012_val_00030197.JPEG", + "soure_prompt": "a photo of a broccoli", + "edit_prompt": "a photo of a butternut squash" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00013415.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a butternut squash" + }, + { + "image_name": "n07716906/ILSVRC2012_val_00033271.JPEG", + "soure_prompt": "a photo of a spaghetti squash", + "edit_prompt": "a photo of a butternut squash" + }, + { + "image_name": "n07714990/ILSVRC2012_val_00000155.JPEG", + "soure_prompt": "a photo of a broccoli", + "edit_prompt": "a photo of a butternut squash" + }, + { + "image_name": "n03594945/ILSVRC2012_val_00026466.JPEG", + "soure_prompt": "a photo of a jeep", + "edit_prompt": "a photo of a cab" + }, + { + "image_name": "n04285008/ILSVRC2012_val_00004970.JPEG", + "soure_prompt": "a photo of a sports car", + "edit_prompt": "a photo of a cab" + }, + { + "image_name": "n03594945/ILSVRC2012_val_00041490.JPEG", + "soure_prompt": "a photo of a jeep", + "edit_prompt": "a photo of a cab" + }, + { + "image_name": "n04285008/ILSVRC2012_val_00035603.JPEG", + "soure_prompt": "a photo of a sports car", + "edit_prompt": "a photo of a cab" + }, + { + "image_name": "n02279972/ILSVRC2012_val_00012137.JPEG", + "soure_prompt": "a photo of a monarch", + "edit_prompt": "a photo of a cabbage butterfly" + }, + { + "image_name": "n02276258/ILSVRC2012_val_00012764.JPEG", + "soure_prompt": "a photo of a admiral", + "edit_prompt": "a photo of a cabbage butterfly" + }, + { + "image_name": "n02281787/ILSVRC2012_val_00013322.JPEG", + "soure_prompt": "a photo of a lycaenid", + "edit_prompt": "a photo of a cabbage butterfly" + }, + { + "image_name": "n02281787/ILSVRC2012_val_00040785.JPEG", + "soure_prompt": "a photo of a lycaenid", + "edit_prompt": "a photo of a cabbage butterfly" + }, + { + "image_name": "n03447447/ILSVRC2012_val_00016640.JPEG", + "soure_prompt": "a photo of a gondola", + "edit_prompt": "a photo of a canoe" + }, + { + "image_name": "n03447447/ILSVRC2012_val_00047743.JPEG", + "soure_prompt": "a photo of a gondola", + "edit_prompt": "a photo of a canoe" + }, + { + "image_name": "n03447447/ILSVRC2012_val_00025029.JPEG", + "soure_prompt": "a photo of a gondola", + "edit_prompt": "a photo of a canoe" + }, + { + "image_name": "n03447447/ILSVRC2012_val_00045286.JPEG", + "soure_prompt": "a photo of a gondola", + "edit_prompt": "a photo of a canoe" + }, + { + "image_name": "n02493793/ILSVRC2012_val_00026757.JPEG", + "soure_prompt": "a photo of a spider monkey", + "edit_prompt": "a photo of a capuchin" + }, + { + "image_name": "n02487347/ILSVRC2012_val_00005306.JPEG", + "soure_prompt": "a photo of a macaque", + "edit_prompt": "a photo of a capuchin" + }, + { + "image_name": "n02487347/ILSVRC2012_val_00008873.JPEG", + "soure_prompt": "a photo of a macaque", + "edit_prompt": "a photo of a capuchin" + }, + { + "image_name": "n02494079/ILSVRC2012_val_00012793.JPEG", + "soure_prompt": "a photo of a squirrel monkey", + "edit_prompt": "a photo of a capuchin" + }, + { + "image_name": "n07720875/ILSVRC2012_val_00000423.JPEG", + "soure_prompt": "a photo of a bell pepper", + "edit_prompt": "a photo of a cardoon" + }, + { + "image_name": "n07714990/ILSVRC2012_val_00040922.JPEG", + "soure_prompt": "a photo of a broccoli", + "edit_prompt": "a photo of a cardoon" + }, + { + "image_name": "n07716358/ILSVRC2012_val_00039647.JPEG", + "soure_prompt": "a photo of a zucchini", + "edit_prompt": "a photo of a cardoon" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00010591.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a cardoon" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00027181.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a cassette player" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00038711.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a cassette player" + }, + { + "image_name": "n03492542/ILSVRC2012_val_00018299.JPEG", + "soure_prompt": "a photo of a hard disc", + "edit_prompt": "a photo of a cassette player" + }, + { + "image_name": "n02992529/ILSVRC2012_val_00036024.JPEG", + "soure_prompt": "a photo of a cellular telephone", + "edit_prompt": "a photo of a cassette player" + }, + { + "image_name": "n04483307/ILSVRC2012_val_00035945.JPEG", + "soure_prompt": "a photo of a trimaran", + "edit_prompt": "a photo of a catamaran" + }, + { + "image_name": "n04147183/ILSVRC2012_val_00032731.JPEG", + "soure_prompt": "a photo of a schooner", + "edit_prompt": "a photo of a catamaran" + }, + { + "image_name": "n04147183/ILSVRC2012_val_00016151.JPEG", + "soure_prompt": "a photo of a schooner", + "edit_prompt": "a photo of a catamaran" + }, + { + "image_name": "n04147183/ILSVRC2012_val_00031936.JPEG", + "soure_prompt": "a photo of a schooner", + "edit_prompt": "a photo of a catamaran" + }, + { + "image_name": "n07718747/ILSVRC2012_val_00005335.JPEG", + "soure_prompt": "a photo of a artichoke", + "edit_prompt": "a photo of a cauliflower" + }, + { + "image_name": "n07730033/ILSVRC2012_val_00047735.JPEG", + "soure_prompt": "a photo of a cardoon", + "edit_prompt": "a photo of a cauliflower" + }, + { + "image_name": "n07718472/ILSVRC2012_val_00022886.JPEG", + "soure_prompt": "a photo of a cucumber", + "edit_prompt": "a photo of a cauliflower" + }, + { + "image_name": "n07717556/ILSVRC2012_val_00042937.JPEG", + "soure_prompt": "a photo of a butternut squash", + "edit_prompt": "a photo of a cauliflower" + }, + { + "image_name": "n04536866/ILSVRC2012_val_00031548.JPEG", + "soure_prompt": "a photo of a violin", + "edit_prompt": "a photo of a cello" + }, + { + "image_name": "n02787622/ILSVRC2012_val_00029236.JPEG", + "soure_prompt": "a photo of a banjo", + "edit_prompt": "a photo of a cello" + }, + { + "image_name": "n02787622/ILSVRC2012_val_00033413.JPEG", + "soure_prompt": "a photo of a banjo", + "edit_prompt": "a photo of a cello" + }, + { + "image_name": "n03272010/ILSVRC2012_val_00002992.JPEG", + "soure_prompt": "a photo of a electric guitar", + "edit_prompt": "a photo of a cello" + }, + { + "image_name": "n02979186/ILSVRC2012_val_00005866.JPEG", + "soure_prompt": "a photo of a cassette player", + "edit_prompt": "a photo of a cellular telephone" + }, + { + "image_name": "n03492542/ILSVRC2012_val_00003609.JPEG", + "soure_prompt": "a photo of a hard disc", + "edit_prompt": "a photo of a cellular telephone" + }, + { + "image_name": "n03642806/ILSVRC2012_val_00000660.JPEG", + "soure_prompt": "a photo of a laptop", + "edit_prompt": "a photo of a cellular telephone" + }, + { + "image_name": "n03584254/ILSVRC2012_val_00030348.JPEG", + "soure_prompt": "a photo of a iPod", + "edit_prompt": "a photo of a cellular telephone" + }, + { + "image_name": "n07693725/ILSVRC2012_val_00018914.JPEG", + "soure_prompt": "a photo of a bagel", + "edit_prompt": "a photo of a cheeseburger" + }, + { + "image_name": "n07693725/ILSVRC2012_val_00022802.JPEG", + "soure_prompt": "a photo of a bagel", + "edit_prompt": "a photo of a cheeseburger" + }, + { + "image_name": "n07697537/ILSVRC2012_val_00000197.JPEG", + "soure_prompt": "a photo of a hotdog", + "edit_prompt": "a photo of a cheeseburger" + }, + { + "image_name": "n07697537/ILSVRC2012_val_00049219.JPEG", + "soure_prompt": "a photo of a hotdog", + "edit_prompt": "a photo of a cheeseburger" + }, + { + "image_name": "n02123394/ILSVRC2012_val_00009594.JPEG", + "soure_prompt": "a photo of a Persian cat", + "edit_prompt": "a photo of a cheetah" + }, + { + "image_name": "n02129165/ILSVRC2012_val_00027413.JPEG", + "soure_prompt": "a photo of a lion", + "edit_prompt": "a photo of a cheetah" + }, + { + "image_name": "n02128757/ILSVRC2012_val_00042484.JPEG", + "soure_prompt": "a photo of a snow leopard", + "edit_prompt": "a photo of a cheetah" + }, + { + "image_name": "n02128757/ILSVRC2012_val_00048717.JPEG", + "soure_prompt": "a photo of a snow leopard", + "edit_prompt": "a photo of a cheetah" + }, + { + "image_name": "n03720891/ILSVRC2012_val_00044143.JPEG", + "soure_prompt": "a photo of a maraca", + "edit_prompt": "a photo of a chime" + }, + { + "image_name": "n03720891/ILSVRC2012_val_00018810.JPEG", + "soure_prompt": "a photo of a maraca", + "edit_prompt": "a photo of a chime" + }, + { + "image_name": "n04311174/ILSVRC2012_val_00045460.JPEG", + "soure_prompt": "a photo of a steel drum", + "edit_prompt": "a photo of a chime" + }, + { + "image_name": "n03447721/ILSVRC2012_val_00006388.JPEG", + "soure_prompt": "a photo of a gong", + "edit_prompt": "a photo of a chime" + }, + { + "image_name": "n02480855/ILSVRC2012_val_00006541.JPEG", + "soure_prompt": "a photo of a gorilla", + "edit_prompt": "a photo of a chimpanzee" + }, + { + "image_name": "n02480855/ILSVRC2012_val_00004173.JPEG", + "soure_prompt": "a photo of a gorilla", + "edit_prompt": "a photo of a chimpanzee" + }, + { + "image_name": "n02480855/ILSVRC2012_val_00040794.JPEG", + "soure_prompt": "a photo of a gorilla", + "edit_prompt": "a photo of a chimpanzee" + }, + { + "image_name": "n02480855/ILSVRC2012_val_00020000.JPEG", + "soure_prompt": "a photo of a gorilla", + "edit_prompt": "a photo of a chimpanzee" + }, + { + "image_name": "n02099601/ILSVRC2012_val_00001112.JPEG", + "soure_prompt": "a photo of a golden retriever", + "edit_prompt": "a photo of a cocker spaniel" + }, + { + "image_name": "n02099601/ILSVRC2012_val_00008772.JPEG", + "soure_prompt": "a photo of a golden retriever", + "edit_prompt": "a photo of a cocker spaniel" + }, + { + "image_name": "n02102040/ILSVRC2012_val_00007032.JPEG", + "soure_prompt": "a photo of a English springer", + "edit_prompt": "a photo of a cocker spaniel" + }, + { + "image_name": "n02099601/ILSVRC2012_val_00017672.JPEG", + "soure_prompt": "a photo of a golden retriever", + "edit_prompt": "a photo of a cocker spaniel" + }, + { + "image_name": "n04591713/ILSVRC2012_val_00032225.JPEG", + "soure_prompt": "a photo of a wine bottle", + "edit_prompt": "a photo of a cocktail shaker" + }, + { + "image_name": "n04557648/ILSVRC2012_val_00023127.JPEG", + "soure_prompt": "a photo of a water bottle", + "edit_prompt": "a photo of a cocktail shaker" + }, + { + "image_name": "n02823428/ILSVRC2012_val_00020345.JPEG", + "soure_prompt": "a photo of a beer bottle", + "edit_prompt": "a photo of a cocktail shaker" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00000826.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a cocktail shaker" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00043720.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a coffee mug" + }, + { + "image_name": "n03062245/ILSVRC2012_val_00020527.JPEG", + "soure_prompt": "a photo of a cocktail shaker", + "edit_prompt": "a photo of a coffee mug" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00015857.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a coffee mug" + }, + { + "image_name": "n03063689/ILSVRC2012_val_00020255.JPEG", + "soure_prompt": "a photo of a coffeepot", + "edit_prompt": "a photo of a coffee mug" + }, + { + "image_name": "n03062245/ILSVRC2012_val_00038313.JPEG", + "soure_prompt": "a photo of a cocktail shaker", + "edit_prompt": "a photo of a coffeepot" + }, + { + "image_name": "n03063599/ILSVRC2012_val_00002430.JPEG", + "soure_prompt": "a photo of a coffee mug", + "edit_prompt": "a photo of a coffeepot" + }, + { + "image_name": "n04560804/ILSVRC2012_val_00033522.JPEG", + "soure_prompt": "a photo of a water jug", + "edit_prompt": "a photo of a coffeepot" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00030441.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a coffeepot" + }, + { + "image_name": "n02107312/ILSVRC2012_val_00044075.JPEG", + "soure_prompt": "a photo of a miniature pinscher", + "edit_prompt": "a photo of a collie" + }, + { + "image_name": "n02106550/ILSVRC2012_val_00036110.JPEG", + "soure_prompt": "a photo of a Rottweiler", + "edit_prompt": "a photo of a collie" + }, + { + "image_name": "n02108915/ILSVRC2012_val_00007318.JPEG", + "soure_prompt": "a photo of a French bulldog", + "edit_prompt": "a photo of a collie" + }, + { + "image_name": "n02108089/ILSVRC2012_val_00000635.JPEG", + "soure_prompt": "a photo of a boxer", + "edit_prompt": "a photo of a collie" + }, + { + "image_name": "n01632458/ILSVRC2012_val_00038202.JPEG", + "soure_prompt": "a photo of a spotted salamander", + "edit_prompt": "a photo of a common newt" + }, + { + "image_name": "n01629819/ILSVRC2012_val_00019308.JPEG", + "soure_prompt": "a photo of a European fire salamander", + "edit_prompt": "a photo of a common newt" + }, + { + "image_name": "n01644373/ILSVRC2012_val_00032104.JPEG", + "soure_prompt": "a photo of a tree frog", + "edit_prompt": "a photo of a common newt" + }, + { + "image_name": "n01644373/ILSVRC2012_val_00006987.JPEG", + "soure_prompt": "a photo of a tree frog", + "edit_prompt": "a photo of a common newt" + }, + { + "image_name": "n03642806/ILSVRC2012_val_00016812.JPEG", + "soure_prompt": "a photo of a laptop", + "edit_prompt": "a photo of a computer keyboard" + }, + { + "image_name": "n03584254/ILSVRC2012_val_00001831.JPEG", + "soure_prompt": "a photo of a iPod", + "edit_prompt": "a photo of a computer keyboard" + }, + { + "image_name": "n03642806/ILSVRC2012_val_00024499.JPEG", + "soure_prompt": "a photo of a laptop", + "edit_prompt": "a photo of a computer keyboard" + }, + { + "image_name": "n03584254/ILSVRC2012_val_00022219.JPEG", + "soure_prompt": "a photo of a iPod", + "edit_prompt": "a photo of a computer keyboard" + }, + { + "image_name": "n03594945/ILSVRC2012_val_00023599.JPEG", + "soure_prompt": "a photo of a jeep", + "edit_prompt": "a photo of a convertible" + }, + { + "image_name": "n03594945/ILSVRC2012_val_00036304.JPEG", + "soure_prompt": "a photo of a jeep", + "edit_prompt": "a photo of a convertible" + }, + { + "image_name": "n04285008/ILSVRC2012_val_00004979.JPEG", + "soure_prompt": "a photo of a sports car", + "edit_prompt": "a photo of a convertible" + }, + { + "image_name": "n02701002/ILSVRC2012_val_00025159.JPEG", + "soure_prompt": "a photo of a ambulance", + "edit_prompt": "a photo of a convertible" + }, + { + "image_name": "n13054560/ILSVRC2012_val_00004690.JPEG", + "soure_prompt": "a photo of a bolete", + "edit_prompt": "a photo of a coral fungus" + }, + { + "image_name": "n13054560/ILSVRC2012_val_00035125.JPEG", + "soure_prompt": "a photo of a bolete", + "edit_prompt": "a photo of a coral fungus" + }, + { + "image_name": "n13044778/ILSVRC2012_val_00048378.JPEG", + "soure_prompt": "a photo of a earthstar", + "edit_prompt": "a photo of a coral fungus" + }, + { + "image_name": "n13052670/ILSVRC2012_val_00017210.JPEG", + "soure_prompt": "a photo of a hen-of-the-woods", + "edit_prompt": "a photo of a coral fungus" + }, + { + "image_name": "n02804610/ILSVRC2012_val_00012019.JPEG", + "soure_prompt": "a photo of a bassoon", + "edit_prompt": "a photo of a cornet" + }, + { + "image_name": "n03394916/ILSVRC2012_val_00038137.JPEG", + "soure_prompt": "a photo of a French horn", + "edit_prompt": "a photo of a cornet" + }, + { + "image_name": "n04141076/ILSVRC2012_val_00036869.JPEG", + "soure_prompt": "a photo of a sax", + "edit_prompt": "a photo of a cornet" + }, + { + "image_name": "n04141076/ILSVRC2012_val_00043168.JPEG", + "soure_prompt": "a photo of a sax", + "edit_prompt": "a photo of a cornet" + }, + { + "image_name": "n02869837/ILSVRC2012_val_00015695.JPEG", + "soure_prompt": "a photo of a bonnet", + "edit_prompt": "a photo of a cowboy hat" + }, + { + "image_name": "n03379051/ILSVRC2012_val_00006170.JPEG", + "soure_prompt": "a photo of a football helmet", + "edit_prompt": "a photo of a cowboy hat" + }, + { + "image_name": "n03379051/ILSVRC2012_val_00037567.JPEG", + "soure_prompt": "a photo of a football helmet", + "edit_prompt": "a photo of a cowboy hat" + }, + { + "image_name": "n04209133/ILSVRC2012_val_00047240.JPEG", + "soure_prompt": "a photo of a shower cap", + "edit_prompt": "a photo of a cowboy hat" + }, + { + "image_name": "n02120079/ILSVRC2012_val_00042659.JPEG", + "soure_prompt": "a photo of a Arctic fox", + "edit_prompt": "a photo of a coyote" + }, + { + "image_name": "n02119022/ILSVRC2012_val_00020225.JPEG", + "soure_prompt": "a photo of a red fox", + "edit_prompt": "a photo of a coyote" + }, + { + "image_name": "n02117135/ILSVRC2012_val_00044496.JPEG", + "soure_prompt": "a photo of a hyena", + "edit_prompt": "a photo of a coyote" + }, + { + "image_name": "n02116738/ILSVRC2012_val_00013368.JPEG", + "soure_prompt": "a photo of a African hunting dog", + "edit_prompt": "a photo of a coyote" + }, + { + "image_name": "n01990800/ILSVRC2012_val_00026939.JPEG", + "soure_prompt": "a photo of a isopod", + "edit_prompt": "a photo of a crayfish" + }, + { + "image_name": "n01990800/ILSVRC2012_val_00015754.JPEG", + "soure_prompt": "a photo of a isopod", + "edit_prompt": "a photo of a crayfish" + }, + { + "image_name": "n01978287/ILSVRC2012_val_00015120.JPEG", + "soure_prompt": "a photo of a Dungeness crab", + "edit_prompt": "a photo of a crayfish" + }, + { + "image_name": "n01990800/ILSVRC2012_val_00003662.JPEG", + "soure_prompt": "a photo of a isopod", + "edit_prompt": "a photo of a crayfish" + }, + { + "image_name": "n07718747/ILSVRC2012_val_00047448.JPEG", + "soure_prompt": "a photo of a artichoke", + "edit_prompt": "a photo of a cucumber" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00047937.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a cucumber" + }, + { + "image_name": "n07717556/ILSVRC2012_val_00011524.JPEG", + "soure_prompt": "a photo of a butternut squash", + "edit_prompt": "a photo of a cucumber" + }, + { + "image_name": "n07716358/ILSVRC2012_val_00003660.JPEG", + "soure_prompt": "a photo of a zucchini", + "edit_prompt": "a photo of a cucumber" + }, + { + "image_name": "n07747607/ILSVRC2012_val_00026831.JPEG", + "soure_prompt": "a photo of a orange", + "edit_prompt": "a photo of a custard apple" + }, + { + "image_name": "n07745940/ILSVRC2012_val_00012216.JPEG", + "soure_prompt": "a photo of a strawberry", + "edit_prompt": "a photo of a custard apple" + }, + { + "image_name": "n07768694/ILSVRC2012_val_00025102.JPEG", + "soure_prompt": "a photo of a pomegranate", + "edit_prompt": "a photo of a custard apple" + }, + { + "image_name": "n07745940/ILSVRC2012_val_00037096.JPEG", + "soure_prompt": "a photo of a strawberry", + "edit_prompt": "a photo of a custard apple" + }, + { + "image_name": "n03584254/ILSVRC2012_val_00043848.JPEG", + "soure_prompt": "a photo of a iPod", + "edit_prompt": "a photo of a desktop computer" + }, + { + "image_name": "n03492542/ILSVRC2012_val_00042243.JPEG", + "soure_prompt": "a photo of a hard disc", + "edit_prompt": "a photo of a desktop computer" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00035703.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a desktop computer" + }, + { + "image_name": "n03187595/ILSVRC2012_val_00011934.JPEG", + "soure_prompt": "a photo of a dial telephone", + "edit_prompt": "a photo of a desktop computer" + }, + { + "image_name": "n03642806/ILSVRC2012_val_00021413.JPEG", + "soure_prompt": "a photo of a laptop", + "edit_prompt": "a photo of a dial telephone" + }, + { + "image_name": "n03180011/ILSVRC2012_val_00049752.JPEG", + "soure_prompt": "a photo of a desktop computer", + "edit_prompt": "a photo of a dial telephone" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00002755.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a dial telephone" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00030993.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a dial telephone" + }, + { + "image_name": "n01728572/ILSVRC2012_val_00027142.JPEG", + "soure_prompt": "a photo of a thunder snake", + "edit_prompt": "a photo of a diamondback" + }, + { + "image_name": "n01744401/ILSVRC2012_val_00032756.JPEG", + "soure_prompt": "a photo of a rock python", + "edit_prompt": "a photo of a diamondback" + }, + { + "image_name": "n01728572/ILSVRC2012_val_00027680.JPEG", + "soure_prompt": "a photo of a thunder snake", + "edit_prompt": "a photo of a diamondback" + }, + { + "image_name": "n01744401/ILSVRC2012_val_00000688.JPEG", + "soure_prompt": "a photo of a rock python", + "edit_prompt": "a photo of a diamondback" + }, + { + "image_name": "n02794156/ILSVRC2012_val_00003043.JPEG", + "soure_prompt": "a photo of a barometer", + "edit_prompt": "a photo of a digital clock" + }, + { + "image_name": "n03841143/ILSVRC2012_val_00013824.JPEG", + "soure_prompt": "a photo of a odometer", + "edit_prompt": "a photo of a digital clock" + }, + { + "image_name": "n03841143/ILSVRC2012_val_00032908.JPEG", + "soure_prompt": "a photo of a odometer", + "edit_prompt": "a photo of a digital clock" + }, + { + "image_name": "n02794156/ILSVRC2012_val_00008280.JPEG", + "soure_prompt": "a photo of a barometer", + "edit_prompt": "a photo of a digital clock" + }, + { + "image_name": "n02794156/ILSVRC2012_val_00003406.JPEG", + "soure_prompt": "a photo of a barometer", + "edit_prompt": "a photo of a digital watch" + }, + { + "image_name": "n02794156/ILSVRC2012_val_00032063.JPEG", + "soure_prompt": "a photo of a barometer", + "edit_prompt": "a photo of a digital watch" + }, + { + "image_name": "n02794156/ILSVRC2012_val_00033746.JPEG", + "soure_prompt": "a photo of a barometer", + "edit_prompt": "a photo of a digital watch" + }, + { + "image_name": "n02794156/ILSVRC2012_val_00030062.JPEG", + "soure_prompt": "a photo of a barometer", + "edit_prompt": "a photo of a digital watch" + }, + { + "image_name": "n02120505/ILSVRC2012_val_00045171.JPEG", + "soure_prompt": "a photo of a grey fox", + "edit_prompt": "a photo of a dingo" + }, + { + "image_name": "n02120079/ILSVRC2012_val_00020302.JPEG", + "soure_prompt": "a photo of a Arctic fox", + "edit_prompt": "a photo of a dingo" + }, + { + "image_name": "n02117135/ILSVRC2012_val_00024786.JPEG", + "soure_prompt": "a photo of a hyena", + "edit_prompt": "a photo of a dingo" + }, + { + "image_name": "n02120079/ILSVRC2012_val_00045175.JPEG", + "soure_prompt": "a photo of a Arctic fox", + "edit_prompt": "a photo of a dingo" + }, + { + "image_name": "n04311174/ILSVRC2012_val_00031667.JPEG", + "soure_prompt": "a photo of a steel drum", + "edit_prompt": "a photo of a drum" + }, + { + "image_name": "n03721384/ILSVRC2012_val_00016595.JPEG", + "soure_prompt": "a photo of a marimba", + "edit_prompt": "a photo of a drum" + }, + { + "image_name": "n03721384/ILSVRC2012_val_00008971.JPEG", + "soure_prompt": "a photo of a marimba", + "edit_prompt": "a photo of a drum" + }, + { + "image_name": "n03720891/ILSVRC2012_val_00026768.JPEG", + "soure_prompt": "a photo of a maraca", + "edit_prompt": "a photo of a drum" + }, + { + "image_name": "n02071294/ILSVRC2012_val_00039524.JPEG", + "soure_prompt": "a photo of a killer whale", + "edit_prompt": "a photo of a dugong" + }, + { + "image_name": "n02066245/ILSVRC2012_val_00033405.JPEG", + "soure_prompt": "a photo of a grey whale", + "edit_prompt": "a photo of a dugong" + }, + { + "image_name": "n02071294/ILSVRC2012_val_00049801.JPEG", + "soure_prompt": "a photo of a killer whale", + "edit_prompt": "a photo of a dugong" + }, + { + "image_name": "n02071294/ILSVRC2012_val_00006253.JPEG", + "soure_prompt": "a photo of a killer whale", + "edit_prompt": "a photo of a dugong" + }, + { + "image_name": "n12985857/ILSVRC2012_val_00014277.JPEG", + "soure_prompt": "a photo of a coral fungus", + "edit_prompt": "a photo of a earthstar" + }, + { + "image_name": "n13040303/ILSVRC2012_val_00017416.JPEG", + "soure_prompt": "a photo of a stinkhorn", + "edit_prompt": "a photo of a earthstar" + }, + { + "image_name": "n12985857/ILSVRC2012_val_00015085.JPEG", + "soure_prompt": "a photo of a coral fungus", + "edit_prompt": "a photo of a earthstar" + }, + { + "image_name": "n13037406/ILSVRC2012_val_00031593.JPEG", + "soure_prompt": "a photo of a gyromitra", + "edit_prompt": "a photo of a earthstar" + }, + { + "image_name": "n02607072/ILSVRC2012_val_00027500.JPEG", + "soure_prompt": "a photo of a anemone fish", + "edit_prompt": "a photo of a eel" + }, + { + "image_name": "n01443537/ILSVRC2012_val_00009034.JPEG", + "soure_prompt": "a photo of a goldfish", + "edit_prompt": "a photo of a eel" + }, + { + "image_name": "n02643566/ILSVRC2012_val_00004464.JPEG", + "soure_prompt": "a photo of a lionfish", + "edit_prompt": "a photo of a eel" + }, + { + "image_name": "n02641379/ILSVRC2012_val_00005755.JPEG", + "soure_prompt": "a photo of a gar", + "edit_prompt": "a photo of a eel" + }, + { + "image_name": "n01644373/ILSVRC2012_val_00007977.JPEG", + "soure_prompt": "a photo of a tree frog", + "edit_prompt": "a photo of a eft" + }, + { + "image_name": "n01632777/ILSVRC2012_val_00022771.JPEG", + "soure_prompt": "a photo of a axolotl", + "edit_prompt": "a photo of a eft" + }, + { + "image_name": "n01644373/ILSVRC2012_val_00041279.JPEG", + "soure_prompt": "a photo of a tree frog", + "edit_prompt": "a photo of a eft" + }, + { + "image_name": "n01641577/ILSVRC2012_val_00033960.JPEG", + "soure_prompt": "a photo of a bullfrog", + "edit_prompt": "a photo of a eft" + }, + { + "image_name": "n02787622/ILSVRC2012_val_00025664.JPEG", + "soure_prompt": "a photo of a banjo", + "edit_prompt": "a photo of a electric guitar" + }, + { + "image_name": "n02676566/ILSVRC2012_val_00044733.JPEG", + "soure_prompt": "a photo of a acoustic guitar", + "edit_prompt": "a photo of a electric guitar" + }, + { + "image_name": "n04536866/ILSVRC2012_val_00024503.JPEG", + "soure_prompt": "a photo of a violin", + "edit_prompt": "a photo of a electric guitar" + }, + { + "image_name": "n02992211/ILSVRC2012_val_00013202.JPEG", + "soure_prompt": "a photo of a cello", + "edit_prompt": "a photo of a electric guitar" + }, + { + "image_name": "n04310018/ILSVRC2012_val_00021247.JPEG", + "soure_prompt": "a photo of a steam locomotive", + "edit_prompt": "a photo of a electric locomotive" + }, + { + "image_name": "n04310018/ILSVRC2012_val_00021734.JPEG", + "soure_prompt": "a photo of a steam locomotive", + "edit_prompt": "a photo of a electric locomotive" + }, + { + "image_name": "n04310018/ILSVRC2012_val_00020437.JPEG", + "soure_prompt": "a photo of a steam locomotive", + "edit_prompt": "a photo of a electric locomotive" + }, + { + "image_name": "n04310018/ILSVRC2012_val_00018868.JPEG", + "soure_prompt": "a photo of a steam locomotive", + "edit_prompt": "a photo of a electric locomotive" + }, + { + "image_name": "n01986214/ILSVRC2012_val_00017555.JPEG", + "soure_prompt": "a photo of a hermit crab", + "edit_prompt": "a photo of a fiddler crab" + }, + { + "image_name": "n01986214/ILSVRC2012_val_00000231.JPEG", + "soure_prompt": "a photo of a hermit crab", + "edit_prompt": "a photo of a fiddler crab" + }, + { + "image_name": "n01978287/ILSVRC2012_val_00003272.JPEG", + "soure_prompt": "a photo of a Dungeness crab", + "edit_prompt": "a photo of a fiddler crab" + }, + { + "image_name": "n01986214/ILSVRC2012_val_00019512.JPEG", + "soure_prompt": "a photo of a hermit crab", + "edit_prompt": "a photo of a fiddler crab" + }, + { + "image_name": "n07745940/ILSVRC2012_val_00004428.JPEG", + "soure_prompt": "a photo of a strawberry", + "edit_prompt": "a photo of a fig" + }, + { + "image_name": "n07747607/ILSVRC2012_val_00014856.JPEG", + "soure_prompt": "a photo of a orange", + "edit_prompt": "a photo of a fig" + }, + { + "image_name": "n07753275/ILSVRC2012_val_00029311.JPEG", + "soure_prompt": "a photo of a pineapple", + "edit_prompt": "a photo of a fig" + }, + { + "image_name": "n07753275/ILSVRC2012_val_00030543.JPEG", + "soure_prompt": "a photo of a pineapple", + "edit_prompt": "a photo of a fig" + }, + { + "image_name": "n03930630/ILSVRC2012_val_00039508.JPEG", + "soure_prompt": "a photo of a pickup", + "edit_prompt": "a photo of a fire engine" + }, + { + "image_name": "n04467665/ILSVRC2012_val_00033387.JPEG", + "soure_prompt": "a photo of a trailer truck", + "edit_prompt": "a photo of a fire engine" + }, + { + "image_name": "n03930630/ILSVRC2012_val_00032894.JPEG", + "soure_prompt": "a photo of a pickup", + "edit_prompt": "a photo of a fire engine" + }, + { + "image_name": "n03977966/ILSVRC2012_val_00036046.JPEG", + "soure_prompt": "a photo of a police van", + "edit_prompt": "a photo of a fire engine" + }, + { + "image_name": "n02951358/ILSVRC2012_val_00025415.JPEG", + "soure_prompt": "a photo of a canoe", + "edit_prompt": "a photo of a fireboat" + }, + { + "image_name": "n02951358/ILSVRC2012_val_00022210.JPEG", + "soure_prompt": "a photo of a canoe", + "edit_prompt": "a photo of a fireboat" + }, + { + "image_name": "n02951358/ILSVRC2012_val_00013191.JPEG", + "soure_prompt": "a photo of a canoe", + "edit_prompt": "a photo of a fireboat" + }, + { + "image_name": "n02951358/ILSVRC2012_val_00001677.JPEG", + "soure_prompt": "a photo of a canoe", + "edit_prompt": "a photo of a fireboat" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00009991.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a flamingo" + }, + { + "image_name": "n02018795/ILSVRC2012_val_00025273.JPEG", + "soure_prompt": "a photo of a bustard", + "edit_prompt": "a photo of a flamingo" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00011196.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a flamingo" + }, + { + "image_name": "n02006656/ILSVRC2012_val_00029736.JPEG", + "soure_prompt": "a photo of a spoonbill", + "edit_prompt": "a photo of a flamingo" + }, + { + "image_name": "n03110669/ILSVRC2012_val_00023807.JPEG", + "soure_prompt": "a photo of a cornet", + "edit_prompt": "a photo of a flute" + }, + { + "image_name": "n04141076/ILSVRC2012_val_00028182.JPEG", + "soure_prompt": "a photo of a sax", + "edit_prompt": "a photo of a flute" + }, + { + "image_name": "n03838899/ILSVRC2012_val_00004486.JPEG", + "soure_prompt": "a photo of a oboe", + "edit_prompt": "a photo of a flute" + }, + { + "image_name": "n03394916/ILSVRC2012_val_00043988.JPEG", + "soure_prompt": "a photo of a French horn", + "edit_prompt": "a photo of a flute" + }, + { + "image_name": "n03124170/ILSVRC2012_val_00049869.JPEG", + "soure_prompt": "a photo of a cowboy hat", + "edit_prompt": "a photo of a football helmet" + }, + { + "image_name": "n03124170/ILSVRC2012_val_00002639.JPEG", + "soure_prompt": "a photo of a cowboy hat", + "edit_prompt": "a photo of a football helmet" + }, + { + "image_name": "n03124170/ILSVRC2012_val_00005719.JPEG", + "soure_prompt": "a photo of a cowboy hat", + "edit_prompt": "a photo of a football helmet" + }, + { + "image_name": "n04209133/ILSVRC2012_val_00041604.JPEG", + "soure_prompt": "a photo of a shower cap", + "edit_prompt": "a photo of a football helmet" + }, + { + "image_name": "n02607072/ILSVRC2012_val_00005188.JPEG", + "soure_prompt": "a photo of a anemone fish", + "edit_prompt": "a photo of a gar" + }, + { + "image_name": "n02643566/ILSVRC2012_val_00003094.JPEG", + "soure_prompt": "a photo of a lionfish", + "edit_prompt": "a photo of a gar" + }, + { + "image_name": "n02640242/ILSVRC2012_val_00004784.JPEG", + "soure_prompt": "a photo of a sturgeon", + "edit_prompt": "a photo of a gar" + }, + { + "image_name": "n02526121/ILSVRC2012_val_00034488.JPEG", + "soure_prompt": "a photo of a eel", + "edit_prompt": "a photo of a gar" + }, + { + "image_name": "n04146614/ILSVRC2012_val_00037681.JPEG", + "soure_prompt": "a photo of a school bus", + "edit_prompt": "a photo of a garbage truck" + }, + { + "image_name": "n04146614/ILSVRC2012_val_00011870.JPEG", + "soure_prompt": "a photo of a school bus", + "edit_prompt": "a photo of a garbage truck" + }, + { + "image_name": "n04146614/ILSVRC2012_val_00005166.JPEG", + "soure_prompt": "a photo of a school bus", + "edit_prompt": "a photo of a garbage truck" + }, + { + "image_name": "n03977966/ILSVRC2012_val_00008953.JPEG", + "soure_prompt": "a photo of a police van", + "edit_prompt": "a photo of a garbage truck" + }, + { + "image_name": "n01770393/ILSVRC2012_val_00027439.JPEG", + "soure_prompt": "a photo of a scorpion", + "edit_prompt": "a photo of a garden spider" + }, + { + "image_name": "n01774384/ILSVRC2012_val_00030333.JPEG", + "soure_prompt": "a photo of a black widow", + "edit_prompt": "a photo of a garden spider" + }, + { + "image_name": "n01774384/ILSVRC2012_val_00016936.JPEG", + "soure_prompt": "a photo of a black widow", + "edit_prompt": "a photo of a garden spider" + }, + { + "image_name": "n01774384/ILSVRC2012_val_00029208.JPEG", + "soure_prompt": "a photo of a black widow", + "edit_prompt": "a photo of a garden spider" + }, + { + "image_name": "n02417914/ILSVRC2012_val_00028707.JPEG", + "soure_prompt": "a photo of a ibex", + "edit_prompt": "a photo of a gazelle" + }, + { + "image_name": "n02408429/ILSVRC2012_val_00007108.JPEG", + "soure_prompt": "a photo of a water buffalo", + "edit_prompt": "a photo of a gazelle" + }, + { + "image_name": "n02410509/ILSVRC2012_val_00018032.JPEG", + "soure_prompt": "a photo of a bison", + "edit_prompt": "a photo of a gazelle" + }, + { + "image_name": "n02417914/ILSVRC2012_val_00000444.JPEG", + "soure_prompt": "a photo of a ibex", + "edit_prompt": "a photo of a gazelle" + }, + { + "image_name": "n02509815/ILSVRC2012_val_00011235.JPEG", + "soure_prompt": "a photo of a lesser panda", + "edit_prompt": "a photo of a giant panda" + }, + { + "image_name": "n02134084/ILSVRC2012_val_00041156.JPEG", + "soure_prompt": "a photo of a ice bear", + "edit_prompt": "a photo of a giant panda" + }, + { + "image_name": "n02132136/ILSVRC2012_val_00031253.JPEG", + "soure_prompt": "a photo of a brown bear", + "edit_prompt": "a photo of a giant panda" + }, + { + "image_name": "n02134418/ILSVRC2012_val_00046498.JPEG", + "soure_prompt": "a photo of a sloth bear", + "edit_prompt": "a photo of a giant panda" + }, + { + "image_name": "n02100877/ILSVRC2012_val_00020279.JPEG", + "soure_prompt": "a photo of a Irish setter", + "edit_prompt": "a photo of a golden retriever" + }, + { + "image_name": "n02102040/ILSVRC2012_val_00038569.JPEG", + "soure_prompt": "a photo of a English springer", + "edit_prompt": "a photo of a golden retriever" + }, + { + "image_name": "n02102318/ILSVRC2012_val_00001663.JPEG", + "soure_prompt": "a photo of a cocker spaniel", + "edit_prompt": "a photo of a golden retriever" + }, + { + "image_name": "n02102040/ILSVRC2012_val_00046295.JPEG", + "soure_prompt": "a photo of a English springer", + "edit_prompt": "a photo of a golden retriever" + }, + { + "image_name": "n01532829/ILSVRC2012_val_00006597.JPEG", + "soure_prompt": "a photo of a house finch", + "edit_prompt": "a photo of a goldfinch" + }, + { + "image_name": "n01532829/ILSVRC2012_val_00038160.JPEG", + "soure_prompt": "a photo of a house finch", + "edit_prompt": "a photo of a goldfinch" + }, + { + "image_name": "n01537544/ILSVRC2012_val_00048732.JPEG", + "soure_prompt": "a photo of a indigo bunting", + "edit_prompt": "a photo of a goldfinch" + }, + { + "image_name": "n01537544/ILSVRC2012_val_00037454.JPEG", + "soure_prompt": "a photo of a indigo bunting", + "edit_prompt": "a photo of a goldfinch" + }, + { + "image_name": "n02640242/ILSVRC2012_val_00029790.JPEG", + "soure_prompt": "a photo of a sturgeon", + "edit_prompt": "a photo of a goldfish" + }, + { + "image_name": "n02641379/ILSVRC2012_val_00031222.JPEG", + "soure_prompt": "a photo of a gar", + "edit_prompt": "a photo of a goldfish" + }, + { + "image_name": "n02643566/ILSVRC2012_val_00046455.JPEG", + "soure_prompt": "a photo of a lionfish", + "edit_prompt": "a photo of a goldfish" + }, + { + "image_name": "n01440764/ILSVRC2012_val_00017699.JPEG", + "soure_prompt": "a photo of a tench", + "edit_prompt": "a photo of a goldfish" + }, + { + "image_name": "n04118538/ILSVRC2012_val_00036288.JPEG", + "soure_prompt": "a photo of a rugby ball", + "edit_prompt": "a photo of a golf ball" + }, + { + "image_name": "n04118538/ILSVRC2012_val_00049365.JPEG", + "soure_prompt": "a photo of a rugby ball", + "edit_prompt": "a photo of a golf ball" + }, + { + "image_name": "n04118538/ILSVRC2012_val_00001497.JPEG", + "soure_prompt": "a photo of a rugby ball", + "edit_prompt": "a photo of a golf ball" + }, + { + "image_name": "n04409515/ILSVRC2012_val_00000397.JPEG", + "soure_prompt": "a photo of a tennis ball", + "edit_prompt": "a photo of a golf ball" + }, + { + "image_name": "n02951358/ILSVRC2012_val_00026054.JPEG", + "soure_prompt": "a photo of a canoe", + "edit_prompt": "a photo of a gondola" + }, + { + "image_name": "n02951358/ILSVRC2012_val_00046387.JPEG", + "soure_prompt": "a photo of a canoe", + "edit_prompt": "a photo of a gondola" + }, + { + "image_name": "n03344393/ILSVRC2012_val_00013632.JPEG", + "soure_prompt": "a photo of a fireboat", + "edit_prompt": "a photo of a gondola" + }, + { + "image_name": "n04273569/ILSVRC2012_val_00047638.JPEG", + "soure_prompt": "a photo of a speedboat", + "edit_prompt": "a photo of a gondola" + }, + { + "image_name": "n03017168/ILSVRC2012_val_00031533.JPEG", + "soure_prompt": "a photo of a chime", + "edit_prompt": "a photo of a gong" + }, + { + "image_name": "n03721384/ILSVRC2012_val_00046386.JPEG", + "soure_prompt": "a photo of a marimba", + "edit_prompt": "a photo of a gong" + }, + { + "image_name": "n03249569/ILSVRC2012_val_00015169.JPEG", + "soure_prompt": "a photo of a drum", + "edit_prompt": "a photo of a gong" + }, + { + "image_name": "n03720891/ILSVRC2012_val_00025962.JPEG", + "soure_prompt": "a photo of a maraca", + "edit_prompt": "a photo of a gong" + }, + { + "image_name": "n02007558/ILSVRC2012_val_00031931.JPEG", + "soure_prompt": "a photo of a flamingo", + "edit_prompt": "a photo of a goose" + }, + { + "image_name": "n02007558/ILSVRC2012_val_00039514.JPEG", + "soure_prompt": "a photo of a flamingo", + "edit_prompt": "a photo of a goose" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00010080.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a goose" + }, + { + "image_name": "n02006656/ILSVRC2012_val_00007697.JPEG", + "soure_prompt": "a photo of a spoonbill", + "edit_prompt": "a photo of a goose" + }, + { + "image_name": "n02481823/ILSVRC2012_val_00015148.JPEG", + "soure_prompt": "a photo of a chimpanzee", + "edit_prompt": "a photo of a gorilla" + }, + { + "image_name": "n02480495/ILSVRC2012_val_00012167.JPEG", + "soure_prompt": "a photo of a orangutan", + "edit_prompt": "a photo of a gorilla" + }, + { + "image_name": "n02480495/ILSVRC2012_val_00011592.JPEG", + "soure_prompt": "a photo of a orangutan", + "edit_prompt": "a photo of a gorilla" + }, + { + "image_name": "n02481823/ILSVRC2012_val_00046703.JPEG", + "soure_prompt": "a photo of a chimpanzee", + "edit_prompt": "a photo of a gorilla" + }, + { + "image_name": "n01614925/ILSVRC2012_val_00034168.JPEG", + "soure_prompt": "a photo of a bald eagle", + "edit_prompt": "a photo of a great grey owl" + }, + { + "image_name": "n01614925/ILSVRC2012_val_00006334.JPEG", + "soure_prompt": "a photo of a bald eagle", + "edit_prompt": "a photo of a great grey owl" + }, + { + "image_name": "n01614925/ILSVRC2012_val_00008481.JPEG", + "soure_prompt": "a photo of a bald eagle", + "edit_prompt": "a photo of a great grey owl" + }, + { + "image_name": "n01608432/ILSVRC2012_val_00033433.JPEG", + "soure_prompt": "a photo of a kite", + "edit_prompt": "a photo of a great grey owl" + }, + { + "image_name": "n01494475/ILSVRC2012_val_00003558.JPEG", + "soure_prompt": "a photo of a hammerhead", + "edit_prompt": "a photo of a great white shark" + }, + { + "image_name": "n01494475/ILSVRC2012_val_00031169.JPEG", + "soure_prompt": "a photo of a hammerhead", + "edit_prompt": "a photo of a great white shark" + }, + { + "image_name": "n01491361/ILSVRC2012_val_00037516.JPEG", + "soure_prompt": "a photo of a tiger shark", + "edit_prompt": "a photo of a great white shark" + }, + { + "image_name": "n01494475/ILSVRC2012_val_00049166.JPEG", + "soure_prompt": "a photo of a hammerhead", + "edit_prompt": "a photo of a great white shark" + }, + { + "image_name": "n01728572/ILSVRC2012_val_00033762.JPEG", + "soure_prompt": "a photo of a thunder snake", + "edit_prompt": "a photo of a green mamba" + }, + { + "image_name": "n01748264/ILSVRC2012_val_00045019.JPEG", + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a green mamba" + }, + { + "image_name": "n01742172/ILSVRC2012_val_00042500.JPEG", + "soure_prompt": "a photo of a boa constrictor", + "edit_prompt": "a photo of a green mamba" + }, + { + "image_name": "n01734418/ILSVRC2012_val_00032754.JPEG", + "soure_prompt": "a photo of a king snake", + "edit_prompt": "a photo of a green mamba" + }, + { + "image_name": "n01755581/ILSVRC2012_val_00038068.JPEG", + "soure_prompt": "a photo of a diamondback", + "edit_prompt": "a photo of a green snake" + }, + { + "image_name": "n01742172/ILSVRC2012_val_00020401.JPEG", + "soure_prompt": "a photo of a boa constrictor", + "edit_prompt": "a photo of a green snake" + }, + { + "image_name": "n01748264/ILSVRC2012_val_00014181.JPEG", + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a green snake" + }, + { + "image_name": "n01755581/ILSVRC2012_val_00045418.JPEG", + "soure_prompt": "a photo of a diamondback", + "edit_prompt": "a photo of a green snake" + }, + { + "image_name": "n02114367/ILSVRC2012_val_00001469.JPEG", + "soure_prompt": "a photo of a timber wolf", + "edit_prompt": "a photo of a grey fox" + }, + { + "image_name": "n02119022/ILSVRC2012_val_00035165.JPEG", + "soure_prompt": "a photo of a red fox", + "edit_prompt": "a photo of a grey fox" + }, + { + "image_name": "n02119022/ILSVRC2012_val_00029562.JPEG", + "soure_prompt": "a photo of a red fox", + "edit_prompt": "a photo of a grey fox" + }, + { + "image_name": "n02119022/ILSVRC2012_val_00006818.JPEG", + "soure_prompt": "a photo of a red fox", + "edit_prompt": "a photo of a grey fox" + }, + { + "image_name": "n02077923/ILSVRC2012_val_00012330.JPEG", + "soure_prompt": "a photo of a sea lion", + "edit_prompt": "a photo of a grey whale" + }, + { + "image_name": "n02077923/ILSVRC2012_val_00027024.JPEG", + "soure_prompt": "a photo of a sea lion", + "edit_prompt": "a photo of a grey whale" + }, + { + "image_name": "n02077923/ILSVRC2012_val_00013809.JPEG", + "soure_prompt": "a photo of a sea lion", + "edit_prompt": "a photo of a grey whale" + }, + { + "image_name": "n02077923/ILSVRC2012_val_00043549.JPEG", + "soure_prompt": "a photo of a sea lion", + "edit_prompt": "a photo of a grey whale" + }, + { + "image_name": "n02168699/ILSVRC2012_val_00017552.JPEG", + "soure_prompt": "a photo of a long-horned beetle", + "edit_prompt": "a photo of a ground beetle" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00000625.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a ground beetle" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00027586.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a ground beetle" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00029943.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a ground beetle" + }, + { + "image_name": "n02494079/ILSVRC2012_val_00018253.JPEG", + "soure_prompt": "a photo of a squirrel monkey", + "edit_prompt": "a photo of a guenon" + }, + { + "image_name": "n02486410/ILSVRC2012_val_00009799.JPEG", + "soure_prompt": "a photo of a baboon", + "edit_prompt": "a photo of a guenon" + }, + { + "image_name": "n02487347/ILSVRC2012_val_00027705.JPEG", + "soure_prompt": "a photo of a macaque", + "edit_prompt": "a photo of a guenon" + }, + { + "image_name": "n02486410/ILSVRC2012_val_00000945.JPEG", + "soure_prompt": "a photo of a baboon", + "edit_prompt": "a photo of a guenon" + }, + { + "image_name": "n13044778/ILSVRC2012_val_00044494.JPEG", + "soure_prompt": "a photo of a earthstar", + "edit_prompt": "a photo of a gyromitra" + }, + { + "image_name": "n13044778/ILSVRC2012_val_00042840.JPEG", + "soure_prompt": "a photo of a earthstar", + "edit_prompt": "a photo of a gyromitra" + }, + { + "image_name": "n13044778/ILSVRC2012_val_00043263.JPEG", + "soure_prompt": "a photo of a earthstar", + "edit_prompt": "a photo of a gyromitra" + }, + { + "image_name": "n12985857/ILSVRC2012_val_00033845.JPEG", + "soure_prompt": "a photo of a coral fungus", + "edit_prompt": "a photo of a gyromitra" + }, + { + "image_name": "n03954731/ILSVRC2012_val_00004803.JPEG", + "soure_prompt": "a photo of a plane", + "edit_prompt": "a photo of a hammer" + }, + { + "image_name": "n03954731/ILSVRC2012_val_00037757.JPEG", + "soure_prompt": "a photo of a plane", + "edit_prompt": "a photo of a hammer" + }, + { + "image_name": "n03954731/ILSVRC2012_val_00039935.JPEG", + "soure_prompt": "a photo of a plane", + "edit_prompt": "a photo of a hammer" + }, + { + "image_name": "n03954731/ILSVRC2012_val_00001966.JPEG", + "soure_prompt": "a photo of a plane", + "edit_prompt": "a photo of a hammer" + }, + { + "image_name": "n01484850/ILSVRC2012_val_00040710.JPEG", + "soure_prompt": "a photo of a great white shark", + "edit_prompt": "a photo of a hammerhead" + }, + { + "image_name": "n01484850/ILSVRC2012_val_00014467.JPEG", + "soure_prompt": "a photo of a great white shark", + "edit_prompt": "a photo of a hammerhead" + }, + { + "image_name": "n01491361/ILSVRC2012_val_00007875.JPEG", + "soure_prompt": "a photo of a tiger shark", + "edit_prompt": "a photo of a hammerhead" + }, + { + "image_name": "n01484850/ILSVRC2012_val_00039304.JPEG", + "soure_prompt": "a photo of a great white shark", + "edit_prompt": "a photo of a hammerhead" + }, + { + "image_name": "n02992529/ILSVRC2012_val_00016828.JPEG", + "soure_prompt": "a photo of a cellular telephone", + "edit_prompt": "a photo of a hard disc" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00007754.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a hard disc" + }, + { + "image_name": "n02992529/ILSVRC2012_val_00028116.JPEG", + "soure_prompt": "a photo of a cellular telephone", + "edit_prompt": "a photo of a hard disc" + }, + { + "image_name": "n02992529/ILSVRC2012_val_00010737.JPEG", + "soure_prompt": "a photo of a cellular telephone", + "edit_prompt": "a photo of a hard disc" + }, + { + "image_name": "n13044778/ILSVRC2012_val_00000755.JPEG", + "soure_prompt": "a photo of a earthstar", + "edit_prompt": "a photo of a hen-of-the-woods" + }, + { + "image_name": "n13037406/ILSVRC2012_val_00023433.JPEG", + "soure_prompt": "a photo of a gyromitra", + "edit_prompt": "a photo of a hen-of-the-woods" + }, + { + "image_name": "n12985857/ILSVRC2012_val_00040193.JPEG", + "soure_prompt": "a photo of a coral fungus", + "edit_prompt": "a photo of a hen-of-the-woods" + }, + { + "image_name": "n13054560/ILSVRC2012_val_00048207.JPEG", + "soure_prompt": "a photo of a bolete", + "edit_prompt": "a photo of a hen-of-the-woods" + }, + { + "image_name": "n01983481/ILSVRC2012_val_00048837.JPEG", + "soure_prompt": "a photo of a American lobster", + "edit_prompt": "a photo of a hermit crab" + }, + { + "image_name": "n01983481/ILSVRC2012_val_00039303.JPEG", + "soure_prompt": "a photo of a American lobster", + "edit_prompt": "a photo of a hermit crab" + }, + { + "image_name": "n01985128/ILSVRC2012_val_00013932.JPEG", + "soure_prompt": "a photo of a crayfish", + "edit_prompt": "a photo of a hermit crab" + }, + { + "image_name": "n01981276/ILSVRC2012_val_00012713.JPEG", + "soure_prompt": "a photo of a king crab", + "edit_prompt": "a photo of a hermit crab" + }, + { + "image_name": "n01748264/ILSVRC2012_val_00021215.JPEG", + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a horned viper" + }, + { + "image_name": "n01734418/ILSVRC2012_val_00028503.JPEG", + "soure_prompt": "a photo of a king snake", + "edit_prompt": "a photo of a horned viper" + }, + { + "image_name": "n01728572/ILSVRC2012_val_00022901.JPEG", + "soure_prompt": "a photo of a thunder snake", + "edit_prompt": "a photo of a horned viper" + }, + { + "image_name": "n01729977/ILSVRC2012_val_00030719.JPEG", + "soure_prompt": "a photo of a green snake", + "edit_prompt": "a photo of a horned viper" + }, + { + "image_name": "n07697313/ILSVRC2012_val_00038898.JPEG", + "soure_prompt": "a photo of a cheeseburger", + "edit_prompt": "a photo of a hotdog" + }, + { + "image_name": "n07697313/ILSVRC2012_val_00016999.JPEG", + "soure_prompt": "a photo of a cheeseburger", + "edit_prompt": "a photo of a hotdog" + }, + { + "image_name": "n07697313/ILSVRC2012_val_00018040.JPEG", + "soure_prompt": "a photo of a cheeseburger", + "edit_prompt": "a photo of a hotdog" + }, + { + "image_name": "n07697313/ILSVRC2012_val_00027479.JPEG", + "soure_prompt": "a photo of a cheeseburger", + "edit_prompt": "a photo of a hotdog" + }, + { + "image_name": "n01534433/ILSVRC2012_val_00029999.JPEG", + "soure_prompt": "a photo of a junco", + "edit_prompt": "a photo of a house finch" + }, + { + "image_name": "n01534433/ILSVRC2012_val_00017970.JPEG", + "soure_prompt": "a photo of a junco", + "edit_prompt": "a photo of a house finch" + }, + { + "image_name": "n01531178/ILSVRC2012_val_00019236.JPEG", + "soure_prompt": "a photo of a goldfinch", + "edit_prompt": "a photo of a house finch" + }, + { + "image_name": "n01534433/ILSVRC2012_val_00014108.JPEG", + "soure_prompt": "a photo of a junco", + "edit_prompt": "a photo of a house finch" + }, + { + "image_name": "n02114712/ILSVRC2012_val_00033911.JPEG", + "soure_prompt": "a photo of a red wolf", + "edit_prompt": "a photo of a hyena" + }, + { + "image_name": "n02119022/ILSVRC2012_val_00014133.JPEG", + "soure_prompt": "a photo of a red fox", + "edit_prompt": "a photo of a hyena" + }, + { + "image_name": "n02119022/ILSVRC2012_val_00034084.JPEG", + "soure_prompt": "a photo of a red fox", + "edit_prompt": "a photo of a hyena" + }, + { + "image_name": "n02114712/ILSVRC2012_val_00017288.JPEG", + "soure_prompt": "a photo of a red wolf", + "edit_prompt": "a photo of a hyena" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00042686.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a iPod" + }, + { + "image_name": "n03492542/ILSVRC2012_val_00010204.JPEG", + "soure_prompt": "a photo of a hard disc", + "edit_prompt": "a photo of a iPod" + }, + { + "image_name": "n03492542/ILSVRC2012_val_00006167.JPEG", + "soure_prompt": "a photo of a hard disc", + "edit_prompt": "a photo of a iPod" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00045473.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a iPod" + }, + { + "image_name": "n02423022/ILSVRC2012_val_00044567.JPEG", + "soure_prompt": "a photo of a gazelle", + "edit_prompt": "a photo of a ibex" + }, + { + "image_name": "n02403003/ILSVRC2012_val_00004751.JPEG", + "soure_prompt": "a photo of a ox", + "edit_prompt": "a photo of a ibex" + }, + { + "image_name": "n02410509/ILSVRC2012_val_00043684.JPEG", + "soure_prompt": "a photo of a bison", + "edit_prompt": "a photo of a ibex" + }, + { + "image_name": "n02410509/ILSVRC2012_val_00044556.JPEG", + "soure_prompt": "a photo of a bison", + "edit_prompt": "a photo of a ibex" + }, + { + "image_name": "n02132136/ILSVRC2012_val_00015955.JPEG", + "soure_prompt": "a photo of a brown bear", + "edit_prompt": "a photo of a ice bear" + }, + { + "image_name": "n02132136/ILSVRC2012_val_00018469.JPEG", + "soure_prompt": "a photo of a brown bear", + "edit_prompt": "a photo of a ice bear" + }, + { + "image_name": "n02133161/ILSVRC2012_val_00042882.JPEG", + "soure_prompt": "a photo of a American black bear", + "edit_prompt": "a photo of a ice bear" + }, + { + "image_name": "n02510455/ILSVRC2012_val_00012542.JPEG", + "soure_prompt": "a photo of a giant panda", + "edit_prompt": "a photo of a ice bear" + }, + { + "image_name": "n02417914/ILSVRC2012_val_00044074.JPEG", + "soure_prompt": "a photo of a ibex", + "edit_prompt": "a photo of a impala" + }, + { + "image_name": "n02417914/ILSVRC2012_val_00021563.JPEG", + "soure_prompt": "a photo of a ibex", + "edit_prompt": "a photo of a impala" + }, + { + "image_name": "n02423022/ILSVRC2012_val_00013417.JPEG", + "soure_prompt": "a photo of a gazelle", + "edit_prompt": "a photo of a impala" + }, + { + "image_name": "n02423022/ILSVRC2012_val_00046413.JPEG", + "soure_prompt": "a photo of a gazelle", + "edit_prompt": "a photo of a impala" + }, + { + "image_name": "n01531178/ILSVRC2012_val_00029740.JPEG", + "soure_prompt": "a photo of a goldfinch", + "edit_prompt": "a photo of a indigo bunting" + }, + { + "image_name": "n01531178/ILSVRC2012_val_00004243.JPEG", + "soure_prompt": "a photo of a goldfinch", + "edit_prompt": "a photo of a indigo bunting" + }, + { + "image_name": "n01534433/ILSVRC2012_val_00017712.JPEG", + "soure_prompt": "a photo of a junco", + "edit_prompt": "a photo of a indigo bunting" + }, + { + "image_name": "n01534433/ILSVRC2012_val_00004577.JPEG", + "soure_prompt": "a photo of a junco", + "edit_prompt": "a photo of a indigo bunting" + }, + { + "image_name": "n01981276/ILSVRC2012_val_00046611.JPEG", + "soure_prompt": "a photo of a king crab", + "edit_prompt": "a photo of a isopod" + }, + { + "image_name": "n01986214/ILSVRC2012_val_00046344.JPEG", + "soure_prompt": "a photo of a hermit crab", + "edit_prompt": "a photo of a isopod" + }, + { + "image_name": "n01986214/ILSVRC2012_val_00041366.JPEG", + "soure_prompt": "a photo of a hermit crab", + "edit_prompt": "a photo of a isopod" + }, + { + "image_name": "n01983481/ILSVRC2012_val_00009251.JPEG", + "soure_prompt": "a photo of a American lobster", + "edit_prompt": "a photo of a isopod" + }, + { + "image_name": "n02130308/ILSVRC2012_val_00006239.JPEG", + "soure_prompt": "a photo of a cheetah", + "edit_prompt": "a photo of a jaguar" + }, + { + "image_name": "n02130308/ILSVRC2012_val_00022327.JPEG", + "soure_prompt": "a photo of a cheetah", + "edit_prompt": "a photo of a jaguar" + }, + { + "image_name": "n02129604/ILSVRC2012_val_00034256.JPEG", + "soure_prompt": "a photo of a tiger", + "edit_prompt": "a photo of a jaguar" + }, + { + "image_name": "n02129604/ILSVRC2012_val_00029635.JPEG", + "soure_prompt": "a photo of a tiger", + "edit_prompt": "a photo of a jaguar" + }, + { + "image_name": "n03770679/ILSVRC2012_val_00046793.JPEG", + "soure_prompt": "a photo of a minivan", + "edit_prompt": "a photo of a jeep" + }, + { + "image_name": "n02930766/ILSVRC2012_val_00010637.JPEG", + "soure_prompt": "a photo of a cab", + "edit_prompt": "a photo of a jeep" + }, + { + "image_name": "n03770679/ILSVRC2012_val_00018768.JPEG", + "soure_prompt": "a photo of a minivan", + "edit_prompt": "a photo of a jeep" + }, + { + "image_name": "n03770679/ILSVRC2012_val_00037492.JPEG", + "soure_prompt": "a photo of a minivan", + "edit_prompt": "a photo of a jeep" + }, + { + "image_name": "n01537544/ILSVRC2012_val_00025428.JPEG", + "soure_prompt": "a photo of a indigo bunting", + "edit_prompt": "a photo of a junco" + }, + { + "image_name": "n01532829/ILSVRC2012_val_00045623.JPEG", + "soure_prompt": "a photo of a house finch", + "edit_prompt": "a photo of a junco" + }, + { + "image_name": "n01531178/ILSVRC2012_val_00035254.JPEG", + "soure_prompt": "a photo of a goldfinch", + "edit_prompt": "a photo of a junco" + }, + { + "image_name": "n01532829/ILSVRC2012_val_00028791.JPEG", + "soure_prompt": "a photo of a house finch", + "edit_prompt": "a photo of a junco" + }, + { + "image_name": "n02077923/ILSVRC2012_val_00027457.JPEG", + "soure_prompt": "a photo of a sea lion", + "edit_prompt": "a photo of a killer whale" + }, + { + "image_name": "n02066245/ILSVRC2012_val_00022105.JPEG", + "soure_prompt": "a photo of a grey whale", + "edit_prompt": "a photo of a killer whale" + }, + { + "image_name": "n02066245/ILSVRC2012_val_00015203.JPEG", + "soure_prompt": "a photo of a grey whale", + "edit_prompt": "a photo of a killer whale" + }, + { + "image_name": "n02074367/ILSVRC2012_val_00011012.JPEG", + "soure_prompt": "a photo of a dugong", + "edit_prompt": "a photo of a killer whale" + }, + { + "image_name": "n01985128/ILSVRC2012_val_00022720.JPEG", + "soure_prompt": "a photo of a crayfish", + "edit_prompt": "a photo of a king crab" + }, + { + "image_name": "n01986214/ILSVRC2012_val_00031943.JPEG", + "soure_prompt": "a photo of a hermit crab", + "edit_prompt": "a photo of a king crab" + }, + { + "image_name": "n01985128/ILSVRC2012_val_00027920.JPEG", + "soure_prompt": "a photo of a crayfish", + "edit_prompt": "a photo of a king crab" + }, + { + "image_name": "n01986214/ILSVRC2012_val_00004444.JPEG", + "soure_prompt": "a photo of a hermit crab", + "edit_prompt": "a photo of a king crab" + }, + { + "image_name": "n01860187/ILSVRC2012_val_00044422.JPEG", + "soure_prompt": "a photo of a black swan", + "edit_prompt": "a photo of a king penguin" + }, + { + "image_name": "n02051845/ILSVRC2012_val_00032780.JPEG", + "soure_prompt": "a photo of a pelican", + "edit_prompt": "a photo of a king penguin" + }, + { + "image_name": "n01860187/ILSVRC2012_val_00048039.JPEG", + "soure_prompt": "a photo of a black swan", + "edit_prompt": "a photo of a king penguin" + }, + { + "image_name": "n01860187/ILSVRC2012_val_00007343.JPEG", + "soure_prompt": "a photo of a black swan", + "edit_prompt": "a photo of a king penguin" + }, + { + "image_name": "n01753488/ILSVRC2012_val_00041616.JPEG", + "soure_prompt": "a photo of a horned viper", + "edit_prompt": "a photo of a king snake" + }, + { + "image_name": "n01728572/ILSVRC2012_val_00016095.JPEG", + "soure_prompt": "a photo of a thunder snake", + "edit_prompt": "a photo of a king snake" + }, + { + "image_name": "n01749939/ILSVRC2012_val_00001578.JPEG", + "soure_prompt": "a photo of a green mamba", + "edit_prompt": "a photo of a king snake" + }, + { + "image_name": "n01755581/ILSVRC2012_val_00015622.JPEG", + "soure_prompt": "a photo of a diamondback", + "edit_prompt": "a photo of a king snake" + }, + { + "image_name": "n01622779/ILSVRC2012_val_00027627.JPEG", + "soure_prompt": "a photo of a great grey owl", + "edit_prompt": "a photo of a kite" + }, + { + "image_name": "n01622779/ILSVRC2012_val_00031144.JPEG", + "soure_prompt": "a photo of a great grey owl", + "edit_prompt": "a photo of a kite" + }, + { + "image_name": "n01614925/ILSVRC2012_val_00017994.JPEG", + "soure_prompt": "a photo of a bald eagle", + "edit_prompt": "a photo of a kite" + }, + { + "image_name": "n01614925/ILSVRC2012_val_00026614.JPEG", + "soure_prompt": "a photo of a bald eagle", + "edit_prompt": "a photo of a kite" + }, + { + "image_name": "n02168699/ILSVRC2012_val_00017727.JPEG", + "soure_prompt": "a photo of a long-horned beetle", + "edit_prompt": "a photo of a ladybug" + }, + { + "image_name": "n02168699/ILSVRC2012_val_00045910.JPEG", + "soure_prompt": "a photo of a long-horned beetle", + "edit_prompt": "a photo of a ladybug" + }, + { + "image_name": "n02177972/ILSVRC2012_val_00006121.JPEG", + "soure_prompt": "a photo of a weevil", + "edit_prompt": "a photo of a ladybug" + }, + { + "image_name": "n02168699/ILSVRC2012_val_00015056.JPEG", + "soure_prompt": "a photo of a long-horned beetle", + "edit_prompt": "a photo of a ladybug" + }, + { + "image_name": "n03584254/ILSVRC2012_val_00044784.JPEG", + "soure_prompt": "a photo of a iPod", + "edit_prompt": "a photo of a laptop" + }, + { + "image_name": "n03584254/ILSVRC2012_val_00037190.JPEG", + "soure_prompt": "a photo of a iPod", + "edit_prompt": "a photo of a laptop" + }, + { + "image_name": "n02992529/ILSVRC2012_val_00039592.JPEG", + "soure_prompt": "a photo of a cellular telephone", + "edit_prompt": "a photo of a laptop" + }, + { + "image_name": "n03085013/ILSVRC2012_val_00026428.JPEG", + "soure_prompt": "a photo of a computer keyboard", + "edit_prompt": "a photo of a laptop" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00036251.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a leaf beetle" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00036486.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a leaf beetle" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00031903.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a leaf beetle" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00035694.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a leaf beetle" + }, + { + "image_name": "n07742313/ILSVRC2012_val_00046718.JPEG", + "soure_prompt": "a photo of a Granny Smith", + "edit_prompt": "a photo of a lemon" + }, + { + "image_name": "n07760859/ILSVRC2012_val_00024711.JPEG", + "soure_prompt": "a photo of a custard apple", + "edit_prompt": "a photo of a lemon" + }, + { + "image_name": "n07753592/ILSVRC2012_val_00036580.JPEG", + "soure_prompt": "a photo of a banana", + "edit_prompt": "a photo of a lemon" + }, + { + "image_name": "n07742313/ILSVRC2012_val_00034820.JPEG", + "soure_prompt": "a photo of a Granny Smith", + "edit_prompt": "a photo of a lemon" + }, + { + "image_name": "n02123394/ILSVRC2012_val_00014216.JPEG", + "soure_prompt": "a photo of a Persian cat", + "edit_prompt": "a photo of a leopard" + }, + { + "image_name": "n02129604/ILSVRC2012_val_00034321.JPEG", + "soure_prompt": "a photo of a tiger", + "edit_prompt": "a photo of a leopard" + }, + { + "image_name": "n02129165/ILSVRC2012_val_00049018.JPEG", + "soure_prompt": "a photo of a lion", + "edit_prompt": "a photo of a leopard" + }, + { + "image_name": "n02129165/ILSVRC2012_val_00024234.JPEG", + "soure_prompt": "a photo of a lion", + "edit_prompt": "a photo of a leopard" + }, + { + "image_name": "n02134418/ILSVRC2012_val_00045098.JPEG", + "soure_prompt": "a photo of a sloth bear", + "edit_prompt": "a photo of a lesser panda" + }, + { + "image_name": "n02133161/ILSVRC2012_val_00007093.JPEG", + "soure_prompt": "a photo of a American black bear", + "edit_prompt": "a photo of a lesser panda" + }, + { + "image_name": "n02510455/ILSVRC2012_val_00034060.JPEG", + "soure_prompt": "a photo of a giant panda", + "edit_prompt": "a photo of a lesser panda" + }, + { + "image_name": "n02134418/ILSVRC2012_val_00023812.JPEG", + "soure_prompt": "a photo of a sloth bear", + "edit_prompt": "a photo of a lesser panda" + }, + { + "image_name": "n03447447/ILSVRC2012_val_00042282.JPEG", + "soure_prompt": "a photo of a gondola", + "edit_prompt": "a photo of a lifeboat" + }, + { + "image_name": "n03344393/ILSVRC2012_val_00046561.JPEG", + "soure_prompt": "a photo of a fireboat", + "edit_prompt": "a photo of a lifeboat" + }, + { + "image_name": "n03447447/ILSVRC2012_val_00027865.JPEG", + "soure_prompt": "a photo of a gondola", + "edit_prompt": "a photo of a lifeboat" + }, + { + "image_name": "n03447447/ILSVRC2012_val_00016468.JPEG", + "soure_prompt": "a photo of a gondola", + "edit_prompt": "a photo of a lifeboat" + }, + { + "image_name": "n02814533/ILSVRC2012_val_00018335.JPEG", + "soure_prompt": "a photo of a beach wagon", + "edit_prompt": "a photo of a limousine" + }, + { + "image_name": "n02814533/ILSVRC2012_val_00006084.JPEG", + "soure_prompt": "a photo of a beach wagon", + "edit_prompt": "a photo of a limousine" + }, + { + "image_name": "n02814533/ILSVRC2012_val_00037112.JPEG", + "soure_prompt": "a photo of a beach wagon", + "edit_prompt": "a photo of a limousine" + }, + { + "image_name": "n02930766/ILSVRC2012_val_00023507.JPEG", + "soure_prompt": "a photo of a cab", + "edit_prompt": "a photo of a limousine" + }, + { + "image_name": "n02128925/ILSVRC2012_val_00045488.JPEG", + "soure_prompt": "a photo of a jaguar", + "edit_prompt": "a photo of a lion" + }, + { + "image_name": "n02129604/ILSVRC2012_val_00035494.JPEG", + "soure_prompt": "a photo of a tiger", + "edit_prompt": "a photo of a lion" + }, + { + "image_name": "n02129604/ILSVRC2012_val_00040630.JPEG", + "soure_prompt": "a photo of a tiger", + "edit_prompt": "a photo of a lion" + }, + { + "image_name": "n02123045/ILSVRC2012_val_00045239.JPEG", + "soure_prompt": "a photo of a tabby", + "edit_prompt": "a photo of a lion" + }, + { + "image_name": "n01440764/ILSVRC2012_val_00017700.JPEG", + "soure_prompt": "a photo of a tench", + "edit_prompt": "a photo of a lionfish" + }, + { + "image_name": "n01440764/ILSVRC2012_val_00009191.JPEG", + "soure_prompt": "a photo of a tench", + "edit_prompt": "a photo of a lionfish" + }, + { + "image_name": "n01443537/ILSVRC2012_val_00000262.JPEG", + "soure_prompt": "a photo of a goldfish", + "edit_prompt": "a photo of a lionfish" + }, + { + "image_name": "n02607072/ILSVRC2012_val_00031305.JPEG", + "soure_prompt": "a photo of a anemone fish", + "edit_prompt": "a photo of a lionfish" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00041535.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a little blue heron" + }, + { + "image_name": "n02006656/ILSVRC2012_val_00002953.JPEG", + "soure_prompt": "a photo of a spoonbill", + "edit_prompt": "a photo of a little blue heron" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00026476.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a little blue heron" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00008737.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a little blue heron" + }, + { + "image_name": "n02169497/ILSVRC2012_val_00049845.JPEG", + "soure_prompt": "a photo of a leaf beetle", + "edit_prompt": "a photo of a long-horned beetle" + }, + { + "image_name": "n02165105/ILSVRC2012_val_00036417.JPEG", + "soure_prompt": "a photo of a tiger beetle", + "edit_prompt": "a photo of a long-horned beetle" + }, + { + "image_name": "n02169497/ILSVRC2012_val_00047901.JPEG", + "soure_prompt": "a photo of a leaf beetle", + "edit_prompt": "a photo of a long-horned beetle" + }, + { + "image_name": "n02165105/ILSVRC2012_val_00031945.JPEG", + "soure_prompt": "a photo of a tiger beetle", + "edit_prompt": "a photo of a long-horned beetle" + }, + { + "image_name": "n02281406/ILSVRC2012_val_00047683.JPEG", + "soure_prompt": "a photo of a sulphur butterfly", + "edit_prompt": "a photo of a lycaenid" + }, + { + "image_name": "n02279972/ILSVRC2012_val_00014310.JPEG", + "soure_prompt": "a photo of a monarch", + "edit_prompt": "a photo of a lycaenid" + }, + { + "image_name": "n02276258/ILSVRC2012_val_00023523.JPEG", + "soure_prompt": "a photo of a admiral", + "edit_prompt": "a photo of a lycaenid" + }, + { + "image_name": "n02280649/ILSVRC2012_val_00007368.JPEG", + "soure_prompt": "a photo of a cabbage butterfly", + "edit_prompt": "a photo of a lycaenid" + }, + { + "image_name": "n02492035/ILSVRC2012_val_00037084.JPEG", + "soure_prompt": "a photo of a capuchin", + "edit_prompt": "a photo of a macaque" + }, + { + "image_name": "n02494079/ILSVRC2012_val_00043576.JPEG", + "soure_prompt": "a photo of a squirrel monkey", + "edit_prompt": "a photo of a macaque" + }, + { + "image_name": "n02494079/ILSVRC2012_val_00042708.JPEG", + "soure_prompt": "a photo of a squirrel monkey", + "edit_prompt": "a photo of a macaque" + }, + { + "image_name": "n02484975/ILSVRC2012_val_00002334.JPEG", + "soure_prompt": "a photo of a guenon", + "edit_prompt": "a photo of a macaque" + }, + { + "image_name": "n03447721/ILSVRC2012_val_00035792.JPEG", + "soure_prompt": "a photo of a gong", + "edit_prompt": "a photo of a maraca" + }, + { + "image_name": "n04311174/ILSVRC2012_val_00019940.JPEG", + "soure_prompt": "a photo of a steel drum", + "edit_prompt": "a photo of a maraca" + }, + { + "image_name": "n03447721/ILSVRC2012_val_00016503.JPEG", + "soure_prompt": "a photo of a gong", + "edit_prompt": "a photo of a maraca" + }, + { + "image_name": "n03447721/ILSVRC2012_val_00002842.JPEG", + "soure_prompt": "a photo of a gong", + "edit_prompt": "a photo of a maraca" + }, + { + "image_name": "n03017168/ILSVRC2012_val_00026592.JPEG", + "soure_prompt": "a photo of a chime", + "edit_prompt": "a photo of a marimba" + }, + { + "image_name": "n04311174/ILSVRC2012_val_00005668.JPEG", + "soure_prompt": "a photo of a steel drum", + "edit_prompt": "a photo of a marimba" + }, + { + "image_name": "n03017168/ILSVRC2012_val_00043454.JPEG", + "soure_prompt": "a photo of a chime", + "edit_prompt": "a photo of a marimba" + }, + { + "image_name": "n04311174/ILSVRC2012_val_00033204.JPEG", + "soure_prompt": "a photo of a steel drum", + "edit_prompt": "a photo of a marimba" + }, + { + "image_name": "n02823428/ILSVRC2012_val_00040545.JPEG", + "soure_prompt": "a photo of a beer bottle", + "edit_prompt": "a photo of a measuring cup" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00000464.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a measuring cup" + }, + { + "image_name": "n04557648/ILSVRC2012_val_00038312.JPEG", + "soure_prompt": "a photo of a water bottle", + "edit_prompt": "a photo of a measuring cup" + }, + { + "image_name": "n04557648/ILSVRC2012_val_00020977.JPEG", + "soure_prompt": "a photo of a water bottle", + "edit_prompt": "a photo of a measuring cup" + }, + { + "image_name": "n02106662/ILSVRC2012_val_00005662.JPEG", + "soure_prompt": "a photo of a German shepherd", + "edit_prompt": "a photo of a miniature pinscher" + }, + { + "image_name": "n02106550/ILSVRC2012_val_00033334.JPEG", + "soure_prompt": "a photo of a Rottweiler", + "edit_prompt": "a photo of a miniature pinscher" + }, + { + "image_name": "n02106550/ILSVRC2012_val_00014315.JPEG", + "soure_prompt": "a photo of a Rottweiler", + "edit_prompt": "a photo of a miniature pinscher" + }, + { + "image_name": "n02106550/ILSVRC2012_val_00012085.JPEG", + "soure_prompt": "a photo of a Rottweiler", + "edit_prompt": "a photo of a miniature pinscher" + }, + { + "image_name": "n02701002/ILSVRC2012_val_00046706.JPEG", + "soure_prompt": "a photo of a ambulance", + "edit_prompt": "a photo of a minivan" + }, + { + "image_name": "n02930766/ILSVRC2012_val_00041920.JPEG", + "soure_prompt": "a photo of a cab", + "edit_prompt": "a photo of a minivan" + }, + { + "image_name": "n04467665/ILSVRC2012_val_00030748.JPEG", + "soure_prompt": "a photo of a trailer truck", + "edit_prompt": "a photo of a minivan" + }, + { + "image_name": "n04146614/ILSVRC2012_val_00031870.JPEG", + "soure_prompt": "a photo of a school bus", + "edit_prompt": "a photo of a minivan" + }, + { + "image_name": "n02281787/ILSVRC2012_val_00043381.JPEG", + "soure_prompt": "a photo of a lycaenid", + "edit_prompt": "a photo of a monarch" + }, + { + "image_name": "n02280649/ILSVRC2012_val_00014909.JPEG", + "soure_prompt": "a photo of a cabbage butterfly", + "edit_prompt": "a photo of a monarch" + }, + { + "image_name": "n02281406/ILSVRC2012_val_00038721.JPEG", + "soure_prompt": "a photo of a sulphur butterfly", + "edit_prompt": "a photo of a monarch" + }, + { + "image_name": "n02277742/ILSVRC2012_val_00035399.JPEG", + "soure_prompt": "a photo of a ringlet", + "edit_prompt": "a photo of a monarch" + }, + { + "image_name": "n03792782/ILSVRC2012_val_00042393.JPEG", + "soure_prompt": "a photo of a mountain bike", + "edit_prompt": "a photo of a moped" + }, + { + "image_name": "n04482393/ILSVRC2012_val_00023808.JPEG", + "soure_prompt": "a photo of a tricycle", + "edit_prompt": "a photo of a moped" + }, + { + "image_name": "n03792782/ILSVRC2012_val_00011330.JPEG", + "soure_prompt": "a photo of a mountain bike", + "edit_prompt": "a photo of a moped" + }, + { + "image_name": "n03791053/ILSVRC2012_val_00030174.JPEG", + "soure_prompt": "a photo of a motor scooter", + "edit_prompt": "a photo of a moped" + }, + { + "image_name": "n03792782/ILSVRC2012_val_00030892.JPEG", + "soure_prompt": "a photo of a mountain bike", + "edit_prompt": "a photo of a motor scooter" + }, + { + "image_name": "n04482393/ILSVRC2012_val_00041965.JPEG", + "soure_prompt": "a photo of a tricycle", + "edit_prompt": "a photo of a motor scooter" + }, + { + "image_name": "n03785016/ILSVRC2012_val_00048569.JPEG", + "soure_prompt": "a photo of a moped", + "edit_prompt": "a photo of a motor scooter" + }, + { + "image_name": "n03785016/ILSVRC2012_val_00004104.JPEG", + "soure_prompt": "a photo of a moped", + "edit_prompt": "a photo of a motor scooter" + }, + { + "image_name": "n04509417/ILSVRC2012_val_00038319.JPEG", + "soure_prompt": "a photo of a unicycle", + "edit_prompt": "a photo of a mountain bike" + }, + { + "image_name": "n03791053/ILSVRC2012_val_00014286.JPEG", + "soure_prompt": "a photo of a motor scooter", + "edit_prompt": "a photo of a mountain bike" + }, + { + "image_name": "n04482393/ILSVRC2012_val_00041594.JPEG", + "soure_prompt": "a photo of a tricycle", + "edit_prompt": "a photo of a mountain bike" + }, + { + "image_name": "n03785016/ILSVRC2012_val_00003853.JPEG", + "soure_prompt": "a photo of a moped", + "edit_prompt": "a photo of a mountain bike" + }, + { + "image_name": "n01669191/ILSVRC2012_val_00040287.JPEG", + "soure_prompt": "a photo of a box turtle", + "edit_prompt": "a photo of a mud turtle" + }, + { + "image_name": "n01669191/ILSVRC2012_val_00017222.JPEG", + "soure_prompt": "a photo of a box turtle", + "edit_prompt": "a photo of a mud turtle" + }, + { + "image_name": "n01667778/ILSVRC2012_val_00040787.JPEG", + "soure_prompt": "a photo of a terrapin", + "edit_prompt": "a photo of a mud turtle" + }, + { + "image_name": "n01669191/ILSVRC2012_val_00030343.JPEG", + "soure_prompt": "a photo of a box turtle", + "edit_prompt": "a photo of a mud turtle" + }, + { + "image_name": "n03394916/ILSVRC2012_val_00017407.JPEG", + "soure_prompt": "a photo of a French horn", + "edit_prompt": "a photo of a oboe" + }, + { + "image_name": "n03110669/ILSVRC2012_val_00037364.JPEG", + "soure_prompt": "a photo of a cornet", + "edit_prompt": "a photo of a oboe" + }, + { + "image_name": "n04487394/ILSVRC2012_val_00018346.JPEG", + "soure_prompt": "a photo of a trombone", + "edit_prompt": "a photo of a oboe" + }, + { + "image_name": "n04141076/ILSVRC2012_val_00020715.JPEG", + "soure_prompt": "a photo of a sax", + "edit_prompt": "a photo of a oboe" + }, + { + "image_name": "n04548280/ILSVRC2012_val_00041547.JPEG", + "soure_prompt": "a photo of a wall clock", + "edit_prompt": "a photo of a odometer" + }, + { + "image_name": "n04548280/ILSVRC2012_val_00036318.JPEG", + "soure_prompt": "a photo of a wall clock", + "edit_prompt": "a photo of a odometer" + }, + { + "image_name": "n03197337/ILSVRC2012_val_00017597.JPEG", + "soure_prompt": "a photo of a digital watch", + "edit_prompt": "a photo of a odometer" + }, + { + "image_name": "n03196217/ILSVRC2012_val_00013767.JPEG", + "soure_prompt": "a photo of a digital clock", + "edit_prompt": "a photo of a odometer" + }, + { + "image_name": "n07760859/ILSVRC2012_val_00011441.JPEG", + "soure_prompt": "a photo of a custard apple", + "edit_prompt": "a photo of a orange" + }, + { + "image_name": "n07768694/ILSVRC2012_val_00036732.JPEG", + "soure_prompt": "a photo of a pomegranate", + "edit_prompt": "a photo of a orange" + }, + { + "image_name": "n07745940/ILSVRC2012_val_00035445.JPEG", + "soure_prompt": "a photo of a strawberry", + "edit_prompt": "a photo of a orange" + }, + { + "image_name": "n07749582/ILSVRC2012_val_00017842.JPEG", + "soure_prompt": "a photo of a lemon", + "edit_prompt": "a photo of a orange" + }, + { + "image_name": "n02481823/ILSVRC2012_val_00033537.JPEG", + "soure_prompt": "a photo of a chimpanzee", + "edit_prompt": "a photo of a orangutan" + }, + { + "image_name": "n02481823/ILSVRC2012_val_00032684.JPEG", + "soure_prompt": "a photo of a chimpanzee", + "edit_prompt": "a photo of a orangutan" + }, + { + "image_name": "n02481823/ILSVRC2012_val_00037790.JPEG", + "soure_prompt": "a photo of a chimpanzee", + "edit_prompt": "a photo of a orangutan" + }, + { + "image_name": "n02481823/ILSVRC2012_val_00030426.JPEG", + "soure_prompt": "a photo of a chimpanzee", + "edit_prompt": "a photo of a orangutan" + }, + { + "image_name": "n02088094/ILSVRC2012_val_00042097.JPEG", + "soure_prompt": "a photo of a Afghan hound", + "edit_prompt": "a photo of a otterhound" + }, + { + "image_name": "n02088364/ILSVRC2012_val_00027989.JPEG", + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a otterhound" + }, + { + "image_name": "n02089973/ILSVRC2012_val_00007850.JPEG", + "soure_prompt": "a photo of a English foxhound", + "edit_prompt": "a photo of a otterhound" + }, + { + "image_name": "n02088364/ILSVRC2012_val_00029932.JPEG", + "soure_prompt": "a photo of a beagle", + "edit_prompt": "a photo of a otterhound" + }, + { + "image_name": "n02417914/ILSVRC2012_val_00035331.JPEG", + "soure_prompt": "a photo of a ibex", + "edit_prompt": "a photo of a ox" + }, + { + "image_name": "n02423022/ILSVRC2012_val_00028130.JPEG", + "soure_prompt": "a photo of a gazelle", + "edit_prompt": "a photo of a ox" + }, + { + "image_name": "n02408429/ILSVRC2012_val_00018198.JPEG", + "soure_prompt": "a photo of a water buffalo", + "edit_prompt": "a photo of a ox" + }, + { + "image_name": "n02422699/ILSVRC2012_val_00028482.JPEG", + "soure_prompt": "a photo of a impala", + "edit_prompt": "a photo of a ox" + }, + { + "image_name": "n01855672/ILSVRC2012_val_00028438.JPEG", + "soure_prompt": "a photo of a goose", + "edit_prompt": "a photo of a oystercatcher" + }, + { + "image_name": "n02007558/ILSVRC2012_val_00018511.JPEG", + "soure_prompt": "a photo of a flamingo", + "edit_prompt": "a photo of a oystercatcher" + }, + { + "image_name": "n01855672/ILSVRC2012_val_00036969.JPEG", + "soure_prompt": "a photo of a goose", + "edit_prompt": "a photo of a oystercatcher" + }, + { + "image_name": "n02002724/ILSVRC2012_val_00001230.JPEG", + "soure_prompt": "a photo of a black stork", + "edit_prompt": "a photo of a oystercatcher" + }, + { + "image_name": "n02085782/ILSVRC2012_val_00033200.JPEG", + "soure_prompt": "a photo of a Japanese spaniel", + "edit_prompt": "a photo of a papillon" + }, + { + "image_name": "n02085620/ILSVRC2012_val_00039439.JPEG", + "soure_prompt": "a photo of a Chihuahua", + "edit_prompt": "a photo of a papillon" + }, + { + "image_name": "n02086240/ILSVRC2012_val_00007958.JPEG", + "soure_prompt": "a photo of a Shih-Tzu", + "edit_prompt": "a photo of a papillon" + }, + { + "image_name": "n02085782/ILSVRC2012_val_00031965.JPEG", + "soure_prompt": "a photo of a Japanese spaniel", + "edit_prompt": "a photo of a papillon" + }, + { + "image_name": "n02056570/ILSVRC2012_val_00029710.JPEG", + "soure_prompt": "a photo of a king penguin", + "edit_prompt": "a photo of a pelican" + }, + { + "image_name": "n02056570/ILSVRC2012_val_00023617.JPEG", + "soure_prompt": "a photo of a king penguin", + "edit_prompt": "a photo of a pelican" + }, + { + "image_name": "n01860187/ILSVRC2012_val_00015899.JPEG", + "soure_prompt": "a photo of a black swan", + "edit_prompt": "a photo of a pelican" + }, + { + "image_name": "n02058221/ILSVRC2012_val_00026733.JPEG", + "soure_prompt": "a photo of a albatross", + "edit_prompt": "a photo of a pelican" + }, + { + "image_name": "n03417042/ILSVRC2012_val_00042802.JPEG", + "soure_prompt": "a photo of a garbage truck", + "edit_prompt": "a photo of a pickup" + }, + { + "image_name": "n03417042/ILSVRC2012_val_00047189.JPEG", + "soure_prompt": "a photo of a garbage truck", + "edit_prompt": "a photo of a pickup" + }, + { + "image_name": "n04146614/ILSVRC2012_val_00045030.JPEG", + "soure_prompt": "a photo of a school bus", + "edit_prompt": "a photo of a pickup" + }, + { + "image_name": "n03345487/ILSVRC2012_val_00046181.JPEG", + "soure_prompt": "a photo of a fire engine", + "edit_prompt": "a photo of a pickup" + }, + { + "image_name": "n07753592/ILSVRC2012_val_00032327.JPEG", + "soure_prompt": "a photo of a banana", + "edit_prompt": "a photo of a pineapple" + }, + { + "image_name": "n07745940/ILSVRC2012_val_00032411.JPEG", + "soure_prompt": "a photo of a strawberry", + "edit_prompt": "a photo of a pineapple" + }, + { + "image_name": "n07768694/ILSVRC2012_val_00007820.JPEG", + "soure_prompt": "a photo of a pomegranate", + "edit_prompt": "a photo of a pineapple" + }, + { + "image_name": "n07747607/ILSVRC2012_val_00032960.JPEG", + "soure_prompt": "a photo of a orange", + "edit_prompt": "a photo of a pineapple" + }, + { + "image_name": "n03445777/ILSVRC2012_val_00023845.JPEG", + "soure_prompt": "a photo of a golf ball", + "edit_prompt": "a photo of a ping-pong ball" + }, + { + "image_name": "n03445777/ILSVRC2012_val_00044936.JPEG", + "soure_prompt": "a photo of a golf ball", + "edit_prompt": "a photo of a ping-pong ball" + }, + { + "image_name": "n04254680/ILSVRC2012_val_00036050.JPEG", + "soure_prompt": "a photo of a soccer ball", + "edit_prompt": "a photo of a ping-pong ball" + }, + { + "image_name": "n04254680/ILSVRC2012_val_00028138.JPEG", + "soure_prompt": "a photo of a soccer ball", + "edit_prompt": "a photo of a ping-pong ball" + }, + { + "image_name": "n03970156/ILSVRC2012_val_00031958.JPEG", + "soure_prompt": "a photo of a plunger", + "edit_prompt": "a photo of a plane" + }, + { + "image_name": "n03970156/ILSVRC2012_val_00022380.JPEG", + "soure_prompt": "a photo of a plunger", + "edit_prompt": "a photo of a plane" + }, + { + "image_name": "n04208210/ILSVRC2012_val_00002065.JPEG", + "soure_prompt": "a photo of a shovel", + "edit_prompt": "a photo of a plane" + }, + { + "image_name": "n04208210/ILSVRC2012_val_00025749.JPEG", + "soure_prompt": "a photo of a shovel", + "edit_prompt": "a photo of a plane" + }, + { + "image_name": "n04026417/ILSVRC2012_val_00048124.JPEG", + "soure_prompt": "a photo of a purse", + "edit_prompt": "a photo of a plastic bag" + }, + { + "image_name": "n04026417/ILSVRC2012_val_00030487.JPEG", + "soure_prompt": "a photo of a purse", + "edit_prompt": "a photo of a plastic bag" + }, + { + "image_name": "n02769748/ILSVRC2012_val_00018021.JPEG", + "soure_prompt": "a photo of a backpack", + "edit_prompt": "a photo of a plastic bag" + }, + { + "image_name": "n02769748/ILSVRC2012_val_00007012.JPEG", + "soure_prompt": "a photo of a backpack", + "edit_prompt": "a photo of a plastic bag" + }, + { + "image_name": "n04208210/ILSVRC2012_val_00032928.JPEG", + "soure_prompt": "a photo of a shovel", + "edit_prompt": "a photo of a plunger" + }, + { + "image_name": "n03481172/ILSVRC2012_val_00009914.JPEG", + "soure_prompt": "a photo of a hammer", + "edit_prompt": "a photo of a plunger" + }, + { + "image_name": "n03481172/ILSVRC2012_val_00041876.JPEG", + "soure_prompt": "a photo of a hammer", + "edit_prompt": "a photo of a plunger" + }, + { + "image_name": "n03954731/ILSVRC2012_val_00006877.JPEG", + "soure_prompt": "a photo of a plane", + "edit_prompt": "a photo of a plunger" + }, + { + "image_name": "n03417042/ILSVRC2012_val_00006234.JPEG", + "soure_prompt": "a photo of a garbage truck", + "edit_prompt": "a photo of a police van" + }, + { + "image_name": "n04146614/ILSVRC2012_val_00010117.JPEG", + "soure_prompt": "a photo of a school bus", + "edit_prompt": "a photo of a police van" + }, + { + "image_name": "n03930630/ILSVRC2012_val_00017360.JPEG", + "soure_prompt": "a photo of a pickup", + "edit_prompt": "a photo of a police van" + }, + { + "image_name": "n03930630/ILSVRC2012_val_00026743.JPEG", + "soure_prompt": "a photo of a pickup", + "edit_prompt": "a photo of a police van" + }, + { + "image_name": "n07749582/ILSVRC2012_val_00045149.JPEG", + "soure_prompt": "a photo of a lemon", + "edit_prompt": "a photo of a pomegranate" + }, + { + "image_name": "n07753275/ILSVRC2012_val_00009015.JPEG", + "soure_prompt": "a photo of a pineapple", + "edit_prompt": "a photo of a pomegranate" + }, + { + "image_name": "n07753275/ILSVRC2012_val_00016984.JPEG", + "soure_prompt": "a photo of a pineapple", + "edit_prompt": "a photo of a pomegranate" + }, + { + "image_name": "n07745940/ILSVRC2012_val_00002412.JPEG", + "soure_prompt": "a photo of a strawberry", + "edit_prompt": "a photo of a pomegranate" + }, + { + "image_name": "n01797886/ILSVRC2012_val_00022992.JPEG", + "soure_prompt": "a photo of a ruffed grouse", + "edit_prompt": "a photo of a prairie chicken" + }, + { + "image_name": "n01796340/ILSVRC2012_val_00027946.JPEG", + "soure_prompt": "a photo of a ptarmigan", + "edit_prompt": "a photo of a prairie chicken" + }, + { + "image_name": "n01795545/ILSVRC2012_val_00028600.JPEG", + "soure_prompt": "a photo of a black grouse", + "edit_prompt": "a photo of a prairie chicken" + }, + { + "image_name": "n01796340/ILSVRC2012_val_00035916.JPEG", + "soure_prompt": "a photo of a ptarmigan", + "edit_prompt": "a photo of a prairie chicken" + }, + { + "image_name": "n01795545/ILSVRC2012_val_00030713.JPEG", + "soure_prompt": "a photo of a black grouse", + "edit_prompt": "a photo of a ptarmigan" + }, + { + "image_name": "n01797886/ILSVRC2012_val_00041375.JPEG", + "soure_prompt": "a photo of a ruffed grouse", + "edit_prompt": "a photo of a ptarmigan" + }, + { + "image_name": "n01797886/ILSVRC2012_val_00028119.JPEG", + "soure_prompt": "a photo of a ruffed grouse", + "edit_prompt": "a photo of a ptarmigan" + }, + { + "image_name": "n01797886/ILSVRC2012_val_00021954.JPEG", + "soure_prompt": "a photo of a ruffed grouse", + "edit_prompt": "a photo of a ptarmigan" + }, + { + "image_name": "n03958227/ILSVRC2012_val_00020845.JPEG", + "soure_prompt": "a photo of a plastic bag", + "edit_prompt": "a photo of a purse" + }, + { + "image_name": "n02769748/ILSVRC2012_val_00000459.JPEG", + "soure_prompt": "a photo of a backpack", + "edit_prompt": "a photo of a purse" + }, + { + "image_name": "n02769748/ILSVRC2012_val_00002183.JPEG", + "soure_prompt": "a photo of a backpack", + "edit_prompt": "a photo of a purse" + }, + { + "image_name": "n03958227/ILSVRC2012_val_00042645.JPEG", + "soure_prompt": "a photo of a plastic bag", + "edit_prompt": "a photo of a purse" + }, + { + "image_name": "n02423022/ILSVRC2012_val_00036577.JPEG", + "soure_prompt": "a photo of a gazelle", + "edit_prompt": "a photo of a ram" + }, + { + "image_name": "n02410509/ILSVRC2012_val_00020346.JPEG", + "soure_prompt": "a photo of a bison", + "edit_prompt": "a photo of a ram" + }, + { + "image_name": "n02415577/ILSVRC2012_val_00021149.JPEG", + "soure_prompt": "a photo of a bighorn", + "edit_prompt": "a photo of a ram" + }, + { + "image_name": "n02410509/ILSVRC2012_val_00039117.JPEG", + "soure_prompt": "a photo of a bison", + "edit_prompt": "a photo of a ram" + }, + { + "image_name": "n02120505/ILSVRC2012_val_00029855.JPEG", + "soure_prompt": "a photo of a grey fox", + "edit_prompt": "a photo of a red fox" + }, + { + "image_name": "n02114367/ILSVRC2012_val_00044765.JPEG", + "soure_prompt": "a photo of a timber wolf", + "edit_prompt": "a photo of a red fox" + }, + { + "image_name": "n02114855/ILSVRC2012_val_00023411.JPEG", + "soure_prompt": "a photo of a coyote", + "edit_prompt": "a photo of a red fox" + }, + { + "image_name": "n02114548/ILSVRC2012_val_00042098.JPEG", + "soure_prompt": "a photo of a white wolf", + "edit_prompt": "a photo of a red fox" + }, + { + "image_name": "n02116738/ILSVRC2012_val_00004282.JPEG", + "soure_prompt": "a photo of a African hunting dog", + "edit_prompt": "a photo of a red wolf" + }, + { + "image_name": "n02114548/ILSVRC2012_val_00002063.JPEG", + "soure_prompt": "a photo of a white wolf", + "edit_prompt": "a photo of a red wolf" + }, + { + "image_name": "n02117135/ILSVRC2012_val_00020325.JPEG", + "soure_prompt": "a photo of a hyena", + "edit_prompt": "a photo of a red wolf" + }, + { + "image_name": "n02114548/ILSVRC2012_val_00018188.JPEG", + "soure_prompt": "a photo of a white wolf", + "edit_prompt": "a photo of a red wolf" + }, + { + "image_name": "n02276258/ILSVRC2012_val_00025122.JPEG", + "soure_prompt": "a photo of a admiral", + "edit_prompt": "a photo of a ringlet" + }, + { + "image_name": "n02281406/ILSVRC2012_val_00041173.JPEG", + "soure_prompt": "a photo of a sulphur butterfly", + "edit_prompt": "a photo of a ringlet" + }, + { + "image_name": "n02276258/ILSVRC2012_val_00011772.JPEG", + "soure_prompt": "a photo of a admiral", + "edit_prompt": "a photo of a ringlet" + }, + { + "image_name": "n02280649/ILSVRC2012_val_00011589.JPEG", + "soure_prompt": "a photo of a cabbage butterfly", + "edit_prompt": "a photo of a ringlet" + }, + { + "image_name": "n01981276/ILSVRC2012_val_00018750.JPEG", + "soure_prompt": "a photo of a king crab", + "edit_prompt": "a photo of a rock crab" + }, + { + "image_name": "n01985128/ILSVRC2012_val_00021094.JPEG", + "soure_prompt": "a photo of a crayfish", + "edit_prompt": "a photo of a rock crab" + }, + { + "image_name": "n01983481/ILSVRC2012_val_00006179.JPEG", + "soure_prompt": "a photo of a American lobster", + "edit_prompt": "a photo of a rock crab" + }, + { + "image_name": "n01981276/ILSVRC2012_val_00026843.JPEG", + "soure_prompt": "a photo of a king crab", + "edit_prompt": "a photo of a rock crab" + }, + { + "image_name": "n01748264/ILSVRC2012_val_00022408.JPEG", + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a rock python" + }, + { + "image_name": "n01742172/ILSVRC2012_val_00008849.JPEG", + "soure_prompt": "a photo of a boa constrictor", + "edit_prompt": "a photo of a rock python" + }, + { + "image_name": "n01755581/ILSVRC2012_val_00025467.JPEG", + "soure_prompt": "a photo of a diamondback", + "edit_prompt": "a photo of a rock python" + }, + { + "image_name": "n01749939/ILSVRC2012_val_00043850.JPEG", + "soure_prompt": "a photo of a green mamba", + "edit_prompt": "a photo of a rock python" + }, + { + "image_name": "n01795545/ILSVRC2012_val_00001136.JPEG", + "soure_prompt": "a photo of a black grouse", + "edit_prompt": "a photo of a ruffed grouse" + }, + { + "image_name": "n01795545/ILSVRC2012_val_00003122.JPEG", + "soure_prompt": "a photo of a black grouse", + "edit_prompt": "a photo of a ruffed grouse" + }, + { + "image_name": "n01796340/ILSVRC2012_val_00000860.JPEG", + "soure_prompt": "a photo of a ptarmigan", + "edit_prompt": "a photo of a ruffed grouse" + }, + { + "image_name": "n01798484/ILSVRC2012_val_00040261.JPEG", + "soure_prompt": "a photo of a prairie chicken", + "edit_prompt": "a photo of a ruffed grouse" + }, + { + "image_name": "n04254680/ILSVRC2012_val_00030118.JPEG", + "soure_prompt": "a photo of a soccer ball", + "edit_prompt": "a photo of a rugby ball" + }, + { + "image_name": "n04254680/ILSVRC2012_val_00033315.JPEG", + "soure_prompt": "a photo of a soccer ball", + "edit_prompt": "a photo of a rugby ball" + }, + { + "image_name": "n03445777/ILSVRC2012_val_00011431.JPEG", + "soure_prompt": "a photo of a golf ball", + "edit_prompt": "a photo of a rugby ball" + }, + { + "image_name": "n03942813/ILSVRC2012_val_00035706.JPEG", + "soure_prompt": "a photo of a ping-pong ball", + "edit_prompt": "a photo of a rugby ball" + }, + { + "image_name": "n03372029/ILSVRC2012_val_00028005.JPEG", + "soure_prompt": "a photo of a flute", + "edit_prompt": "a photo of a sax" + }, + { + "image_name": "n04487394/ILSVRC2012_val_00025175.JPEG", + "soure_prompt": "a photo of a trombone", + "edit_prompt": "a photo of a sax" + }, + { + "image_name": "n03394916/ILSVRC2012_val_00013113.JPEG", + "soure_prompt": "a photo of a French horn", + "edit_prompt": "a photo of a sax" + }, + { + "image_name": "n02804610/ILSVRC2012_val_00048210.JPEG", + "soure_prompt": "a photo of a bassoon", + "edit_prompt": "a photo of a sax" + }, + { + "image_name": "n04467665/ILSVRC2012_val_00034167.JPEG", + "soure_prompt": "a photo of a trailer truck", + "edit_prompt": "a photo of a school bus" + }, + { + "image_name": "n03977966/ILSVRC2012_val_00027383.JPEG", + "soure_prompt": "a photo of a police van", + "edit_prompt": "a photo of a school bus" + }, + { + "image_name": "n03417042/ILSVRC2012_val_00034001.JPEG", + "soure_prompt": "a photo of a garbage truck", + "edit_prompt": "a photo of a school bus" + }, + { + "image_name": "n03345487/ILSVRC2012_val_00031405.JPEG", + "soure_prompt": "a photo of a fire engine", + "edit_prompt": "a photo of a school bus" + }, + { + "image_name": "n04483307/ILSVRC2012_val_00005196.JPEG", + "soure_prompt": "a photo of a trimaran", + "edit_prompt": "a photo of a schooner" + }, + { + "image_name": "n04483307/ILSVRC2012_val_00002094.JPEG", + "soure_prompt": "a photo of a trimaran", + "edit_prompt": "a photo of a schooner" + }, + { + "image_name": "n02981792/ILSVRC2012_val_00028215.JPEG", + "soure_prompt": "a photo of a catamaran", + "edit_prompt": "a photo of a schooner" + }, + { + "image_name": "n02981792/ILSVRC2012_val_00013181.JPEG", + "soure_prompt": "a photo of a catamaran", + "edit_prompt": "a photo of a schooner" + }, + { + "image_name": "n01774750/ILSVRC2012_val_00041311.JPEG", + "soure_prompt": "a photo of a tarantula", + "edit_prompt": "a photo of a scorpion" + }, + { + "image_name": "n01774384/ILSVRC2012_val_00040995.JPEG", + "soure_prompt": "a photo of a black widow", + "edit_prompt": "a photo of a scorpion" + }, + { + "image_name": "n01775062/ILSVRC2012_val_00048649.JPEG", + "soure_prompt": "a photo of a wolf spider", + "edit_prompt": "a photo of a scorpion" + }, + { + "image_name": "n01775062/ILSVRC2012_val_00046017.JPEG", + "soure_prompt": "a photo of a wolf spider", + "edit_prompt": "a photo of a scorpion" + }, + { + "image_name": "n03481172/ILSVRC2012_val_00025789.JPEG", + "soure_prompt": "a photo of a hammer", + "edit_prompt": "a photo of a screwdriver" + }, + { + "image_name": "n03970156/ILSVRC2012_val_00035780.JPEG", + "soure_prompt": "a photo of a plunger", + "edit_prompt": "a photo of a screwdriver" + }, + { + "image_name": "n03954731/ILSVRC2012_val_00000645.JPEG", + "soure_prompt": "a photo of a plane", + "edit_prompt": "a photo of a screwdriver" + }, + { + "image_name": "n04208210/ILSVRC2012_val_00035208.JPEG", + "soure_prompt": "a photo of a shovel", + "edit_prompt": "a photo of a screwdriver" + }, + { + "image_name": "n02066245/ILSVRC2012_val_00017716.JPEG", + "soure_prompt": "a photo of a grey whale", + "edit_prompt": "a photo of a sea lion" + }, + { + "image_name": "n02071294/ILSVRC2012_val_00042590.JPEG", + "soure_prompt": "a photo of a killer whale", + "edit_prompt": "a photo of a sea lion" + }, + { + "image_name": "n02071294/ILSVRC2012_val_00002166.JPEG", + "soure_prompt": "a photo of a killer whale", + "edit_prompt": "a photo of a sea lion" + }, + { + "image_name": "n02074367/ILSVRC2012_val_00039158.JPEG", + "soure_prompt": "a photo of a dugong", + "edit_prompt": "a photo of a sea lion" + }, + { + "image_name": "n03481172/ILSVRC2012_val_00015962.JPEG", + "soure_prompt": "a photo of a hammer", + "edit_prompt": "a photo of a shovel" + }, + { + "image_name": "n03970156/ILSVRC2012_val_00006905.JPEG", + "soure_prompt": "a photo of a plunger", + "edit_prompt": "a photo of a shovel" + }, + { + "image_name": "n03481172/ILSVRC2012_val_00015583.JPEG", + "soure_prompt": "a photo of a hammer", + "edit_prompt": "a photo of a shovel" + }, + { + "image_name": "n03954731/ILSVRC2012_val_00044017.JPEG", + "soure_prompt": "a photo of a plane", + "edit_prompt": "a photo of a shovel" + }, + { + "image_name": "n02807133/ILSVRC2012_val_00011741.JPEG", + "soure_prompt": "a photo of a bathing cap", + "edit_prompt": "a photo of a shower cap" + }, + { + "image_name": "n02869837/ILSVRC2012_val_00009041.JPEG", + "soure_prompt": "a photo of a bonnet", + "edit_prompt": "a photo of a shower cap" + }, + { + "image_name": "n04259630/ILSVRC2012_val_00018053.JPEG", + "soure_prompt": "a photo of a sombrero", + "edit_prompt": "a photo of a shower cap" + }, + { + "image_name": "n02807133/ILSVRC2012_val_00043987.JPEG", + "soure_prompt": "a photo of a bathing cap", + "edit_prompt": "a photo of a shower cap" + }, + { + "image_name": "n01744401/ILSVRC2012_val_00002899.JPEG", + "soure_prompt": "a photo of a rock python", + "edit_prompt": "a photo of a sidewinder" + }, + { + "image_name": "n01742172/ILSVRC2012_val_00015643.JPEG", + "soure_prompt": "a photo of a boa constrictor", + "edit_prompt": "a photo of a sidewinder" + }, + { + "image_name": "n01748264/ILSVRC2012_val_00017753.JPEG", + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a sidewinder" + }, + { + "image_name": "n01729977/ILSVRC2012_val_00029827.JPEG", + "soure_prompt": "a photo of a green snake", + "edit_prompt": "a photo of a sidewinder" + }, + { + "image_name": "n02132136/ILSVRC2012_val_00016512.JPEG", + "soure_prompt": "a photo of a brown bear", + "edit_prompt": "a photo of a sloth bear" + }, + { + "image_name": "n02133161/ILSVRC2012_val_00014029.JPEG", + "soure_prompt": "a photo of a American black bear", + "edit_prompt": "a photo of a sloth bear" + }, + { + "image_name": "n02132136/ILSVRC2012_val_00048883.JPEG", + "soure_prompt": "a photo of a brown bear", + "edit_prompt": "a photo of a sloth bear" + }, + { + "image_name": "n02133161/ILSVRC2012_val_00000592.JPEG", + "soure_prompt": "a photo of a American black bear", + "edit_prompt": "a photo of a sloth bear" + }, + { + "image_name": "n02129604/ILSVRC2012_val_00018437.JPEG", + "soure_prompt": "a photo of a tiger", + "edit_prompt": "a photo of a snow leopard" + }, + { + "image_name": "n02123394/ILSVRC2012_val_00016194.JPEG", + "soure_prompt": "a photo of a Persian cat", + "edit_prompt": "a photo of a snow leopard" + }, + { + "image_name": "n02129165/ILSVRC2012_val_00040607.JPEG", + "soure_prompt": "a photo of a lion", + "edit_prompt": "a photo of a snow leopard" + }, + { + "image_name": "n02123394/ILSVRC2012_val_00002967.JPEG", + "soure_prompt": "a photo of a Persian cat", + "edit_prompt": "a photo of a snow leopard" + }, + { + "image_name": "n04409515/ILSVRC2012_val_00034028.JPEG", + "soure_prompt": "a photo of a tennis ball", + "edit_prompt": "a photo of a soccer ball" + }, + { + "image_name": "n03942813/ILSVRC2012_val_00046563.JPEG", + "soure_prompt": "a photo of a ping-pong ball", + "edit_prompt": "a photo of a soccer ball" + }, + { + "image_name": "n03942813/ILSVRC2012_val_00041504.JPEG", + "soure_prompt": "a photo of a ping-pong ball", + "edit_prompt": "a photo of a soccer ball" + }, + { + "image_name": "n04409515/ILSVRC2012_val_00033602.JPEG", + "soure_prompt": "a photo of a tennis ball", + "edit_prompt": "a photo of a soccer ball" + }, + { + "image_name": "n04209133/ILSVRC2012_val_00006090.JPEG", + "soure_prompt": "a photo of a shower cap", + "edit_prompt": "a photo of a sombrero" + }, + { + "image_name": "n03379051/ILSVRC2012_val_00020866.JPEG", + "soure_prompt": "a photo of a football helmet", + "edit_prompt": "a photo of a sombrero" + }, + { + "image_name": "n03124170/ILSVRC2012_val_00024382.JPEG", + "soure_prompt": "a photo of a cowboy hat", + "edit_prompt": "a photo of a sombrero" + }, + { + "image_name": "n03124170/ILSVRC2012_val_00010957.JPEG", + "soure_prompt": "a photo of a cowboy hat", + "edit_prompt": "a photo of a sombrero" + }, + { + "image_name": "n02391049/ILSVRC2012_val_00012498.JPEG", + "soure_prompt": "a photo of a zebra", + "edit_prompt": "a photo of a sorrel" + }, + { + "image_name": "n02391049/ILSVRC2012_val_00033660.JPEG", + "soure_prompt": "a photo of a zebra", + "edit_prompt": "a photo of a sorrel" + }, + { + "image_name": "n02391049/ILSVRC2012_val_00026458.JPEG", + "soure_prompt": "a photo of a zebra", + "edit_prompt": "a photo of a sorrel" + }, + { + "image_name": "n02391049/ILSVRC2012_val_00043935.JPEG", + "soure_prompt": "a photo of a zebra", + "edit_prompt": "a photo of a sorrel" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00038343.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a spaghetti squash" + }, + { + "image_name": "n07718472/ILSVRC2012_val_00005593.JPEG", + "soure_prompt": "a photo of a cucumber", + "edit_prompt": "a photo of a spaghetti squash" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00032107.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a spaghetti squash" + }, + { + "image_name": "n07730033/ILSVRC2012_val_00003961.JPEG", + "soure_prompt": "a photo of a cardoon", + "edit_prompt": "a photo of a spaghetti squash" + }, + { + "image_name": "n03447447/ILSVRC2012_val_00048806.JPEG", + "soure_prompt": "a photo of a gondola", + "edit_prompt": "a photo of a speedboat" + }, + { + "image_name": "n03662601/ILSVRC2012_val_00047650.JPEG", + "soure_prompt": "a photo of a lifeboat", + "edit_prompt": "a photo of a speedboat" + }, + { + "image_name": "n03662601/ILSVRC2012_val_00004483.JPEG", + "soure_prompt": "a photo of a lifeboat", + "edit_prompt": "a photo of a speedboat" + }, + { + "image_name": "n02951358/ILSVRC2012_val_00023574.JPEG", + "soure_prompt": "a photo of a canoe", + "edit_prompt": "a photo of a speedboat" + }, + { + "image_name": "n02484975/ILSVRC2012_val_00046645.JPEG", + "soure_prompt": "a photo of a guenon", + "edit_prompt": "a photo of a spider monkey" + }, + { + "image_name": "n02487347/ILSVRC2012_val_00029789.JPEG", + "soure_prompt": "a photo of a macaque", + "edit_prompt": "a photo of a spider monkey" + }, + { + "image_name": "n02494079/ILSVRC2012_val_00034293.JPEG", + "soure_prompt": "a photo of a squirrel monkey", + "edit_prompt": "a photo of a spider monkey" + }, + { + "image_name": "n02486410/ILSVRC2012_val_00021331.JPEG", + "soure_prompt": "a photo of a baboon", + "edit_prompt": "a photo of a spider monkey" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00025410.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a spoonbill" + }, + { + "image_name": "n02037110/ILSVRC2012_val_00031760.JPEG", + "soure_prompt": "a photo of a oystercatcher", + "edit_prompt": "a photo of a spoonbill" + }, + { + "image_name": "n02002724/ILSVRC2012_val_00018159.JPEG", + "soure_prompt": "a photo of a black stork", + "edit_prompt": "a photo of a spoonbill" + }, + { + "image_name": "n02009229/ILSVRC2012_val_00010673.JPEG", + "soure_prompt": "a photo of a little blue heron", + "edit_prompt": "a photo of a spoonbill" + }, + { + "image_name": "n02701002/ILSVRC2012_val_00025469.JPEG", + "soure_prompt": "a photo of a ambulance", + "edit_prompt": "a photo of a sports car" + }, + { + "image_name": "n03670208/ILSVRC2012_val_00016945.JPEG", + "soure_prompt": "a photo of a limousine", + "edit_prompt": "a photo of a sports car" + }, + { + "image_name": "n03594945/ILSVRC2012_val_00004439.JPEG", + "soure_prompt": "a photo of a jeep", + "edit_prompt": "a photo of a sports car" + }, + { + "image_name": "n03594945/ILSVRC2012_val_00029244.JPEG", + "soure_prompt": "a photo of a jeep", + "edit_prompt": "a photo of a sports car" + }, + { + "image_name": "n01630670/ILSVRC2012_val_00016422.JPEG", + "soure_prompt": "a photo of a common newt", + "edit_prompt": "a photo of a spotted salamander" + }, + { + "image_name": "n01641577/ILSVRC2012_val_00018512.JPEG", + "soure_prompt": "a photo of a bullfrog", + "edit_prompt": "a photo of a spotted salamander" + }, + { + "image_name": "n01630670/ILSVRC2012_val_00007288.JPEG", + "soure_prompt": "a photo of a common newt", + "edit_prompt": "a photo of a spotted salamander" + }, + { + "image_name": "n01641577/ILSVRC2012_val_00004613.JPEG", + "soure_prompt": "a photo of a bullfrog", + "edit_prompt": "a photo of a spotted salamander" + }, + { + "image_name": "n02484975/ILSVRC2012_val_00002543.JPEG", + "soure_prompt": "a photo of a guenon", + "edit_prompt": "a photo of a squirrel monkey" + }, + { + "image_name": "n02493793/ILSVRC2012_val_00046117.JPEG", + "soure_prompt": "a photo of a spider monkey", + "edit_prompt": "a photo of a squirrel monkey" + }, + { + "image_name": "n02487347/ILSVRC2012_val_00003000.JPEG", + "soure_prompt": "a photo of a macaque", + "edit_prompt": "a photo of a squirrel monkey" + }, + { + "image_name": "n02486410/ILSVRC2012_val_00000486.JPEG", + "soure_prompt": "a photo of a baboon", + "edit_prompt": "a photo of a squirrel monkey" + }, + { + "image_name": "n02094433/ILSVRC2012_val_00001597.JPEG", + "soure_prompt": "a photo of a Yorkshire terrier", + "edit_prompt": "a photo of a standard schnauzer" + }, + { + "image_name": "n02093754/ILSVRC2012_val_00038167.JPEG", + "soure_prompt": "a photo of a Border terrier", + "edit_prompt": "a photo of a standard schnauzer" + }, + { + "image_name": "n02093428/ILSVRC2012_val_00019276.JPEG", + "soure_prompt": "a photo of a American Staffordshire terrier", + "edit_prompt": "a photo of a standard schnauzer" + }, + { + "image_name": "n02093754/ILSVRC2012_val_00043199.JPEG", + "soure_prompt": "a photo of a Border terrier", + "edit_prompt": "a photo of a standard schnauzer" + }, + { + "image_name": "n03272562/ILSVRC2012_val_00023716.JPEG", + "soure_prompt": "a photo of a electric locomotive", + "edit_prompt": "a photo of a steam locomotive" + }, + { + "image_name": "n03272562/ILSVRC2012_val_00039148.JPEG", + "soure_prompt": "a photo of a electric locomotive", + "edit_prompt": "a photo of a steam locomotive" + }, + { + "image_name": "n03272562/ILSVRC2012_val_00046707.JPEG", + "soure_prompt": "a photo of a electric locomotive", + "edit_prompt": "a photo of a steam locomotive" + }, + { + "image_name": "n03272562/ILSVRC2012_val_00043187.JPEG", + "soure_prompt": "a photo of a electric locomotive", + "edit_prompt": "a photo of a steam locomotive" + }, + { + "image_name": "n03720891/ILSVRC2012_val_00025932.JPEG", + "soure_prompt": "a photo of a maraca", + "edit_prompt": "a photo of a steel drum" + }, + { + "image_name": "n03249569/ILSVRC2012_val_00016663.JPEG", + "soure_prompt": "a photo of a drum", + "edit_prompt": "a photo of a steel drum" + }, + { + "image_name": "n03721384/ILSVRC2012_val_00019690.JPEG", + "soure_prompt": "a photo of a marimba", + "edit_prompt": "a photo of a steel drum" + }, + { + "image_name": "n03017168/ILSVRC2012_val_00026289.JPEG", + "soure_prompt": "a photo of a chime", + "edit_prompt": "a photo of a steel drum" + }, + { + "image_name": "n13054560/ILSVRC2012_val_00011333.JPEG", + "soure_prompt": "a photo of a bolete", + "edit_prompt": "a photo of a stinkhorn" + }, + { + "image_name": "n13037406/ILSVRC2012_val_00042738.JPEG", + "soure_prompt": "a photo of a gyromitra", + "edit_prompt": "a photo of a stinkhorn" + }, + { + "image_name": "n13044778/ILSVRC2012_val_00012826.JPEG", + "soure_prompt": "a photo of a earthstar", + "edit_prompt": "a photo of a stinkhorn" + }, + { + "image_name": "n12985857/ILSVRC2012_val_00006796.JPEG", + "soure_prompt": "a photo of a coral fungus", + "edit_prompt": "a photo of a stinkhorn" + }, + { + "image_name": "n02794156/ILSVRC2012_val_00045889.JPEG", + "soure_prompt": "a photo of a barometer", + "edit_prompt": "a photo of a stopwatch" + }, + { + "image_name": "n03197337/ILSVRC2012_val_00039361.JPEG", + "soure_prompt": "a photo of a digital watch", + "edit_prompt": "a photo of a stopwatch" + }, + { + "image_name": "n02708093/ILSVRC2012_val_00015108.JPEG", + "soure_prompt": "a photo of a analog clock", + "edit_prompt": "a photo of a stopwatch" + }, + { + "image_name": "n03841143/ILSVRC2012_val_00003637.JPEG", + "soure_prompt": "a photo of a odometer", + "edit_prompt": "a photo of a stopwatch" + }, + { + "image_name": "n07753113/ILSVRC2012_val_00042141.JPEG", + "soure_prompt": "a photo of a fig", + "edit_prompt": "a photo of a strawberry" + }, + { + "image_name": "n07747607/ILSVRC2012_val_00046347.JPEG", + "soure_prompt": "a photo of a orange", + "edit_prompt": "a photo of a strawberry" + }, + { + "image_name": "n07768694/ILSVRC2012_val_00031912.JPEG", + "soure_prompt": "a photo of a pomegranate", + "edit_prompt": "a photo of a strawberry" + }, + { + "image_name": "n07753113/ILSVRC2012_val_00032536.JPEG", + "soure_prompt": "a photo of a fig", + "edit_prompt": "a photo of a strawberry" + }, + { + "image_name": "n02643566/ILSVRC2012_val_00032375.JPEG", + "soure_prompt": "a photo of a lionfish", + "edit_prompt": "a photo of a sturgeon" + }, + { + "image_name": "n02643566/ILSVRC2012_val_00030309.JPEG", + "soure_prompt": "a photo of a lionfish", + "edit_prompt": "a photo of a sturgeon" + }, + { + "image_name": "n01440764/ILSVRC2012_val_00045866.JPEG", + "soure_prompt": "a photo of a tench", + "edit_prompt": "a photo of a sturgeon" + }, + { + "image_name": "n01440764/ILSVRC2012_val_00048204.JPEG", + "soure_prompt": "a photo of a tench", + "edit_prompt": "a photo of a sturgeon" + }, + { + "image_name": "n02279972/ILSVRC2012_val_00023084.JPEG", + "soure_prompt": "a photo of a monarch", + "edit_prompt": "a photo of a sulphur butterfly" + }, + { + "image_name": "n02277742/ILSVRC2012_val_00029047.JPEG", + "soure_prompt": "a photo of a ringlet", + "edit_prompt": "a photo of a sulphur butterfly" + }, + { + "image_name": "n02281787/ILSVRC2012_val_00002787.JPEG", + "soure_prompt": "a photo of a lycaenid", + "edit_prompt": "a photo of a sulphur butterfly" + }, + { + "image_name": "n02276258/ILSVRC2012_val_00010777.JPEG", + "soure_prompt": "a photo of a admiral", + "edit_prompt": "a photo of a sulphur butterfly" + }, + { + "image_name": "n02129604/ILSVRC2012_val_00029267.JPEG", + "soure_prompt": "a photo of a tiger", + "edit_prompt": "a photo of a tabby" + }, + { + "image_name": "n02128925/ILSVRC2012_val_00049347.JPEG", + "soure_prompt": "a photo of a jaguar", + "edit_prompt": "a photo of a tabby" + }, + { + "image_name": "n02129165/ILSVRC2012_val_00047193.JPEG", + "soure_prompt": "a photo of a lion", + "edit_prompt": "a photo of a tabby" + }, + { + "image_name": "n02123394/ILSVRC2012_val_00049996.JPEG", + "soure_prompt": "a photo of a Persian cat", + "edit_prompt": "a photo of a tabby" + }, + { + "image_name": "n01770393/ILSVRC2012_val_00029177.JPEG", + "soure_prompt": "a photo of a scorpion", + "edit_prompt": "a photo of a tarantula" + }, + { + "image_name": "n01770393/ILSVRC2012_val_00012429.JPEG", + "soure_prompt": "a photo of a scorpion", + "edit_prompt": "a photo of a tarantula" + }, + { + "image_name": "n01774384/ILSVRC2012_val_00017294.JPEG", + "soure_prompt": "a photo of a black widow", + "edit_prompt": "a photo of a tarantula" + }, + { + "image_name": "n01774384/ILSVRC2012_val_00022205.JPEG", + "soure_prompt": "a photo of a black widow", + "edit_prompt": "a photo of a tarantula" + }, + { + "image_name": "n04557648/ILSVRC2012_val_00049929.JPEG", + "soure_prompt": "a photo of a water bottle", + "edit_prompt": "a photo of a teapot" + }, + { + "image_name": "n03063599/ILSVRC2012_val_00035758.JPEG", + "soure_prompt": "a photo of a coffee mug", + "edit_prompt": "a photo of a teapot" + }, + { + "image_name": "n04557648/ILSVRC2012_val_00027424.JPEG", + "soure_prompt": "a photo of a water bottle", + "edit_prompt": "a photo of a teapot" + }, + { + "image_name": "n04557648/ILSVRC2012_val_00020948.JPEG", + "soure_prompt": "a photo of a water bottle", + "edit_prompt": "a photo of a teapot" + }, + { + "image_name": "n02643566/ILSVRC2012_val_00011576.JPEG", + "soure_prompt": "a photo of a lionfish", + "edit_prompt": "a photo of a tench" + }, + { + "image_name": "n02526121/ILSVRC2012_val_00017924.JPEG", + "soure_prompt": "a photo of a eel", + "edit_prompt": "a photo of a tench" + }, + { + "image_name": "n01443537/ILSVRC2012_val_00018075.JPEG", + "soure_prompt": "a photo of a goldfish", + "edit_prompt": "a photo of a tench" + }, + { + "image_name": "n02640242/ILSVRC2012_val_00032979.JPEG", + "soure_prompt": "a photo of a sturgeon", + "edit_prompt": "a photo of a tench" + }, + { + "image_name": "n04254680/ILSVRC2012_val_00032634.JPEG", + "soure_prompt": "a photo of a soccer ball", + "edit_prompt": "a photo of a tennis ball" + }, + { + "image_name": "n03942813/ILSVRC2012_val_00016861.JPEG", + "soure_prompt": "a photo of a ping-pong ball", + "edit_prompt": "a photo of a tennis ball" + }, + { + "image_name": "n03445777/ILSVRC2012_val_00036171.JPEG", + "soure_prompt": "a photo of a golf ball", + "edit_prompt": "a photo of a tennis ball" + }, + { + "image_name": "n03942813/ILSVRC2012_val_00033381.JPEG", + "soure_prompt": "a photo of a ping-pong ball", + "edit_prompt": "a photo of a tennis ball" + }, + { + "image_name": "n01669191/ILSVRC2012_val_00010386.JPEG", + "soure_prompt": "a photo of a box turtle", + "edit_prompt": "a photo of a terrapin" + }, + { + "image_name": "n01669191/ILSVRC2012_val_00004834.JPEG", + "soure_prompt": "a photo of a box turtle", + "edit_prompt": "a photo of a terrapin" + }, + { + "image_name": "n01669191/ILSVRC2012_val_00043444.JPEG", + "soure_prompt": "a photo of a box turtle", + "edit_prompt": "a photo of a terrapin" + }, + { + "image_name": "n01669191/ILSVRC2012_val_00049782.JPEG", + "soure_prompt": "a photo of a box turtle", + "edit_prompt": "a photo of a terrapin" + }, + { + "image_name": "n01748264/ILSVRC2012_val_00021680.JPEG", + "soure_prompt": "a photo of a Indian cobra", + "edit_prompt": "a photo of a thunder snake" + }, + { + "image_name": "n01753488/ILSVRC2012_val_00045212.JPEG", + "soure_prompt": "a photo of a horned viper", + "edit_prompt": "a photo of a thunder snake" + }, + { + "image_name": "n01753488/ILSVRC2012_val_00027790.JPEG", + "soure_prompt": "a photo of a horned viper", + "edit_prompt": "a photo of a thunder snake" + }, + { + "image_name": "n01749939/ILSVRC2012_val_00049182.JPEG", + "soure_prompt": "a photo of a green mamba", + "edit_prompt": "a photo of a thunder snake" + }, + { + "image_name": "n02123394/ILSVRC2012_val_00032910.JPEG", + "soure_prompt": "a photo of a Persian cat", + "edit_prompt": "a photo of a tiger" + }, + { + "image_name": "n02128757/ILSVRC2012_val_00010472.JPEG", + "soure_prompt": "a photo of a snow leopard", + "edit_prompt": "a photo of a tiger" + }, + { + "image_name": "n02128385/ILSVRC2012_val_00036533.JPEG", + "soure_prompt": "a photo of a leopard", + "edit_prompt": "a photo of a tiger" + }, + { + "image_name": "n02128925/ILSVRC2012_val_00040788.JPEG", + "soure_prompt": "a photo of a jaguar", + "edit_prompt": "a photo of a tiger" + }, + { + "image_name": "n02168699/ILSVRC2012_val_00018022.JPEG", + "soure_prompt": "a photo of a long-horned beetle", + "edit_prompt": "a photo of a tiger beetle" + }, + { + "image_name": "n02177972/ILSVRC2012_val_00044574.JPEG", + "soure_prompt": "a photo of a weevil", + "edit_prompt": "a photo of a tiger beetle" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00035497.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a tiger beetle" + }, + { + "image_name": "n02169497/ILSVRC2012_val_00047115.JPEG", + "soure_prompt": "a photo of a leaf beetle", + "edit_prompt": "a photo of a tiger beetle" + }, + { + "image_name": "n01494475/ILSVRC2012_val_00045133.JPEG", + "soure_prompt": "a photo of a hammerhead", + "edit_prompt": "a photo of a tiger shark" + }, + { + "image_name": "n01484850/ILSVRC2012_val_00031808.JPEG", + "soure_prompt": "a photo of a great white shark", + "edit_prompt": "a photo of a tiger shark" + }, + { + "image_name": "n01494475/ILSVRC2012_val_00016259.JPEG", + "soure_prompt": "a photo of a hammerhead", + "edit_prompt": "a photo of a tiger shark" + }, + { + "image_name": "n01484850/ILSVRC2012_val_00004311.JPEG", + "soure_prompt": "a photo of a great white shark", + "edit_prompt": "a photo of a tiger shark" + }, + { + "image_name": "n02115641/ILSVRC2012_val_00010040.JPEG", + "soure_prompt": "a photo of a dingo", + "edit_prompt": "a photo of a timber wolf" + }, + { + "image_name": "n02120505/ILSVRC2012_val_00043662.JPEG", + "soure_prompt": "a photo of a grey fox", + "edit_prompt": "a photo of a timber wolf" + }, + { + "image_name": "n02120079/ILSVRC2012_val_00019222.JPEG", + "soure_prompt": "a photo of a Arctic fox", + "edit_prompt": "a photo of a timber wolf" + }, + { + "image_name": "n02116738/ILSVRC2012_val_00048385.JPEG", + "soure_prompt": "a photo of a African hunting dog", + "edit_prompt": "a photo of a timber wolf" + }, + { + "image_name": "n03345487/ILSVRC2012_val_00043256.JPEG", + "soure_prompt": "a photo of a fire engine", + "edit_prompt": "a photo of a tow truck" + }, + { + "image_name": "n04146614/ILSVRC2012_val_00010401.JPEG", + "soure_prompt": "a photo of a school bus", + "edit_prompt": "a photo of a tow truck" + }, + { + "image_name": "n03977966/ILSVRC2012_val_00033923.JPEG", + "soure_prompt": "a photo of a police van", + "edit_prompt": "a photo of a tow truck" + }, + { + "image_name": "n04467665/ILSVRC2012_val_00038360.JPEG", + "soure_prompt": "a photo of a trailer truck", + "edit_prompt": "a photo of a tow truck" + }, + { + "image_name": "n02085782/ILSVRC2012_val_00025098.JPEG", + "soure_prompt": "a photo of a Japanese spaniel", + "edit_prompt": "a photo of a toy terrier" + }, + { + "image_name": "n02086240/ILSVRC2012_val_00011754.JPEG", + "soure_prompt": "a photo of a Shih-Tzu", + "edit_prompt": "a photo of a toy terrier" + }, + { + "image_name": "n02085620/ILSVRC2012_val_00029289.JPEG", + "soure_prompt": "a photo of a Chihuahua", + "edit_prompt": "a photo of a toy terrier" + }, + { + "image_name": "n02085782/ILSVRC2012_val_00037960.JPEG", + "soure_prompt": "a photo of a Japanese spaniel", + "edit_prompt": "a photo of a toy terrier" + }, + { + "image_name": "n03930630/ILSVRC2012_val_00036504.JPEG", + "soure_prompt": "a photo of a pickup", + "edit_prompt": "a photo of a trailer truck" + }, + { + "image_name": "n03417042/ILSVRC2012_val_00039069.JPEG", + "soure_prompt": "a photo of a garbage truck", + "edit_prompt": "a photo of a trailer truck" + }, + { + "image_name": "n04461696/ILSVRC2012_val_00016332.JPEG", + "soure_prompt": "a photo of a tow truck", + "edit_prompt": "a photo of a trailer truck" + }, + { + "image_name": "n04461696/ILSVRC2012_val_00028462.JPEG", + "soure_prompt": "a photo of a tow truck", + "edit_prompt": "a photo of a trailer truck" + }, + { + "image_name": "n01631663/ILSVRC2012_val_00012441.JPEG", + "soure_prompt": "a photo of a eft", + "edit_prompt": "a photo of a tree frog" + }, + { + "image_name": "n01629819/ILSVRC2012_val_00009938.JPEG", + "soure_prompt": "a photo of a European fire salamander", + "edit_prompt": "a photo of a tree frog" + }, + { + "image_name": "n01632458/ILSVRC2012_val_00023080.JPEG", + "soure_prompt": "a photo of a spotted salamander", + "edit_prompt": "a photo of a tree frog" + }, + { + "image_name": "n01632458/ILSVRC2012_val_00015091.JPEG", + "soure_prompt": "a photo of a spotted salamander", + "edit_prompt": "a photo of a tree frog" + }, + { + "image_name": "n03785016/ILSVRC2012_val_00044139.JPEG", + "soure_prompt": "a photo of a moped", + "edit_prompt": "a photo of a tricycle" + }, + { + "image_name": "n03791053/ILSVRC2012_val_00022401.JPEG", + "soure_prompt": "a photo of a motor scooter", + "edit_prompt": "a photo of a tricycle" + }, + { + "image_name": "n03785016/ILSVRC2012_val_00015839.JPEG", + "soure_prompt": "a photo of a moped", + "edit_prompt": "a photo of a tricycle" + }, + { + "image_name": "n03792782/ILSVRC2012_val_00019513.JPEG", + "soure_prompt": "a photo of a mountain bike", + "edit_prompt": "a photo of a tricycle" + }, + { + "image_name": "n04147183/ILSVRC2012_val_00049923.JPEG", + "soure_prompt": "a photo of a schooner", + "edit_prompt": "a photo of a trimaran" + }, + { + "image_name": "n02981792/ILSVRC2012_val_00010769.JPEG", + "soure_prompt": "a photo of a catamaran", + "edit_prompt": "a photo of a trimaran" + }, + { + "image_name": "n04147183/ILSVRC2012_val_00047791.JPEG", + "soure_prompt": "a photo of a schooner", + "edit_prompt": "a photo of a trimaran" + }, + { + "image_name": "n02981792/ILSVRC2012_val_00034585.JPEG", + "soure_prompt": "a photo of a catamaran", + "edit_prompt": "a photo of a trimaran" + }, + { + "image_name": "n02804610/ILSVRC2012_val_00011274.JPEG", + "soure_prompt": "a photo of a bassoon", + "edit_prompt": "a photo of a trombone" + }, + { + "image_name": "n02804610/ILSVRC2012_val_00018806.JPEG", + "soure_prompt": "a photo of a bassoon", + "edit_prompt": "a photo of a trombone" + }, + { + "image_name": "n03838899/ILSVRC2012_val_00033457.JPEG", + "soure_prompt": "a photo of a oboe", + "edit_prompt": "a photo of a trombone" + }, + { + "image_name": "n04141076/ILSVRC2012_val_00011804.JPEG", + "soure_prompt": "a photo of a sax", + "edit_prompt": "a photo of a trombone" + }, + { + "image_name": "n04482393/ILSVRC2012_val_00016915.JPEG", + "soure_prompt": "a photo of a tricycle", + "edit_prompt": "a photo of a unicycle" + }, + { + "image_name": "n03785016/ILSVRC2012_val_00031789.JPEG", + "soure_prompt": "a photo of a moped", + "edit_prompt": "a photo of a unicycle" + }, + { + "image_name": "n03792782/ILSVRC2012_val_00036678.JPEG", + "soure_prompt": "a photo of a mountain bike", + "edit_prompt": "a photo of a unicycle" + }, + { + "image_name": "n03792782/ILSVRC2012_val_00005330.JPEG", + "soure_prompt": "a photo of a mountain bike", + "edit_prompt": "a photo of a unicycle" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00037105.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a vase" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00014757.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a vase" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00006085.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a vase" + }, + { + "image_name": "n04560804/ILSVRC2012_val_00032981.JPEG", + "soure_prompt": "a photo of a water jug", + "edit_prompt": "a photo of a vase" + }, + { + "image_name": "n02992211/ILSVRC2012_val_00042863.JPEG", + "soure_prompt": "a photo of a cello", + "edit_prompt": "a photo of a violin" + }, + { + "image_name": "n02992211/ILSVRC2012_val_00045757.JPEG", + "soure_prompt": "a photo of a cello", + "edit_prompt": "a photo of a violin" + }, + { + "image_name": "n02992211/ILSVRC2012_val_00034445.JPEG", + "soure_prompt": "a photo of a cello", + "edit_prompt": "a photo of a violin" + }, + { + "image_name": "n03272010/ILSVRC2012_val_00014896.JPEG", + "soure_prompt": "a photo of a electric guitar", + "edit_prompt": "a photo of a violin" + }, + { + "image_name": "n02794156/ILSVRC2012_val_00048149.JPEG", + "soure_prompt": "a photo of a barometer", + "edit_prompt": "a photo of a wall clock" + }, + { + "image_name": "n04328186/ILSVRC2012_val_00043606.JPEG", + "soure_prompt": "a photo of a stopwatch", + "edit_prompt": "a photo of a wall clock" + }, + { + "image_name": "n03197337/ILSVRC2012_val_00012383.JPEG", + "soure_prompt": "a photo of a digital watch", + "edit_prompt": "a photo of a wall clock" + }, + { + "image_name": "n03841143/ILSVRC2012_val_00038367.JPEG", + "soure_prompt": "a photo of a odometer", + "edit_prompt": "a photo of a wall clock" + }, + { + "image_name": "n03063689/ILSVRC2012_val_00012391.JPEG", + "soure_prompt": "a photo of a coffeepot", + "edit_prompt": "a photo of a water bottle" + }, + { + "image_name": "n04560804/ILSVRC2012_val_00020857.JPEG", + "soure_prompt": "a photo of a water jug", + "edit_prompt": "a photo of a water bottle" + }, + { + "image_name": "n03062245/ILSVRC2012_val_00000344.JPEG", + "soure_prompt": "a photo of a cocktail shaker", + "edit_prompt": "a photo of a water bottle" + }, + { + "image_name": "n03063689/ILSVRC2012_val_00022585.JPEG", + "soure_prompt": "a photo of a coffeepot", + "edit_prompt": "a photo of a water bottle" + }, + { + "image_name": "n02410509/ILSVRC2012_val_00028496.JPEG", + "soure_prompt": "a photo of a bison", + "edit_prompt": "a photo of a water buffalo" + }, + { + "image_name": "n02417914/ILSVRC2012_val_00016192.JPEG", + "soure_prompt": "a photo of a ibex", + "edit_prompt": "a photo of a water buffalo" + }, + { + "image_name": "n02417914/ILSVRC2012_val_00011631.JPEG", + "soure_prompt": "a photo of a ibex", + "edit_prompt": "a photo of a water buffalo" + }, + { + "image_name": "n02410509/ILSVRC2012_val_00008629.JPEG", + "soure_prompt": "a photo of a bison", + "edit_prompt": "a photo of a water buffalo" + }, + { + "image_name": "n03733805/ILSVRC2012_val_00007887.JPEG", + "soure_prompt": "a photo of a measuring cup", + "edit_prompt": "a photo of a water jug" + }, + { + "image_name": "n03062245/ILSVRC2012_val_00042306.JPEG", + "soure_prompt": "a photo of a cocktail shaker", + "edit_prompt": "a photo of a water jug" + }, + { + "image_name": "n02823428/ILSVRC2012_val_00009225.JPEG", + "soure_prompt": "a photo of a beer bottle", + "edit_prompt": "a photo of a water jug" + }, + { + "image_name": "n03733805/ILSVRC2012_val_00027209.JPEG", + "soure_prompt": "a photo of a measuring cup", + "edit_prompt": "a photo of a water jug" + }, + { + "image_name": "n02165456/ILSVRC2012_val_00027954.JPEG", + "soure_prompt": "a photo of a ladybug", + "edit_prompt": "a photo of a weevil" + }, + { + "image_name": "n02169497/ILSVRC2012_val_00043134.JPEG", + "soure_prompt": "a photo of a leaf beetle", + "edit_prompt": "a photo of a weevil" + }, + { + "image_name": "n02165105/ILSVRC2012_val_00000361.JPEG", + "soure_prompt": "a photo of a tiger beetle", + "edit_prompt": "a photo of a weevil" + }, + { + "image_name": "n02169497/ILSVRC2012_val_00001776.JPEG", + "soure_prompt": "a photo of a leaf beetle", + "edit_prompt": "a photo of a weevil" + }, + { + "image_name": "n02114855/ILSVRC2012_val_00004178.JPEG", + "soure_prompt": "a photo of a coyote", + "edit_prompt": "a photo of a white wolf" + }, + { + "image_name": "n02115641/ILSVRC2012_val_00019728.JPEG", + "soure_prompt": "a photo of a dingo", + "edit_prompt": "a photo of a white wolf" + }, + { + "image_name": "n02116738/ILSVRC2012_val_00046470.JPEG", + "soure_prompt": "a photo of a African hunting dog", + "edit_prompt": "a photo of a white wolf" + }, + { + "image_name": "n02120079/ILSVRC2012_val_00020481.JPEG", + "soure_prompt": "a photo of a Arctic fox", + "edit_prompt": "a photo of a white wolf" + }, + { + "image_name": "n04398044/ILSVRC2012_val_00046719.JPEG", + "soure_prompt": "a photo of a teapot", + "edit_prompt": "a photo of a wine bottle" + }, + { + "image_name": "n04522168/ILSVRC2012_val_00031872.JPEG", + "soure_prompt": "a photo of a vase", + "edit_prompt": "a photo of a wine bottle" + }, + { + "image_name": "n03062245/ILSVRC2012_val_00048215.JPEG", + "soure_prompt": "a photo of a cocktail shaker", + "edit_prompt": "a photo of a wine bottle" + }, + { + "image_name": "n03062245/ILSVRC2012_val_00041455.JPEG", + "soure_prompt": "a photo of a cocktail shaker", + "edit_prompt": "a photo of a wine bottle" + }, + { + "image_name": "n02093754/ILSVRC2012_val_00017404.JPEG", + "soure_prompt": "a photo of a Border terrier", + "edit_prompt": "a photo of a wire-haired fox terrier" + }, + { + "image_name": "n02093991/ILSVRC2012_val_00044532.JPEG", + "soure_prompt": "a photo of a Irish terrier", + "edit_prompt": "a photo of a wire-haired fox terrier" + }, + { + "image_name": "n02093428/ILSVRC2012_val_00043556.JPEG", + "soure_prompt": "a photo of a American Staffordshire terrier", + "edit_prompt": "a photo of a wire-haired fox terrier" + }, + { + "image_name": "n02093991/ILSVRC2012_val_00004687.JPEG", + "soure_prompt": "a photo of a Irish terrier", + "edit_prompt": "a photo of a wire-haired fox terrier" + }, + { + "image_name": "n01774750/ILSVRC2012_val_00040775.JPEG", + "soure_prompt": "a photo of a tarantula", + "edit_prompt": "a photo of a wolf spider" + }, + { + "image_name": "n01773797/ILSVRC2012_val_00019030.JPEG", + "soure_prompt": "a photo of a garden spider", + "edit_prompt": "a photo of a wolf spider" + }, + { + "image_name": "n01774384/ILSVRC2012_val_00019765.JPEG", + "soure_prompt": "a photo of a black widow", + "edit_prompt": "a photo of a wolf spider" + }, + { + "image_name": "n01770393/ILSVRC2012_val_00031020.JPEG", + "soure_prompt": "a photo of a scorpion", + "edit_prompt": "a photo of a wolf spider" + }, + { + "image_name": "n02389026/ILSVRC2012_val_00049082.JPEG", + "soure_prompt": "a photo of a sorrel", + "edit_prompt": "a photo of a zebra" + }, + { + "image_name": "n02389026/ILSVRC2012_val_00007267.JPEG", + "soure_prompt": "a photo of a sorrel", + "edit_prompt": "a photo of a zebra" + }, + { + "image_name": "n02389026/ILSVRC2012_val_00047494.JPEG", + "soure_prompt": "a photo of a sorrel", + "edit_prompt": "a photo of a zebra" + }, + { + "image_name": "n02389026/ILSVRC2012_val_00029082.JPEG", + "soure_prompt": "a photo of a sorrel", + "edit_prompt": "a photo of a zebra" + }, + { + "image_name": "n07714990/ILSVRC2012_val_00028304.JPEG", + "soure_prompt": "a photo of a broccoli", + "edit_prompt": "a photo of a zucchini" + }, + { + "image_name": "n07718747/ILSVRC2012_val_00039289.JPEG", + "soure_prompt": "a photo of a artichoke", + "edit_prompt": "a photo of a zucchini" + }, + { + "image_name": "n07718472/ILSVRC2012_val_00025145.JPEG", + "soure_prompt": "a photo of a cucumber", + "edit_prompt": "a photo of a zucchini" + }, + { + "image_name": "n07715103/ILSVRC2012_val_00000332.JPEG", + "soure_prompt": "a photo of a cauliflower", + "edit_prompt": "a photo of a zucchini" + } +] \ No newline at end of file diff --git a/diffusion/FreePromptEditing/datasets/StanfordCar.json b/diffusion/FreePromptEditing/datasets/StanfordCar.json new file mode 100644 index 0000000..bb4bb77 --- /dev/null +++ b/diffusion/FreePromptEditing/datasets/StanfordCar.json @@ -0,0 +1,752 @@ +[ + { + "image": "002657.jpg", + "prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image": "006850.jpg", + "prompt": "a ivory car", + "edit_prompt": "a turquoise car" + }, + { + "image": "015062.jpg", + "prompt": "a red car", + "edit_prompt": "a ivory car" + }, + { + "image": "014622.jpg", + "prompt": "a white car", + "edit_prompt": "a pink car" + }, + { + "image": "001820.jpg", + "prompt": "a red car", + "edit_prompt": "a turquoise car" + }, + { + "image": "000840.jpg", + "prompt": "a orange car", + "edit_prompt": "a charcoal car" + }, + { + "image": "001272.jpg", + "prompt": "a brown car", + "edit_prompt": "a white car" + }, + { + "image": "001976.jpg", + "prompt": "a white car", + "edit_prompt": "a orange car" + }, + { + "image": "007561.jpg", + "prompt": "a white car", + "edit_prompt": "a bronze car" + }, + { + "image": "006450.jpg", + "prompt": "a gold car", + "edit_prompt": "a gray car" + }, + { + "image": "011514.jpg", + "prompt": "a gold car", + "edit_prompt": "a black car" + }, + { + "image": "014662.jpg", + "prompt": "a white car", + "edit_prompt": "a black car" + }, + { + "image": "007760.jpg", + "prompt": "a gray car", + "edit_prompt": "a pink car" + }, + { + "image": "010076.jpg", + "prompt": "a white car", + "edit_prompt": "a olive car" + }, + { + "image": "010865.jpg", + "prompt": "a gray car", + "edit_prompt": "a beige car" + }, + { + "image": "005201.jpg", + "prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image": "015721.jpg", + "prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image": "007715.jpg", + "prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image": "008206.jpg", + "prompt": "a red car", + "edit_prompt": "a green car" + }, + { + "image": "013116.jpg", + "prompt": "a orange car", + "edit_prompt": "a green car" + }, + { + "image": "007866.jpg", + "prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image": "014395.jpg", + "prompt": "a ivory car", + "edit_prompt": "a orange car" + }, + { + "image": "009663.jpg", + "prompt": "a red car", + "edit_prompt": "a ivory car" + }, + { + "image": "015883.jpg", + "prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image": "008968.jpg", + "prompt": "a white car", + "edit_prompt": "a indigo car" + }, + { + "image": "010925.jpg", + "prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image": "007189.jpg", + "prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image": "005784.jpg", + "prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image": "003614.jpg", + "prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image": "008966.jpg", + "prompt": "a green car", + "edit_prompt": "a pink car" + }, + { + "image": "012293.jpg", + "prompt": "a gray car", + "edit_prompt": "a maroon car" + }, + { + "image": "008018.jpg", + "prompt": "a black car", + "edit_prompt": "a turquoise car" + }, + { + "image": "001218.jpg", + "prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image": "005301.jpg", + "prompt": "a yellow car", + "edit_prompt": "a chocolate car" + }, + { + "image": "006834.jpg", + "prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image": "015938.jpg", + "prompt": "a blue car", + "edit_prompt": "a gray car" + }, + { + "image": "007208.jpg", + "prompt": "a white car", + "edit_prompt": "a ivory car" + }, + { + "image": "015621.jpg", + "prompt": "a white car", + "edit_prompt": "a navy car" + }, + { + "image": "010213.jpg", + "prompt": "a gray car", + "edit_prompt": "a indigo car" + }, + { + "image": "013099.jpg", + "prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image": "003676.jpg", + "prompt": "a blue car", + "edit_prompt": "a yellow car" + }, + { + "image": "007768.jpg", + "prompt": "a gray car", + "edit_prompt": "a violet car" + }, + { + "image": "013389.jpg", + "prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image": "008162.jpg", + "prompt": "a ivory car", + "edit_prompt": "a beige car" + }, + { + "image": "011375.jpg", + "prompt": "a white car", + "edit_prompt": "a lime car" + }, + { + "image": "015755.jpg", + "prompt": "a red car", + "edit_prompt": "a violet car" + }, + { + "image": "004026.jpg", + "prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image": "005323.jpg", + "prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image": "012085.jpg", + "prompt": "a black car", + "edit_prompt": "a coral car" + }, + { + "image": "015132.jpg", + "prompt": "a white car", + "edit_prompt": "a gold car" + }, + { + "image": "010423.jpg", + "prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image": "002624.jpg", + "prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image": "014808.jpg", + "prompt": "a ivory car", + "edit_prompt": "a violet car" + }, + { + "image": "007455.jpg", + "prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image": "011209.jpg", + "prompt": "a gray car", + "edit_prompt": "a silver car" + }, + { + "image": "014691.jpg", + "prompt": "a gray car", + "edit_prompt": "a ivory car" + }, + { + "image": "000092.jpg", + "prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image": "003156.jpg", + "prompt": "a ivory car", + "edit_prompt": "a maroon car" + }, + { + "image": "014647.jpg", + "prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image": "002950.jpg", + "prompt": "a black car", + "edit_prompt": "a olive car" + }, + { + "image": "004935.jpg", + "prompt": "a white car", + "edit_prompt": "a ivory car" + }, + { + "image": "003091.jpg", + "prompt": "a white car", + "edit_prompt": "a peach car" + }, + { + "image": "000623.jpg", + "prompt": "a gray car", + "edit_prompt": "a yellow car" + }, + { + "image": "015905.jpg", + "prompt": "a orange car", + "edit_prompt": "a olive car" + }, + { + "image": "010648.jpg", + "prompt": "a gray car", + "edit_prompt": "a turquoise car" + }, + { + "image": "015116.jpg", + "prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image": "014609.jpg", + "prompt": "a black car", + "edit_prompt": "a orange car" + }, + { + "image": "005335.jpg", + "prompt": "a red car", + "edit_prompt": "a white car" + }, + { + "image": "009094.jpg", + "prompt": "a gray car", + "edit_prompt": "a olive car" + }, + { + "image": "003485.jpg", + "prompt": "a gray car", + "edit_prompt": "a coral car" + }, + { + "image": "016155.jpg", + "prompt": "a silver car", + "edit_prompt": "a turquoise car" + }, + { + "image": "004531.jpg", + "prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image": "010349.jpg", + "prompt": "a gray car", + "edit_prompt": "a orange car" + }, + { + "image": "014018.jpg", + "prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image": "009992.jpg", + "prompt": "a black car", + "edit_prompt": "a navy car" + }, + { + "image": "015933.jpg", + "prompt": "a black car", + "edit_prompt": "a purple car" + }, + { + "image": "004770.jpg", + "prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image": "012531.jpg", + "prompt": "a orange car", + "edit_prompt": "a red car" + }, + { + "image": "001600.jpg", + "prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image": "002568.jpg", + "prompt": "a black car", + "edit_prompt": "a bronze car" + }, + { + "image": "009504.jpg", + "prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image": "001282.jpg", + "prompt": "a blue car", + "edit_prompt": "a pink car" + }, + { + "image": "014729.jpg", + "prompt": "a blue car", + "edit_prompt": "a white car" + }, + { + "image": "006878.jpg", + "prompt": "a white car", + "edit_prompt": "a violet car" + }, + { + "image": "002514.jpg", + "prompt": "a gray car", + "edit_prompt": "a navy car" + }, + { + "image": "008260.jpg", + "prompt": "a red car", + "edit_prompt": "a lime car" + }, + { + "image": "015906.jpg", + "prompt": "a white car", + "edit_prompt": "a turquoise car" + }, + { + "image": "000652.jpg", + "prompt": "a black car", + "edit_prompt": "a pink car" + }, + { + "image": "007864.jpg", + "prompt": "a red car", + "edit_prompt": "a silver car" + }, + { + "image": "013898.jpg", + "prompt": "a white car", + "edit_prompt": "a ivory car" + }, + { + "image": "008832.jpg", + "prompt": "a gray car", + "edit_prompt": "a lime car" + }, + { + "image": "002334.jpg", + "prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image": "012666.jpg", + "prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image": "005338.jpg", + "prompt": "a yellow car", + "edit_prompt": "a cyan car" + }, + { + "image": "005355.jpg", + "prompt": "a yellow car", + "edit_prompt": "a blue car" + }, + { + "image": "008030.jpg", + "prompt": "a black car", + "edit_prompt": "a yellow car" + }, + { + "image": "007646.jpg", + "prompt": "a black car", + "edit_prompt": "a blue car" + }, + { + "image": "005487.jpg", + "prompt": "a black car", + "edit_prompt": "a red car" + }, + { + "image": "005451.jpg", + "prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image": "000018.jpg", + "prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image": "013880.jpg", + "prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image": "008416.jpg", + "prompt": "a red car", + "edit_prompt": "a peach car" + }, + { + "image": "010883.jpg", + "prompt": "a gray car", + "edit_prompt": "a chocolate car" + }, + { + "image": "004309.jpg", + "prompt": "a gray car", + "edit_prompt": "a red car" + }, + { + "image": "011021.jpg", + "prompt": "a gray car", + "edit_prompt": "a magenta car" + }, + { + "image": "012583.jpg", + "prompt": "a yellow car", + "edit_prompt": "a brown car" + }, + { + "image": "012552.jpg", + "prompt": "a ivory car", + "edit_prompt": "a gray car" + }, + { + "image": "009010.jpg", + "prompt": "a ivory car", + "edit_prompt": "a charcoal car" + }, + { + "image": "000815.jpg", + "prompt": "a orange car", + "edit_prompt": "a cyan car" + }, + { + "image": "007862.jpg", + "prompt": "a ivory car", + "edit_prompt": "a blue car" + }, + { + "image": "002106.jpg", + "prompt": "a white car", + "edit_prompt": "a cyan car" + }, + { + "image": "001220.jpg", + "prompt": "a black car", + "edit_prompt": "a gray car" + }, + { + "image": "011004.jpg", + "prompt": "a gray car", + "edit_prompt": "a purple car" + }, + { + "image": "000412.jpg", + "prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image": "002050.jpg", + "prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image": "011624.jpg", + "prompt": "a gray car", + "edit_prompt": "a ivory car" + }, + { + "image": "005780.jpg", + "prompt": "a white car", + "edit_prompt": "a brown car" + }, + { + "image": "000296.jpg", + "prompt": "a black car", + "edit_prompt": "a indigo car" + }, + { + "image": "014753.jpg", + "prompt": "a chocolate car", + "edit_prompt": "a turquoise car" + }, + { + "image": "010308.jpg", + "prompt": "a orange car", + "edit_prompt": "a beige car" + }, + { + "image": "001255.jpg", + "prompt": "a brown car", + "edit_prompt": "a cyan car" + }, + { + "image": "010087.jpg", + "prompt": "a white car", + "edit_prompt": "a magenta car" + }, + { + "image": "006024.jpg", + "prompt": "a black car", + "edit_prompt": "a maroon car" + }, + { + "image": "006830.jpg", + "prompt": "a red car", + "edit_prompt": "a indigo car" + }, + { + "image": "004652.jpg", + "prompt": "a red car", + "edit_prompt": "a navy car" + }, + { + "image": "004594.jpg", + "prompt": "a white car", + "edit_prompt": "a beige car" + }, + { + "image": "007326.jpg", + "prompt": "a blue car", + "edit_prompt": "a green car" + }, + { + "image": "011202.jpg", + "prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image": "005138.jpg", + "prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image": "002552.jpg", + "prompt": "a gray car", + "edit_prompt": "a teal car" + }, + { + "image": "011618.jpg", + "prompt": "a white car", + "edit_prompt": "a blue car" + }, + { + "image": "003811.jpg", + "prompt": "a brown car", + "edit_prompt": "a maroon car" + }, + { + "image": "000739.jpg", + "prompt": "a blue car", + "edit_prompt": "a coral car" + }, + { + "image": "006669.jpg", + "prompt": "a blue car", + "edit_prompt": "a cyan car" + }, + { + "image": "004953.jpg", + "prompt": "a white car", + "edit_prompt": "a red car" + }, + { + "image": "008546.jpg", + "prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image": "009477.jpg", + "prompt": "a white car", + "edit_prompt": "a maroon car" + }, + { + "image": "008239.jpg", + "prompt": "a red car", + "edit_prompt": "a bronze car" + }, + { + "image": "008183.jpg", + "prompt": "a red car", + "edit_prompt": "a charcoal car" + }, + { + "image": "010208.jpg", + "prompt": "a orange car", + "edit_prompt": "a black car" + }, + { + "image": "010274.jpg", + "prompt": "a orange car", + "edit_prompt": "a yellow car" + }, + { + "image": "000141.jpg", + "prompt": "a black car", + "edit_prompt": "a violet car" + }, + { + "image": "004023.jpg", + "prompt": "a white car", + "edit_prompt": "a purple car" + }, + { + "image": "015786.jpg", + "prompt": "a white car", + "edit_prompt": "a silver car" + }, + { + "image": "007763.jpg", + "prompt": "a black car", + "edit_prompt": "a gold car" + }, + { + "image": "005353.jpg", + "prompt": "a white car", + "edit_prompt": "a chocolate car" + }, + { + "image": "009968.jpg", + "prompt": "a gray car", + "edit_prompt": "a peach car" + }, + { + "image": "012676.jpg", + "prompt": "a gray car", + "edit_prompt": "a brown car" + }, + { + "image": "014097.jpg", + "prompt": "a black car", + "edit_prompt": "a cyan car" + }, + { + "image": "005735.jpg", + "prompt": "a white car", + "edit_prompt": "a blue car" + } +] \ No newline at end of file diff --git a/diffusion/FreePromptEditing/datasets/data_generation.py b/diffusion/FreePromptEditing/datasets/data_generation.py new file mode 100644 index 0000000..e01c327 --- /dev/null +++ b/diffusion/FreePromptEditing/datasets/data_generation.py @@ -0,0 +1,166 @@ +import json +from tqdm import tqdm +import random + + +color_words = ["red", "green", "blue", "yellow", "orange", "purple", "pink", "black", "white", "gray", + "brown", "beige", "cyan", "magenta", "teal", "lime", "olive", "navy", "maroon", "silver", + "gold", "bronze", "peach", "coral", "indigo", "violet", "turquoise","chocolate"] +Car_real_edit = [] + +with open('StanfordCar.json', 'r') as jsonfile: + data = json.load(jsonfile) +for row in tqdm(data): + image_name = row['image'] + for word in color_words: + if word in row['prompt']: + continue + else: + soure_prompt = row['prompt'] + edit_prompt = 'a '+ word +' car' + prompt = {} + + prompt['image_name']= image_name + prompt['soure_prompt']= soure_prompt + prompt['edit_prompt']= edit_prompt + Car_real_edit.append(prompt) + +with open("Car_real_edit.json", "w") as jsonl_file: + json.dump(Car_real_edit, jsonl_file,indent=4) + +Car_fake_edit = [] +for word in color_words: + soure_prompt = 'a ' + word + ' car' + + color_words_edit = color_words[:] + color_words_edit.remove(word) + + for edit_word in color_words_edit: + prompt = {} + edit_prompt = 'a ' + edit_word + ' car' + prompt['soure_prompt']= soure_prompt + prompt['edit_prompt']= edit_prompt + Car_fake_edit.append(prompt) + +with open("Car_fake_edit.json", "w") as jsonl_file: + json.dump(Car_fake_edit, jsonl_file,indent=4) + + +Car_fake_edit = [] +for word in color_words: + soure_prompt = 'a ' + word + ' car' + + color_words_edit = color_words[:] + color_words_edit.remove(word) + + for edit_word in color_words_edit: + prompt = {} + edit_prompt = 'a ' + edit_word + ' car' + prompt['soure_prompt']= soure_prompt + prompt['edit_prompt']= edit_prompt + Car_fake_edit.append(prompt) + +with open("Car_fake_edit.json", "w") as jsonl_file: + json.dump(Car_fake_edit, jsonl_file,indent=4) + + +json_path = 'ImageNet.json' +with open(json_path, 'r') as jsonfile: + data = json.load(jsonfile) + +ImageNet_real_edit = [] +ImageNet_fake_edit = [] + +for row in tqdm(data): + + path = row['path'] + dir_img = path.split('/') + is_test = row['is_test'] + + + if is_test =='True': + source_word = row['source'] + target_word = row['target'] + + source_prompt = 'a photo of a {}'.format(source_word) + target_prompt = 'a photo of a {}'.format(target_word) + prompt = {} + + prompt['image_name']= path + prompt['soure_prompt']= source_prompt + prompt['edit_prompt']= target_prompt + ImageNet_real_edit.append(prompt) + +with open("ImageNet_real_edit.json", "w") as jsonl_file: + json.dump(ImageNet_real_edit, jsonl_file,indent=4) + +imagenet_templates_small = [ + "a photo of a {}", + "a rendering of a {}", + "a cropped photo of the {}", + "the photo of a {}", + "a photo of a clean {}", + "a photo of a dirty {}", + "a dark photo of the {}", + "a photo of my {}", + "a photo of the cool {}", + "a close-up photo of a {}", + "a bright photo of the {}", + "a cropped photo of a {}", + "a photo of the {}", + "a good photo of the {}", + "a photo of one {}", + "a close-up photo of the {}", + "a rendition of the {}", + "a photo of the clean {}", + "a rendition of a {}", + "a photo of a nice {}", + "a good photo of a {}", + "a photo of the nice {}", + "a photo of the small {}", + "a photo of the weird {}", + "a photo of the large {}", + "a photo of a cool {}", + "a photo of a small {}", +] +word_list = ["dog","giraffe","horse","lion", "rabbit", "sheep", "cat", "monkey", "leopard", "tiger"] + + +for row in tqdm(data): + path = row['path'] + dir_img = path.split('/') + # print(dir_img) + is_test = row['is_test'] + + + if is_test =='True': + source_word = row['source'] + target_word = row['target'] + + text = random.choice(imagenet_templates_small) + source_prompt = text.format(source_word) + target_prompt = text.format(target_word) + + prompt = {} + + prompt['soure_prompt']= source_prompt + prompt['edit_prompt']= target_prompt + ImageNet_fake_edit.append(prompt) + +for word in tqdm(word_list): + + source_prompt = 'a '+ word + ' standing in the park' + + words_edit = word_list[:] + words_edit.remove(word) + + for edit_word in words_edit: + prompts = [] + edit_prompt = 'a ' + edit_word + ' standing in the park' + prompt = {} + prompt['soure_prompt']= source_prompt + prompt['edit_prompt']= edit_prompt + ImageNet_fake_edit.append(prompt) + +with open("ImageNet_fake_edit.json", "w") as jsonl_file: + json.dump(ImageNet_fake_edit, jsonl_file,indent=4) \ No newline at end of file diff --git a/diffusion/FreePromptEditing/edit_fake.ipynb b/diffusion/FreePromptEditing/edit_fake.ipynb new file mode 100644 index 0000000..a487883 --- /dev/null +++ b/diffusion/FreePromptEditing/edit_fake.ipynb @@ -0,0 +1,177 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import os \n", + "import torch\n", + "import torch.nn as nn\n", + "import torch.nn.functional as F\n", + "from typing import Optional\n", + "import random\n", + "from diffusers import DDIMScheduler\n", + "import numpy as np\n", + "from Freeprompt.diffuser_utils import FreePromptPipeline\n", + "from Freeprompt.freeprompt_utils import register_attention_control_new\n", + "from torchvision.utils import save_image\n", + "from torchvision.io import read_image\n", + "from Freeprompt.freeprompt import SelfAttentionControlEdit,AttentionStore\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Model Construction" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "`text_config_dict` is provided which will be used to initialize `CLIPTextConfig`. The value `text_config[\"id2label\"]` will be overriden.\n", + "/apsarapangu/disk1/wushi.lby/anaconda3/envs/ldm/lib/python3.8/site-packages/transformers/models/clip/feature_extraction_clip.py:28: FutureWarning: The class CLIPFeatureExtractor is deprecated and will be removed in version 5 of Transformers. Please use CLIPImageProcessor instead.\n", + " warnings.warn(\n", + "/apsarapangu/disk1/wushi.lby/anaconda3/envs/ldm/lib/python3.8/site-packages/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:115: FutureWarning: The configuration file of this scheduler: DDIMScheduler {\n", + " \"_class_name\": \"DDIMScheduler\",\n", + " \"_diffusers_version\": \"0.16.1\",\n", + " \"beta_end\": 0.012,\n", + " \"beta_schedule\": \"scaled_linear\",\n", + " \"beta_start\": 0.00085,\n", + " \"clip_sample\": false,\n", + " \"clip_sample_range\": 1.0,\n", + " \"dynamic_thresholding_ratio\": 0.995,\n", + " \"num_train_timesteps\": 1000,\n", + " \"prediction_type\": \"epsilon\",\n", + " \"sample_max_value\": 1.0,\n", + " \"set_alpha_to_one\": false,\n", + " \"steps_offset\": 0,\n", + " \"thresholding\": false,\n", + " \"trained_betas\": null\n", + "}\n", + " is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file\n", + " deprecate(\"steps_offset!=1\", \"1.0.0\", deprecation_message, standard_warn=False)\n" + ] + } + ], + "source": [ + "# Note that you may add your Hugging Face token to get access to the models\n", + "device = torch.device(\"cuda\") if torch.cuda.is_available() else torch.device(\"cpu\")\n", + "model_path = \"runwayml/stable-diffusion-v1-5\"\n", + "\n", + "scheduler = DDIMScheduler(beta_start=0.00085, beta_end=0.012, beta_schedule=\"scaled_linear\", clip_sample=False, set_alpha_to_one=False)\n", + "pipe = FreePromptPipeline.from_pretrained(model_path, scheduler=scheduler).to(device)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Fake image editing" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/apsarapangu/disk1/wushi.lby/image_edit/sup/code/Free_prompt_editing/Freeprompt/diffuser_utils.py:134: FutureWarning: Accessing config attribute `in_channels` directly via 'UNet2DConditionModel' object attribute is deprecated. Please access 'in_channels' over 'UNet2DConditionModel's config object instead, e.g. 'unet.config.in_channels'.\n", + " latents_shape = (batch_size, self.unet.in_channels, height//8, width//8)\n", + "DDIM Sampler: 100%|██████████| 50/50 [00:10<00:00, 4.68it/s]\n" + ] + } + ], + "source": [ + "\n", + "# Note that you may add your Hugging Face token to get access to the models\n", + "device = torch.device(\"cuda\") if torch.cuda.is_available() else torch.device(\"cpu\")\n", + "\n", + "def seed_everything(seed: Optional[int] = None, workers: bool = False) -> int:\n", + "\n", + " if seed is None:\n", + " seed = os.environ.get(\"PL_GLOBAL_SEED\")\n", + " seed = int(seed)\n", + "\n", + " os.environ[\"PL_GLOBAL_SEED\"] = str(seed)\n", + " random.seed(seed)\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " torch.cuda.manual_seed_all(seed)\n", + "\n", + " os.environ[\"PL_SEED_WORKERS\"] = f\"{int(workers)}\"\n", + "\n", + " return seed\n", + "\n", + "seed = 42\n", + "seed_everything(seed)\n", + "\n", + "self_replace_steps = .8\n", + "NUM_DIFFUSION_STEPS = 50\n", + "\n", + "out_dir = \"examples/outputs\"\n", + "\n", + "\n", + "source_prompt = 'a photo of green ducks walking on street'\n", + "target_prompt = 'a photo of rubber ducks walking on street'\n", + "\n", + "start_code = torch.randn([1, 4, 64, 64], device=device)\n", + "start_code = start_code.expand(2, -1, -1, -1)\n", + "\n", + "latents = torch.randn(start_code.shape, device=device)\n", + "prompts = [source_prompt, target_prompt]\n", + "\n", + "start_code = start_code.expand(len(prompts), -1, -1, -1)\n", + "controller = SelfAttentionControlEdit(prompts, NUM_DIFFUSION_STEPS, self_replace_steps=self_replace_steps)\n", + "\n", + "register_attention_control_new(pipe, controller)\n", + "\n", + "results = pipe(prompts,\n", + " latents=start_code,\n", + " guidance_scale=7.5,\n", + " )\n", + "\n", + "save_image(results[0], os.path.join(out_dir, str(source_prompt)+'.jpg'))\n", + "save_image(results[1], os.path.join(out_dir, str(target_prompt)+'.jpg'))\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3.8.5 ('ldm')", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.5" + }, + "orig_nbformat": 4, + "vscode": { + "interpreter": { + "hash": "587aa04bacead72c1ffd459abbe4c8140b72ba2b534b24165b36a2ede3d95042" + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/diffusion/FreePromptEditing/edit_real.ipynb b/diffusion/FreePromptEditing/edit_real.ipynb new file mode 100644 index 0000000..ddffba0 --- /dev/null +++ b/diffusion/FreePromptEditing/edit_real.ipynb @@ -0,0 +1,175 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import os \n", + "import torch\n", + "import torch.nn as nn\n", + "import torch.nn.functional as F\n", + "\n", + "from diffusers import DDIMScheduler\n", + "\n", + "from Freeprompt.diffuser_utils import FreePromptPipeline\n", + "from Freeprompt.freeprompt_utils import register_attention_control_new\n", + "from torchvision.utils import save_image\n", + "from torchvision.io import read_image\n", + "from Freeprompt.freeprompt import SelfAttentionControlEdit,AttentionStore\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Model Construction" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/apsarapangu/disk1/wushi.lby/anaconda3/envs/ldm/lib/python3.8/site-packages/transformers/models/clip/feature_extraction_clip.py:28: FutureWarning: The class CLIPFeatureExtractor is deprecated and will be removed in version 5 of Transformers. Please use CLIPImageProcessor instead.\n", + " warnings.warn(\n", + "`text_config_dict` is provided which will be used to initialize `CLIPTextConfig`. The value `text_config[\"id2label\"]` will be overriden.\n", + "/apsarapangu/disk1/wushi.lby/anaconda3/envs/ldm/lib/python3.8/site-packages/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:115: FutureWarning: The configuration file of this scheduler: DDIMScheduler {\n", + " \"_class_name\": \"DDIMScheduler\",\n", + " \"_diffusers_version\": \"0.16.1\",\n", + " \"beta_end\": 0.012,\n", + " \"beta_schedule\": \"scaled_linear\",\n", + " \"beta_start\": 0.00085,\n", + " \"clip_sample\": false,\n", + " \"clip_sample_range\": 1.0,\n", + " \"dynamic_thresholding_ratio\": 0.995,\n", + " \"num_train_timesteps\": 1000,\n", + " \"prediction_type\": \"epsilon\",\n", + " \"sample_max_value\": 1.0,\n", + " \"set_alpha_to_one\": false,\n", + " \"steps_offset\": 0,\n", + " \"thresholding\": false,\n", + " \"trained_betas\": null\n", + "}\n", + " is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file\n", + " deprecate(\"steps_offset!=1\", \"1.0.0\", deprecation_message, standard_warn=False)\n" + ] + } + ], + "source": [ + "# Note that you may add your Hugging Face token to get access to the models\n", + "device = torch.device(\"cuda\") if torch.cuda.is_available() else torch.device(\"cpu\")\n", + "model_path = \"runwayml/stable-diffusion-v1-5\"\n", + "scheduler = DDIMScheduler(beta_start=0.00085, beta_end=0.012, beta_schedule=\"scaled_linear\", clip_sample=False, set_alpha_to_one=False)\n", + "pipe = FreePromptPipeline.from_pretrained(model_path, scheduler=scheduler).to(device)\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Real editing" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "DDIM Inversion: 100%|██████████| 50/50 [00:03<00:00, 13.08it/s]\n", + "/apsarapangu/disk1/wushi.lby/image_edit/sup/code/Free_prompt_editing/Freeprompt/diffuser_utils.py:134: FutureWarning: Accessing config attribute `in_channels` directly via 'UNet2DConditionModel' object attribute is deprecated. Please access 'in_channels' over 'UNet2DConditionModel's config object instead, e.g. 'unet.config.in_channels'.\n", + " latents_shape = (batch_size, self.unet.in_channels, height//8, width//8)\n", + "DDIM Sampler: 100%|██████████| 50/50 [00:09<00:00, 5.41it/s]\n" + ] + } + ], + "source": [ + "\n", + "# Note that you may add your Hugging Face token to get access to the models\n", + "device = torch.device(\"cuda\") if torch.cuda.is_available() else torch.device(\"cpu\")\n", + "\n", + "\n", + "def load_image(image_path, device):\n", + " image = read_image(image_path)\n", + " image = image[:3].unsqueeze_(0).float() / 127.5 - 1. # [-1, 1]\n", + " image = F.interpolate(image, (512, 512))\n", + " image = image.to(device)\n", + " return image\n", + "\n", + "self_replace_steps = .8\n", + "NUM_DIFFUSION_STEPS = 50\n", + "\n", + "out_dir = \"examples/outputs\"\n", + "\n", + "\n", + "SOURCE_IMAGE_PATH = \"examples/img/000141.jpg\"\n", + "source_image = load_image(SOURCE_IMAGE_PATH, device)\n", + "\n", + "source_prompt = \"\"\n", + "\n", + "# invert the source image\n", + "start_code, latents_list = pipe.invert(source_image,\n", + " source_prompt,\n", + " guidance_scale=7.5,\n", + " num_inference_steps=50,\n", + " return_intermediates=True)\n", + "\n", + "target_prompt = 'a red car'\n", + "\n", + "latents = torch.randn(start_code.shape, device=device)\n", + "prompts = [source_prompt, target_prompt]\n", + "\n", + "start_code = start_code.expand(len(prompts), -1, -1, -1)\n", + "controller = SelfAttentionControlEdit(prompts, NUM_DIFFUSION_STEPS, self_replace_steps=self_replace_steps)\n", + "\n", + "register_attention_control_new(pipe, controller)\n", + "\n", + "# Note: querying the inversion intermediate features latents_list\n", + "# may obtain better reconstruction and editing results\n", + "results = pipe(prompts,\n", + " latents=start_code,\n", + " guidance_scale=7.5,\n", + " ref_intermediate_latents=latents_list)\n", + "\n", + "\n", + "save_image(results[1], os.path.join(out_dir, str(target_prompt)+'.jpg'))\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3.8.5 ('ldm')", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.5" + }, + "orig_nbformat": 4, + "vscode": { + "interpreter": { + "hash": "587aa04bacead72c1ffd459abbe4c8140b72ba2b534b24165b36a2ede3d95042" + } + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/diffusion/FreePromptEditing/environment.yaml b/diffusion/FreePromptEditing/environment.yaml new file mode 100644 index 0000000..f34a2e5 --- /dev/null +++ b/diffusion/FreePromptEditing/environment.yaml @@ -0,0 +1,30 @@ +name: FPE +channels: + - pytorch + - defaults +dependencies: + - python=3.8.5 + - pip=20.3 + - cudatoolkit=11.3 + - pytorch=1.11.0 + - torchvision=0.12.0 + - numpy=1.19.2 + - pip: + - albumentations==0.4.3 + - diffusers==0.16.1 + - gradio + - opencv-python==4.1.2.30 + - pudb==2019.2 + - invisible-watermark + - imageio==2.9.0 + - imageio-ffmpeg==0.4.2 + - test-tube>=0.7.5 + - einops==0.3.0 + - torch-fidelity==0.3.0 + - transformers==4.19.2 + - torchmetrics==0.6.0 + - kornia==0.6 + - scikit-learn==1.1.1 + - -e git+https://github.com/CompVis/taming-transformers.git@master#egg=taming-transformers + - -e git+https://github.com/openai/CLIP.git@main#egg=clip + - -e . diff --git a/diffusion/FreePromptEditing/examples/img/000141.jpg b/diffusion/FreePromptEditing/examples/img/000141.jpg new file mode 100644 index 0000000..a127529 Binary files /dev/null and b/diffusion/FreePromptEditing/examples/img/000141.jpg differ diff --git a/diffusion/FreePromptEditing/examples/outputs/a photo of green ducks walking on street.jpg b/diffusion/FreePromptEditing/examples/outputs/a photo of green ducks walking on street.jpg new file mode 100644 index 0000000..3cc9c18 Binary files /dev/null and b/diffusion/FreePromptEditing/examples/outputs/a photo of green ducks walking on street.jpg differ diff --git a/diffusion/FreePromptEditing/examples/outputs/a photo of rubber ducks walking on street.jpg b/diffusion/FreePromptEditing/examples/outputs/a photo of rubber ducks walking on street.jpg new file mode 100644 index 0000000..e9c89db Binary files /dev/null and b/diffusion/FreePromptEditing/examples/outputs/a photo of rubber ducks walking on street.jpg differ diff --git a/diffusion/FreePromptEditing/examples/outputs/a red car.jpg b/diffusion/FreePromptEditing/examples/outputs/a red car.jpg new file mode 100644 index 0000000..a1038bd Binary files /dev/null and b/diffusion/FreePromptEditing/examples/outputs/a red car.jpg differ diff --git a/diffusion/FreePromptEditing/gradio_app.py b/diffusion/FreePromptEditing/gradio_app.py new file mode 100644 index 0000000..48467a0 --- /dev/null +++ b/diffusion/FreePromptEditing/gradio_app.py @@ -0,0 +1,298 @@ +import gradio as gr +import numpy as np +import torch +from diffusers import DDIMScheduler +import os +import argparse +import random +from typing import Optional +from torchvision.io import read_image +from Freeprompt.diffuser_utils import FreePromptPipeline +from Freeprompt.freeprompt import SelfAttentionControlEdit,AttentionStore +from Freeprompt.freeprompt_utils import register_attention_control_new +import torch.nn.functional as F +from scipy import ndimage + + +torch.set_grad_enabled(False) + +device = torch.device("cuda") if torch.cuda.is_available() else torch.device( "cpu") + + + +parser = argparse.ArgumentParser() +parser.add_argument('--model_path', default = 'models/stable-diffusion-v1-5') + + +def seed_everything(seed: Optional[int] = None, workers: bool = False) -> int: + + if seed is None: + seed = os.environ.get("PL_GLOBAL_SEED") + seed = int(seed) + + os.environ["PL_GLOBAL_SEED"] = str(seed) + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + + os.environ["PL_SEED_WORKERS"] = f"{int(workers)}" + + return seed + + +def consistent_synthesis(source_prompt, target_prompt, replace_scale, + replace_layers, image_resolution, ddim_steps, scale, + seed, appended_prompt, negative_prompt): + + seed_everything(seed) + + with torch.no_grad(): + if appended_prompt is not None: + source_prompt += appended_prompt + target_prompt += appended_prompt + prompts = [source_prompt, target_prompt] + + # initialize the noise map + start_code = torch.randn([1, 4, 64, 64], device=device) + start_code = start_code.expand(len(prompts), -1, -1, -1) + + self_replace_steps = replace_scale + NUM_DIFFUSION_STEPS = ddim_steps + controller = SelfAttentionControlEdit(prompts, NUM_DIFFUSION_STEPS,replace_layers,self_replace_steps=self_replace_steps) + register_attention_control_new(model, controller) + + # inference the synthesized image + image_results = model(prompts, latents=start_code, guidance_scale=7.5,) + image_results = image_results.cpu().permute(0, 2, 3, 1).numpy() + + return [image_results[0], + image_results[1]] # source, fixed seed, Editing + +def create_demo_synthesis(): + gr.Markdown("## **Input Settings**") + with gr.Row(): + with gr.Column(): + source_prompt = gr.Textbox( + label="Source Prompt", + value='a photo of green ducks walking on street', + interactive=True) + target_prompt = gr.Textbox( + label="Target Prompt", + value='a photo of rubber ducks walking on street', + interactive=True) + with gr.Row(): + ddim_steps = gr.Slider(label="DDIM Steps", + minimum=1, + maximum=999, + value=50, + step=1) + replace_scale = gr.Slider(label="Attention map Replacing Scale ratio of Editing", + minimum=0.0, + maximum=1.0, + value=0.4, + step=0.1) + replace_layer = gr.Slider(label="Layers to Edit", + minimum=0, + maximum=64, + value=32, + step=8) + run_btn = gr.Button() + with gr.Column(): + negative_prompt = gr.Textbox(label="Negative Prompt", value='') + with gr.Row(): + image_resolution = gr.Slider(label="Image Resolution", + minimum=256, + maximum=768, + value=512, + step=64) + scale = gr.Slider(label="CFG Scale", + minimum=0.1, + maximum=30.0, + value=7.5, + step=0.1) + seed = gr.Slider(label="Seed", + minimum=-1, + maximum=2147483647, + value=42, + step=1) + + gr.Markdown("## **Output**") + with gr.Row(): + image_source = gr.Image(label="Source Image") + image_results = gr.Image(label="Image with Editing") + + inputs = [ + source_prompt, target_prompt, replace_scale, replace_layer, + image_resolution, ddim_steps, scale, seed,negative_prompt + ] + run_btn.click(consistent_synthesis, inputs, + [image_source, image_results]) + + gr.Examples( + [[ + "a photo of green ducks walking on street", + "a photo of rubber ducks walking on street", + 42 + ], + [ + "a photo of a husky", + "a photo of a poodle", 42 + ], + [ + "a photo of a white horse", + "a photo of a zebra in the grass", 42 + ]], + [source_prompt, target_prompt, seed], + ) + + +def load_image(image_path): + device = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + image = read_image(image_path) + image = image[:3].unsqueeze_(0).float() / 127.5 - 1. # [-1, 1] + image = F.interpolate(image, (512, 512)) + image = image.to(device) + +def resize_array(input_array, target_shape): + new_array = ndimage.zoom(input_array, (target_shape[0]/input_array.shape[0], target_shape[1]/input_array.shape[1], 1), order=1) + return new_array + +def real_image_editing(source_image, target_prompt, + replace_scale, replace_layers, ddim_steps, scale, seed, + negative_prompt): + + seed_everything(seed) + h,w,c = source_image.shape + target_shape = (h, w) + with torch.no_grad(): + ref_prompt = "" + prompts = [ref_prompt, target_prompt] + + # invert the image into noise map + if isinstance(source_image, np.ndarray): + source_image = torch.from_numpy(source_image).to(device) / 127.5 - 1. + source_image = source_image.unsqueeze(0).permute(0, 3, 1, 2) + source_image = F.interpolate(source_image, (512, 512)) + + start_code, latents_list = model.invert(source_image, + ref_prompt, + guidance_scale=scale, + num_inference_steps=ddim_steps, + return_intermediates=True) + + start_code = start_code.expand(len(prompts), -1, -1, -1) + + self_replace_steps = replace_scale + NUM_DIFFUSION_STEPS = ddim_steps + controller = SelfAttentionControlEdit(prompts, NUM_DIFFUSION_STEPS,replace_layers, self_replace_steps=self_replace_steps) + register_attention_control_new(model, controller) + + # inference the synthesized image + if not negative_prompt == '': + image_results = model(prompts, + latents=start_code, + guidance_scale=scale, + ref_intermediate_latents=latents_list, + neg_prompt = negative_prompt) + else: + image_results = model(prompts, + latents=start_code, + guidance_scale=scale, + ref_intermediate_latents=latents_list + ) + image_results = image_results.cpu().permute(0, 2, 3, 1).numpy() + + + image_results_resize_org = resize_array(image_results[0], target_shape) + image_results_resize_dst = resize_array(image_results[1], target_shape) + return [ + image_results_resize_org, + image_results_resize_dst + ] + + +def create_demo_editing(): + + gr.Markdown("## **Input Settings**") + with gr.Row(): + with gr.Column(): + source_image = gr.Image(label="Source Image", value=os.path.join(os.path.dirname(__file__), "examples/img/face.jpg"), interactive=True) + target_prompt = gr.Textbox(label="Target Prompt", + value='10 years old girl', + interactive=True) + with gr.Row(): + ddim_steps = gr.Slider(label="DDIM Steps", + minimum=1, + maximum=999, + value=50, + step=1) + replace_scale = gr.Slider(label="Attention map Replacing Scale ratio of Editing", + minimum=0.0, + maximum=1.0, + value=0.8, + step=0.1) + replace_layer = gr.Slider(label="Layers to Edit", + minimum=0, + maximum=64, + value=32, + step=8) + run_btn = gr.Button() + with gr.Column(): + negative_prompt = gr.Textbox(label="Negative Prompt", value='') + with gr.Row(): + scale = gr.Slider(label="CFG Scale", + minimum=0.1, + maximum=30.0, + value=7.5, + step=0.1) + seed = gr.Slider(label="Seed", + minimum=-1, + maximum=2147483647, + value=42, + step=1) + + gr.Markdown("## **Output**") + with gr.Row(): + image_recons = gr.Image(label="Source Image") + image_results = gr.Image(label="Image with Editing") + + inputs = [ + source_image, target_prompt, replace_scale, replace_layer, ddim_steps, + scale, seed, negative_prompt + ] + run_btn.click(real_image_editing, inputs, + [image_recons, image_results]) + + gr.Examples( + [[os.path.join(os.path.dirname(__file__), "examples/img/face.jpg"), + "10 year old girl"], + [os.path.join(os.path.dirname(__file__), "examples/img/girl.png"), + "smiling woman"], + ], + [source_image, target_prompt] + ) + + +def add_tab(): + with gr.Blocks(analytics_enabled=False) as ui: + with gr.Tab("Synthesis_image_editing"): + create_demo_synthesis() + with gr.Tab("Real_image_editing"): + create_demo_editing() + return ui + +if __name__ == "__main__": + args = parser.parse_args() + model_path = args.model_path + scheduler = DDIMScheduler(beta_start=0.00085, + beta_end=0.012, + beta_schedule="scaled_linear", + clip_sample=False, + set_alpha_to_one=False) + model = FreePromptPipeline.from_pretrained(model_path, + scheduler=scheduler).to(device) + demo_editing = add_tab() + demo_editing.launch() + + diff --git a/diffusion/FreePromptEditing/gradio_app/Freeprompt/__init__.py b/diffusion/FreePromptEditing/gradio_app/Freeprompt/__init__.py new file mode 100644 index 0000000..e69de29 diff --git a/diffusion/FreePromptEditing/gradio_app/Freeprompt/diffuser_utils.py b/diffusion/FreePromptEditing/gradio_app/Freeprompt/diffuser_utils.py new file mode 100644 index 0000000..8b383fb --- /dev/null +++ b/diffusion/FreePromptEditing/gradio_app/Freeprompt/diffuser_utils.py @@ -0,0 +1,281 @@ +""" +Util functions based on Diffuser framework. +""" + + +import os +import torch +import cv2 +import numpy as np + +import torch.nn.functional as F +from tqdm import tqdm +from PIL import Image +from torchvision.utils import save_image +from torchvision.io import read_image + +from diffusers import StableDiffusionPipeline + + +class FreePromptPipeline(StableDiffusionPipeline): + + def next_step( + self, + model_output: torch.FloatTensor, + timestep: int, + x: torch.FloatTensor, + eta=0., + verbose=False + ): + """ + Inverse sampling for DDIM Inversion + """ + if verbose: + print("timestep: ", timestep) + next_step = timestep + timestep = min(timestep - self.scheduler.config.num_train_timesteps // self.scheduler.num_inference_steps, 999) + alpha_prod_t = self.scheduler.alphas_cumprod[timestep] if timestep >= 0 else self.scheduler.final_alpha_cumprod + alpha_prod_t_next = self.scheduler.alphas_cumprod[next_step] + beta_prod_t = 1 - alpha_prod_t + pred_x0 = (x - beta_prod_t**0.5 * model_output) / alpha_prod_t**0.5 + pred_dir = (1 - alpha_prod_t_next)**0.5 * model_output + x_next = alpha_prod_t_next**0.5 * pred_x0 + pred_dir + return x_next, pred_x0 + + def step( + self, + model_output: torch.FloatTensor, + timestep: int, + x: torch.FloatTensor, + eta: float=0.0, + verbose=False, + ): + """ + predict the sampe the next step in the denoise process. + """ + prev_timestep = timestep - self.scheduler.config.num_train_timesteps // self.scheduler.num_inference_steps + alpha_prod_t = self.scheduler.alphas_cumprod[timestep] + alpha_prod_t_prev = self.scheduler.alphas_cumprod[prev_timestep] if prev_timestep > 0 else self.scheduler.final_alpha_cumprod + beta_prod_t = 1 - alpha_prod_t + pred_x0 = (x - beta_prod_t**0.5 * model_output) / alpha_prod_t**0.5 + pred_dir = (1 - alpha_prod_t_prev)**0.5 * model_output + x_prev = alpha_prod_t_prev**0.5 * pred_x0 + pred_dir + return x_prev, pred_x0 + + @torch.no_grad() + def image2latent(self, image): + DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + if type(image) is Image: + image = np.array(image) + image = torch.from_numpy(image).float() / 127.5 - 1 + image = image.permute(2, 0, 1).unsqueeze(0).to(DEVICE) + # input image density range [-1, 1] + latents = self.vae.encode(image)['latent_dist'].mean + latents = latents * 0.18215 + return latents + + @torch.no_grad() + def latent2image(self, latents, return_type='np'): + latents = 1 / 0.18215 * latents.detach() + image = self.vae.decode(latents)['sample'] + if return_type == 'np': + image = (image / 2 + 0.5).clamp(0, 1) + image = image.cpu().permute(0, 2, 3, 1).numpy()[0] + image = (image * 255).astype(np.uint8) + elif return_type == "pt": + image = (image / 2 + 0.5).clamp(0, 1) + + return image + + def latent2image_grad(self, latents): + latents = 1 / 0.18215 * latents + image = self.vae.decode(latents)['sample'] + + return image # range [-1, 1] + + @torch.no_grad() + def __call__( + self, + prompt, + batch_size=1, + height=512, + width=512, + num_inference_steps=50, + guidance_scale=7.5, + eta=0.0, + latents=None, + unconditioning=None, + neg_prompt=None, + ref_intermediate_latents=None, + return_intermediates=False, + **kwds): + DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + if isinstance(prompt, list): + batch_size = len(prompt) + elif isinstance(prompt, str): + if batch_size > 1: + prompt = [prompt] * batch_size + # print(f'prompt:{prompt}') + # text embeddings + text_input = self.tokenizer( + prompt, + padding="max_length", + max_length=77, + return_tensors="pt" + ) + + text_embeddings = self.text_encoder(text_input.input_ids.to(DEVICE))[0] + # print("input text embeddings :", text_embeddings.shape) + if kwds.get("dir"): + dir = text_embeddings[-2] - text_embeddings[-1] + u, s, v = torch.pca_lowrank(dir.transpose(-1, -2), q=1, center=True) + text_embeddings[-1] = text_embeddings[-1] + kwds.get("dir") * v + print(u.shape) + print(v.shape) + + # define initial latents + latents_shape = (batch_size, self.unet.in_channels, height//8, width//8) + if latents is None: + latents = torch.randn(latents_shape, device=DEVICE) + else: + assert latents.shape == latents_shape, f"The shape of input latent tensor {latents.shape} should equal to predefined one." + + # unconditional embedding for classifier free guidance + if guidance_scale > 1.: + max_length = text_input.input_ids.shape[-1] + if neg_prompt: + uc_text = neg_prompt + else: + uc_text = "" + # uc_text = "ugly, tiling, poorly drawn hands, poorly drawn feet, body out of frame, cut off, low contrast, underexposed, distorted face" + unconditional_input = self.tokenizer( + [uc_text] * batch_size, + padding="max_length", + max_length=77, + return_tensors="pt" + ) + # unconditional_input.input_ids = unconditional_input.input_ids[:, 1:] + unconditional_embeddings = self.text_encoder(unconditional_input.input_ids.to(DEVICE))[0] + text_embeddings = torch.cat([unconditional_embeddings, text_embeddings], dim=0) + # print("text_embeddings shape: ", text_embeddings.shape) + + # print("latents shape: ", latents.shape) + # iterative sampling + self.scheduler.set_timesteps(num_inference_steps) + # print("Valid timesteps: ", reversed(self.scheduler.timesteps)) + latents_list = [latents] + pred_x0_list = [latents] + for i, t in enumerate(tqdm(self.scheduler.timesteps, desc="DDIM Sampler")): + if ref_intermediate_latents is not None: + # note that the batch_size >= 2 + latents_ref = ref_intermediate_latents[-1 - i] + # print("latents_ref shape: ", latents_ref.shape) + + _, latents_cur = latents.chunk(2) + # print("latents_cur shape: ", latents_cur.shape) + + latents = torch.cat([latents_ref, latents_cur]) + + if guidance_scale > 1.: + model_inputs = torch.cat([latents] * 2) + else: + model_inputs = latents + if unconditioning is not None and isinstance(unconditioning, list): + _, text_embeddings = text_embeddings.chunk(2) + text_embeddings = torch.cat([unconditioning[i].expand(*text_embeddings.shape), text_embeddings]) + # predict tghe noise + # print("input text embeddings_before unet :", text_embeddings.shape) + # print("model_inputs shape: ", model_inputs.shape) + + noise_pred = self.unet(model_inputs, t, encoder_hidden_states=text_embeddings).sample + if guidance_scale > 1.: + noise_pred_uncon, noise_pred_con = noise_pred.chunk(2, dim=0) + noise_pred = noise_pred_uncon + guidance_scale * (noise_pred_con - noise_pred_uncon) + # compute the previous noise sample x_t -> x_t-1 + latents, pred_x0 = self.step(noise_pred, t, latents) + latents_list.append(latents) + pred_x0_list.append(pred_x0) + + image = self.latent2image(latents, return_type="pt") + if return_intermediates: + pred_x0_list = [self.latent2image(img, return_type="pt") for img in pred_x0_list] + latents_list = [self.latent2image(img, return_type="pt") for img in latents_list] + return image, pred_x0_list, latents_list + return image + + @torch.no_grad() + def invert( + self, + image: torch.Tensor, + prompt, + num_inference_steps=50, + guidance_scale=7.5, + eta=0.0, + return_intermediates=False, + **kwds): + """ + invert a real image into noise map with determinisc DDIM inversion + """ + DEVICE = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + batch_size = image.shape[0] + if isinstance(prompt, list): + if batch_size == 1: + image = image.expand(len(prompt), -1, -1, -1) + elif isinstance(prompt, str): + if batch_size > 1: + prompt = [prompt] * batch_size + + # text embeddings + text_input = self.tokenizer( + prompt, + padding="max_length", + max_length=77, + return_tensors="pt" + ) + text_embeddings = self.text_encoder(text_input.input_ids.to(DEVICE))[0] + # print("input text embeddings :", text_embeddings.shape) + # define initial latents + latents = self.image2latent(image) + start_latents = latents + # print(latents) + # exit() + # unconditional embedding for classifier free guidance + if guidance_scale > 1.: + max_length = text_input.input_ids.shape[-1] + unconditional_input = self.tokenizer( + [""] * batch_size, + padding="max_length", + max_length=77, + return_tensors="pt" + ) + unconditional_embeddings = self.text_encoder(unconditional_input.input_ids.to(DEVICE))[0] + text_embeddings = torch.cat([unconditional_embeddings, text_embeddings], dim=0) + + # print("latents shape: ", latents.shape) + # interative sampling + self.scheduler.set_timesteps(num_inference_steps) + # print("Valid timesteps: ", reversed(self.scheduler.timesteps)) + # print("attributes: ", self.scheduler.__dict__) + latents_list = [latents] + pred_x0_list = [latents] + for i, t in enumerate(tqdm(reversed(self.scheduler.timesteps), desc="DDIM Inversion")): + if guidance_scale > 1.: + model_inputs = torch.cat([latents] * 2) + else: + model_inputs = latents + + # predict the noise + noise_pred = self.unet(model_inputs, t, encoder_hidden_states=text_embeddings).sample + if guidance_scale > 1.: + noise_pred_uncon, noise_pred_con = noise_pred.chunk(2, dim=0) + noise_pred = noise_pred_uncon + guidance_scale * (noise_pred_con - noise_pred_uncon) + # compute the previous noise sample x_t-1 -> x_t + latents, pred_x0 = self.next_step(noise_pred, t, latents) + latents_list.append(latents) + pred_x0_list.append(pred_x0) + + if return_intermediates: + # return the intermediate laters during inversion + # pred_x0_list = [self.latent2image(img, return_type="pt") for img in pred_x0_list] + return latents, latents_list + return latents, start_latents diff --git a/diffusion/FreePromptEditing/gradio_app/Freeprompt/freeprompt.py b/diffusion/FreePromptEditing/gradio_app/Freeprompt/freeprompt.py new file mode 100644 index 0000000..9dcc7b1 --- /dev/null +++ b/diffusion/FreePromptEditing/gradio_app/Freeprompt/freeprompt.py @@ -0,0 +1,136 @@ +import os + +import torch +import torch.nn.functional as F +import numpy as np +import abc +from einops import rearrange +from typing import Optional, Union, Tuple, List, Callable, Dict + + +from torchvision.utils import save_image + + +class EmptyControl: + + + def step_callback(self, x_t): + return x_t + + def between_steps(self): + return + + def __call__(self, attn, is_cross: bool, place_in_unet: str): + return attn + + +class AttentionControl(abc.ABC): + + def step_callback(self, x_t): + return x_t + + def between_steps(self): + return + + @property + def num_uncond_att_layers(self): + return self.num_att_layers if self.LOW_RESOURCE else 0 + + @abc.abstractmethod + def forward (self, attn, is_cross: bool, place_in_unet: str): + raise NotImplementedError + + def __call__(self, attn, is_cross: bool, place_in_unet: str): + if self.cur_att_layer >= self.num_uncond_att_layers: + h = attn.shape[0] + attn[h // 2:] = self.forward(attn[h // 2:], is_cross, place_in_unet) + self.cur_att_layer += 1 + if self.cur_att_layer == self.num_att_layers + self.num_uncond_att_layers: + self.cur_att_layer = 0 + self.cur_step += 1 + # self.between_steps() + return attn + + def reset(self): + self.cur_step = 0 + self.cur_att_layer = 0 + + def __init__(self): + self.cur_step = 0 + self.num_att_layers = -1 + self.cur_att_layer = 0 + self.LOW_RESOURCE = False + + + +class AttentionStore(AttentionControl): + + @staticmethod + def get_empty_store(): + return {"down_cross": [], "mid_cross": [], "up_cross": [], + "down_self": [], "mid_self": [], "up_self": []} + + def forward(self, attn, is_cross: bool, place_in_unet: str): + return attn + + def between_steps(self): + if len(self.attention_store) == 0: + self.attention_store = self.step_store + else: + for key in self.attention_store: + for i in range(len(self.attention_store[key])): + + self.attention_store[key][i] += self.step_store[key][i] + self.step_store = self.get_empty_store() + + def get_average_attention(self): + average_attention = {key: [item / self.cur_step for item in self.attention_store[key]] for key in self.attention_store} + return average_attention + + + def reset(self): + super(AttentionStore, self).reset() + self.step_store = self.get_empty_store() + self.attention_store = {} + + def __init__(self): + super(AttentionStore, self).__init__() + self.step_store = self.get_empty_store() + self.attention_store = {} + + + +class SelfAttentionControlEdit(AttentionStore, abc.ABC): + + def step_callback(self, x_t): + return x_t + + def replace_self_attention(self, attn_base, att_replace, place_in_unet): + if att_replace.shape[2] <= self.res ** 2: + attn_base = attn_base.unsqueeze(0).expand(att_replace.shape[0], *attn_base.shape) + return attn_base + else: + return att_replace + + + def forward(self, attn, is_cross: bool, place_in_unet: str): + super(SelfAttentionControlEdit, self).forward(attn, is_cross, place_in_unet) + if is_cross or (self.num_self_replace[0] <= self.cur_step < self.num_self_replace[1]): + h = attn.shape[0] // (self.batch_size) + attn = attn.reshape(self.batch_size, h, *attn.shape[1:]) + attn_base, attn_repalce = attn[0], attn[1:] + if is_cross: + pass + else: + attn[1:] = self.replace_self_attention(attn_base, attn_repalce, place_in_unet) + attn = attn.reshape(self.batch_size * h, *attn.shape[2:]) + return attn + + def __init__(self, prompts, num_steps: int,res: int, + self_replace_steps: Union[float, Tuple[float, float]]): + super(SelfAttentionControlEdit, self).__init__() + self.batch_size = len(prompts) + if type(self_replace_steps) is float: + self_replace_steps = 0, self_replace_steps + self.num_self_replace = int(num_steps * self_replace_steps[0]), int(num_steps * self_replace_steps[1]) + self.res = int(res) \ No newline at end of file diff --git a/diffusion/FreePromptEditing/gradio_app/Freeprompt/freeprompt_utils.py b/diffusion/FreePromptEditing/gradio_app/Freeprompt/freeprompt_utils.py new file mode 100644 index 0000000..c2cdd15 --- /dev/null +++ b/diffusion/FreePromptEditing/gradio_app/Freeprompt/freeprompt_utils.py @@ -0,0 +1,145 @@ +import os +import cv2 +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F +import abc + +from typing import Optional, Union, Tuple, List, Callable, Dict + +from torchvision.utils import save_image +from einops import rearrange, repeat + + + + +def register_attention_control_new(model, controller): + def ca_forward(self, place_in_unet): + to_out = self.to_out + if type(to_out) is torch.nn.modules.container.ModuleList: + to_out = self.to_out[0] + else: + to_out = self.to_out + + def forward(hidden_states, encoder_hidden_states=None, attention_mask=None, **cross_attention_kwargs): + x = hidden_states + context = encoder_hidden_states + mask = attention_mask + batch_size, sequence_length, dim = x.shape + h = self.heads + q = self.to_q(x) + is_cross = context is not None + context = context if is_cross else x + k = self.to_k(context) + v = self.to_v(context) + q = self.head_to_batch_dim(q) + k = self.head_to_batch_dim(k) + v = self.head_to_batch_dim(v) + + sim = torch.einsum("b i d, b j d -> b i j", q, k) * self.scale + + if mask is not None: + mask = mask.reshape(batch_size, -1) + max_neg_value = -torch.finfo(sim.dtype).max + mask = mask[:, None, :].repeat(h, 1, 1) + sim.masked_fill_(~mask, max_neg_value) + + # attention, what we cannot get enough of + attn = sim.softmax(dim=-1) + # if is_cross: + # ssss = [] + attn = controller(attn, is_cross, place_in_unet) + out = torch.einsum("b i j, b j d -> b i d", attn, v) + out = self.batch_to_head_dim(out) + return to_out(out) + + return forward + + class DummyController: + + def __call__(self, *args): + return args[0] + + def __init__(self): + self.num_att_layers = 0 + + if controller is None: + controller = DummyController() + + def register_recr(net_, count, place_in_unet): + # print(net_.__class__.__name__) + if net_.__class__.__name__ == 'Attention': + net_.forward = ca_forward(net_, place_in_unet) + return count + 1 + elif hasattr(net_, 'children'): + for net__ in net_.children(): + count = register_recr(net__, count, place_in_unet) + return count + + cross_att_count = 0 + sub_nets = model.unet.named_children() + # print(sub_nets) + for net in sub_nets: + if "down" in net[0]: + cross_att_count += register_recr(net[1], 0, "down") + elif "up" in net[0]: + cross_att_count += register_recr(net[1], 0, "up") + elif "mid" in net[0]: + cross_att_count += register_recr(net[1], 0, "mid") + + controller.num_att_layers = cross_att_count + +def get_word_inds(text: str, word_place: int, tokenizer): + split_text = text.split(" ") + if type(word_place) is str: + word_place = [i for i, word in enumerate(split_text) if word_place == word] + elif type(word_place) is int: + word_place = [word_place] + out = [] + if len(word_place) > 0: + words_encode = [tokenizer.decode([item]).strip("#") for item in tokenizer.encode(text)][1:-1] + cur_len, ptr = 0, 0 + + for i in range(len(words_encode)): + cur_len += len(words_encode[i]) + if ptr in word_place: + out.append(i + 1) + if cur_len >= len(split_text[ptr]): + ptr += 1 + cur_len = 0 + return np.array(out) + + +def update_alpha_time_word(alpha, bounds: Union[float, Tuple[float, float]], prompt_ind: int, + word_inds: Optional[torch.Tensor]=None): + if type(bounds) is float: + bounds = 0, bounds + start, end = int(bounds[0] * alpha.shape[0]), int(bounds[1] * alpha.shape[0]) + if word_inds is None: + word_inds = torch.arange(alpha.shape[2]) + alpha[: start, prompt_ind, word_inds] = 0 + alpha[start: end, prompt_ind, word_inds] = 1 + alpha[end:, prompt_ind, word_inds] = 0 + return alpha + + +def get_time_words_attention_alpha(prompts, num_steps, + cross_replace_steps: Union[float, Dict[str, Tuple[float, float]]], + tokenizer, max_num_words=77): + if type(cross_replace_steps) is not dict: + cross_replace_steps = {"default_": cross_replace_steps} + if "default_" not in cross_replace_steps: + cross_replace_steps["default_"] = (0., 1.) + alpha_time_words = torch.zeros(num_steps + 1, len(prompts) - 1, max_num_words) + for i in range(len(prompts) - 1): + alpha_time_words = update_alpha_time_word(alpha_time_words, cross_replace_steps["default_"], + i) + for key, item in cross_replace_steps.items(): + if key != "default_": + inds = [get_word_inds(prompts[i], key, tokenizer) for i in range(1, len(prompts))] + for i, ind in enumerate(inds): + if len(ind) > 0: + alpha_time_words = update_alpha_time_word(alpha_time_words, item, i, ind) + alpha_time_words = alpha_time_words.reshape(num_steps + 1, len(prompts) - 1, 1, 1, max_num_words) + return alpha_time_words diff --git a/diffusion/FreePromptEditing/gradio_app/app.py b/diffusion/FreePromptEditing/gradio_app/app.py new file mode 100644 index 0000000..550810a --- /dev/null +++ b/diffusion/FreePromptEditing/gradio_app/app.py @@ -0,0 +1,298 @@ +import gradio as gr +import numpy as np +import torch +from diffusers import DDIMScheduler +import os +import argparse +import random +from typing import Optional +from torchvision.io import read_image +from Freeprompt.diffuser_utils import FreePromptPipeline +from Freeprompt.freeprompt import SelfAttentionControlEdit,AttentionStore +from Freeprompt.freeprompt_utils import register_attention_control_new +import torch.nn.functional as F +from scipy import ndimage + + +torch.set_grad_enabled(False) + +device = torch.device("cuda") if torch.cuda.is_available() else torch.device( "cpu") + + + +parser = argparse.ArgumentParser() +parser.add_argument('--model_path', default = 'models/stable-diffusion-v1-5') + + +def seed_everything(seed: Optional[int] = None, workers: bool = False) -> int: + + if seed is None: + seed = os.environ.get("PL_GLOBAL_SEED") + seed = int(seed) + + os.environ["PL_GLOBAL_SEED"] = str(seed) + random.seed(seed) + np.random.seed(seed) + torch.manual_seed(seed) + torch.cuda.manual_seed_all(seed) + + os.environ["PL_SEED_WORKERS"] = f"{int(workers)}" + + return seed + + +def consistent_synthesis(source_prompt, target_prompt, replace_scale, + replace_layers, image_resolution, ddim_steps, scale, + seed, appended_prompt, negative_prompt): + + seed_everything(seed) + + with torch.no_grad(): + if appended_prompt is not None: + source_prompt += appended_prompt + target_prompt += appended_prompt + prompts = [source_prompt, target_prompt] + + # initialize the noise map + start_code = torch.randn([1, 4, 64, 64], device=device) + start_code = start_code.expand(len(prompts), -1, -1, -1) + + self_replace_steps = replace_scale + NUM_DIFFUSION_STEPS = ddim_steps + controller = SelfAttentionControlEdit(prompts, NUM_DIFFUSION_STEPS,replace_layers,self_replace_steps=self_replace_steps) + register_attention_control_new(model, controller) + + # inference the synthesized image + image_results = model(prompts, latents=start_code, guidance_scale=7.5,) + image_results = image_results.cpu().permute(0, 2, 3, 1).numpy() + + return [image_results[0], + image_results[1]] # source, fixed seed, Editing + +def create_demo_synthesis(): + gr.Markdown("## **Input Settings**") + with gr.Row(): + with gr.Column(): + source_prompt = gr.Textbox( + label="Source Prompt", + value='a photo of green ducks walking on street', + interactive=True) + target_prompt = gr.Textbox( + label="Target Prompt", + value='a photo of rubber ducks walking on street', + interactive=True) + with gr.Row(): + ddim_steps = gr.Slider(label="DDIM Steps", + minimum=1, + maximum=999, + value=50, + step=1) + replace_scale = gr.Slider(label="Attention map Replacing Scale ratio of Editing", + minimum=0.0, + maximum=1.0, + value=0.4, + step=0.1) + replace_layer = gr.Slider(label="Layers to Edit", + minimum=0, + maximum=64, + value=32, + step=8) + run_btn = gr.Button() + with gr.Column(): + negative_prompt = gr.Textbox(label="Negative Prompt", value='') + with gr.Row(): + image_resolution = gr.Slider(label="Image Resolution", + minimum=256, + maximum=768, + value=512, + step=64) + scale = gr.Slider(label="CFG Scale", + minimum=0.1, + maximum=30.0, + value=7.5, + step=0.1) + seed = gr.Slider(label="Seed", + minimum=-1, + maximum=2147483647, + value=42, + step=1) + + gr.Markdown("## **Output**") + with gr.Row(): + image_source = gr.Image(label="Source Image") + image_results = gr.Image(label="Image with Editing") + + inputs = [ + source_prompt, target_prompt, replace_scale, replace_layer, + image_resolution, ddim_steps, scale, seed,negative_prompt + ] + run_btn.click(consistent_synthesis, inputs, + [image_source, image_results]) + + gr.Examples( + [[ + "a photo of green ducks walking on street", + "a photo of rubber ducks walking on street", + 42 + ], + [ + "a photo of a husky", + "a photo of a poodle", 42 + ], + [ + "a photo of a white horse", + "a photo of a zebra in the grass", 42 + ]], + [source_prompt, target_prompt, seed], + ) + + +def load_image(image_path): + device = torch.device("cuda") if torch.cuda.is_available() else torch.device("cpu") + image = read_image(image_path) + image = image[:3].unsqueeze_(0).float() / 127.5 - 1. # [-1, 1] + image = F.interpolate(image, (512, 512)) + image = image.to(device) + +def resize_array(input_array, target_shape): + new_array = ndimage.zoom(input_array, (target_shape[0]/input_array.shape[0], target_shape[1]/input_array.shape[1], 1), order=1) + return new_array + +def real_image_editing(source_image, target_prompt, + replace_scale, replace_layers, ddim_steps, scale, seed, + negative_prompt): + + seed_everything(seed) + h,w,c = source_image.shape + target_shape = (h, w) + with torch.no_grad(): + ref_prompt = "" + prompts = [ref_prompt, target_prompt] + + # invert the image into noise map + if isinstance(source_image, np.ndarray): + source_image = torch.from_numpy(source_image).to(device) / 127.5 - 1. + source_image = source_image.unsqueeze(0).permute(0, 3, 1, 2) + source_image = F.interpolate(source_image, (512, 512)) + + start_code, latents_list = model.invert(source_image, + ref_prompt, + guidance_scale=scale, + num_inference_steps=ddim_steps, + return_intermediates=True) + + start_code = start_code.expand(len(prompts), -1, -1, -1) + + self_replace_steps = replace_scale + NUM_DIFFUSION_STEPS = ddim_steps + controller = SelfAttentionControlEdit(prompts, NUM_DIFFUSION_STEPS,replace_layers, self_replace_steps=self_replace_steps) + register_attention_control_new(model, controller) + + # inference the synthesized image + if not negative_prompt == '': + image_results = model(prompts, + latents=start_code, + guidance_scale=scale, + ref_intermediate_latents=latents_list, + neg_prompt = negative_prompt) + else: + image_results = model(prompts, + latents=start_code, + guidance_scale=scale, + ref_intermediate_latents=latents_list + ) + image_results = image_results.cpu().permute(0, 2, 3, 1).numpy() + + + image_results_resize_org = resize_array(image_results[0], target_shape) + image_results_resize_dst = resize_array(image_results[1], target_shape) + return [ + image_results_resize_org, + image_results_resize_dst + ] + + +def create_demo_editing(): + + gr.Markdown("## **Input Settings**") + with gr.Row(): + with gr.Column(): + source_image = gr.Image(label="Source Image", value=os.path.join(os.path.dirname(__file__), "images/face.jpg"), interactive=True) + target_prompt = gr.Textbox(label="Target Prompt", + value='10 years old girl', + interactive=True) + with gr.Row(): + ddim_steps = gr.Slider(label="DDIM Steps", + minimum=1, + maximum=999, + value=50, + step=1) + replace_scale = gr.Slider(label="Attention map Replacing Scale ratio of Editing", + minimum=0.0, + maximum=1.0, + value=0.8, + step=0.1) + replace_layer = gr.Slider(label="Layers to Edit", + minimum=0, + maximum=64, + value=32, + step=8) + run_btn = gr.Button() + with gr.Column(): + negative_prompt = gr.Textbox(label="Negative Prompt", value='') + with gr.Row(): + scale = gr.Slider(label="CFG Scale", + minimum=0.1, + maximum=30.0, + value=7.5, + step=0.1) + seed = gr.Slider(label="Seed", + minimum=-1, + maximum=2147483647, + value=42, + step=1) + + gr.Markdown("## **Output**") + with gr.Row(): + image_recons = gr.Image(label="Source Image") + image_results = gr.Image(label="Image with Editing") + + inputs = [ + source_image, target_prompt, replace_scale, replace_layer, ddim_steps, + scale, seed, negative_prompt + ] + run_btn.click(real_image_editing, inputs, + [image_recons, image_results]) + + gr.Examples( + [[os.path.join(os.path.dirname(__file__), "images/face.jpg"), + "10 year old girl"], + [os.path.join(os.path.dirname(__file__), "images/girl.png"), + "smiling woman"], + ], + [source_image, target_prompt] + ) + + +def add_tab(): + with gr.Blocks(analytics_enabled=False) as ui: + with gr.Tab("Synthesis_image_editing"): + create_demo_synthesis() + with gr.Tab("Real_image_editing"): + create_demo_editing() + return ui + +if __name__ == "__main__": + args = parser.parse_args() + model_path = args.model_path + scheduler = DDIMScheduler(beta_start=0.00085, + beta_end=0.012, + beta_schedule="scaled_linear", + clip_sample=False, + set_alpha_to_one=False) + model = FreePromptPipeline.from_pretrained(model_path, + scheduler=scheduler).to(device) + demo_editing = add_tab() + demo_editing.launch() + + diff --git a/diffusion/FreePromptEditing/gradio_app/images/face.jpg b/diffusion/FreePromptEditing/gradio_app/images/face.jpg new file mode 100644 index 0000000..c954686 Binary files /dev/null and b/diffusion/FreePromptEditing/gradio_app/images/face.jpg differ diff --git a/diffusion/FreePromptEditing/gradio_app/images/girl.png b/diffusion/FreePromptEditing/gradio_app/images/girl.png new file mode 100644 index 0000000..05ae529 Binary files /dev/null and b/diffusion/FreePromptEditing/gradio_app/images/girl.png differ diff --git a/diffusion/FreePromptEditing/null_text_w_FPE.ipynb b/diffusion/FreePromptEditing/null_text_w_FPE.ipynb new file mode 100644 index 0000000..b287031 --- /dev/null +++ b/diffusion/FreePromptEditing/null_text_w_FPE.ipynb @@ -0,0 +1,603 @@ +{ + "cells": [ + { + "attachments": {}, + "cell_type": "markdown", + "id": "bcafe28c-9f59-4d96-b52f-3e3f45a16c3a", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "## Copyright 2022 Google LLC. Double-click for license information." + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "a952f9ab-ed6f-4e99-8304-99a3716734b5", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "# Copyright 2022 Google LLC\n", + "#\n", + "# Licensed under the Apache License, Version 2.0 (the \"License\");\n", + "# you may not use this file except in compliance with the License.\n", + "# You may obtain a copy of the License at\n", + "#\n", + "# http://www.apache.org/licenses/LICENSE-2.0\n", + "#\n", + "# Unless required by applicable law or agreed to in writing, software\n", + "# distributed under the License is distributed on an \"AS IS\" BASIS,\n", + "# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n", + "# See the License for the specific language governing permissions and\n", + "# limitations under the License." + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "6d2b343b-1c90-4747-a753-71eb7071a289", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "# Null-text inversion + Editing with Free-Prompt-Editing" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "7b1b6199-9dfe-4055-8a84-66ff4bfa8901", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "import os\n", + "from typing import Optional, Union, Tuple, List, Callable, Dict\n", + "from tqdm.notebook import tqdm\n", + "import torch\n", + "from diffusers import StableDiffusionPipeline, DDIMScheduler\n", + "import torch.nn.functional as nnf\n", + "import numpy as np\n", + "import abc\n", + "from utils import ptp_utils,seq_aligner\n", + "import shutil\n", + "from torch.optim.adam import Adam\n", + "from PIL import Image\n", + "from Freeprompt.freeprompt import SelfAttentionControlEdit,AttentionStore,EmptyControl\n", + "from Freeprompt.freeprompt_utils import register_attention_control_new\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "7c6a4bd1-3130-408b-ae2d-a166b9f19cb7", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "For loading the Stable Diffusion using Diffusers, follow the instuctions https://huggingface.co/blog/stable_diffusion and update MY_TOKEN with your token." + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "7558a4b4-fec6-4bd2-9c8f-139809b1a1a1", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "`text_config_dict` is provided which will be used to initialize `CLIPTextConfig`. The value `text_config[\"id2label\"]` will be overriden.\n", + "/apsarapangu/disk1/wushi.lby/anaconda3/envs/ldm/lib/python3.8/site-packages/transformers/models/clip/feature_extraction_clip.py:28: FutureWarning: The class CLIPFeatureExtractor is deprecated and will be removed in version 5 of Transformers. Please use CLIPImageProcessor instead.\n", + " warnings.warn(\n", + "/apsarapangu/disk1/wushi.lby/anaconda3/envs/ldm/lib/python3.8/site-packages/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py:115: FutureWarning: The configuration file of this scheduler: DDIMScheduler {\n", + " \"_class_name\": \"DDIMScheduler\",\n", + " \"_diffusers_version\": \"0.16.1\",\n", + " \"beta_end\": 0.012,\n", + " \"beta_schedule\": \"scaled_linear\",\n", + " \"beta_start\": 0.00085,\n", + " \"clip_sample\": false,\n", + " \"clip_sample_range\": 1.0,\n", + " \"dynamic_thresholding_ratio\": 0.995,\n", + " \"num_train_timesteps\": 1000,\n", + " \"prediction_type\": \"epsilon\",\n", + " \"sample_max_value\": 1.0,\n", + " \"set_alpha_to_one\": false,\n", + " \"steps_offset\": 0,\n", + " \"thresholding\": false,\n", + " \"trained_betas\": null\n", + "}\n", + " is outdated. `steps_offset` should be set to 1 instead of 0. Please make sure to update the config accordingly as leaving `steps_offset` might led to incorrect results in future versions. If you have downloaded this checkpoint from the Hugging Face Hub, it would be very nice if you could open a Pull request for the `scheduler/scheduler_config.json` file\n", + " deprecate(\"steps_offset!=1\", \"1.0.0\", deprecation_message, standard_warn=False)\n" + ] + } + ], + "source": [ + "scheduler = DDIMScheduler(beta_start=0.00085, beta_end=0.012, beta_schedule=\"scaled_linear\", clip_sample=False, set_alpha_to_one=False)\n", + "MY_TOKEN = ''\n", + "LOW_RESOURCE = False \n", + "NUM_DDIM_STEPS = 50\n", + "GUIDANCE_SCALE = 7.5\n", + "MAX_NUM_WORDS = 77\n", + "device = torch.device('cuda:0') if torch.cuda.is_available() else torch.device('cpu')\n", + "ldm_stable = StableDiffusionPipeline.from_pretrained(\"runwayml/stable-diffusion-v1-5\", scheduler=scheduler).to(device)\n", + "tokenizer = ldm_stable.tokenizer" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "a914bda0-c191-4db6-b891-101cde74ddaf", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "## Null Text Inversion code\n", + "Util functions from prompt-to-prompt. \n", + "https://github.com/google/prompt-to-prompt.git\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "c442992d-8156-4dfc-a2a5-1fbf8bedb4b2", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "def load_512(image_path, left=0, right=0, top=0, bottom=0):\n", + " if type(image_path) is str:\n", + " image = np.array(Image.open(image_path))[:, :, :3]\n", + " else:\n", + " image = image_path\n", + " h, w, c = image.shape\n", + " left = min(left, w-1)\n", + " right = min(right, w - left - 1)\n", + " top = min(top, h - left - 1)\n", + " bottom = min(bottom, h - top - 1)\n", + " image = image[top:h-bottom, left:w-right]\n", + " h, w, c = image.shape\n", + " if h < w:\n", + " offset = (w - h) // 2\n", + " image = image[:, offset:offset + h]\n", + " elif w < h:\n", + " offset = (h - w) // 2\n", + " image = image[offset:offset + w]\n", + " image = np.array(Image.fromarray(image).resize((512, 512)))\n", + " return image\n", + "\n", + "\n", + "class NullInversion:\n", + " \n", + " def prev_step(self, model_output: Union[torch.FloatTensor, np.ndarray], timestep: int, sample: Union[torch.FloatTensor, np.ndarray]):\n", + " prev_timestep = timestep - self.scheduler.config.num_train_timesteps // self.scheduler.num_inference_steps\n", + " alpha_prod_t = self.scheduler.alphas_cumprod[timestep]\n", + " alpha_prod_t_prev = self.scheduler.alphas_cumprod[prev_timestep] if prev_timestep >= 0 else self.scheduler.final_alpha_cumprod\n", + " beta_prod_t = 1 - alpha_prod_t\n", + " pred_original_sample = (sample - beta_prod_t ** 0.5 * model_output) / alpha_prod_t ** 0.5\n", + " pred_sample_direction = (1 - alpha_prod_t_prev) ** 0.5 * model_output\n", + " prev_sample = alpha_prod_t_prev ** 0.5 * pred_original_sample + pred_sample_direction\n", + " return prev_sample\n", + " \n", + " def next_step(self, model_output: Union[torch.FloatTensor, np.ndarray], timestep: int, sample: Union[torch.FloatTensor, np.ndarray]):\n", + " timestep, next_timestep = min(timestep - self.scheduler.config.num_train_timesteps // self.scheduler.num_inference_steps, 999), timestep\n", + " alpha_prod_t = self.scheduler.alphas_cumprod[timestep] if timestep >= 0 else self.scheduler.final_alpha_cumprod\n", + " alpha_prod_t_next = self.scheduler.alphas_cumprod[next_timestep]\n", + " beta_prod_t = 1 - alpha_prod_t\n", + " next_original_sample = (sample - beta_prod_t ** 0.5 * model_output) / alpha_prod_t ** 0.5\n", + " next_sample_direction = (1 - alpha_prod_t_next) ** 0.5 * model_output\n", + " next_sample = alpha_prod_t_next ** 0.5 * next_original_sample + next_sample_direction\n", + " return next_sample\n", + " \n", + " def get_noise_pred_single(self, latents, t, context):\n", + " noise_pred = self.model.unet(latents, t, encoder_hidden_states=context)[\"sample\"]\n", + " return noise_pred\n", + "\n", + " def get_noise_pred(self, latents, t, is_forward=True, context=None):\n", + " latents_input = torch.cat([latents] * 2)\n", + " if context is None:\n", + " context = self.context\n", + " guidance_scale = 1 if is_forward else GUIDANCE_SCALE\n", + " noise_pred = self.model.unet(latents_input, t, encoder_hidden_states=context)[\"sample\"]\n", + " noise_pred_uncond, noise_prediction_text = noise_pred.chunk(2)\n", + " noise_pred = noise_pred_uncond + guidance_scale * (noise_prediction_text - noise_pred_uncond)\n", + " if is_forward:\n", + " latents = self.next_step(noise_pred, t, latents)\n", + " else:\n", + " latents = self.prev_step(noise_pred, t, latents)\n", + " return latents\n", + "\n", + " @torch.no_grad()\n", + " def latent2image(self, latents, return_type='np'):\n", + " latents = 1 / 0.18215 * latents.detach()\n", + " image = self.model.vae.decode(latents)['sample']\n", + " if return_type == 'np':\n", + " image = (image / 2 + 0.5).clamp(0, 1)\n", + " image = image.cpu().permute(0, 2, 3, 1).numpy()[0]\n", + " image = (image * 255).astype(np.uint8)\n", + " return image\n", + "\n", + " @torch.no_grad()\n", + " def image2latent(self, image):\n", + " with torch.no_grad():\n", + " if type(image) is Image:\n", + " image = np.array(image)\n", + " if type(image) is torch.Tensor and image.dim() == 4:\n", + " latents = image\n", + " else:\n", + " image = torch.from_numpy(image).float() / 127.5 - 1\n", + " image = image.permute(2, 0, 1).unsqueeze(0).to(device)\n", + " latents = self.model.vae.encode(image)['latent_dist'].mean\n", + " latents = latents * 0.18215\n", + " return latents\n", + "\n", + " @torch.no_grad()\n", + " def init_prompt(self, prompt: str):\n", + " uncond_input = self.model.tokenizer(\n", + " [\"\"], padding=\"max_length\", max_length=self.model.tokenizer.model_max_length,\n", + " return_tensors=\"pt\"\n", + " )\n", + " uncond_embeddings = self.model.text_encoder(uncond_input.input_ids.to(self.model.device))[0]\n", + " text_input = self.model.tokenizer(\n", + " [prompt],\n", + " padding=\"max_length\",\n", + " max_length=self.model.tokenizer.model_max_length,\n", + " truncation=True,\n", + " return_tensors=\"pt\",\n", + " )\n", + " text_embeddings = self.model.text_encoder(text_input.input_ids.to(self.model.device))[0]\n", + " self.context = torch.cat([uncond_embeddings, text_embeddings])\n", + " self.prompt = prompt\n", + "\n", + " @torch.no_grad()\n", + " def ddim_loop(self, latent):\n", + " uncond_embeddings, cond_embeddings = self.context.chunk(2)\n", + " all_latent = [latent]\n", + " latent = latent.clone().detach()\n", + " for i in range(NUM_DDIM_STEPS):\n", + " t = self.model.scheduler.timesteps[len(self.model.scheduler.timesteps) - i - 1]\n", + " noise_pred = self.get_noise_pred_single(latent, t, cond_embeddings)\n", + " latent = self.next_step(noise_pred, t, latent)\n", + " all_latent.append(latent)\n", + " return all_latent\n", + "\n", + " @property\n", + " def scheduler(self):\n", + " return self.model.scheduler\n", + "\n", + " @torch.no_grad()\n", + " def ddim_inversion(self, image):\n", + " latent = self.image2latent(image)\n", + " image_rec = self.latent2image(latent)\n", + " ddim_latents = self.ddim_loop(latent)\n", + " return image_rec, ddim_latents\n", + "\n", + " def null_optimization(self, latents, num_inner_steps, epsilon):\n", + " uncond_embeddings, cond_embeddings = self.context.chunk(2)\n", + " uncond_embeddings_list = []\n", + " latent_cur = latents[-1]\n", + " bar = tqdm(total=num_inner_steps * NUM_DDIM_STEPS)\n", + " for i in range(NUM_DDIM_STEPS):\n", + " uncond_embeddings = uncond_embeddings.clone().detach()\n", + " uncond_embeddings.requires_grad = True\n", + " optimizer = Adam([uncond_embeddings], lr=1e-2 * (1. - i / 100.))\n", + " latent_prev = latents[len(latents) - i - 2]\n", + " t = self.model.scheduler.timesteps[i]\n", + " with torch.no_grad():\n", + " noise_pred_cond = self.get_noise_pred_single(latent_cur, t, cond_embeddings)\n", + " for j in range(num_inner_steps):\n", + " noise_pred_uncond = self.get_noise_pred_single(latent_cur, t, uncond_embeddings)\n", + " noise_pred = noise_pred_uncond + GUIDANCE_SCALE * (noise_pred_cond - noise_pred_uncond)\n", + " latents_prev_rec = self.prev_step(noise_pred, t, latent_cur)\n", + " loss = nnf.mse_loss(latents_prev_rec, latent_prev)\n", + " optimizer.zero_grad()\n", + " loss.backward()\n", + " optimizer.step()\n", + " loss_item = loss.item()\n", + " bar.update()\n", + " if loss_item < epsilon + i * 2e-5:\n", + " break\n", + " for j in range(j + 1, num_inner_steps):\n", + " bar.update()\n", + " uncond_embeddings_list.append(uncond_embeddings[:1].detach())\n", + " with torch.no_grad():\n", + " context = torch.cat([uncond_embeddings, cond_embeddings])\n", + " latent_cur = self.get_noise_pred(latent_cur, t, False, context)\n", + " bar.close()\n", + " return uncond_embeddings_list\n", + " \n", + " def invert(self, image_path: str, prompt: str, offsets=(0,0,0,0), num_inner_steps=10, early_stop_epsilon=1e-5, verbose=False):\n", + " self.init_prompt(prompt)\n", + " register_attention_control_new(self.model, None)\n", + " image_gt = load_512(image_path, *offsets)\n", + " if verbose:\n", + " print(\"DDIM inversion...\")\n", + " image_rec, ddim_latents = self.ddim_inversion(image_gt)\n", + " if verbose:\n", + " print(\"Null-text optimization...\")\n", + " uncond_embeddings = self.null_optimization(ddim_latents, num_inner_steps, early_stop_epsilon)\n", + " return (image_gt, image_rec), ddim_latents[-1], uncond_embeddings\n", + " \n", + " \n", + " def __init__(self, model):\n", + " scheduler = DDIMScheduler(beta_start=0.00085, beta_end=0.012, beta_schedule=\"scaled_linear\", clip_sample=False,\n", + " set_alpha_to_one=False)\n", + " self.model = model\n", + " self.tokenizer = self.model.tokenizer\n", + " self.model.scheduler.set_timesteps(NUM_DDIM_STEPS)\n", + " self.prompt = None\n", + " self.context = None\n", + "\n", + "null_inversion = NullInversion(ldm_stable)\n" + ] + }, + { + "attachments": {}, + "cell_type": "markdown", + "id": "c919e093-998c-4e4c-92a2-dc9517ef8ea4", + "metadata": { + "pycharm": { + "name": "#%% md\n" + } + }, + "source": [ + "## Infernce Code" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "f9499145-1a2b-4c91-900e-093c0c08043c", + "metadata": { + "pycharm": { + "name": "#%%\n" + } + }, + "outputs": [], + "source": [ + "@torch.no_grad()\n", + "def text2image_ldm_stable(\n", + " model,\n", + " prompt: List[str],\n", + " controller,\n", + " num_inference_steps: int = 50,\n", + " guidance_scale: Optional[float] = 7.5,\n", + " generator: Optional[torch.Generator] = None,\n", + " latent: Optional[torch.FloatTensor] = None,\n", + " uncond_embeddings=None,\n", + " start_time=50,\n", + " return_type='image'\n", + "):\n", + " batch_size = len(prompt)\n", + " register_attention_control_new(model, controller)\n", + " height = width = 512\n", + " \n", + " text_input = model.tokenizer(\n", + " prompt,\n", + " padding=\"max_length\",\n", + " max_length=model.tokenizer.model_max_length,\n", + " truncation=True,\n", + " return_tensors=\"pt\",\n", + " )\n", + " text_embeddings = model.text_encoder(text_input.input_ids.to(model.device))[0]\n", + " max_length = text_input.input_ids.shape[-1]\n", + " if uncond_embeddings is None:\n", + " uncond_input = model.tokenizer(\n", + " [\"\"] * batch_size, padding=\"max_length\", max_length=max_length, return_tensors=\"pt\"\n", + " )\n", + " uncond_embeddings_ = model.text_encoder(uncond_input.input_ids.to(model.device))[0]\n", + " else:\n", + " uncond_embeddings_ = None\n", + "\n", + " latent, latents = ptp_utils.init_latent(latent, model, height, width, generator, batch_size)\n", + " model.scheduler.set_timesteps(num_inference_steps)\n", + " for i, t in enumerate(tqdm(model.scheduler.timesteps[-start_time:])):\n", + " if uncond_embeddings_ is None:\n", + " context = torch.cat([uncond_embeddings[i].expand(*text_embeddings.shape), text_embeddings])\n", + " else:\n", + " context = torch.cat([uncond_embeddings_, text_embeddings])\n", + " latents = ptp_utils.diffusion_step(model, controller, latents, context, t, guidance_scale, low_resource=False)\n", + " \n", + " if return_type == 'image':\n", + " image = ptp_utils.latent2image(model.vae, latents)\n", + " else:\n", + " image = latents\n", + " return image, latent\n", + "\n", + "\n", + "\n", + "def run_and_display(prompts, controller, latent=None, run_baseline=False, generator=None, uncond_embeddings=None, verbose=True):\n", + " if run_baseline:\n", + " print(\"w.o. prompt-to-prompt\")\n", + " images, latent = run_and_display(prompts, EmptyControl(), latent=latent, run_baseline=False, generator=generator)\n", + " print(\"with prompt-to-prompt\")\n", + " images, x_t = text2image_ldm_stable(ldm_stable, prompts, controller, latent=latent, num_inference_steps=NUM_DDIM_STEPS, guidance_scale=GUIDANCE_SCALE, generator=generator, uncond_embeddings=uncond_embeddings)\n", + "\n", + " return images, x_t" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "8d2e0461", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "DDIM inversion...\n", + "Null-text optimization...\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "42fa8a0b89c14bf5a370f5cc5e35f8ce", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/500 [00:00" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "prompts = [prompt_src]\n", + "controller = AttentionStore()\n", + "image_inv, _ = run_and_display(prompts, controller, run_baseline=False, latent=x_t, uncond_embeddings=uncond_embeddings, verbose=False)\n", + "print(\"showing from left to right: the ground truth image, the vq-autoencoder reconstruction, the null-text inverted image\")\n", + "ptp_utils.view_images([image_gt, image_enc, image_inv[0]])\n" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "id": "489d6a06", + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "a0a04f212c0247738cf50086c2ce044e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + " 0%| | 0/50 [00:00" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "prompts = [ \"a black car\",\n", + " \"A red car\",\n", + " ]\n", + "\n", + "self_replace_steps = .8\n", + "NUM_DIFFUSION_STEPS = 50\n", + "controller = SelfAttentionControlEdit(prompts, NUM_DDIM_STEPS, self_replace_steps=self_replace_steps)\n", + "images, _ = run_and_display(prompts, controller, run_baseline=False, latent=x_t, uncond_embeddings=uncond_embeddings)\n", + "ptp_utils.view_images(images)" + ] + } + ], + "metadata": { + "environment": { + "kernel": "python3", + "name": "pytorch-gpu.1-12.m97", + "type": "gcloud", + "uri": "gcr.io/deeplearning-platform-release/pytorch-gpu.1-12:m97" + }, + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.8.5" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/diffusion/FreePromptEditing/utils/ptp_utils.py b/diffusion/FreePromptEditing/utils/ptp_utils.py new file mode 100644 index 0000000..4ed06ba --- /dev/null +++ b/diffusion/FreePromptEditing/utils/ptp_utils.py @@ -0,0 +1,197 @@ +# Copyright 2022 Google LLC +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import numpy as np +import torch +from PIL import Image, ImageDraw, ImageFont +import cv2 +from typing import Optional, Union, Tuple, List, Callable, Dict +from IPython.display import display +from tqdm.notebook import tqdm + + +def text_under_image(image: np.ndarray, text: str, text_color: Tuple[int, int, int] = (0, 0, 0)): + h, w, c = image.shape + offset = int(h * .2) + img = np.ones((h + offset, w, c), dtype=np.uint8) * 255 + font = cv2.FONT_HERSHEY_SIMPLEX + # font = ImageFont.truetype("/usr/share/fonts/truetype/noto/NotoMono-Regular.ttf", font_size) + img[:h] = image + textsize = cv2.getTextSize(text, font, 1, 2)[0] + text_x, text_y = (w - textsize[0]) // 2, h + offset - textsize[1] // 2 + cv2.putText(img, text, (text_x, text_y ), font, 1, text_color, 2) + return img + + +def view_images(images, num_rows=1, offset_ratio=0.02): + if type(images) is list: + num_empty = len(images) % num_rows + elif images.ndim == 4: + num_empty = images.shape[0] % num_rows + else: + images = [images] + num_empty = 0 + + empty_images = np.ones(images[0].shape, dtype=np.uint8) * 255 + images = [image.astype(np.uint8) for image in images] + [empty_images] * num_empty + num_items = len(images) + + h, w, c = images[0].shape + offset = int(h * offset_ratio) + num_cols = num_items // num_rows + image_ = np.ones((h * num_rows + offset * (num_rows - 1), + w * num_cols + offset * (num_cols - 1), 3), dtype=np.uint8) * 255 + for i in range(num_rows): + for j in range(num_cols): + image_[i * (h + offset): i * (h + offset) + h:, j * (w + offset): j * (w + offset) + w] = images[ + i * num_cols + j] + + pil_img = Image.fromarray(image_) + display(pil_img) + + +def diffusion_step(model, controller, latents, context, t, guidance_scale, low_resource=False): + if low_resource: + noise_pred_uncond = model.unet(latents, t, encoder_hidden_states=context[0])["sample"] + noise_prediction_text = model.unet(latents, t, encoder_hidden_states=context[1])["sample"] + else: + latents_input = torch.cat([latents] * 2) + noise_pred = model.unet(latents_input, t, encoder_hidden_states=context)["sample"] + noise_pred_uncond, noise_prediction_text = noise_pred.chunk(2) + noise_pred = noise_pred_uncond + guidance_scale * (noise_prediction_text - noise_pred_uncond) + latents = model.scheduler.step(noise_pred, t, latents)["prev_sample"] + # print(latents) + latents = controller.step_callback(latents) + # print(latents) + return latents + +def diffusion_step_mask(model, controller, latents, context, t, mask, guidance_scale, low_resource=False): + if low_resource: + noise_pred_uncond = model.unet(latents, t, encoder_hidden_states=context[0])["sample"] + noise_prediction_text = model.unet(latents, t, encoder_hidden_states=context[1])["sample"] + else: + latents_input = torch.cat([latents] * 2) + noise_pred = model.unet(latents_input, t, encoder_hidden_states=context)["sample"] + noise_pred_uncond, noise_prediction_text = noise_pred.chunk(2) + noise_pred = noise_pred_uncond + guidance_scale * (noise_prediction_text - noise_pred_uncond) + latents = model.scheduler.step(noise_pred, t, latents)["prev_sample"] + # print(latents) + latents = controller.step_callback(latents) + # print(latents) + return latents + +def latent2image(vae, latents): + latents = 1 / 0.18215 * latents + image = vae.decode(latents)['sample'] + image = (image / 2 + 0.5).clamp(0, 1) + image = image.cpu().permute(0, 2, 3, 1).numpy() + image = (image * 255).astype(np.uint8) + return image + + +def init_latent(latent, model, height, width, generator, batch_size): + if latent is None: + latent = torch.randn( + (1, model.unet.config.in_channels, height // 8, width // 8), + generator=generator, + ) + latents = latent.expand(batch_size, model.unet.config.in_channels, height // 8, width // 8).to(model.device) + return latent, latents + +def get_word_inds(text: str, word_place: int, tokenizer): + split_text = text.split(" ") + if type(word_place) is str: + word_place = [i for i, word in enumerate(split_text) if word_place == word] + elif type(word_place) is int: + word_place = [word_place] + out = [] + if len(word_place) > 0: + words_encode = [tokenizer.decode([item]).strip("#") for item in tokenizer.encode(text)][1:-1] + cur_len, ptr = 0, 0 + + for i in range(len(words_encode)): + cur_len += len(words_encode[i]) + if ptr in word_place: + out.append(i + 1) + if cur_len >= len(split_text[ptr]): + ptr += 1 + cur_len = 0 + return np.array(out) + + +def update_alpha_time_word(alpha, bounds: Union[float, Tuple[float, float]], prompt_ind: int, + word_inds: Optional[torch.Tensor]=None): + if type(bounds) is float: + bounds = 0, bounds + start, end = int(bounds[0] * alpha.shape[0]), int(bounds[1] * alpha.shape[0]) + if word_inds is None: + word_inds = torch.arange(alpha.shape[2]) + alpha[: start, prompt_ind, word_inds] = 0 + alpha[start: end, prompt_ind, word_inds] = 1 + alpha[end:, prompt_ind, word_inds] = 0 + return alpha + + +def get_time_words_attention_alpha(prompts, num_steps, + cross_replace_steps: Union[float, Dict[str, Tuple[float, float]]], + tokenizer, max_num_words=77): + if type(cross_replace_steps) is not dict: + cross_replace_steps = {"default_": cross_replace_steps} + if "default_" not in cross_replace_steps: + cross_replace_steps["default_"] = (0., 1.) + alpha_time_words = torch.zeros(num_steps + 1, len(prompts) - 1, max_num_words) + for i in range(len(prompts) - 1): + alpha_time_words = update_alpha_time_word(alpha_time_words, cross_replace_steps["default_"], + i) + for key, item in cross_replace_steps.items(): + if key != "default_": + inds = [get_word_inds(prompts[i], key, tokenizer) for i in range(1, len(prompts))] + for i, ind in enumerate(inds): + if len(ind) > 0: + alpha_time_words = update_alpha_time_word(alpha_time_words, item, i, ind) + alpha_time_words = alpha_time_words.reshape(num_steps + 1, len(prompts) - 1, 1, 1, max_num_words) + return alpha_time_words + + +def compare_cs(clip_score): + my_list = clip_score + max_value = max(my_list) + max_index = my_list.index(max_value) + if max_index == 0: + note='ptp_high' + if max_index == 1: + note='new_high' + if max_index == 2: + note='th_cg_word' + if max_index == 3: + note='th_cg_ed_word' + if max_index == 4: + note='th_cg_ed_dep_word' + return note + +def compare_ss(similarity_score): + my_list = similarity_score + max_value = max(my_list) + max_index = my_list.index(max_value) + if max_index == 0: + note='ptp_high' + if max_index == 1: + note='new_high' + if max_index == 2: + note='th_cg_word' + if max_index == 3: + note='th_cg_ed_word' + if max_index == 4: + note='th_cg_ed_dep_word' + return note diff --git a/diffusion/FreePromptEditing/utils/seq_aligner.py b/diffusion/FreePromptEditing/utils/seq_aligner.py new file mode 100644 index 0000000..2aba972 --- /dev/null +++ b/diffusion/FreePromptEditing/utils/seq_aligner.py @@ -0,0 +1,203 @@ +# Copyright 2022 Google LLC +# +# 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 torch +import numpy as np +from difflib import SequenceMatcher + +class ScoreParams: + + def __init__(self, gap, match, mismatch): + self.gap = gap + self.match = match + self.mismatch = mismatch + + def mis_match_char(self, x, y): + if x != y: + return self.mismatch + else: + return self.match + + +def get_matrix(size_x, size_y, gap): + matrix = [] + for i in range(len(size_x) + 1): + sub_matrix = [] + for j in range(len(size_y) + 1): + sub_matrix.append(0) + matrix.append(sub_matrix) + for j in range(1, len(size_y) + 1): + matrix[0][j] = j*gap + for i in range(1, len(size_x) + 1): + matrix[i][0] = i*gap + return matrix + + +def get_matrix(size_x, size_y, gap): + matrix = np.zeros((size_x + 1, size_y + 1), dtype=np.int32) + matrix[0, 1:] = (np.arange(size_y) + 1) * gap + matrix[1:, 0] = (np.arange(size_x) + 1) * gap + return matrix + + +def get_traceback_matrix(size_x, size_y): + matrix = np.zeros((size_x + 1, size_y +1), dtype=np.int32) + matrix[0, 1:] = 1 + matrix[1:, 0] = 2 + matrix[0, 0] = 4 + return matrix + + +def global_align(x, y, score): + matrix = get_matrix(len(x), len(y), score.gap) + trace_back = get_traceback_matrix(len(x), len(y)) + for i in range(1, len(x) + 1): + for j in range(1, len(y) + 1): + left = matrix[i, j - 1] + score.gap + up = matrix[i - 1, j] + score.gap + diag = matrix[i - 1, j - 1] + score.mis_match_char(x[i - 1], y[j - 1]) + matrix[i, j] = max(left, up, diag) + if matrix[i, j] == left: + trace_back[i, j] = 1 + elif matrix[i, j] == up: + trace_back[i, j] = 2 + else: + trace_back[i, j] = 3 + return matrix, trace_back + + +def get_aligned_sequences(x, y, trace_back): + x_seq = [] + y_seq = [] + i = len(x) + j = len(y) + mapper_y_to_x = [] + while i > 0 or j > 0: + if trace_back[i, j] == 3: + x_seq.append(x[i-1]) + y_seq.append(y[j-1]) + i = i-1 + j = j-1 + mapper_y_to_x.append((j, i)) + elif trace_back[i][j] == 1: + x_seq.append('-') + y_seq.append(y[j-1]) + j = j-1 + mapper_y_to_x.append((j, -1)) + elif trace_back[i][j] == 2: + x_seq.append(x[i-1]) + y_seq.append('-') + i = i-1 + elif trace_back[i][j] == 4: + break + mapper_y_to_x.reverse() + return x_seq, y_seq, torch.tensor(mapper_y_to_x, dtype=torch.int64) + + +def get_mapper(x: str, y: str, tokenizer, max_len=77): + x_seq = tokenizer.encode(x) + y_seq = tokenizer.encode(y) + score = ScoreParams(0, 1, -1) + matrix, trace_back = global_align(x_seq, y_seq, score) + mapper_base = get_aligned_sequences(x_seq, y_seq, trace_back)[-1] + alphas = torch.ones(max_len) + alphas[: mapper_base.shape[0]] = mapper_base[:, 1].ne(-1).float() + mapper = torch.zeros(max_len, dtype=torch.int64) + mapper[:mapper_base.shape[0]] = mapper_base[:, 1] + mapper[mapper_base.shape[0]:] = len(y_seq) + torch.arange(max_len - len(y_seq)) + return mapper, alphas + + +def get_refinement_mapper(prompts, tokenizer, max_len=77): + x_seq = prompts[0] + mappers, alphas = [], [] + for i in range(1, len(prompts)): + mapper, alpha = get_mapper(x_seq, prompts[i], tokenizer, max_len) + mappers.append(mapper) + alphas.append(alpha) + return torch.stack(mappers), torch.stack(alphas) + +def get_refinement_mapper_add_sub(prompts, tokenizer, max_len=77): + x_seq = prompts[0] + mappers, alphas = [], [] + for i in range(1, len(prompts)): + mapper, alpha = get_mapper(x_seq, prompts[i], tokenizer, max_len) + mappers.append(mapper) + alphas.append(alpha) + return torch.stack(mappers), torch.stack(alphas) + +def get_word_inds(text: str, word_place: int, tokenizer): + split_text = text.split(" ") + if type(word_place) is str: + word_place = [i for i, word in enumerate(split_text) if word_place == word] + elif type(word_place) is int: + word_place = [word_place] + out = [] + if len(word_place) > 0: + words_encode = [tokenizer.decode([item]).strip("#") for item in tokenizer.encode(text)][1:-1] + cur_len, ptr = 0, 0 + + for i in range(len(words_encode)): + cur_len += len(words_encode[i]) + if ptr in word_place: + out.append(i + 1) + if cur_len >= len(split_text[ptr]): + ptr += 1 + cur_len = 0 + return np.array(out) + + +def get_replacement_mapper_(x: str, y: str, tokenizer, max_len=77): + words_x = x.split(' ') + words_y = y.split(' ') + if len(words_x) != len(words_y): + raise ValueError(f"attention replacement edit can only be applied on prompts with the same length" + f" but prompt A has {len(words_x)} words and prompt B has {len(words_y)} words.") + inds_replace = [i for i in range(len(words_y)) if words_y[i] != words_x[i]] + inds_source = [get_word_inds(x, i, tokenizer) for i in inds_replace] + inds_target = [get_word_inds(y, i, tokenizer) for i in inds_replace] + mapper = np.zeros((max_len, max_len)) + i = j = 0 + cur_inds = 0 + while i < max_len and j < max_len: + if cur_inds < len(inds_source) and inds_source[cur_inds][0] == i: + inds_source_, inds_target_ = inds_source[cur_inds], inds_target[cur_inds] + if len(inds_source_) == len(inds_target_): + mapper[inds_source_, inds_target_] = 1 + else: + ratio = 1 / len(inds_target_) + for i_t in inds_target_: + mapper[inds_source_, i_t] = ratio + cur_inds += 1 + i += len(inds_source_) + j += len(inds_target_) + elif cur_inds < len(inds_source): + mapper[i, j] = 1 + i += 1 + j += 1 + else: + mapper[j, j] = 1 + i += 1 + j += 1 + + return torch.from_numpy(mapper).float() + + + +def get_replacement_mapper(prompts, tokenizer, max_len=77): + x_seq = prompts[0] + mappers = [] + for i in range(1, len(prompts)): + mapper = get_replacement_mapper_(x_seq, prompts[i], tokenizer, max_len) + mappers.append(mapper) + return torch.stack(mappers)