diff --git a/README.md b/README.md index b0934869172e946adcc3af7c9f96b3d9141817a0..06b4a4da8599f459f3871dfd9a42593416dfd8af 100644 --- a/README.md +++ b/README.md @@ -1,12 +1,13 @@ ---- -title: Testl1 -emoji: ⚡ -colorFrom: indigo -colorTo: blue -sdk: gradio -sdk_version: 4.42.0 -app_file: app.py -pinned: false ---- - -Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference +--- +title: test +emoji: 🤢 +colorFrom: red +colorTo: yellow +sdk: gradio +sdk_version: 4.41.0 +app_file: app.py +pinned: false +license: mit +--- + +Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference \ No newline at end of file diff --git a/app.py b/app.py new file mode 100644 index 0000000000000000000000000000000000000000..c84207878e2974820381edf207de4b1c1eba19c4 --- /dev/null +++ b/app.py @@ -0,0 +1,678 @@ +import spaces +import gradio as gr +import json +import logging +import torch +from PIL import Image +from diffusers import DiffusionPipeline +from diffusers import FluxControlNetPipeline, FluxControlNetModel, FluxMultiControlNetModel +from huggingface_hub import hf_hub_download, HfFileSystem, ModelCard, snapshot_download +import copy +import random +import time + +from mod import (models, clear_cache, get_repo_safetensors, is_repo_name, is_repo_exists, + description_ui, num_loras, compose_lora_json, is_valid_lora, fuse_loras, + get_trigger_word, enhance_prompt, deselect_lora, num_cns, set_control_union_image, + get_control_union_mode, set_control_union_mode, get_control_params) +from flux import (search_civitai_lora, select_civitai_lora, search_civitai_lora_json, + download_my_lora, get_all_lora_tupled_list, apply_lora_prompt, + update_loras, get_t2i_model_info) +from tagger.tagger import predict_tags_wd, compose_prompt_to_copy +from tagger.fl2flux import predict_tags_fl2_flux + +# Initialize the base model +base_model = models[0] +controlnet_model_union_repo = 'InstantX/FLUX.1-dev-Controlnet-Union' +#controlnet_model_union_repo = 'InstantX/FLUX.1-dev-Controlnet-Union-alpha' +pipe = DiffusionPipeline.from_pretrained(base_model, torch_dtype=torch.bfloat16) +controlnet_union = None +controlnet = None +last_model = models[0] +last_cn_on = False + +# https://huggingface.co/InstantX/FLUX.1-dev-Controlnet-Union +# https://huggingface.co/spaces/jiuface/FLUX.1-dev-Controlnet-Union +def change_base_model(repo_id: str, cn_on: bool): + global pipe + global controlnet_union + global controlnet + global last_model + global last_cn_on + dtype = torch.bfloat16 + #dtype = torch.float8_e4m3fn + try: + if (repo_id == last_model and cn_on is last_cn_on) or not is_repo_name(repo_id) or not is_repo_exists(repo_id): return gr.update(visible=True) + if cn_on: + #progress(0, desc=f"Loading model: {repo_id} / Loading ControlNet: {controlnet_model_union_repo}") + print(f"Loading model: {repo_id} / Loading ControlNet: {controlnet_model_union_repo}") + clear_cache() + controlnet_union = FluxControlNetModel.from_pretrained(controlnet_model_union_repo, torch_dtype=dtype) + controlnet = FluxMultiControlNetModel([controlnet_union]) + pipe = FluxControlNetPipeline.from_pretrained(repo_id, controlnet=controlnet, torch_dtype=dtype) + last_model = repo_id + last_cn_on = cn_on + #progress(1, desc=f"Model loaded: {repo_id} / ControlNet Loaded: {controlnet_model_union_repo}") + print(f"Model loaded: {repo_id} / ControlNet Loaded: {controlnet_model_union_repo}") + else: + #progress(0, desc=f"Loading model: {repo_id}") + print(f"Loading model: {repo_id}") + clear_cache() + pipe = DiffusionPipeline.from_pretrained(repo_id, torch_dtype=dtype) + last_model = repo_id + last_cn_on = cn_on + #progress(1, desc=f"Model loaded: {repo_id}") + print(f"Model loaded: {repo_id}") + except Exception as e: + print(f"Model load Error: {e}") + raise gr.Error(f"Model load Error: {e}") + return gr.update(visible=True) + +change_base_model.zerogpu = True + +# Load LoRAs from JSON file +with open('loras.json', 'r') as f: + loras = json.load(f) + +MAX_SEED = 2**32-1 + +class calculateDuration: + def __init__(self, activity_name=""): + self.activity_name = activity_name + + def __enter__(self): + self.start_time = time.time() + return self + + def __exit__(self, exc_type, exc_value, traceback): + self.end_time = time.time() + self.elapsed_time = self.end_time - self.start_time + if self.activity_name: + print(f"Elapsed time for {self.activity_name}: {self.elapsed_time:.6f} seconds") + else: + print(f"Elapsed time: {self.elapsed_time:.6f} seconds") + +def update_selection(evt: gr.SelectData, width, height): + selected_lora = loras[evt.index] + new_placeholder = f"Type a prompt for {selected_lora['title']}" + lora_repo = selected_lora["repo"] + updated_text = f"### Selected: [{lora_repo}](https://huggingface.co/{lora_repo}) ✨" + if "aspect" in selected_lora: + if selected_lora["aspect"] == "portrait": + width = 768 + height = 1024 + elif selected_lora["aspect"] == "landscape": + width = 1024 + height = 768 + else: + width = 1024 + height = 1024 + return ( + gr.update(placeholder=new_placeholder), + updated_text, + evt.index, + width, + height, + ) + +@spaces.GPU(duration=70) +def generate_image(prompt_mash, steps, seed, cfg_scale, width, height, lora_scale, cn_on, progress=gr.Progress(track_tqdm=True)): + global pipe + global controlnet + global controlnet_union + try: + pipe.to("cuda") + generator = torch.Generator(device="cuda").manual_seed(seed) + + with calculateDuration("Generating image"): + # Generate image + modes, images, scales = get_control_params() + if not cn_on or len(modes) == 0: + progress(0, desc="Start Inference.") + image = pipe( + prompt=prompt_mash, + num_inference_steps=steps, + guidance_scale=cfg_scale, + width=width, + height=height, + generator=generator, + joint_attention_kwargs={"scale": lora_scale}, + ).images[0] + else: + progress(0, desc="Start Inference with ControlNet.") + if controlnet is not None: controlnet.to("cuda") + if controlnet_union is not None: controlnet_union.to("cuda") + image = pipe( + prompt=prompt_mash, + control_image=images, + control_mode=modes, + num_inference_steps=steps, + guidance_scale=cfg_scale, + width=width, + height=height, + controlnet_conditioning_scale=scales, + generator=generator, + joint_attention_kwargs={"scale": lora_scale}, + ).images[0] + except Exception as e: + print(e) + raise gr.Error(f"Inference Error: {e}") + return image + +def run_lora(prompt, cfg_scale, steps, selected_index, randomize_seed, seed, width, height, + lora_scale, lora_json, cn_on, progress=gr.Progress(track_tqdm=True)): + global pipe + if selected_index is None and not is_valid_lora(lora_json): + gr.Info("LoRA isn't selected.") + # raise gr.Error("You must select a LoRA before proceeding.") + progress(0, desc="Preparing Inference.") + + prompt_mash = prompt + if is_valid_lora(lora_json): + with calculateDuration("Loading LoRA weights"): + fuse_loras(pipe, lora_json) + trigger_word = get_trigger_word(lora_json) + prompt_mash = f"{prompt} {trigger_word}" + if selected_index is not None: + selected_lora = loras[selected_index] + lora_path = selected_lora["repo"] + trigger_word = selected_lora["trigger_word"] + if(trigger_word): + if "trigger_position" in selected_lora: + if selected_lora["trigger_position"] == "prepend": + prompt_mash = f"{trigger_word} {prompt}" + else: + prompt_mash = f"{prompt} {trigger_word}" + else: + prompt_mash = f"{trigger_word} {prompt}" + else: + prompt_mash = prompt + # Load LoRA weights + with calculateDuration(f"Loading LoRA weights for {selected_lora['title']}"): + if "weights" in selected_lora: + pipe.load_lora_weights(lora_path, weight_name=selected_lora["weights"]) + else: + pipe.load_lora_weights(lora_path) + + # Set random seed for reproducibility + with calculateDuration("Randomizing seed"): + if randomize_seed: + seed = random.randint(0, MAX_SEED) + + progress(0, desc="Running Inference.") + + image = generate_image(prompt_mash, steps, seed, cfg_scale, width, height, lora_scale, cn_on, progress) + if is_valid_lora(lora_json): + pipe.unfuse_lora() + pipe.unload_lora_weights() + if selected_index is not None: pipe.unload_lora_weights() + pipe.to("cpu") + if controlnet is not None: controlnet.to("cpu") + if controlnet_union is not None: controlnet_union.to("cpu") + clear_cache() + return image, seed + +def get_huggingface_safetensors(link): + split_link = link.split("/") + if(len(split_link) == 2): + model_card = ModelCard.load(link) + base_model = model_card.data.get("base_model") + print(base_model) + if((base_model != "black-forest-labs/FLUX.1-dev") and (base_model != "black-forest-labs/FLUX.1-schnell")): + raise Exception("Not a FLUX LoRA!") + image_path = model_card.data.get("widget", [{}])[0].get("output", {}).get("url", None) + trigger_word = model_card.data.get("instance_prompt", "") + image_url = f"https://huggingface.co/{link}/resolve/main/{image_path}" if image_path else None + fs = HfFileSystem() + try: + list_of_files = fs.ls(link, detail=False) + for file in list_of_files: + if(file.endswith(".safetensors")): + safetensors_name = file.split("/")[-1] + if (not image_url and file.lower().endswith((".jpg", ".jpeg", ".png", ".webp"))): + image_elements = file.split("/") + image_url = f"https://huggingface.co/{link}/resolve/main/{image_elements[-1]}" + except Exception as e: + print(e) + gr.Warning(f"You didn't include a link neither a valid Hugging Face repository with a *.safetensors LoRA") + raise Exception(f"You didn't include a link neither a valid Hugging Face repository with a *.safetensors LoRA") + return split_link[1], link, safetensors_name, trigger_word, image_url + +def check_custom_model(link): + if(link.startswith("https://")): + if(link.startswith("https://huggingface.co") or link.startswith("https://www.huggingface.co")): + link_split = link.split("huggingface.co/") + return get_huggingface_safetensors(link_split[1]) + else: + return get_huggingface_safetensors(link) + +def add_custom_lora(custom_lora): + global loras + if(custom_lora): + try: + title, repo, path, trigger_word, image = check_custom_model(custom_lora) + print(f"Loaded custom LoRA: {repo}") + card = f''' +
+ Loaded custom LoRA: +
+ +
+

{title}

+ {"Using: "+trigger_word+" as the trigger word" if trigger_word else "No trigger word found. If there's a trigger word, include it in your prompt"}
+
+
+
+ ''' + existing_item_index = next((index for (index, item) in enumerate(loras) if item['repo'] == repo), None) + if(not existing_item_index): + new_item = { + "image": image, + "title": title, + "repo": repo, + "weights": path, + "trigger_word": trigger_word + } + print(new_item) + existing_item_index = len(loras) + loras.append(new_item) + + return gr.update(visible=True, value=card), gr.update(visible=True), gr.Gallery(selected_index=None), f"Custom: {path}", existing_item_index, trigger_word + except Exception as e: + gr.Warning(f"Invalid LoRA: either you entered an invalid link, or a non-FLUX LoRA") + return gr.update(visible=True, value=f"Invalid LoRA: either you entered an invalid link, a non-FLUX LoRA"), gr.update(visible=True), gr.update(), "", None, "" + else: + return gr.update(visible=False), gr.update(visible=False), gr.update(), "", None, "" + +def remove_custom_lora(): + return gr.update(visible=False), gr.update(visible=False), gr.update(), "", None, "" + +run_lora.zerogpu = True + +css = ''' +#gen_btn{height: 100%} +#title{text-align: center} +#title h1{font-size: 3em; display:inline-flex; align-items:center} +#title img{width: 100px; margin-right: 0.5em} +#gallery .grid-wrap{height: 10vh} +#lora_list{background: var(--block-background-fill);padding: 0 1em .3em; font-size: 90%} +.card_internal{display: flex;height: 100px;margin-top: .5em} +.card_internal img{margin-right: 1em} +.styler{--form-gap-width: 0px !important} +#model-info {text-align: center; !important} +''' +with gr.Blocks(theme='Nymbo/Nymbo_Theme', fill_width=True, css=css) as app: + with gr.Tab("FLUX LoRA the Explorer"): + title = gr.HTML( + """

LoRAFLUX LoRA the Explorer Mod

""", + elem_id="title", + ) + selected_index = gr.State(None) + with gr.Row(): + with gr.Column(scale=3): + with gr.Group(): + with gr.Accordion("Generate Prompt from Image", open=False): + tagger_image = gr.Image(label="Input image", type="pil", sources=["upload", "clipboard"], height=256) + with gr.Accordion(label="Advanced options", open=False): + tagger_general_threshold = gr.Slider(label="Threshold", minimum=0.0, maximum=1.0, value=0.3, step=0.01, interactive=True) + tagger_character_threshold = gr.Slider(label="Character threshold", minimum=0.0, maximum=1.0, value=0.8, step=0.01, interactive=True) + neg_prompt = gr.Text(label="Negative Prompt", lines=1, max_lines=8, placeholder="", visible=False) + v2_character = gr.Textbox(label="Character", placeholder="hatsune miku", scale=2, visible=False) + v2_series = gr.Textbox(label="Series", placeholder="vocaloid", scale=2, visible=False) + v2_copy = gr.Button(value="Copy to clipboard", size="sm", interactive=False, visible=False) + tagger_algorithms = gr.CheckboxGroup(["Use WD Tagger", "Use Florence-2-Flux"], label="Algorithms", value=["Use WD Tagger"]) + tagger_generate_from_image = gr.Button(value="Generate Prompt from Image") + prompt = gr.Textbox(label="Prompt", lines=1, max_lines=8, placeholder="Type a prompt") + prompt_enhance = gr.Button(value="Enhance your prompt", variant="secondary") + with gr.Column(scale=1, elem_id="gen_column"): + generate_button = gr.Button("Generate", variant="primary", elem_id="gen_btn") + with gr.Row(): + with gr.Column(): + selected_info = gr.Markdown("") + gallery = gr.Gallery( + [(item["image"], item["title"]) for item in loras], + label="LoRA Gallery", + allow_preview=False, + columns=3, + elem_id="gallery" + ) + with gr.Group(): + custom_lora = gr.Textbox(label="Custom LoRA", info="LoRA Hugging Face path", placeholder="multimodalart/vintage-ads-flux") + gr.Markdown("[Check the list of FLUX LoRas](https://huggingface.co/models?other=base_model:adapter:black-forest-labs/FLUX.1-dev)", elem_id="lora_list") + custom_lora_info = gr.HTML(visible=False) + custom_lora_button = gr.Button("Remove custom LoRA", visible=False) + deselect_lora_button = gr.Button("Deselect LoRA", variant="secondary") + with gr.Column(): + result = gr.Image(label="Generated Image", format="png", show_share_button=False) + with gr.Group(): + model_name = gr.Dropdown(label="Base Model", info="You can enter a huggingface model repo_id to want to use.", choices=models, value=models[0], allow_custom_value=True) + model_info = gr.Markdown(elem_id="model-info") + with gr.Row(): + with gr.Accordion("Advanced Settings", open=False): + with gr.Column(): + with gr.Row(): + cfg_scale = gr.Slider(label="CFG Scale", minimum=1, maximum=20, step=0.5, value=3.5) + steps = gr.Slider(label="Steps", minimum=1, maximum=50, step=1, value=28) + with gr.Row(): + width = gr.Slider(label="Width", minimum=256, maximum=1536, step=64, value=1024) + height = gr.Slider(label="Height", minimum=256, maximum=1536, step=64, value=1024) + with gr.Row(): + randomize_seed = gr.Checkbox(True, label="Randomize seed") + seed = gr.Slider(label="Seed", minimum=0, maximum=MAX_SEED, step=1, value=0, randomize=True) + lora_scale = gr.Slider(label="LoRA Scale", minimum=-3, maximum=3, step=0.01, value=0.95) + with gr.Accordion("External LoRA", open=True): + with gr.Column(): + lora_repo_json = gr.JSON(value=[{}] * num_loras, visible=False) + lora_repo = [None] * num_loras + lora_weights = [None] * num_loras + lora_trigger = [None] * num_loras + lora_wt = [None] * num_loras + lora_info = [None] * num_loras + lora_copy = [None] * num_loras + lora_md = [None] * num_loras + lora_num = [None] * num_loras + with gr.Row(): + for i in range(num_loras): + with gr.Column(): + lora_repo[i] = gr.Dropdown(label=f"LoRA {int(i+1)} Repo", choices=get_all_lora_tupled_list(), info="Input LoRA Repo ID", value="", allow_custom_value=True) + with gr.Row(): + lora_weights[i] = gr.Dropdown(label=f"LoRA {int(i+1)} Filename", choices=[], info="Optional", value="", allow_custom_value=True) + lora_trigger[i] = gr.Textbox(label=f"LoRA {int(i+1)} Trigger Prompt", lines=1, max_lines=4, value="") + lora_wt[i] = gr.Slider(label=f"LoRA {int(i+1)} Scale", minimum=-3, maximum=3, step=0.01, value=1.00) + with gr.Row(): + lora_info[i] = gr.Textbox(label="", info="Example of prompt:", value="", show_copy_button=True, interactive=False, visible=False) + lora_copy[i] = gr.Button(value="Copy example to prompt", visible=False) + lora_md[i] = gr.Markdown(value="", visible=False) + lora_num[i] = gr.Number(i, visible=False) + with gr.Accordion("From URL", open=True, visible=True): + with gr.Row(): + lora_search_civitai_query = gr.Textbox(label="Query", placeholder="flux", lines=1) + lora_search_civitai_submit = gr.Button("Search on Civitai") + lora_search_civitai_basemodel = gr.CheckboxGroup(label="Search LoRA for", choices=["Flux.1 D", "Flux.1 S"], value=["Flux.1 D", "Flux.1 S"]) + with gr.Row(): + lora_search_civitai_json = gr.JSON(value={}, visible=False) + lora_search_civitai_desc = gr.Markdown(value="", visible=False) + lora_search_civitai_result = gr.Dropdown(label="Search Results", choices=[("", "")], value="", allow_custom_value=True, visible=False) + lora_download_url = gr.Textbox(label="URL", placeholder="http://...my_lora_url.safetensors", lines=1) + with gr.Row(): + lora_download = [None] * num_loras + for i in range(num_loras): + lora_download[i] = gr.Button(f"Get and set LoRA to {int(i+1)}") + with gr.Accordion("ControlNet (🚧Under construction...🚧)", open=False): + with gr.Column(): + cn_on = gr.Checkbox(False, label="Use ControlNet") + cn_mode = [None] * num_cns + cn_scale = [None] * num_cns + cn_image = [None] * num_cns + cn_image_ref = [None] * num_cns + cn_res = [None] * num_cns + cn_num = [None] * num_cns + with gr.Row(): + for i in range(num_cns): + with gr.Column(): + with gr.Row(): + cn_mode[i] = gr.Dropdown(label=f"ControlNet {int(i+1)} Mode", choices=get_control_union_mode(), value=get_control_union_mode()[0], allow_custom_value=False) + cn_scale[i] = gr.Slider(label=f"ControlNet {int(i+1)} Weight", minimum=0.0, maximum=1.0, step=0.01, value=0.75) + cn_res[i] = gr.Slider(label=f"ControlNet {int(i+1)} Preprocess resolution", minimum=128, maximum=512, value=384, step=1) + cn_num[i] = gr.Number(i, visible=False) + with gr.Row(): + cn_image_ref[i] = gr.Image(label="Image Reference", type="pil", format="png", height=256, sources=["upload", "clipboard"], show_share_button=False) + cn_image[i] = gr.Image(label="Control Image", type="pil", format="png", height=256, show_share_button=False, interactive=False) + + gallery.select( + update_selection, + inputs=[width, height], + outputs=[prompt, selected_info, selected_index, width, height], + queue=False, + show_api=False, + ) + custom_lora.input( + add_custom_lora, + inputs=[custom_lora], + outputs=[custom_lora_info, custom_lora_button, gallery, selected_info, selected_index, prompt], + queue=False, + show_api=False, + ) + custom_lora_button.click( + remove_custom_lora, + outputs=[custom_lora_info, custom_lora_button, gallery, selected_info, selected_index, custom_lora], + queue=False, + show_api=False, + ) + gr.on( + triggers=[generate_button.click, prompt.submit], + fn=change_base_model, + inputs=[model_name, cn_on], + outputs=[result], + queue=False, + show_api=False, + ).success( + fn=run_lora, + inputs=[prompt, cfg_scale, steps, selected_index, randomize_seed, seed, width, height, + lora_scale, lora_repo_json, cn_on], + outputs=[result, seed], + queue=True, + show_api=True, + ) + + deselect_lora_button.click(deselect_lora, None, [prompt, selected_info, selected_index, width, height], queue=False, show_api=False) + gr.on( + triggers=[model_name.change, cn_on.change], + fn=change_base_model, + inputs=[model_name, cn_on], + outputs=[result], + queue=True, + show_api=False, + ).then(get_t2i_model_info, [model_name], [model_info], queue=False, show_api=False) + prompt_enhance.click(enhance_prompt, [prompt], [prompt], queue=False, show_api=False) + + gr.on( + triggers=[lora_search_civitai_submit.click, lora_search_civitai_query.submit], + fn=search_civitai_lora, + inputs=[lora_search_civitai_query, lora_search_civitai_basemodel], + outputs=[lora_search_civitai_result, lora_search_civitai_desc, lora_search_civitai_submit, lora_search_civitai_query], + scroll_to_output=True, + queue=True, + show_api=False, + ) + lora_search_civitai_json.change(search_civitai_lora_json, [lora_search_civitai_query, lora_search_civitai_basemodel], [lora_search_civitai_json], queue=True, show_api=True) # fn for api + lora_search_civitai_result.change(select_civitai_lora, [lora_search_civitai_result], [lora_download_url, lora_search_civitai_desc], scroll_to_output=True, queue=False, show_api=False) + + for i, l in enumerate(lora_repo): + deselect_lora_button.click(lambda: ("", 1.0), None, [lora_repo[i], lora_wt[i]], queue=False, show_api=False) + gr.on( + triggers=[lora_download[i].click], + fn=download_my_lora, + inputs=[lora_download_url, lora_repo[i]], + outputs=[lora_repo[i]], + scroll_to_output=True, + queue=True, + show_api=False, + ) + gr.on( + triggers=[lora_repo[i].change, lora_wt[i].change], + fn=update_loras, + inputs=[prompt, lora_repo[i], lora_wt[i]], + outputs=[prompt, lora_repo[i], lora_wt[i], lora_info[i], lora_md[i]], + queue=False, + trigger_mode="once", + show_api=False, + ).success(get_repo_safetensors, [lora_repo[i]], [lora_weights[i]], queue=False, show_api=False + ).success(apply_lora_prompt, [lora_info[i]], [lora_trigger[i]], queue=False, show_api=False + ).success(compose_lora_json, [lora_repo_json, lora_num[i], lora_repo[i], lora_wt[i], lora_weights[i], lora_trigger[i]], [lora_repo_json], queue=False, show_api=False) + + for i, m in enumerate(cn_mode): + gr.on( + triggers=[cn_mode[i].change, cn_scale[i].change], + fn=set_control_union_mode, + inputs=[cn_num[i], cn_mode[i], cn_scale[i]], + outputs=[cn_on], + queue=True, + show_api=False, + ).success(set_control_union_image, [cn_num[i], cn_mode[i], cn_image_ref[i], height, width, cn_res[i]], [cn_image[i]], queue=False, show_api=False) + cn_image_ref[i].upload(set_control_union_image, [cn_num[i], cn_mode[i], cn_image_ref[i], height, width, cn_res[i]], [cn_image[i]], queue=False, show_api=False) + + tagger_generate_from_image.click(lambda: ("", "", ""), None, [v2_series, v2_character, prompt], queue=False, show_api=False, + ).success( + predict_tags_wd, + [tagger_image, prompt, tagger_algorithms, tagger_general_threshold, tagger_character_threshold], + [v2_series, v2_character, prompt, v2_copy], + show_api=False, + ).success(predict_tags_fl2_flux, [tagger_image, prompt, tagger_algorithms], [prompt], show_api=False, + ).success(compose_prompt_to_copy, [v2_character, v2_series, prompt], [prompt], queue=False, show_api=False) + + with gr.Tab("FLUX Prompt Generator"): + from prompt import (PromptGenerator, HuggingFaceInferenceNode, florence_caption, + ARTFORM, PHOTO_TYPE, ROLES, HAIRSTYLES, LIGHTING, COMPOSITION, POSE, BACKGROUND, + PHOTOGRAPHY_STYLES, DEVICE, PHOTOGRAPHER, ARTIST, DIGITAL_ARTFORM, PLACE, + FEMALE_DEFAULT_TAGS, MALE_DEFAULT_TAGS, FEMALE_BODY_TYPES, MALE_BODY_TYPES, + FEMALE_CLOTHING, MALE_CLOTHING, FEMALE_ADDITIONAL_DETAILS, MALE_ADDITIONAL_DETAILS, pg_title) + + prompt_generator = PromptGenerator() + huggingface_node = HuggingFaceInferenceNode() + + gr.HTML(pg_title) + + with gr.Row(): + with gr.Column(scale=2): + with gr.Accordion("Basic Settings"): + pg_custom = gr.Textbox(label="Custom Input Prompt (optional)") + pg_subject = gr.Textbox(label="Subject (optional)") + pg_gender = gr.Radio(["female", "male"], label="Gender", value="female") + + # Add the radio button for global option selection + pg_global_option = gr.Radio( + ["Disabled", "Random", "No Figure Rand"], + label="Set all options to:", + value="Disabled" + ) + + with gr.Accordion("Artform and Photo Type", open=False): + pg_artform = gr.Dropdown(["disabled", "random"] + ARTFORM, label="Artform", value="disabled") + pg_photo_type = gr.Dropdown(["disabled", "random"] + PHOTO_TYPE, label="Photo Type", value="disabled") + + with gr.Accordion("Character Details", open=False): + pg_body_types = gr.Dropdown(["disabled", "random"] + FEMALE_BODY_TYPES + MALE_BODY_TYPES, label="Body Types", value="disabled") + pg_default_tags = gr.Dropdown(["disabled", "random"] + FEMALE_DEFAULT_TAGS + MALE_DEFAULT_TAGS, label="Default Tags", value="disabled") + pg_roles = gr.Dropdown(["disabled", "random"] + ROLES, label="Roles", value="disabled") + pg_hairstyles = gr.Dropdown(["disabled", "random"] + HAIRSTYLES, label="Hairstyles", value="disabled") + pg_clothing = gr.Dropdown(["disabled", "random"] + FEMALE_CLOTHING + MALE_CLOTHING, label="Clothing", value="disabled") + + with gr.Accordion("Scene Details", open=False): + pg_place = gr.Dropdown(["disabled", "random"] + PLACE, label="Place", value="disabled") + pg_lighting = gr.Dropdown(["disabled", "random"] + LIGHTING, label="Lighting", value="disabled") + pg_composition = gr.Dropdown(["disabled", "random"] + COMPOSITION, label="Composition", value="disabled") + pg_pose = gr.Dropdown(["disabled", "random"] + POSE, label="Pose", value="disabled") + pg_background = gr.Dropdown(["disabled", "random"] + BACKGROUND, label="Background", value="disabled") + + with gr.Accordion("Style and Artist", open=False): + pg_additional_details = gr.Dropdown(["disabled", "random"] + FEMALE_ADDITIONAL_DETAILS + MALE_ADDITIONAL_DETAILS, label="Additional Details", value="disabled") + pg_photography_styles = gr.Dropdown(["disabled", "random"] + PHOTOGRAPHY_STYLES, label="Photography Styles", value="disabled") + pg_device = gr.Dropdown(["disabled", "random"] + DEVICE, label="Device", value="disabled") + pg_photographer = gr.Dropdown(["disabled", "random"] + PHOTOGRAPHER, label="Photographer", value="disabled") + pg_artist = gr.Dropdown(["disabled", "random"] + ARTIST, label="Artist", value="disabled") + pg_digital_artform = gr.Dropdown(["disabled", "random"] + DIGITAL_ARTFORM, label="Digital Artform", value="disabled") + + pg_generate_button = gr.Button("Generate Prompt") + + with gr.Column(scale=2): + with gr.Accordion("Image and Caption", open=False): + pg_input_image = gr.Image(label="Input Image (optional)") + pg_caption_output = gr.Textbox(label="Generated Caption", lines=3) + pg_create_caption_button = gr.Button("Create Caption") + pg_add_caption_button = gr.Button("Add Caption to Prompt") + + with gr.Accordion("Prompt Generation", open=True): + pg_output = gr.Textbox(label="Generated Prompt / Input Text", lines=4) + pg_t5xxl_output = gr.Textbox(label="T5XXL Output", visible=True) + pg_clip_l_output = gr.Textbox(label="CLIP L Output", visible=True) + pg_clip_g_output = gr.Textbox(label="CLIP G Output", visible=True) + + with gr.Column(scale=2): + with gr.Accordion("Prompt Generation with LLM", open=False): + pg_happy_talk = gr.Checkbox(label="Happy Talk", value=True) + pg_compress = gr.Checkbox(label="Compress", value=True) + pg_compression_level = gr.Radio(["soft", "medium", "hard"], label="Compression Level", value="hard") + pg_poster = gr.Checkbox(label="Poster", value=False) + pg_custom_base_prompt = gr.Textbox(label="Custom Base Prompt", lines=5) + pg_generate_text_button = gr.Button("Generate Prompt with LLM (Llama 3.1 70B)") + pg_text_output = gr.Textbox(label="Generated Text", lines=10) + + description_ui() + + def create_caption(image): + if image is not None: + return florence_caption(image) + return "" + + pg_create_caption_button.click( + create_caption, + inputs=[pg_input_image], + outputs=[pg_caption_output] + ) + + def generate_prompt_with_dynamic_seed(*args): + # Generate a new random seed + dynamic_seed = random.randint(0, 1000000) + + # Call the generate_prompt function with the dynamic seed + result = prompt_generator.generate_prompt(dynamic_seed, *args) + + # Return the result along with the used seed + return [dynamic_seed] + list(result) + + pg_generate_button.click( + generate_prompt_with_dynamic_seed, + inputs=[pg_custom, pg_subject, pg_gender, pg_artform, pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, + pg_additional_details, pg_photography_styles, pg_device, pg_photographer, pg_artist, pg_digital_artform, + pg_place, pg_lighting, pg_clothing, pg_composition, pg_pose, pg_background, pg_input_image], + outputs=[gr.Number(label="Used Seed", visible=False), pg_output, gr.Number(visible=False), pg_t5xxl_output, pg_clip_l_output, pg_clip_g_output] + ) # + + pg_add_caption_button.click( + prompt_generator.add_caption_to_prompt, + inputs=[pg_output, pg_caption_output], + outputs=[pg_output] + ) + + pg_generate_text_button.click( + huggingface_node.generate, + inputs=[pg_output, pg_happy_talk, pg_compress, pg_compression_level, pg_poster, pg_custom_base_prompt], + outputs=pg_text_output + ) + + def update_all_options(choice): + updates = {} + if choice == "Disabled": + for dropdown in [ + pg_artform, pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, pg_clothing, + pg_place, pg_lighting, pg_composition, pg_pose, pg_background, pg_additional_details, + pg_photography_styles, pg_device, pg_photographer, pg_artist, pg_digital_artform + ]: + updates[dropdown] = gr.update(value="disabled") + elif choice == "Random": + for dropdown in [ + pg_artform, pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, pg_clothing, + pg_place, pg_lighting, pg_composition, pg_pose, pg_background, pg_additional_details, + pg_photography_styles, pg_device, pg_photographer, pg_artist, pg_digital_artform + ]: + updates[dropdown] = gr.update(value="random") + else: # No Figure Random + for dropdown in [pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, pg_clothing, pg_pose, pg_additional_details]: + updates[dropdown] = gr.update(value="disabled") + for dropdown in [pg_artform, pg_place, pg_lighting, pg_composition, pg_background, pg_photography_styles, pg_device, pg_photographer, pg_artist, pg_digital_artform]: + updates[dropdown] = gr.update(value="random") + return updates + + pg_global_option.change( + update_all_options, + inputs=[pg_global_option], + outputs=[ + pg_artform, pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, pg_clothing, + pg_place, pg_lighting, pg_composition, pg_pose, pg_background, pg_additional_details, + pg_photography_styles, pg_device, pg_photographer, pg_artist, pg_digital_artform + ] + ) + +app.queue() +app.launch() \ No newline at end of file diff --git a/cv_utils.py b/cv_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..90850f43e9162ab9f7f7ec83fc1dbae0e36a1fd2 --- /dev/null +++ b/cv_utils.py @@ -0,0 +1,18 @@ +import cv2 +import numpy as np + +MAX_IMAGE_SIZE = 512 + +def resize_image(input_image, resolution=MAX_IMAGE_SIZE, interpolation=None): + H, W, C = input_image.shape + H = float(H) + W = float(W) + k = float(resolution) / max(H, W) + H *= k + W *= k + H = int(np.round(H / 64.0)) * 64 + W = int(np.round(W / 64.0)) * 64 + if interpolation is None: + interpolation = cv2.INTER_LANCZOS4 if k > 1 else cv2.INTER_AREA + img = cv2.resize(input_image, (W, H), interpolation=interpolation) + return img diff --git a/data/additional_details.json b/data/additional_details.json new file mode 100644 index 0000000000000000000000000000000000000000..1425ae5e50f8dca5323c45df3b7631ac6e9ff2ae --- /dev/null +++ b/data/additional_details.json @@ -0,0 +1,250 @@ +[ + "a purple iridescent suit", + "wearing a (necklace)", + "wearing ((earrings))", + "wearing a (bracelet)", + "wearing one or multiple (rings)", + "wearing a (brooch)", + "wearing (eyeglasses)", + "wearing (sunglasses)", + "wearing a (hat)", + "wearing a (scarf)", + "wearing a (headband)", + "wearing a (nose ring)", + "wearing a (lip ring)", + "wearing a (tongue ring)", + "wearing an (eyebrow ring)", + "wearing (face tattoos)", + "wearing a (wreath)", + "wearing a (crown)", + "wearing a (tiara)", + "wearing a (crown of thorns)", + "wearing a (crown of jewels)", + "wearing (bohemian clothes)", + "wearing (chic clothes)", + "wearing (glamorous clothes)", + "wearing (grunge clothes)", + "wearing (preppy clothes)", + "wearing (punk clothes)", + "wearing (retro clothes)", + "wearing (rockabilly clothes)", + "wearing (romantic clothes)", + "wearing (tomboy clothes)", + "wearing (urban clothes)", + "wearing (camo clothes)", + "wearing (robes)", + "wearing (excessive amount of jewellery)", + "wearing (vintage clothes)", + "wearing (western clothes)", + "wearing (minimalist clothes)", + "wearing (sportswear clothes)", + "wearing (flapper clothes)", + "wearing (pin-up clothes)", + "wearing (mid-century modern clothes)", + "wearing (art deco clothes)", + "wearing (victorian clothes)", + "wearing (edwardian clothes)", + "wearing (elizabethan clothes)", + "wearing (retro 70s clothes)", + "wearing (retro 80s clothes)", + "wearing (retro 90s clothes)", + "wearing (retro 00s clothes)", + "wearing (musical equipment)", + "wearing (leather)", + "wearing (bdsm leather)", + "wearing (shiny latex)", + "wearing (shiny latex suit)", + "wearing (silk)", + "wearing (full tweed set)", + "wearing (clothes made entirely of feathers)", + "wearing (clothes made entirely of fur)", + "wearing (clothes made entirely of leather)", + "wearing (clothes made entirely of metal)", + "wearing (clothes made entirely of plastic)", + "wearing (clothes adorned with shimmering jewels or crystals)", + "waring (clothes adorned with sequins)", + "wearing (clothes with exaggerated or extreme silhouettes)", + "wearing (clothes with exaggerated or extreme footwear)", + "wearing (clothes with exaggerated or extreme headwear)", + "wearing (clothes with exaggerated or extreme facial or body piercings or tattoos)", + "wearing (clothes with multiple layers or tiers)", + "wearing (clothes with exaggerated or extreme colors)", + "wearing (clothes with exaggerated or extreme patterns)", + "wearing (cloak)", + "wearing an astronaut armor", + "wearing a bio mechanical suit", + "wearing a bio hazard suit", + "(( working with laptop))", + "with Heat deformation", + "(((future soldier, full body armor, futuristic football, shoulder pads, guns, grenades, weapons, bullet proof vest, high tech, straps, belts, camouflage)))", + "((full body, zoomed out)) long slender legs 80mm", + "(((sci-fi, future war, cyberpunk, cyborg, future fashion, beautiful face, glowing tattoos)))", + "((angry expression, pretty face))", + "(((full body, athletic body, action pose, detailed black soldier outfit, slender long legs)))", + "playing epic electric guitar solo in front of a huge crowd", + "singing epic solo into a microphone in front of a huge crowd", + "as a ((gelatinous horror dripping alien creature))", + "in a tie or bowtie, lending a touch of formal elegance or quirky charm, knotted around the collar to elevate the outfit", + "with anklets, delicate chains or beads that gracefully encircle the ankle, adding a touch of femininity with every step", + "donning a belt, functional yet fashionable, cinching the waist or sitting low on the hips, often with a statement buckle", + "wearing gloves, either elegant satin for formal events or rugged leather for a tougher look, complementing the attire and mood", + "with a choker, snugly encircling the neck, often made of lace, velvet, or leather, exuding a mix of elegance and edge", + "in stockings or tights, sheer or opaque, enhancing the legs while adding a touch of sophistication or playful patterns", + "with a satchel or bag, a functional accessory that speaks volumes about personal style, be it a minimalist tote or an embellished clutch", + "wearing cufflinks, subtle symbols of elegance, adorning the sleeves of a formal shirt, showcasing attention to detail", + "with a pendant, a piece of jewelry that dangles gracefully from a necklace, often holding sentimental or symbolic value", + "in layered necklaces, a blend of chains of varying lengths, creating depth and showcasing multiple pendants or charms", + "sporting a watch, a timeless accessory that blends functionality with style, either minimalist or grand, reflecting personal tastes", + "wearing a veil, a delicate piece of fabric that adds mystery and allure, often seen in bridal or ceremonial attire", + "donning a cape or cloak, adding drama to the ensemble, flowing gracefully with every movement, evoking a sense of fantasy or regality", + "with a tiara or diadem, a jeweled headpiece that signifies royalty or celebration, resting gracefully atop the head", + "Adorned with a crown, symbolizing royalty and authority with gemstones and metals.", + "With a sparkling tiara, reminiscent of princesses or beauty queens.", + "With a poignant crown of thorns, symbolizing sacrifice and resilience.", + "With a jewel-encrusted crown, reflecting affluence and grandeur.", + "In bohemian attire, embodying the free spirits with patterns and fringes.", + "Dressed in chic fashion, blending comfort with high style.", + "In glamorous attire, shiny or sequined, perfect for red-carpet events.", + "Donning grunge wear, with flannels and combat boots, reflecting rebellion.", + "In preppy attire, sophisticated with collared shirts and blazers.", + "Wearing punk fashion, with studded accessories and band tees.", + "In retro attire, drawing from various iconic decades.", + "In rockabilly style, mixing rock 'n' roll with polka dots and swing dresses.", + "In romantic wear, with lace, ruffles, and pastel shades.", + "In tomboy attire, masculine pieces with a feminine flair.", + "Wearing urban fashion, blending street style with graphic tees and chunky sneakers.", + "In camo wear, military-inspired, blending in yet standing out.", + "Draped in mystic robes, evoking scholars or wizards.", + "Adorned in abundant jewelry, each piece showcasing unique style.", + "In vintage attire, echoing past eras with intricate designs.", + "In western wear, with cowboy hats and fringed jackets.", + "In minimalist fashion, elegant with clean lines and neutral tones.", + "Wearing sportswear, functional with athletic shoes.", + "In flapper style, evoking the lively 1920s jazz scene.", + "In pin-up attire, oozing sensuality with high-waists and red lipstick.", + "In mid-century modern fashion, reflecting post-war optimism.", + "In art deco style, fusing modern with lavish 20s embellishments.", + "Dressed in Victorian elegance, with corsets and intricate lacework.", + "In Edwardian attire, showcasing lighter fabrics, empire waistlines, and large hats.", + "Dressed in Elizabethan style, with ruffled collars, velvet gowns, and detailed embroidery.", + "In 70s retro, featuring psychedelic patterns, bell-bottoms, and platform shoes.", + "Wearing 80s retro, marked by neon colors, shoulder pads, and oversized tops.", + "In 90s attire, blending grunge, minimalism, and sportswear, with baggy jeans and crop tops.", + "Donning 00s style, with low-rise jeans, bedazzled tops, and chunky belts.", + "Adorned with musical accessories, like a harmonica necklace or drumstick earrings.", + "In leather, symbolizing toughness with studs or zippers.", + "In bold BDSM leather, featuring harnesses, chokers, and lace-up details.", + "In reflective latex, often seen in avant-garde fashion.", + "In a glossy latex suit, paired with high heels or boots.", + "Draped in luxurious silk, synonymous with opulence and elegance.", + "In a tweed ensemble, reflecting academia or British countryside charm.", + "Clothed in feathers, creating drama with each step.", + "In fur, a symbol of luxury and grandeur.", + "In metallic attire, with futuristic chains or mesh details.", + "In vibrant plastic wear, modern and edgy.", + "Adorned in dazzling jewels or crystals.", + "In sequined attire, perfect for parties or performances.", + "In exaggerated silhouettes, challenging fashion norms.", + "In layered clothing, adding depth and dimension.", + "In astronaut armor, representing space exploration.", + "In a bio-mechanical suit, blending organic and synthetic elements.", + "Wearing a protective biohazard suit.", + "Engaged with a laptop, reflecting a tech-savvy nature.", + "Surrounded by heat deformation or mirage effects.", + "As a futuristic soldier, equipped for dystopian warfare.", + "A translucent, amorphous alien creature, often found in horror or sci-fi.", + "Wearing a cloak, suggesting mystery, fantasy, or protection.", + "Playing a gripping electric guitar solo, immersed in the audience's energy.", + "Singing intensely, with the crowd hanging on every word.", + "A pulsating, translucent horror, invoking fear and intrigue.", + "Full-body view highlighting slender legs and distinctive footwear.", + "Futuristic, with glowing tattoos and cybernetic features.", + "Angry expression on a strikingly beautiful face.", + "In an action pose, dressed in a detailed black soldier outfit.", + "Lost in an electric guitar solo, resonating with listeners.", + "Singing powerfully, captivating the audience with deep emotion.", + "A shifting, glistening alien horror from the universe's dark corners.", + "Full body, focusing on 80mm slender legs emphasizing height.", + "Blending sci-fi, cyberpunk, and glowing tattoos with futuristic weapons.", + "Attire shimmering due to heat, creating a mirage effect.", + "A future soldier with body armor, high-tech gear, and camouflaged straps.", + "Guitar solo with a crowd backdrop, producing electrifying sounds.", + "Singing with passion, surrounded by lights and a massive audience's energy.", + "A shifting, oozing alien creature, invoking dread and curiosity.", + "Full-body focus on remarkable 80mm slender legs.", + "A future soldier with cyberpunk aesthetics and glowing tattoos.", + "Intense expression on a stunning face, showing raw emotion.", + "Athletic pose in a detailed black soldier outfit, emphasizing a fit physique.", + "Electrifying guitar solo before a massive cheering crowd.", + "Singing with raw emotion, captivating a vast audience.", + "A gelatinous, glowing alien creature; both feared and intriguing.", + "Full-body shot highlighting exaggerated 80mm slender legs.", + "Adorned in sci-fi, cyberpunk attire with glowing tattoos.", + "Heated demeanor causing mirage-like distortions around them.", + "Future soldier in body armor with high-tech gear.", + "Zoomed-out shot emphasizing 80mm long slender legs.", + "Sci-fi and cyberpunk blend with glowing tattoos.", + "Epic guitar solo captivating a vast audience.", + "Intense solo performance with a powerful voice.", + "Ever-changing gelatinous alien of horror.", + "Full-body shot, 80mm slender legs in focus.", + "Futuristic, cyberpunk with glow-emitting tattoos.", + "Heat-induced warping surroundings like a mirage.", + "Tech-equipped future soldier ready for battle.", + "Full-body view, 80mm legs as highlight.", + "Sci-fi blend with glow-in-the-dark tattoos.", + "Swift guitar solo resonating with a huge crowd.", + "Passionate vocal solo captivating listeners.", + "Dripping, amorphous alien creature.", + "Full-body stance, 80mm slender legs showcased.", + "a shimmering sequin dress", + "wearing studded (ankle boots)", + "donning a (velvet cape)", + "wearing a (choker)", + "sporting (platform shoes)", + "adorned with a (body chain)", + "wearing a (fringed jacket)", + "donning (fingerless gloves)", + "wearing (fishnet stockings)", + "draped in a (kimono)", + "wearing (combat boots)", + "adorned with a (belly chain)", + "wearing a (biker jacket)", + "donning (thigh-high boots)", + "wearing (steampunk goggles)", + "adorned with (arm cuffs)", + "wearing a (corset belt)", + "donning a (turban)", + "sporting a (feathered headdress)", + "wearing (holo sneakers)", + "adorned with (toe rings)", + "draped in a (sari)", + "wearing (futuristic visor)", + "sporting (peep-toe heels)", + "adorned with (upper arm bracelets)", + "wearing a (poncho)", + "donning (knee-high socks)", + "draped in a (toga)", + "wearing a (flapper dress)", + "sporting (winged shoes)", + "wearing a (ruffled blouse)", + "adorned with a (leg chain)", + "wearing (gladiator sandals)", + "draped in a (cloak)", + "sporting (suspenders)", + "donning a (beret)", + "wearing (cufflinks)", + "adorned with a (medallion)", + "wearing (spats)", + "sporting (elbow-length gloves)", + "donning (denim overalls)", + "wearing a (mesh top)", + "adorned with (ear cuffs)", + "draped in a (shawl)", + "wearing a (trilby hat)", + "sporting (stiletto heels)", + "wearing a (vest)", + "adorned with (hairpins)", + "wearing (espadrilles)", + "draped in a (trench coat)" +] \ No newline at end of file diff --git a/data/artform.json b/data/artform.json new file mode 100644 index 0000000000000000000000000000000000000000..1eb0ed7b735c336451929ad828a89984caa726f7 --- /dev/null +++ b/data/artform.json @@ -0,0 +1,4 @@ +[ + "photography", + "art" +] \ No newline at end of file diff --git a/data/artist.json b/data/artist.json new file mode 100644 index 0000000000000000000000000000000000000000..77d161cd023090ebc9b6cbcf1566b14cdf300762 --- /dev/null +++ b/data/artist.json @@ -0,0 +1,713 @@ +[ + "Akihito Tsukushi", + "Al Hirschfeld", + "Alan Lee", + "Albert Bierstadt", + "Albert Uderzo", + "Alberto Giacometti", + "Alberto Vargas", + "Albrecht Durer", + "Alejandro Burdisio", + "Aleksi Briclot", + "Alessio Albi", + "Alena Aenami", + "Alex Gard", + "Alex Grey", + "Alex Maleev", + "Alexander Jansson", + "Alexander Milne Calder", + "Alexandre Cabanel", + "Alexei Savrasov", + "Alexej von Jawlensky", + "Alfred Kubin", + "Alfredo Volpi", + "Alice Neel", + "Alice Rahon", + "Alphonse Mucha", + "Alyssa Monks", + "Amanda Clark", + "Amanda Sage", + "Amedeo Modigliani", + "Amelie Bernard", + "Anders Zorn", + "Andreas Achenbach", + "Andrew Wyeth", + "Andr\u00e9 Kert\u00e9sz", + "Andr\u00e9 Masson", + "Andy Fairhurst", + "Andy Singer", + "Andy Warhol", + "Anita Malfatti", + "Anna Dittmann", + "Anne Geddes", + "Anne Stokes", + "Anne-Louis Girodet", + "Annibale Carracci", + "Annie Leibovitz", + "Ansel Adams", + "Anthony van Dyck", + "Anton Fadeev", + "Anton Otto", + "Apollonia Saintclair", + "Arkhip Kuindzhi", + "Arnold B\u00f6cklin", + "Arshile Gorky", + "Art Spiegelman", + "Artemisia Gentileschi", + "Arthur Dove", + "Asaf Hanuka", + "Asher Brown Durand", + "Ashley Wood", + "Audrey Kawasaki", + "Austin Briggs", + "Balthus", + "Banksy", + "Barclay Shaw", + "Barry Blitt", + "Bastien Lecouffe Deharme", + "Beatrix Potter", + "Beauford Delaney", + "Beeple", + "Ben Shahn", + "Benoit B. Mandelbrot", + "Bernard Buffet", + "Bernd and Hilla Becher", + "Bernie Wrightson", + "Berthe Morisot", + "Bill Plympton", + "Bjarke Ingels", + "Bob Byerley", + "Bob Eggleton", + "Bob Ross", + "Boris Vallejo", + "Brandon Woelfel", + "Brian Despain", + "Brian Kesinger", + "Brothers Hildebrandt", + "Bruce Nauman", + "Bruce Pennington", + "Bruno Taut", + "Camille Claudel", + "Camille Corot", + "Camille Pissarro", + "Canaletto", + "Candido Portinari", + "Caravaggio", + "Carl Holsoe", + "Carl Larsson", + "Carne Griffiths", + "Caspar David Friedrich", + "Chaim Soutine", + "Charles Blackman", + "Charles Demuth", + "Charles E. Burchfield", + "Charles Eames", + "Charles Rennie Mackintosh", + "Chesley Bonestell", + "Chiharu Shiota", + "Childe Hassam", + "Chris Foss", + "Chris Mars", + "Chris Menges", + "Chris Moore", + "Christopher Doyle", + "Cindy Sherman", + "Clarence Holbrook Carter", + "Claude Cahun", + "Claude Lorrain", + "Claude Monet", + "Clive Barker", + "Clive Madgwick", + "Clovis Trouille", + "Clyde Caldwell", + "Coby Whitmore", + "Codex Seraphinianus", + "Coles Phillips", + "Conrad Roset", + "Craig Mullins", + "Cuno Amiet", + "Dale Chihuly", + "Damien Hirst", + "Dan Flavin", + "Dan Mumford", + "Daniel Gerhartz", + "Daniel Merriam", + "Daniel Ridgway Knight", + "Dave Gibbons", + "Dave McKean", + "David Alfaro Siqueiros", + "David B. Mattingly", + "David Burliuk", + "David Hockney", + "David Park", + "Dean Ellis", + "Dennis Stock", + "Di Cavalcanti", + "Diane Arbus", + "Diego Velazquez", + "Dion Beebe", + "Don Bluth", + "Don Maitz", + "Donato Giancola", + "Dora Maar", + "Dorothea Lange", + "Dorothea Tanning", + "Dorothy Lathrop", + "Doug Chiang", + "Dustin Nguyen", + "E.H. Shepard", + "Earl Norem", + "Ed Binkley", + "Ed Emshwiller", + "Ed Mell", + "Edgar Degas", + "Edmund Leighton", + "\u00c9douard Manet", + "Edvard Munch", + "Edward Weston", + "Edwin Austen Abbey", + "Edward Hopper", + "Egon Schiele", + "Eikoh Hosoe", + "El Greco", + "Elaine de Kooning", + "Ellen Jewett", + "Elliott Erwitt", + "Elsa Beskow", + "Emil Melmoth", + "Emil Nolde", + "Emily Carr", + "Emmanuel Lubezki", + "Enki Bilal", + "Eric Gill", + "Eric Lacombe", + "Erich Heckel", + "Erich Ludwig Kirchner", + "Ernst Fuchs", + "Ernst Haeckel", + "Esao Andrews", + "Eug\u00e8ne Delacroix", + "Eva Hesse", + "Evelyn De Morgan", + "Eyvind Earle", + "Fairfield Porter", + "Farel Dalrymple", + "Fernand L\u00e9ger", + "Fernando Botero", + "Filippo Lippi", + "Francis Bacon", + "Francis Picabia", + "Francisco Goya", + "Frank Auerbach", + "Frank Frazetta", + "Frank Lloyd Wright", + "Frank Miller", + "Frank Schoonover", + "Franklin Booth", + "Franz Kline", + "Franz Marc", + "Franz Sedlacek", + "Franz Xaver Winterhalter", + "Fred Tomaselli", + "Frederick Lord Leighton", + "Frida Kahlo", + "Friedensreich Regentag Dunkelbunt Hundertwasser", + "Frits Van den Berghe", + "F\u00e9lix Vallotton", + "Gabriel Pacheco", + "Garry Trudeau", + "Gary Larson", + "Gaston Bussiere", + "Gediminas Pranckevicius", + "Geof Darrow", + "George Cruikshank", + "George Frederic Watts", + "George Grosz", + "George Inness", + "George Luks", + "Georges Rouault", + "Georges Seurat", + "Georgia O'Keeffe", + "Gerald Brom", + "Gerhard Munthe", + "Gerhard Richter", + "Gertrude Abercrombie", + "Giacomo Balla", + "Giorgio de Chirico", + "Giuseppe Arcimboldo", + "Glenn Fabry", + "Go Nagai", + "Gottfried Helnwein", + "Graciela Iturbide", + "Grandma Moses", + "Greg Hildebrandt", + "Greg Rutkowski", + "Gregory Crewdson", + "Grzegorz Domaradzki", + "Guido Borelli da Caluso", + "Guillermo del Toro", + "Gustav Klimt", + "Gustav Vigeland", + "Gustave Caillebotte", + "Gustave Courbet", + "Gustave Dore", + "Gustave Moreau", + "H. R. Giger", + "Hal Foster", + "Hannah H\u00f6ch", + "Hans Baldung", + "Hans Bellmer", + "Harold Elliott", + "Harriet Backer", + "Harry Clarke", + "Harry Gruyaert", + "Heinrich Kley", + "Hendrik Kerstens", + "Henri Harpignies", + "Henri Matisse", + "Henri Rousseau", + "Henri de Toulouse-Lautrec", + "Henri-Edmond Cross", + "Henry Fuseli", + "Henry Ossawa Tanner", + "Herg\u00e9", + "Hieronymus Bosch", + "Hilma af Klint", + "Hirohiko Araki", + "Hiromu Arakawa", + "Hiroshi Nagai", + "Hiroshi Yoshida", + "Hokusai", + "Honor\u00e9 Daumier", + "Hope Gangloff", + "Howard Finster", + "Howard Hodgkin", + "Hubert Robert", + "Hugh Ferriss", + "Hugh Kretschmer", + "Hundertwasser", + "Ian McQue", + "Ian Miller", + "Igor Morski", + "Ilkka Uimonen", + "Ilya Repin", + "Irma Stern", + "Isaac Levitan", + "Isamu Noguchi", + "Ivan Aivazovsky", + "Ivan Albright", + "Ivan Bilibin", + "Ivan Generalic", + "Ivan Shishkin", + "J. J. Grandville", + "J.C. Leyendecker", + "J.M.W. Turner", + "Jacek Yerka", + "Jack Butler Yeats", + "Jack Davis", + "Jack Gaughan", + "Jack Kirby", + "Jackson Pollock", + "Jacob Lawrence", + "Jacob Riis", + "Jacques-Laurent Agasse", + "Jakub Rozalski", + "James Abbott McNeill Whistler", + "James C. Christensen", + "James Ensor", + "James Jean", + "James Turrell", + "Jamie Hewlett", + "Jan van Goyen", + "Jaroslaw Jasnikowski", + "Jasmine Becket-Griffith", + "Jason Edmiston", + "Jason Limon", + "Jean Arp", + "Jean Delville", + "Jean Giraud (Moebius)", + "Jean Leon Gerome", + "Jean Metzinger", + "Jean-Auguste-Dominique Ingres", + "Jean-Baptiste Carpeaux", + "Jean-Baptiste-Sim\u00e9on Chardin", + "Jean-Honore Fragonard", + "Jean-Michel Basquiat", + "Jean-Pierre Vasarely (Yvaral)", + "Jeff Easley", + "Jeff Koons", + "Jeff Lemire", + "Jeffrey Catherine Jones", + "Jeffrey Smith", + "Jeffrey T. Larson", + "Jeremy Geddes", + "Jeremy Lipking", + "Jeremy Mann", + "Jesper Ejsing", + "Jim Burns", + "Jim Fitzpatrick", + "Jim Lee", + "Jim Steranko", + "Jithesh", + "Joan Mir\u00f3", + "Joaquin Sorolla", + "Johan Christian Dahl", + "Johannes Vermeer", + "Johfra Bosschart", + "John Atkinson Grimshaw", + "John Bauer", + "John Berkey", + "John Blanche", + "John Carpenter", + "John Constable", + "John Duncan", + "John Frederick Kensett", + "John Harris", + "John Hoyland", + "John James Audubon", + "John Kenn Mortensen", + "John Kricfalusi", + "John Martin", + "John Perceval", + "John Philip Falter", + "John Romita Jr", + "John Singer Sargent", + "John Stephens", + "John William Waterhouse", + "Jonas Bendiksen", + "Josan Gonzalez", + "Joseph Cornell", + "Joseph Ducreux", + "Joseph Stella", + "Josephine Wall", + "Jules Bastien-Lepage", + "Jules Feiffer", + "Jules Pascin", + "Junji Ito", + "Justin Gerard", + "Kaethe Butcher", + "Kaja Foglio", + "Karel Thole", + "Karl Blossfeldt", + "Karl Schmidt-Rottluff", + "Karol Bak", + "Kate Greenaway", + "Kathe Kollwitz", + "Katsuhiro Otomo", + "Katsushika Hokusai", + "Kay Nielsen", + "Kay Sage", + "Kazimir Malevich", + "Kehinde Wiley", + "Kelly Freas", + "Kelly McKernan", + "Ken Sugimori", + "Kenojuak Ashevak", + "Kent Monkman", + "Kentaro Miura", + "Kilian Eng", + "Kim Jung Gi", + "Kuang Hong", + "Larry Elmore", + "Lasar Segall", + "Laurel Burch", + "Laurie Greasley", + "Laurie Lipton", + "Lawren Harris", + "Le caravaggesque", + "Lee Krasner", + "Lee Madgwick", + "Leiji Matsumoto", + "Leon Bankst", + "Leonardo da Vinci", + "Leonid Afremov", + "Liam Wong", + "Liniers", + "Lisa Frank", + "Louis Comfort Tiffany", + "Louis Wain", + "Lovis Corinth", + "Luc Schuiten", + "Lucian Freud", + "Luis Royo", + "Lyonel Feininger", + "Lyubov Popova", + "M.C. Escher", + "M.W. Kaluta", + "Mab Graves", + "Makoto Shinkai", + "Malcolm Liepke", + "Man Ray", + "Marc Chagall", + "Mark Lague", + "Marc Simonetti", + "Marco Mazzoni", + "Marek Okon", + "Margaret Boden", + "Margaret Bruce Wells", + "Margaret Brundage", + "Margaret Garland", + "Margaret Geddes", + "Margaret Graeme Niven", + "Margaret Keane", + "Margaret Macdonald Mackintosh", + "Maria Prymachenko", + "Maria Sibylla Merian", + "Marianne von Werefkin", + "Mario Testino", + "Marjorie Strider", + "Mark Brooks", + "Mark Catesby", + "Mark Rothko", + "Mark Ryden", + "Marsden Hartley", + "Martin Parr", + "Martin Johnson Heade", + "Martiros Saryan", + "Mary Blair", + "Mary Cassatt", + "Masamune Shirow", + "Masashi Kishimoto", + "Mat Collishaw", + "Mati Klarwein", + "Matt Groening", + "Matthias Grunewald", + "Matti Suuronen", + "Maurice Sendak", + "Max Beckmann", + "Max Ernst", + "Max Pechstein", + "Max Weber", + "Maxfield Parrish", + "Meret Oppenheim", + "Michael Deforge", + "Michael Whelan", + "Michelangelo", + "Mike Mignola", + "Mikhail Vrubel", + "Miles Aldridge", + "Milton Avery", + "Milton Glaser", + "Moebius (Jean Giraud)", + "Mort Drucker", + "Nan Goldin", + "Nao Emoto", + "Naoto Hattori", + "Natalia Goncharova", + "Neil Welliver", + "Nele Zirnite", + "Nell Dorr", + "Nicholas Roerich", + "Nick Knight", + "Nikos Economopoulos", + "Nobuyoshi Araki", + "Noriyoshi Ohrai", + "Norman Rockwell", + "Nychos", + "Odd Nerdrum", + "Odilon Redon", + "Oliver Jeffers", + "Oskar Kokoschka", + "Oskar Schlemmer", + "Otto Dix", + "Otto Marseus van Schrieck", + "Pablo Picasso", + "Pascal Campion", + "Patrick Henry Bruce", + "Patrick Heron", + "Patrick Nagel", + "Patrick Woodroffe", + "Paul Cezanne", + "Paul Delvaux", + "Paul Gauguin", + "Paul Gustav Fischer", + "Paul Klee", + "Paul Rand", + "Paula Modersohn-Becker", + "Pendleton Ward", + "Peter Bagge", + "Peter Elson", + "Peter Gric", + "Peter Kemp", + "Peter Max", + "Peter Paul Rubens", + "Phil Foglio", + "Philip Guston", + "Philip Pearlstein", + "Philip-Lorca diCorcia", + "Pierre Bonnard", + "Pierre-Auguste Renoir", + "Piet Mondrian", + "Pieter Claesz", + "Platon", + "Quentin Blake", + "Rachel Ignotofsky", + "Rafal Olbinski", + "Ralph McQuarrie", + "Ralph Steadman", + "Ram\u00f3n Casas", + "Randolph Caldecott", + "Raphael Lacoste", + "Raphaelite", + "Ray Caesar", + "Ray Earnes", + "Raymond Briggs", + "Raymond Swanland", + "Rebeca Saray", + "Rebecca Guay", + "Reginald Marsh", + "Remedios Varo", + "Ren\u00e9 Magritte", + "Richard Corben", + "Richard Dadd", + "Richard Diebenkorn", + "Richard Doyle", + "Richard Scarry", + "Ridley Scott", + "Rineke Dijkstra", + "Rob Gonsalves", + "Rob Liefeld", + "Robert Bechtle", + "Robert Capa", + "Robert Crumb", + "Robert Delaunay", + "Robert McCall", + "Robert McGinnis", + "Robert Motherwell", + "Robert Rauschenberg", + "Robert Williams", + "Roberto Ferri", + "Roberto Matta", + "Rockwell Kent", + "Rodney Matthews", + "Rodrigo Prieto", + "Roger Dean", + "Romare Bearden", + "Romero Britto", + "Ron Walotsky", + "Rosa Bonheur", + "Roy Lichtenstein", + "Rudolf Hausner", + "Rufino Tamayo", + "Russ Mills", + "Ruth Bernhard", + "Ryan Hewett", + "Ryo Takemasa", + "Ryohei Hase", + "Sally Mann", + "Salvador Dali", + "Sam Bosma", + "Sam Francis", + "Sam Guay", + "Sam Toft", + "Santiago Caruso", + "Satoshi Kon", + "Sebastian Kr\u00fcger", + "Sebasti\u00e3o Salgado", + "Sergio Toppi", + "Shaun Tan", + "Shepard Fairey", + "Shiki", + "Shinji Aramaki", + "Shotaro Ishinomori", + "Sidney Nolan", + "Sidney Prior Hall", + "Simon Bisley", + "Simon St\u00e5lenhag", + "Simone Martini", + "Sir James Guthrie", + "Sir Max Beerbohm", + "Sonia Delaunay", + "Stanley Donwood", + "Stefan Gesell", + "Stephanie Law", + "Stephen Gammell", + "Steve Argyle", + "Steve Dillon", + "Steve Ditko", + "Steve McCurry", + "Storm Thorgerson", + "Stuart Davis", + "Syd Mead", + "Sylvain Chomet", + "Taiyo Matsumoto", + "Takashi Murakami", + "Takato Yamamoto", + "Takehiko Inoue", + "Taro Okamoto", + "Tarsila do Amaral", + "Tatsuro Kiuchi", + "Ted Nasmith", + "Terry Oakes", + "Tex Avery", + "Theodor Seuss Geisel", + "Thomas Cole", + "Thomas Gainsborough", + "Thomas Kinkade", + "Tibor Nagy", + "Tillie Walden", + "Tim Burton", + "Tim Doyle", + "Tim Hildebrandt", + "Tim White", + "Tivadar Csontvary Kosztka", + "Todd McFarlane", + "Tom Bagshaw", + "Tom Lovell", + "Tom Thomson", + "Tom Whalen", + "Tomasz Alen Kopera", + "Tomasz Jedruszek", + "Tomek Setowski", + "Tomer Hanuka", + "Tomi Ungerer", + "Tomioka Tessai", + "Tommaso Dolabella", + "Tommaso Masaccio", + "Tommaso Redi", + "Tomokazu Matsuyama", + "Tom\u00e0s Barcel\u00f3", + "Tony DiTerlizzi", + "Tove Jansson", + "Tsutomu Nihei", + "Ub Iwerks", + "Van Herpen", + "Victo Ngai", + "Victor Brauner", + "Victor Moscoso", + "Victor Ngai", + "Victor Vasarely", + "Viktor Vasnetsov", + "Vilhelm Hammershoi", + "Vilmos Zsigmond", + "Vincent van Gogh", + "Virgil Finlay", + "Walter Crane", + "Walt Disney", + "Wassily Kandinsky", + "Wayne Barlowe", + "Weegee", + "Wes Anderson", + "Will Simpson", + "Wifredo Lam", + "William Blake", + "William Gropper", + "William Henry Hunt", + "William Hogarth", + "William Morris", + "William S Burroughs", + "William Stout", + "William-Adolphe Bouguereau", + "Winslow Homer", + "Wong Kar-Wai", + "Yaacov Agam", + "Yayoi Kusama", + "Yoshitaka Amano", + "Yousuf Karsh", + "Yuumei", + "Yves Klein", + "Yves Tanguy", + "Zack Snyder", + "Zaha Hadid", + "Zdzislaw Beksinski" +] \ No newline at end of file diff --git a/data/background.json b/data/background.json new file mode 100644 index 0000000000000000000000000000000000000000..866f6360930bcab0e26df591ec801d26b11f54fd --- /dev/null +++ b/data/background.json @@ -0,0 +1,270 @@ +[ + "Eye-level shot, centered subject, direct perspective", + "Eye-level shot, centered subject, natural daylight", + "Eye-level shot, central framing, natural lighting", + "Eye-level shot, direct perspective, clear focus", + "Eye-level shot, shallow focus, soft lighting", + "Eye-level shot, straight angle, centered subject", + "Eye-level shot, straight angle, medium shot", + "Natural daylight, eye-level shot, soft focus", + "Rule of thirds, eye-level shot, straight angle, soft lighting", + "Soft focus, shallow depth of field, natural lighting", + "Vertical orientation, Eye-level shot, Straight angle, Centered subject", + "center focus, eye-level shot, shallow depth of field", + "center framed, eye-level shot, balanced perspective", + "center-focused, eye-level angle, shallow depth of field", + "centered subject, close-up shot, straight angle, eye-level perspective", + "centered subject, eye-level angle, frontal perspective", + "centered subject, eye-level angle, neutral perspective", + "centered subject, eye-level angle, tight framing", + "centered subject, eye-level shot, balanced framing", + "centered subject, eye-level shot, direct angle", + "centered subject, eye-level shot, direct angle, full body view", + "centered subject, eye-level shot, direct perspective", + "centered subject, eye-level shot, medium close-up", + "centered subject, eye-level shot, natural light", + "centered subject, eye-level shot, neutral perspective", + "centered subject, eye-level shot, portrait orientation", + "centered subject, eye-level shot, shallow depth of field", + "centered subject, eye-level shot, shallow depth of field, natural lighting", + "centered subject, eye-level shot, shallow depth-of-field", + "centered subject, eye-level shot, soft focus background", + "centered subject, eye-level shot, soft lighting", + "centered subject, eye-level shot, straight angle", + "centered subject, eye-level shot, straight angle, clear perspective", + "centered subject, eye-level shot, straight-on angle", + "centered subject, eye-level shot, straight-on angle, shallow depth of field", + "centered subject, eye-level shot, straightforward angle, natural lighting", + "centered subject, low camera angle, shallow depth of field", + "centered subject, low camera angle, studio lighting", + "centered subject, medium close-up, frontal angle, eye-level perspective", + "centered subject, medium shot, eye-level angle", + "centered subject, medium shot, natural light, shallow depth of field", + "centered subject, medium shot, straight angle", + "centered subject, natural lighting, eye-level angle", + "centered subject, natural lighting, eye-level shot", + "centered subject, shallow depth of field, eye-level shot", + "centered subject, shallow depth of field, natural light", + "centered subject, straight angle, eye-level perspective", + "centered subject, straight angle, neutral perspective", + "centered subject, straight-on angle, eye-level perspective", + "centered subject, straight-on angle, full-body shot", + "close-up shot, angled perspective, off-center framing", + "close-up shot, centered subject, eye-level angle", + "close-up shot, direct angle, eye-level perspective", + "close-up shot, direct angle, high perspective", + "close-up shot, direct angle, selfie perspective", + "close-up shot, eye-level angle, candid perspective", + "close-up shot, eye-level angle, center framed, natural daylight", + "close-up shot, eye-level angle, centered framing", + "close-up shot, eye-level angle, centered subject", + "close-up shot, eye-level angle, centered subject, natural lighting", + "close-up shot, eye-level angle, centered subject, portrait orientation", + "close-up shot, eye-level angle, centered subject, shallow depth of field", + "close-up shot, eye-level angle, centered subject, soft lighting", + "close-up shot, eye-level angle, centered subject, soft natural lighting", + "close-up shot, eye-level angle, central framing", + "close-up shot, eye-level angle, direct perspective", + "close-up shot, eye-level angle, direct perspective, centered framing", + "close-up shot, eye-level angle, direct perspective, soft lighting", + "close-up shot, eye-level angle, frontal perspective", + "close-up shot, eye-level angle, natural lighting", + "close-up shot, eye-level angle, outdoor lighting", + "close-up shot, eye-level angle, shallow depth of field", + "close-up shot, eye-level angle, soft lighting", + "close-up shot, eye-level angle, soft lighting, centered framing", + "close-up shot, eye-level angle, studio lighting", + "close-up shot, eye-level camera, direct angle, centered subject", + "close-up shot, front view, eye-level angle", + "close-up shot, front-facing camera, high angle", + "close-up shot, high angle, centered subject", + "close-up shot, high angle, direct perspective", + "close-up shot, high angle, direct perspective, selfie", + "close-up shot, high resolution, natural light, shallow depth of field", + "close-up shot, low angle, direct perspective", + "close-up shot, low angle, direct perspective, shallow depth of field", + "close-up shot, low angle, dramatic lighting", + "close-up shot, low camera angle, direct perspective", + "close-up shot, low camera angle, dynamic perspective", + "close-up shot, low camera angle, eye-level perspective, outdoor lighting", + "close-up shot, low camera angle, natural light", + "close-up shot, low camera angle, shallow depth of field", + "close-up shot, natural lighting, direct angle, eye-level perspective", + "close-up shot, natural lighting, shallow depth of field, three-quarter angle", + "close-up shot, off-center framing, natural light", + "close-up shot, selfie angle, natural light", + "close-up shot, selfie perspective, eye-level angle", + "close-up shot, selfie perspective, natural lighting", + "close-up shot, shallow depth of field, eye-level angle", + "close-up shot, shallow focus, eye-level angle", + "close-up shot, slight high angle, direct perspective", + "close-up shot, slightly angled view, eye-level perspective", + "close-up shot, soft lighting, shallow depth of field", + "close-up shot, straight angle, centered subject", + "close-up shot, straight angle, eye-level perspective", + "close-up shot, three-quarter view, shallow depth of field", + "close-up shot, warm lighting, direct angle", + "close-up, eye level, centered subject", + "close-up, eye-level shot, frontal perspective", + "close-up, eye-level, centered, shallow depth of field", + "close-up, eye-level, central framing", + "close-up, eye-level, frontal view", + "close-up, eye-level, shallow depth of field", + "close-up, eye-level, shallow focus", + "close-up, eye-level, soft light", + "close-up, eye-level, soft lighting", + "close-up, eye-level, studio lighting", + "close-up, selfie angle, eye-level perspective", + "close-up, selfie angle, high perspective", + "daylight shot, eye-level angle, centered framing", + "direct lighting, eye-level shot, centered subject", + "direct view, medium shot, neutral angle", + "eye-level shot, balanced framing, centered subject", + "eye-level shot, center frame, shallow depth of field", + "eye-level shot, center framed, clear focus", + "eye-level shot, center framed, natural light", + "eye-level shot, center framed, natural light, shallow depth of field, urban setting", + "eye-level shot, center framed, natural lighting", + "eye-level shot, center framing, soft lighting, shallow depth of field", + "eye-level shot, center-framed subject, soft lighting", + "eye-level shot, center-framed subject, soft natural lighting", + "eye-level shot, center-framed, natural daylight", + "eye-level shot, center-framed, natural lighting", + "eye-level shot, centered composition, natural light", + "eye-level shot, centered framing, natural light", + "eye-level shot, centered framing, shallow depth of field", + "eye-level shot, centered framing, shallow focus", + "eye-level shot, centered subject, direct gaze", + "eye-level shot, centered subject, direct perspective", + "eye-level shot, centered subject, natural daylight", + "eye-level shot, centered subject, natural light", + "eye-level shot, centered subject, natural light, shallow depth of field", + "eye-level shot, centered subject, natural lighting", + "eye-level shot, centered subject, natural lighting, shallow depth of field", + "eye-level shot, centered subject, neutral perspective", + "eye-level shot, centered subject, portrait orientation", + "eye-level shot, centered subject, shallow depth of field", + "eye-level shot, centered subject, shallow depth of field, natural lighting", + "eye-level shot, centered subject, shallow depth of field, soft lighting", + "eye-level shot, centered subject, soft background", + "eye-level shot, centered subject, soft focus", + "eye-level shot, centered subject, soft focus, natural lighting", + "eye-level shot, centered subject, soft lighting", + "eye-level shot, centered subject, straight angle", + "eye-level shot, centered subject, vivid colors", + "eye-level shot, centered subjects, shallow depth of field", + "eye-level shot, centered subjects, soft lighting", + "eye-level shot, central framing, natural lighting", + "eye-level shot, central framing, soft lighting", + "eye-level shot, central subject focus, natural lighting", + "eye-level shot, close-up framing, natural lighting", + "eye-level shot, close-up, soft lighting, centered subject", + "eye-level shot, direct angle, centered subject", + "eye-level shot, direct perspective, balanced framing", + "eye-level shot, medium close-up, centred subject", + "eye-level shot, medium close-up, direct perspective", + "eye-level shot, medium close-up, soft focus", + "eye-level shot, medium close-up, soft natural lighting", + "eye-level shot, medium shot, natural lighting", + "eye-level shot, natural lighting, center-framed subject", + "eye-level shot, natural lighting, centered subject", + "eye-level shot, natural lighting, clear focus", + "eye-level shot, natural lighting, shallow depth of field", + "eye-level shot, natural lighting, shallow depth of field, three-quarter view, centered subject", + "eye-level shot, natural lighting, soft focus background", + "eye-level shot, off-center framing, soft lighting", + "eye-level shot, portrait orientation, shallow depth of field", + "eye-level shot, portrait orientation, soft lighting", + "eye-level shot, shallow depth of field, blurred background", + "eye-level shot, shallow depth of field, natural lighting", + "eye-level shot, shallow depth of field, natural lighting, indoor setting", + "eye-level shot, shallow depth of field, soft lighting", + "eye-level shot, soft natural lighting, shallow depth of field", + "eye-level shot, straight angle, balanced framing", + "eye-level shot, straight angle, balanced symmetry, foreground focus", + "eye-level shot, straight angle, centered subject", + "eye-level shot, straight-on angle, centered subject", + "eye-level shot, straight-on angle, centered subject, shallow depth of field", + "eye-level shot, straight-on angle, shallow depth of field", + "eye-level shot, three-quarter view, natural lighting", + "eye-level view, natural daylight, shallow depth of field", + "frontal shot, eye-level angle, centered subject", + "frontal view, eye-level angle, centered subject", + "frontal view, eye-level angle, natural lighting", + "frontal view, eye-level angle, portrait orientation", + "frontal view, eye-level shot, center-framed", + "frontal view, eye-level shot, centered subject", + "frontal view, eye-level shot, centered subjects, close-up", + "frontal view, eye-level shot, soft focus", + "frontal view, eye-level shot, symmetrical stance", + "frontal view, eye-level, centered subject", + "frontal view, eye-level, centered subjects", + "frontal view, waist-up shot, soft lighting", + "high angle, close-up shot, central framing, soft lighting", + "high saturation, direct sunlight, eye-level shot", + "indoor lighting, eye-level shot, straight angle", + "indoor lighting, mirror reflection, eye-level shot, shallow depth of field", + "indoor lighting, selfie angle, close-up shot", + "indoor setting, eye-level shot, straight angle, centered subject, natural lighting", + "indoors, close-up, selfie perspective", + "low angle shot, sharp focus, bokeh effect", + "low angle, close-up, shallow depth of field", + "low angle, wide shot, diagonal lines", + "low angle, wide shot, dynamic perspective", + "medium close-up, eye-level angle, centered subject", + "medium close-up, eye-level shot, clear focus", + "medium shot, eye-level angle, centered subject, soft focus", + "medium shot, eye-level angle, natural lighting", + "medium shot, eye-level angle, soft focus background", + "medium shot, eye-level, direct perspective", + "medium shot, indoor lighting, eye-level angle, shallow depth of field", + "medium shot, off-center framing, shallow depth of field, natural light", + "mid-shot, street level, natural light, shallow depth of field", + "natural light, centered subject, shallow depth of field", + "natural light, close-up shot, eye-level angle", + "natural light, eye-level shot, shallow depth of field", + "natural lighting, close-up shot, eye-level angle", + "natural lighting, eye level shot, soft focus background", + "natural lighting, eye-level shot, centered subject", + "natural lighting, eye-level shot, medium shot", + "natural lighting, eye-level shot, soft focus background", + "natural lighting, medium close-up, eye-level angle", + "natural lighting, medium shot, shallow depth of field", + "natural lighting, mid shot, soft focus", + "natural lighting, shallow depth of field, eye-level angle, centered subject", + "natural lighting, shallow depth of field, eye-level shot", + "natural lighting, soft focus, eye-level shot", + "natural lighting, soft shadows, close-up shot, waist-up framing, eye-level angle, direct perspective", + "natural lighting, waist-up shot, blurred foreground", + "night shot, street lighting, sharp focus", + "outdoor lighting, close-up shot, low camera angle", + "outdoor lighting, eye-level shot, direct perspective", + "outdoor lighting, eye-level shot, natural background", + "outdoor lighting, eye-level shot, shallow depth of field, central framing", + "outdoor lighting, rear view, low angle, centered subject", + "outdoor shot, eye-level angle, centered framing", + "outdoor shot, eye-level angle, soft lighting", + "portrait orientation, eye-level shot, centered subject, natural lighting", + "portrait orientation, eye-level shot, close-up, frontal perspective", + "shallow depth of field, eye-level shot, background blur, centered subject", + "shallow depth of field, eye-level shot, natural lighting", + "shallow depth of field, eye-level shot, soft focus background", + "shallow depth of field, eye-level shot, soft natural lighting", + "shallow focus, eye-level shot, centered subject", + "shallow focus, eye-level shot, diagonal orientation", + "sharp focus, eye-level shot, direct perspective", + "soft backlighting, shallow depth of field, eye-level angle", + "soft backlighting, shallow depth of field, eye-level shot", + "soft lighting, eye-level shot, center-framed", + "soft lighting, indoor setting, eye-level shot, three-quarter framing", + "soft lighting, shallow depth of field, eye-level shot", + "soft lighting, shallow depth of field, three-quarter rear view", + "soft lighting, shallow focus, three-quarter shot", + "straight shot, medium close-up, eye-level perspective", + "street-level shot, medium close-up, eye-level angle", + "tight framing, eye-level angle, soft lighting", + "vertical orientation, eye-level shot, direct perspective", + "vertical orientation, eye-level shot, straightforward perspective", + "vertical orientation, natural lighting, eye-level shot", + "warm lighting, close-up shot, low angle" +] diff --git a/data/body_types.json b/data/body_types.json new file mode 100644 index 0000000000000000000000000000000000000000..15d7996748707fc3a285a9c8fba612f7f70f2d1f --- /dev/null +++ b/data/body_types.json @@ -0,0 +1,44 @@ +[ + "pretty", + "chubby", + "midweight", + "overweight", + "fat", + "flabby", + "buxom", + "voluptuous", + "hefty", + "pudgy", + "plump", + "obese", + "morbidly obese", + "stout", + "rotund", + "thick-bodied", + "thicc", + "thick", + "beefy", + "portly", + "tubby", + "overweight", + "(slightly overweight)", + "buff", + "burly", + "fit", + "well-built", + "well-endowed", + "muscular", + "stocky", + "big-boned", + "curvy", + "flabby", + "flyweight", + "skinny", + "too skinny", + "anorexic", + "not skinny", + "slender", + "lanky", + "slim", + "slight" +] \ No newline at end of file diff --git a/data/clothing.json b/data/clothing.json new file mode 100644 index 0000000000000000000000000000000000000000..6d26a1fefd2e74369fdb388c53ad1b4c17b58601 --- /dev/null +++ b/data/clothing.json @@ -0,0 +1,344 @@ +[ + "white crop top, denim shorts,silver bracelet,white texture,denim texture", + "white top, sleeveless, button-up, white bottoms, ribbed texture", + "white crop top, blue jeans, silver belt, textured fabric, denim texture", + "white tank top, black pants, pink and blue goalie pads, black belt, white skates", + "black long-sleeve dress, fishnet stockings", + "black bikini top, black bikini bottom, hoop earrings", + "white towel, white head wrap", + "gray crop top, black skirt, ribbed texture, v-neckline", + "black bodysuit, sheer texture, light wash jeans, golden bangles", + "pink dress, spaghetti straps, form-fitting, floor-length", + "black sports bra, black leggings, textured fabric, small white logo", + "black bikini, knit texture, gold accessories, aviator sunglasses", + "patterned crop top, green leather pants, silver necklaces, red bracelet, hoop earrings", + "black bikini top, striped pants, beige textures, open white shirt", + "pink dress, orange sash, gold heels, floral headpiece", + "pastel pink tank top, blue ripped jeans, black platform heels, neutral shoulder bag", + "white sleeveless top, ribbed texture, high-cut white bottoms", + "black dress, plunging neckline, satin texture, brown handbag, chain strap, diamond necklace, wristwatch, silver bracelet", + "brown crop top, brown skirt, smooth texture", + "black sports bra, black leggings, white sneakers, textured fabric", + "blue dress, bodycon fit, sleeveless, zipper detail, V-neckline, subtle sheen", + "beige tank top, black denim shorts, smooth fabric, ripped texture", + "black tube top, gold necklace, gold arm cuff, red headwrap", + "black jumpsuit, zipper detail, form-fitting, long-sleeved", + "white crop top, blue jeans, silver necklace", + "light blue crop top, ribbed texture, long sleeves, denim jeans", + "black swimsuit, plunging neckline, sleeveless", + "blue dress, strap sleeves, high slit, textured fabric, hoop earrings, wristwatch, bracelet", + "black sleeveless top, black leather pants, gold necklace", + "black tank top, chain belt, black shorts, patterned boots", + "pink hoodie, pink shorts, textured fabric", + "black bikini top, denim shorts, frayed hems", + "blue bikini, tie-up detail, vibrant prints, double-strap top, high-cut bottoms, textured fabric", + "tan crop top, tan high-waisted pants, ripped knee, checked shirt tied, white sneakers", + "brown tank top, plaid skirt, smooth texture, fitted top, flared skirt", + "white dress, black sandals, dark sunglasses, textured fabric, sheer sleeves, leather bag", + "black sports bra, black shorts, black arm band, dark wrist watch, clear eyeglasses", + "beige hoodie, matching pants, textured fabric", + "red satin dress, off-shoulder style, knotted front", + "white crop top, lace details, high-waisted skirt, pleated texture", + "black dress, sleeveless top, plunging neckline, white cross necklace, textured handbag, silver bracelet", + "pink halter-neck dress, ribbed texture, form-fitting", + "yellow lace-up top, white lace bralette, blue denim shorts, green handbag", + "white crop top, white jeans, glasses", + "red dress, sleeveless, v-neckline", + "white blouse, intricate lace, sheer sleeves", + "white bikini top, white mesh cover-up, white skirt, silver necklace", + "black oversized t-shirt, white sport socks", + "black strap top, lace trim, glossy texture", + "white crop top, ribbed texture, short sleeves, high-waisted shorts, elastic waistband", + "pink blazer, white top, pink trousers, silky fabric", + "green sports bra, green shorts, white sneakers, textured fabric", + "blue crop top, blue shorts, white sneakers, texture appears smooth", + "black tank top, denim shorts, textured fabric, light blue, frayed hems", + "green sports bra, green shorts, white socks, multicolored sneakers", + "straw hat, fringe bikini top, bikini bottom, earth tones", + "black dress, strap details, sheer textures", + "grey sweatshirt, soft texture, round neckline", + "white bikini top, ruffled edges, light fabric, headscarf with print, necklace", + "red bikini top, snakeskin pattern, textured fabric", + "white tank top, form-fitting, sleeveless", + "pink shiny dress, plunging neckline, sleeveless, textured fabric", + "strawberry-print top, white with red, matching shorts, silver loop earrings", + "pink crop-top, blue denim shorts, smooth texture, subtle sheen", + "textured fabric", + "white top, off-shoulder design, ruffled texture", + "beige strapless top, golden necklace", + "pink bikini top, shiny fabric, thin straps, pendant necklace, aviator sunglasses", + "white top, blue headband, black headphones", + "dark blue top, v-neckline, smooth texture, necklace with pendant", + "white top, black accents, mesh details, logo text", + "yellow crop top, yellow skirt, white high heels, gold necklace", + "white floral dress, off-shoulder design, sheer fabric", + "colorful bikini top, gold chain necklace, gold hoop earrings", + "denim jumpsuit, blue color, zipper front, sleeveless", + "white halter top, smooth texture", + "beige fedora, black bikini top, patterned cover-up, light-colored textures", + "green bikini top, white necklace", + "black halter top, glossy texture", + "black jacket, black crop top, black pants, various textures", + "black strapless top, golden necklace, golden bracelet", + "tie-dye bikini, blue-green-black hues, sports shorts, black with green and blue patterns", + "grey turtleneck, sleeveless, soft texture", + "beige tracksuit, zipper hoodie, matching pants, soft fabric", + "white tank top, blue jeans, black hair tie, gold necklace, blonde hair", + "satin top, silver color, strapless design, necklace, bracelet", + "red dress, plunging neckline, sleeveless, smooth texture, large hoop earrings", + "white floral dress, puff sleeves, low-cut neckline, butterfly pendant necklace", + "white fluffy robe, gold chain necklace, red lipstick", + "blue dress, sleeveless, plunging neckline, cinched waist, flowy texture", + "black jacket, purple shirt, denim overalls, white hair accessory, cream cardigan, simple necklace", + "sleeveless top, beige color, ribbed texture, high-waisted pants, black color, button details", + "white halter top, knotted center, sleeveless, smooth texture", + "cream crop top, beige striped shirt, blue ripped jeans", + "patterned white hat, large black glasses, denim jacket, red top, gold ring, white manicure", + "black rimmed glasses, beige blazer, black top, gold necklace", + "brown blouse, shoulder strap, gold necklace, stud earrings, eyeglasses, white manicure, gold rings", + "light green tank top, white drawstrings, ribbed texture, light green bottoms, fitted waistband, casual style", + "white strapless top, satin texture", + "white lace top, denim bottoms", + "camouflage crop top, camouflage shorts, brown boots, silver bracelets, sunglasses, hoop earrings", + "black top, sheer sleeves, black skirt, black boots, glasses", + "white ribbed top, plunging neckline, long sleeves, drawstring front, black jeans, distressed details", + "sleeveless top, beige color, snug fit, shorts, sitting", + "red dress, textured fabric, thin straps", + "yellow shirt, lace bralette, hoop earrings", + "white top, sheer sleeves, lace details, pastel pink bralette", + "black bodysuit, sheer gloves, patterned scarf, hoop earrings", + "black corset top, plaid skirt, glossy texture, lace details", + "beige bikini top, gold chain necklace", + "blue lace top, cleavage-revealing, long sleeves", + "black tank top, smooth texture", + "black halter top, white flower accessory", + "light pink hairband, green floral dress, gold earrings, light pink nail polish", + "white top, low neckline, soft texture", + "black tank top, black headband, headphones", + "black polka-dot bikini, thin necklace", + "black sleeveless top, textured fabric, shiny accessories", + "grey cardigan, white shirt, denim overalls, purple jacket, black hair ties", + "black leather dress, high-heel boots", + "blue camo sports bra, blue camo leggings", + "long-sleeve top, white bandeau, pink hues, sheer texture, butterfly prints", + "black tank top, white shirt, denim jeans", + "blue bikini top, blue high-waisted bottoms, large hoop earrings, white sneakers", + "beige hoodie, blue highlights, black sunglasses, blue sneakers, textured sole", + "beige hoodie, blue t-shirt, black leggings, blue sneakers, textured materials, oversized top, fitted bottoms", + "black crop top, black sheer-panelled bottoms, solid colors, smooth textures", + "straw hat, leopard print bikini, white cover-up", + "black sports bra, black leggings, smooth textures", + "black bikini top, shiny texture, gold necklace", + "white sports bra, white leggings, cream textured cardigan", + "red dress, thin straps, v-neckline, satin texture", + "black tank top, smooth texture", + "white halter top, gold necklace", + "black bikini, strap details", + "black bodysuit, white snow jacket, visible textures", + "no visible clothing", + "pink beret, light blouse, pink jacket, soft textures", + "fur-lined hood, beige coat, texture-soft", + "graphic jacket, multicolored, white hoodie, blue jeans", + "white tank top, spaghetti straps, lace details, natural textures", + "red crop top, white bikini bottoms, ribbed fabric", + "red strapless dress, smooth texture", + "sleeveless top, neutral color, soft texture", + "black sleeveless dress, textured fabric, sheer details", + "metallic green dress, crystal choker necklace", + "white tank top, gold necklace, natural texture", + "pearl headpiece, white textured dress, bejeweled adornments, sheer sleeves", + "white dress, deep neckline, sleeveless, lace-up sides, figure-hugging", + "white deep v-neck top, gold necklace, neutral makeup, straight hair", + "none visible", + "patterned blazer, patterned shorts, black bralette, warm colors, glossy texture", + "sleeveless top, beige color, denim shorts, light wash, leather seat texture", + "floral bikini top, white color, printed texture", + "blue dress, white trim, sparkling necklace, silver earrings, silver bracelet", + "silver chain necklace, pink pendant, gold bracelet", + "white headband, white ribbed top, black undergarment, light-colored jacket", + "yellow bikini top, black phone case", + "white crop top, light blue ripped jeans, smooth texture, silver necklace", + "peach sports bra, peach skirt, smooth fabric", + "patterned dress, black and white, deep neckline, short sleeves, textured fabric, black boots, laced footwear", + "black sleeveless dress, black heels, silver bracelet, silver necklace", + "light pink dress, sheer texture, fringe details, brown belt", + "red lace dress, black fur hat, red gloves", + "white cropped top, light blue jeans, textured fabric", + "pink cropped top, ribbed texture, tie-front detail, blue ripped jeans, casual style, light wash denim, black shoulder bag, brown belt", + "blue patterned bikini, sheer sleeves, ruffled cuffs", + "red dress, low neckline, sleeveless, smooth texture", + "pink sports bra, pink leggings, barefoot, black accents", + "striped one-piece swimsuit, blue and white colors, textured fabric", + "red ribbed sweater, black leather pants", + "white crop top, long sleeves, white skirt, textured fabric, green handbag, gold necklace, white wristwatch", + "white crop top, crisscross neckline, white pants, silver chain accents, white handbag, quilted texture", + "ribbed beige turtleneck dress, chest cut-out, black handbag, black and white sneakers", + "white tank top, black pants, smooth textures", + "White long-sleeve top, ribbed texture", + "black hoodie, pink leggings, brown shoes, white socks", + "Blue-purple bikini top, white lace-up detail, purple patterned skirt", + "strapless top, aqua color, textured fabric, high-waisted trousers, matching color, cinched ankles", + "pink dress, white cardigan, lacy sleeves", + "denim jumpsuit, light blue, sleeveless, lace-up front, fringed hem", + "bikini top, bikini bottom, earth tones, string ties", + "geometric pattern bodysuit, brown and black colors, plunging neckline, long sleeves, glossy black belt, black shoulder bag", + "white sleeveless top, silver zipper, textured fabric, blue denim shorts, frayed hems", + "red frilly dress, white heels, blue hair", + "white cropped shirt, white shorts, smooth fabric", + "yellow patterned bikini top, white bikini bottom, sunglasses, wrist accessories", + "grey bikini top, grey skirt, textured fabric, silver wrist accessory", + "strapless yellow dress, blue waist sash, beige high heels, black floral hair accessory", + "white crop top, black pants, pink and blue leg pads, vaughn glove, white skates", + "purple bikini top, lace-up detail, purple print skirt, textured fabric", + "pink tank top, blue ripped jeans, black strappy heels, beige shoulder bag", + "white tank top, blue denim shorts, textured fabric, visible brand writing", + "white cropped top, textured fabric, light-wash denim jeans, high-waisted, lace-up sides", + "white cropped cardigan, white pleated skirt, black shoulder bag, dark sunglasses, white bralette, gold necklace", + "pink crop top, white midriff band, pink shorts, glossy tan heels", + "black bikini top, black bikini bottoms, smooth fabric", + "sleeveless top, tan cropped pants, black sunglasses, black backpack straps, ribbed texture top, light colors", + "white crochet dress, brown belt, textures visible", + "white off-shoulder top, white shorts, textured fabric, ruffled sleeves", + "blue crop top, long sleeves, ribbed texture, plunging neckline, gray plaid skirt, pleated design", + "floral dress, white base, red and green patterns, V-neckline, long sleeves, brown belt, textured fabric", + "purple dress, gold heels, textured fabric, sleeveless, cut-out detailing", + "white hat, white dress, tiered ruffles, lace texture, small purse, silver watch, neutral heels", + "pink crop top, pink skirt, pink high heels, sleeveless, button details, smooth texture", + "black bodysuit, lace texture, sheer fabric", + "left: tan bodysuit, right: black dress, plunging neckline, short sleeves", + "sleeveless sequined dress, black and blue tones, sheer fabric, high slit, silver sequined dress, beige tones, strappy sandals, ankle strap, heeled footwear", + "black corset, lace texture, black gloves, chandelier earrings, silver necklace", + "brown polka-dot swimsuit, wide-brimmed straw hat, smooth texture", + "pink hearts bodysuit, white base, long sleeves", + "gray crop top, gold necklace, gold earrings, light makeup", + "Tan crochet bikini top, tan bikini bottom, gold waist chain, black halterneck bikini top, black tie-side bikini bottom, tan crochet bikini top, tan crochet skirt, gold waist chain", + "white hat, sunglasses, olive green cropped shirt, olive green skirt, black belt, black bikini bottom visible", + "beige dress, deep neckline, ribbed texture, white heels, criss-cross straps", + "blue tank top, textured fabric, lace-up front, white shorts, striped pattern, white sneakers", + "grey cardigan, white crop top, animal print shorts, blue hair", + "green dress, deep neckline, long sleeves, smooth texture, waist belt", + "pink bikini, pink heels, pink sunglasses", + "patterned jacket, patterned skirt, bikini top, vibrant colors, shiny texture", + "white cropped t-shirt, black graphic design, casual style", + "Red bikini, white polka dots, bow details", + "blue polka-dot dress, front buttoning, sleeveless design, white sunglasses, tied waist belt", + "white sports bra, white leggings, black sneakers, textures visible", + "lavender floral dress, white sunglasses, silver hoop earrings", + "sports bra, leggings, pastel green, form-fitting, sleeveless, high-waisted", + "white top, sheer overlay, light textures", + "white crop top, blue denim shorts, black and white sneakers, ribbed texture top", + "red crop top, blue jeans, light textures", + "blue sports bra, blue leggings, smooth texture", + "white crop top, high-waisted skirt, textured pink heels, black shoulder bag", + "striped swimsuit, blue and white, thin straps", + "white bikini top, white bikini bottoms, smooth texture", + "denim tube top, denim shorts, light blue, frayed hems, gold necklace, gold bracelet, navel piercing", + "black cap, black-framed glasses, red and black striped sweater, denim shorts, black belt, clear-lens glasses", + "crocheted bikini, white color, tassel details, tied straps", + "black halter dress, cut-out details, form-fitting, knee-length", + "white bikini, halter neck top, string bikini bottom, smooth texture", + "black dress, sleeveless, cut-out details, form-fitting", + "sports bra, leggings, pastel colors, form-fitting, athletic wear", + "blue and white striped top, front zipper, black shorts, denim texture", + "patterned dress, white with blue spots, short sleeves, v-neckline, textured fabric", + "blue bikini, white-orange socks, red-yellow roller skates", + "white long-sleeve top, distressed blue jeans, white sneakers", + "Black blazer, v-neckline, satin texture", + "white off-shoulder top, white bikini bottom, gold necklace, black sunglasses, textured fabrics", + "floral bikini, vibrant colors, textured fabric", + "green jumpsuit, cut-out torso, wide-leg pants, sleeveless top, flowy fabric", + "Pink dress, text patterns, sleeveless, high neckline, cut-out detail", + "black corset top, ripped blue jeans, white blazer, golden necklace, sunglasses on head", + "pink tank top, blue denim shorts, diamond choker necklace, brown patterned handbag", + "black corset top, patterned skirt, glossy texture", + "White halter top, blue denim jeans, gold bracelet, beige handbag", + "blue fringe haircut, pink sunglasses, pink denim jacket, white tank top, pink skirt, pink heart-shaped purse", + "pink crop top, pink shorts, ribbed texture, athletic wear", + "white off-shoulder top, wide sleeves, straw hat, textured fabric", + "denim jacket, black dress, white sneakers, blue backpack", + "white sports bra, black shorts, white sneakers, white socks", + "brown corset top, brown leather pants, glossy texture", + "brown cropped top, denim shorts, eyeglasses, wrist watch", + "white cropped top, blue denim jeans, smooth texture, frayed edges", + "light blue corset, denim jeans, silver necklace, black belt, light blue handbag", + "white cropped top, patterned green skirt, fabric texture visible, white undergarment", + "yellow crop top, blue denim shorts, white strapless top, tan belt, frayed hems", + "white crochet top, fringed detailing, denim jeans, tan shoulder bag", + "leopard print halter-top, blue ripped jeans", + "white long-sleeve top, plunging neckline, high-waisted jeans, distressed denim, blue color, tan ankle boots", + "black cut-out dress, gold bracelet, black and white heels, beige handbag", + "black crop top, deep neckline, long sleeves, denim shorts, frayed hem, black bralette, multiple straps, sheer sleeves, mesh pattern, choker necklace, high-waisted shorts, button closure", + "beige hoodie, matching sweatpants, visible drawstrings, soft texture", + "gray t-shirt, blue jeans, smooth texture, casual style", + "pink bikini top, pink skirt, sunglasses, gold watch", + "lace top, brown skirt, strapless design, textured fabric", + "strappy dress, beige color, form-fitting, textured fabric, sleeveless, knee-length", + "black t-shirt, rib cage print, white shorts", + "light blue hoodie, matching shorts, soft, cotton texture, hoodie drawstrings, exposed midriff", + "blue patterned top, blue patterned shorts, black glasses", + "black sequin dress, high neckline, sleeveless, side slit, strappy high heels, silver earrings", + "black sequined dress, high neckline, sleeveless, back slit, strappy high heels, metallic color", + "transparent patterned top, black bralette, glossy black pants, glittery sneakers", + "black eyeliner, silver hoop earrings, gray-scale makeup, camouflage long sleeve top, black crop top, glossy black pants, glittery silver sneakers", + "blue dress, short sleeves, shiny texture, watch, ring", + "white crop top, black headphones, black sunglasses", + "button-up dress, peach color, short sleeves, collar, thigh length, fabric texture", + "white crop top, yellow sweatpants, textured fabric", + "striped swimsuit, glasses", + "pink dress, short sleeves, crew neckline, ribbed texture", + "pink dress, tiered layers, spaghetti straps, v-neckline, pleated texture, silver watch", + "red sports bra, red leggings, smooth texture, athletic wear", + "light jacket, matching trousers, white sneakers, black bag", + "Yellow checkered bikini, white straps, smooth texture", + "white ribbed dress, yellow-tinted sunglasses", + "long-sleeve top, ribbed texture, brown color, matching skirt, high-waisted", + "black sports bra, striped sheer pants", + "golden bikini, textured fabric", + "white crop top, blue denim shorts, cow print boots, silver necklace", + "orange dress, ribbed texture, short sleeves, side cut-outs, tie-up details", + "red bikini top, red bikini bottom, ribbed texture, tied sides", + "black bikini, textured fabric", + "white corset top, floral pattern, denim jeans, corset laces", + "white tank top, grey sports bra, grey shorts, textured fabrics, visible branding", + "white ribbed top, front tie, long sleeves, black leather pants, high-waisted", + "brown hat, black tank top, white denim shorts, frayed shorts hem", + "black crop top, mesh sleeves, checkered mini skirt, black boots, textured fabrics", + "black sweatshirt, cartoon graphic, glasses, light shorts, casual style", + "crop top, olive green, ribbed texture, high-waisted leggings, olive green, fitted", + "black bikini, glossy texture, gold earrings", + "black v-neck top, black belt, black trousers, blue handbag, golden necklace", + "black crop top, long sleeves, high-waisted leggings, mesh panels, dark hues, white sneakers", + "white crop top, gray trousers, white sandals, black sunglasses, gold belt", + "gray cardigan, white crop top, leopard print shorts, blue hair", + "white v-neck top, knotted waist, light-colored pants, fitted texture", + "white crop top, grey shorts, white sneakers, text on top", + "black swimsuit, straw hat, textured fabric", + "off-shoulder top, white with stripes, casual shorts", + "white crop top, glitter texture, black leather jacket, black leather pants", + "black tank top, shoulder straps, scoop neckline", + "Sleeveless top, pink hue, denim shorts, ripped texture, sunglasses on head", + "black long-sleeve top, light blue jeans, silver belt, form-fitting, casual style", + "floral jumpsuit, red and beige, texture visible, high heels, tan-colored", + "red dress, sleeveless, V-neckline", + "dark sunglasses, white collared shirt, navy blue sweater, pleated white skirt, black shoulder bag with gold hardware", + "white tank top, textured fabric, large hoop earrings, headscarf with print", + "black swimsuit, red headband, sunglasses", + "black tank top, sheer fabric, patterned design, golden bracelet", + "camouflage bikini, white-brown-beige tones, high-waisted bottoms, sleeveless top, hoop earrings", + "patterned crop top, light colors, tie front, long sleeves, white pants, soft texture", + "green tank top, white shorts, black glasses", + "Red patterned top, deep neckline, short sleeves", + "white crop top, lace-up detail, textured skirt, cream color, sleeveless, midriff-baring", + "white bathrobe, textured fabric, glasses", + "white cropped top, blue trim, long sleeves, blue track pants", + "white crop top, pastel green leggings, textured fabric", + "spotted swimsuit, light-dark contrast, thin straps, skin exposure", + "black dress, double-breasted, v-neckline, sleeveless, silver necklace", + "black beanie, black cropped top, black leggings, black boots, red bag, gold watch", + "beige fedora, white cropped top, textured terracotta skirt", + "blue denim jeans, blue strapless top, texture appears soft", + "White lace dress, Off-shoulder sleeves, Corset-style top, Drawstring details", + "sleeveless top, beige color, ribbed texture, high neckline, light blue jeans, fitted style, denim material, wrist accessory, silver color, sparkling texture", + "white strapless top, white skirt, shiny fabric", + "light white dress, thin straps, sheer texture" +] \ No newline at end of file diff --git a/data/composition.json b/data/composition.json new file mode 100644 index 0000000000000000000000000000000000000000..977147de9105bcf134e8ac97729fa63e31e61489 --- /dev/null +++ b/data/composition.json @@ -0,0 +1,344 @@ +[ + "lush greenery, blurred foliage, natural lighting", + "geometric tiles, circular mirror, bright lighting, hexagonal patterns", + "graffiti on door, urban setting, dark tones, metallic door handle", + "hockey rink, empty stands, protective netting, overhead lighting", + "white textured wall, architectural details, indirect lighting", + "interior setting, yacht cabin, neutral colors", + "marble interior, bath tub, luxury decor, neutral colors", + "white brick wall, soft shadows, neutral tones", + "wooden cabinetry, metallic handles, indoor lighting, blurred marina", + "black door, white wall, outdoor lighting, architectural details", + "boxing gym, hanging punching bags, scattered newspapers, weight plates", + "sunlit setting, waterfront, architectural columns, tropical plants", + "dark room, graphic door sign, purple wall accents, pink lighting effect", + "wooden structures, blurred furnishings, indoor setting, natural light", + "white structure, arch details, outdoor setting, other subjects", + "white walls, minimalistic design, clear sky, architectural details", + "rocky terrain, blurred foliage, natural setting", + "open doorway, bright lighting, indoor setting, blurred background", + "clear sky, coastal view, lush landscape, outdoor setting", + "pale wall, indoor setting, plant left side, yoga mat right side", + "outdoor light, blurred marina, overcast sky", + "indoor setting, sheer curtains, diffused lighting, soft color palette", + "green foliage, blurred leaves, natural setting", + "snowy landscape, pine trees, outdoor setting, daytime, wooden structure", + "neutral walls, indoor setting, minimalistic style", + "blurred indoors, muted colors, window visible", + "sandy beach, ocean waves, clear sky, pier structure", + "beach view, cloudy sky, calm sea, outdoor setting, blurred horizon", + "nighttime cityscape, window reflections, indoor setting", + "illuminated pool, purple lighting, night time, outdoor setting, landscaped garden", + "neutral colors, indoor setting, framed artwork, white sofa, glass table", + "textured white wall, minimalistic, outdoor lighting", + "calm water, overcast sky, sandy beach, distant sunshades, tranquil setting", + "white sculptures, classical columns, artistic space, diffuse natural light", + "urban setting, geometric structures, blurred background, overcast lighting", + "modern sculpture, clear sky, reflective water, urban setting, angular architecture", + "gym setting, blurred equipment, blue lighting, dark ambiance", + "dark blue backdrop, subtle texture, glowing edge", + "white walls, minimalistic art, indoor setting", + "indoor setting, patterned walls, wooden furniture, relaxed ambiance", + "lush greenery, terracotta roofs, coastal view, hazy skyline", + "indoor setting, green plants, dark couch, tiled floor, bright lighting", + "parking garage, concrete pillars, shadow patterns", + "outdoor stairs, building facade, flowering plants", + "blurred setting, neutral colors, outdoor environment", + "floral surroundings, blurred greens, natural setting", + "glass doors, tropical trees, clear sky, outdoor setting", + "plain wall, minimal shadows, neutral colors", + "staircase behind, indoor lighting, neutral colors", + "plain wall, neutral color, minimal shadows, soft lighting", + "industrial setting, nighttime, artificial lighting, parking area", + "neutral walls, indoor setting, minimalistic decor, potted plant", + "neutral-colored walls, indoor setting, plant on side", + "white boat, clear skies, sunlit, outdoor setting", + "plain wall, wooden floor, indoor lighting, potted plant", + "white stairs, surfboard overhead, outdoor setting", + "dark green tones, decorative artwork, ambient lighting", + "neutral wall, indoor setting, minimal detail", + "green cushions, outdoor setting, foliage, shaded area", + "outdoor setting, blurred greenery, wooden structure", + "blue sky, calm sea, boat deck", + "stone wall, draped curtains, indoor lighting", + "red car interior, blurred movement, sunlit ambiance", + "sunny sky, white structure, outdoor setting, partially cloudy", + "blue sky, ocean view, yacht in distance, seated pose", + "white interior, sheer curtains, window blinds, minimalistic style", + "indoor setting, large windows, daylight, minimalistic decor, outdoor view", + "foliage, outdoor setting, blurred greenery, natural light", + "car interior, black leather seats, diamond pattern stitching", + "indoor setting, neutral colors, minimalistic decor, soft lighting", + "arched structure, blurred foliage, outdoor setting", + "outdoor setting, white umbrellas, patio chairs, Moet & Chandon bottle, green plants", + "indoor setting, mirrored walls, soft lighting", + "sunny beach, blurred waves, clear sky", + "blurred interior, neutral tones, soft lighting", + "nighttime cityscape, blurred lights, outdoor setting", + "outdoor setting, tree branches, bright sunlight", + "blue umbrella, tropical setting, outdoor seating, beverage can, glass with drink", + "indoor setting, chairs visible, cluttered table, neutral colors", + "modern structure, blue sections, clear sky, urban setting, old building", + "white walls, soft lighting, indoor setting", + "light-colored building, dark doorway, minimalistic, urban setting", + "white wall, indoor setting, minimalistic decor", + "mural art, painted wings, indoor setting, casual ambience", + "vehicle interior, leather seats, car door window, slightly blurred", + "indoor setting, television on, modern decor, blurred details", + "dim lighting, indoor setting, blurred plants, warm tones", + "dimly lit room, blurred decor, warm tones, ambient lighting", + "dark room, black and white wall art, contrast lighting, minimalistic decor", + "sunrise\/sunset, calm water, anchored boats, hilly landscape, clear sky", + "indoor setting, blurred surroundings", + "outdoor setting, green plants, restaurant ambiance, daylight conditions", + "outdoor setting, clear blue sky, mountain view, lush greenery, architectural structure", + "bright room, modern furniture, large window", + "indoor setting, neutral colors, blurred decor", + "indoor setting, windows, blurred room details", + "plain white wall, indoor setting, soft lighting", + "outdoor setting, blue sky, swimming pool, lush plants, sunny day", + "indoor setting, blurred decor, neutral colors", + "outdoor cafe, green plants, tropical setting", + "stage structures, greenery, daytime, speakers, cables, yellow tennis balls", + "wooden structure, blurred greenery, natural daylight", + "hazy sky, mountainous terrain, balcony railing", + "outdoor setting, sports car, lush greenery", + "ocean view, cloudy sky, outdoor setting, sunset lighting", + "window curtains, indoor setting, neutral colors", + "ornate mirror, floral wallpaper, neutral tones, indoor setting", + "solid teal backdrop, soft shadows, no other subjects", + "house entrance, evening lighting, brick column, window", + "swimming pool, green lawn, outdoor setting, blue sky, daytime", + "green foliage, natural lighting, sunny day", + "neutral-colored wall, indoor setting, minimalistic decor", + "tropical foliage, blurred greenery, sunny daylight", + "indoor setting, neutral colors, ambient lighting", + "plain white, soft shadow, minimalistic", + "indoor room, potted plants, textured floor", + "outdoor setting, blurred foliage, overcast sky, natural light, creek or river", + "monochromatic hues, blurred setting, dark ambiance", + "indoor setting, crowded venue, blurred figures", + "white cyclorama, minimalist setting, studio environment", + "clear blue sky, lush green plants, sunlit ambiance", + "blue sky, palm trees, sunny day, outdoor setting", + "underpass structure, concrete columns, shadow patterns", + "concrete structure, shadow patterns, sunlit area", + "starry space, distant Earth, hexagonal pattern floor, metallic surface", + "space setting, starry sky, Earth visible, metallic floor, hexagonal pattern", + "tropical beach, green foliage, palm tree, blurred background, serene setting", + "sandy beach, green foliage, natural setting", + "gym equipment, blurred lights, reflective surfaces", + "sunlit building, green grass, shadow patterns, late afternoon", + "neutral tones, indoor setting, soft furnishings, blurred textures", + "evening sky, blurred greenery, distant water view", + "outdoor setting, basketball hoop, lush greenery, bright sunlight, colorful flowers", + "white walls, large window, indoor setting", + "sandy beach, ocean horizon, clear sky, distant figures", + "snowy setting, blurred trees, natural light", + "white bathtub, blurred surroundings, indoor setting", + "blossoming branches, blurred background, warm tones", + "outdoor gathering, blurred people, canopy structure, natural light", + "blue gradient, studio setting, no visible objects", + "blurred indoors, warm tones, indistinct shapes", + "yacht interior, sunset skies, calm water, moored boats", + "car interior, nighttime, blurred lights", + "white wall, indoor setting, minimal decor", + "event backdrop, logo patterns, green carpet", + "soft-focused, dark hues, subtle shadows", + "vehicle interior, blurred windows, soft lighting", + "indoor setting, blurred details, bokeh effect", + "solid dark, indoors, soft lighting", + "indoor setting, doorway, minimal decor", + "swimming pool, clear water, blurred blue, outdoor setting", + "outdoor seating, blurred plants, neutral colors", + "car interior, daylight, building exterior, reflective window", + "water body, hills, clear sky", + "indoor setting, blurred bedding, neutral colors", + "plain white, no distractions", + "urban setting, white buildings, overcast sky", + "plain wall, neutral colors, indoor lighting", + "sandy beach, rocky terrain, calm sea, clear sky", + "indoor room, sheer curtains, soft shadows", + "textured wall, concrete texture, muted colors, indoor setting, wooden stool", + "pink patterned chair, wooden furniture, cream carpet, floor lamp", + "stone wall, white railing, sunny day, shadow patterns", + "blue sky, coastal scenery, sparse vegetation, gravel ground", + "palm trees, blue sky, white building, parked cars", + "city street, cobblestone pavement, street staircase, colorful buildings, overcast sky, European architecture, daylight setting", + "indoor setting, gray sofa, sliding door", + "indoor setting, natural light, decorative mirror, neutral tones, floral arrangement, contemporary decor", + "paved walkway, potted plants, building facade, daytime", + "sandy beach, tropical vegetation, kayaks, clear sky", + "carousel, vibrant colors, blurry movement, white fence", + "outdoor setting, brightly lit, foliage, hexagonal tiles, architectural features", + "casino setting, slot machines, ambient lighting, blurred background", + "garage setting, parked car, concrete floor", + "hockey rink boards, indoor lighting, sporty environment", + "Marble steps, clear sky, architectural structure", + "luxury car interior, pink seats, door open", + "Green foliage, blurred plants, sunny day", + "outdoor setting, blooming flowers, wooden structure", + "green field, wooden fence, grazing horse, trees, dusk sky", + "concrete structure, underpass, soft shadows, daylight", + "beach setting, ocean horizon, cloudy sky, gentle waves, soft sand", + "parking garage, concrete pillars, EXIT sign, diffused daylight", + "metal staircase, blue hues, outdoor location, clear sky", + "colored balls, white floor, minimalistic architecture", + "marina setting, high-rise buildings, clear sky", + "outdoor pool, white building, tropical vegetation, poolside furniture", + "boat interior, water view, clear sky, distant buildings", + "white curved walls, arch-like alcoves, simple white stools", + "ice hockey rink, empty stands, neutral lighting", + "lush greenery, blurred foliage, outdoor setting", + "white walls, smooth texture, architectural lines, minimalistic style", + "red patterned car, daytime, outdoor setting, blurred surroundings", + "white picket fence, green foliage, sunlit scene", + "palm trees, clear skies, paved walkway, tropical setting", + "marble countertop, wooden slats, pink cabinets, makeup brushes", + "sandy beach, ocean waves, clear sky, surfboard", + "sandy beach, cloudy sky, distant mountains, beachgoers, paragliders, natural setting", + "stone wall, narrow pathway, natural light", + "urban skyline, water reflections, soft lighting, distant buildings", + "autumn leaves, wooded path, blurry foliage, natural setting", + "stone walls, green plants, hanging utensils, cobblestone ground, outdoor setting, narrow alley", + "gray couch, floral wallpaper, subdued lighting, large blooms, dark tones", + "green hedge, evenly lit, shadow on ground, outdoor setting", + "yellow couch, pink wall, white pillow, floral arrangement, indoor setting", + "red wallpaper, ornate chair, vintage phone, patterned carpet", + "greenery, sunlit lawn, blurred backdrop", + "theater setting, plush seating, ambient lighting, popcorn spilled, circular patterns on carpet", + "grey walls, pumpkin decorations, lit jack-o'-lantern, indoor setting, halloween theme", + "sandy beach, blurred foliage, white towel, printed design, scattered flowers", + "wooden door frame, snow-covered ground, pine trees", + "outdoor setting, waterfront view, glass panes, bar counter, citrus drinks, clear skies", + "Beach scenery, cloudy sky, sunset lighting, vegetation", + "sandy terrain, rocky formations, clear sky, picnic setup", + "tropical setting, palm trees, water body, champagne bucket, white draped chair", + "overlooking ocean, tropical foliage, distant islands, clear sky, stone wall", + "urban landscape, skyscrapers, overcast sky, greenery, empty lot", + "urban landscape, balcony railing, overcast sky, flowering shrubs, distant buildings", + "vintage car, car wash setting, soapy water, overcast sky", + "red wall, green foliage, natural daylight", + "indoor setting, wooden staircase, sunlit doorway", + "Blue sky, calm sea, wooden dock, lounge chairs, yellow towel, boat mast", + "urban setting, covered walkway, architectural columns, clear sky", + "balcony setting, urban skyline, daytime, green box with letters", + "lush greenery, purple flowers, blurred details", + "gym setting, cardio machines, large windows, snowy outdoors, urban environment", + "sandy beach, ocean waves, clear sky", + "concrete stairs, outdoor setting, sunlit, shadowed areas", + "paved sidewalk, green bushes, white picket fence, clear sky, distant people", + "residential area, paved road, clear sky, daytime", + "cloudy sky, historical monument, bustling plaza, street lamps", + "city skyline, water, daytime, clear skies", + "palm tree, tropical foliage, blurred greenery", + "lush greenery, flowering shrubs, paved path, outdoor setting, soft-focus plants", + "autumn leaves, picnic setting, carved pumpkins, basket, wine bottle, scattered fruits, woodland scenery", + "green van, sunlit trees, parked vehicle, daytime", + "narrow alleyway, beige walls, soft focus, daylight", + "beach setting, evening sky, soft focus, ocean horizon, other person blurred", + "beige walls, outdoor setting, architectural features", + "outdoor setting, running track, greenery, trees, sunlight", + "green trees, sunlit path, daytime, blurred background", + "tropical plants, blurred greenery, wooden structure, bright atmosphere", + "wooden boardwalk, blurred pedestrians, warm lighting", + "neutral tones, indoor setting, minimalist decor", + "Blurred shelves, indoor setting, warm tones", + "tropical setting, bar counter, patterned tiles, green cushioned chair, beverage visible", + "outdoor setting, patio, sliding door", + "stone wall, wrought iron gate, urban setting, neat pavements, subtle shadows", + "Wooden door, marble walls, indoor lighting, mirrored reflection", + "city skyline, large windows, indoor setting, sunset lighting, high-rise view", + "glass reflection, blurred greenery, outdoor setting", + "indoor setting, wooden floor, ornate furniture", + "Green foliage, outdoor setting, sunlit", + "ornate iron gate, stone building facade, urban environment, clear skies", + "palm trees, clear sky, tropical setting, paved path", + "tropical beach setting, palm trees, blue water, clear sky, wooden structure", + "stone wall, green hills, cloudy sky, river in distance", + "tennis court, blue surface, white lines, tennis racket, yellow tennis balls, net partial view", + "city street, evening lighting, shopfront windows, parked cars", + "bookshelves, stacked books, indoor setting", + "pink chair, white wall, 'VILLAGE' sign, outdoor setting", + "glass door, indoor setting, patterned rug, hardwood floors", + "fruit stand, hanging bananas, assorted fruits, daylight, outdoor market", + "white wall, indoor setting, natural light, door frame, glass reflection", + "green foliage, residential area, sunny day, clear sky", + "palm trees, sunny skies, floral bushes", + "modern interior, white walls, wooden floor, potted plant, bar stools", + "modern room, large window, green plant, white sofa, coffee table, beige pillows, gray walls", + "neon lights, Chinese characters, urban feel, dark ambiance", + "dark backdrop, blue accents, subtle texture, illuminated base", + "fuzzy pink blanket, blue-green tinted background, smartphone present, indoors, comfortable setting", + "palm trees, blue sky, outdoor furniture, patio setting", + "kitchen setting, espresso machine, white cabinets, decorative items", + "bright room, curtain-draped window, reflected in mirror, soft shadows", + "high-rise view, glass window, modern furniture", + "bright interior, white walls, open doorways, tiled floor, minimal decor", + "white wall, minimalistic, shadow patterns", + "city lights, blurred background, nighttime, wooden railing, dark ambiance", + "city lights, bokeh effect, nighttime, wooden surface", + "industrial setting, metal window, concrete wall, moss-covered ground", + "industrial setting, daylight, weathered building, concrete ground, overgrown vegetation", + "red chairs, wooden panels, natural light, yellow rose, white plate, silverware", + "clear skies, mountainous terrain, urban landscape", + "green hedge, clear sky, outdoor setting, daytime, concrete path", + "balcony setting, water view, boats docked, cloudy sky", + "city skyline, water, daylight", + "car interior, black leather seats, red stitching, parking garage", + "curtain-draped windows, cityscape view, natural light, modern interior", + "gym setting, blurred weights, indoor environment, clear windows, green foliage outside", + "urban setting, blurred vehicles, soft focus, evening light", + "Outdoor setting, clear sky, poolside, tropical vegetation", + "open road, clear sky, desert landscape", + "glass door, reflection visible, outdoor setting, plants, overcast sky", + "outdoor setting, greenery, trees, blurred foliage", + "beach sands, overturned boat, green foliage", + "dirt pathway, green plants, red flowers", + "open road, clear sky, mountainous terrain, daylight", + "rocky terrain, calm sea, clear sky, daylight", + "poolside, sunset sky, tropical trees, water reflections", + "green curtains, window blinds, indoor setting, golden hour light", + "sandy ground, wooden equipment, blurred buildings", + "plain wall, neutral colors, indoor setting", + "golden hour, out-of-focus horses, clear sky, outdoor setting, warm tones", + "stone wall, dappled sunlight, outdoor setting, foliage", + "wooden railing, green foliage, blurred scenery, outdoor environment", + "sheer curtains, soft backlight, indoor room, muted colors, minimalist style, peaceful atmosphere", + "outdoor setting, stone structure, hanging lanterns, foliage, ceramic pottery", + "illuminated buildings, urban setting, nighttime ambiance", + "tennis court, hard surface, painted lines, no other people", + "clear sky, coastal view, urban skyline, architectural features", + "urban skyline, grassy field, overcast sky", + "urban setting, blurred fountain, clear sky, buildings in distance", + "skyscrapers, palm trees, clear sky, balcony railing", + "swimming pool, lounge chairs, palm trees, clear skies", + "palm trees, beach huts, clear sky, sandy ground", + "gas station pumps, red bricks building, clear sky, daytime", + "marble tiles, shower heads, indoor lighting, shower knobs", + "Marina setting, yachts docked, clear sky, wooden pier", + "wooden pergola, hanging lights, green plants, twilight ambiance, outdoor setting", + "green foliage, blurred scenery, outdoor setting, brick path", + "blurred setting, neutral colors, outdoor environment", + "blurry cityscape, glass balustrade, indoor setting", + "blurry nature, earthy tones, out of focus", + "desert terrain, clear sky, ATV vehicle", + "water feature, blue tiles, blurred buildings, outdoor setting", + "outdoor setting, bright sunlight, orange umbrellas, white lounge chairs, clear sky", + "horizontal lines, warm lighting, blurred setting, outdoor location", + "sunlit trees, blurred foliage, outdoor setting", + "Blurry greenery, white structure, defocused meal", + "sandy beach, sunset lighting, coastal vegetation, wooden post", + "window with sheer curtain, soft natural light, blurred food tray, couch corner", + "sunlit street, blurred foliage, warm tones", + "neutral tones, minimalistic decor, plain walls", + "tropical setting, blurred greenery, open-air structure, beverage on table", + "modern interior, large window, daytime, urban skyline, minimal furniture", + "city street, stone balustrade, cloudy sky, walking people, fluttering flags", + "desert landscape, clear skies, distant camel", + "interior setting, ceiling fan, natural lighting, open door, floor lamp", + "Indoor setting, Wooden floor, White lampshade, Dining chairs, Kitchen counter", + "wooden panels, modern architecture, outdoor setting, bright daylight", + "window frame, white wall, pipe visible", + "wooden structure, forested area, natural light, out of focus greenery" +] \ No newline at end of file diff --git a/data/default_tags.json b/data/default_tags.json new file mode 100644 index 0000000000000000000000000000000000000000..5af25238afded1337a6f0082559294c18597d4a5 --- /dev/null +++ b/data/default_tags.json @@ -0,0 +1,10 @@ +[ + "a man", + "a woman", + "a young man", + "a young woman", + "a middle aged man", + "a middle aged woman", + "an old man", + "an old woman" +] \ No newline at end of file diff --git a/data/device.json b/data/device.json new file mode 100644 index 0000000000000000000000000000000000000000..9b0df9db4d1f61eba76b8cadf8ab2450f97825f5 --- /dev/null +++ b/data/device.json @@ -0,0 +1,48 @@ +[ + "Canon EOS 5D Mark IV with Canon EF 24-70mm f-2.8L II", + "Canon EOS 90D with Canon EF-S 18-135mm f-3.5-5.6 IS USM", + "Canon EOS M6 Mark II with Canon EF-M 32mm f-1.4", + "Canon EOS R with Canon RF 28-70mm f-2L", + "Canon EOS-1D X Mark III with Canon EF 50mm f-1.2L", + "Canon PowerShot G5 X Mark II with Built-in 8.8-44mm f-1.8-2.8", + "DJI Mavic Air 2 with Built-in 24mm f-2.8", + "FujiFilm X-T4 with Fujinon XF 35mm f-2 R WR", + "Fujifilm GFX 100 with GF 110mm f-2 R LM WR", + "Fujifilm X-Pro3 with Fujinon XF 56mm f-1.2 R", + "Fujifilm X-S10 with Fujinon XF 10-24mm f-4 R OIS WR", + "Fujifilm X100V with Fujinon 23mm f-2", + "GoPro HERO9 with Built-in f-2.8 Ultra-Wide", + "Hasselblad 907X with Hasselblad XCD 30mm f-3.5", + "Hasselblad X1D II with Hasselblad XCD 65mm f-2.8", + "Kodak PIXPRO AZ901 with Built-in 4.3-258mm f-2.9-6.7", + "Leica CL with Leica Summilux-TL 35mm f-1.4 ASPH", + "Leica M10 with LEICA 35mm f-2 SUMMICRON-M ASPH", + "Leica Q2 with Summilux 28mm f-1.7 ASPH", + "Leica SL2 with Leica APO-Summicron-SL 50mm f-2 ASPH", + "Nikon Coolpix P950 with Built-in 24-2000mm f-2.8-6.5", + "Nikon D780 with Nikkor 14-24mm f-2.8G", + "Nikon D850 with Nikkor 50mm f-1.8", + "Nikon Z50 with Nikon Z DX 16-50mm f-3.5-6.3", + "Nikon Z6 II with Nikon Z 24-70mm f-4 S", + "Nikon Z7 with Nikon Z 70-200mm f-2.8 VR S", + "Olympus OM-D E-M1 Mark III with M.Zuiko 12-40mm f-2.8", + "Olympus OM-D E-M5 Mark III with M.Zuiko 40-150mm f-2.8", + "Olympus PEN-F with M.Zuiko 17mm f-1.8", + "Olympus Tough TG-6 with Built-in 4.5-18mm f-2-4.9", + "Panasonic Lumix G9 with Leica DG 42.5mm f-1.2", + "Panasonic Lumix GH5 with Leica DG 25mm f-1.4", + "Panasonic Lumix S5 with Lumix S PRO 70-200mm f-2.8 O.I.S", + "Panasonic S1R with Lumix S 50mm f-1.4", + "Pentax 645Z with Pentax-D FA 645 55mm f-2.8", + "Pentax K-1 Mark II with Pentax FA 43mm f-1.9 Limited", + "Pentax KP with Pentax HD DA 20-40mm f-2.8-4", + "Ricoh GR III with GR 18.3mm f-2.8", + "Sigma fp with Sigma 45mm f-2.8 DG DN", + "Sigma sd Quattro H with Sigma 24-70mm f-2.8 DG", + "Sony A1 with Sony FE 20mm f-1.8 G", + "Sony A6400 with Sony E 35mm f-1.8 OSS", + "Sony A7C with Sony FE 28-60mm f-4-5.6", + "Sony A7R IV with Sony FE 85mm f-1.4 GM", + "Sony A9 II with Sony FE 24-70mm f-2.8 GM", + "Sony RX100 VII with Built-in 24-200mm f-2.8-4.5" +] \ No newline at end of file diff --git a/data/digital_artform.json b/data/digital_artform.json new file mode 100644 index 0000000000000000000000000000000000000000..7ada279a9b32cb032df50a55a78ce2ebc365f5de --- /dev/null +++ b/data/digital_artform.json @@ -0,0 +1,70 @@ +[ + "Glitch Art art", + "Digital Painting art", + "Acrylic Paint art", + "Algorithmic art", + "Animation art", + "Art glass art", + "Assemblage art", + "Augmented reality art", + "Batik art", + "Beadwork art", + "Body painting art", + "Bookbinding art", + "Cast paper art", + "Ceramics art", + "Bronze art", + "Charcoal art", + "Collage art", + "Collagraphy art", + "Colored pencil art", + "Computer-generated imagery (cgi) art", + "Crochet art", + "Decoupage art", + "Digital sculpture art", + "Foam carving art", + "Found objects art", + "Fresco art", + "Glass art", + "Gouache art", + "Graffiti art", + "Ice art", + "Ink wash painting art", + "Installation art", + "Interactive media art", + "Lenticular printing art", + "Light projection art", + "Lithography art", + "Marble art", + "Metal art", + "Metalpoint art", + "Miniature painting art", + "Mixed media art", + "Monotype printing art", + "Neon art", + "Oil painting art", + "Origami art", + "Papier-mache art", + "Pastel art", + "Pen and ink art", + "Plastic arts", + "Polymer clay art", + "Printmaking art", + "Puppetry art", + "Pyrography art", + "Quilling art", + "Quilting art", + "Recycled art", + "Resin art", + "Sand art", + "Sound art", + "Silverpoint art", + "Spray paint art", + "Stone art", + "Tempera art", + "Tattoo art", + "Video art", + "Watercolor art", + "Wax art", + "Wood art" +] \ No newline at end of file diff --git a/data/female_additional_details.json b/data/female_additional_details.json new file mode 100644 index 0000000000000000000000000000000000000000..70bce946609f89e27bb3635493edef6fae268232 --- /dev/null +++ b/data/female_additional_details.json @@ -0,0 +1,183 @@ +[ + "a purple iridescent suit", + "wearing a (necklace)", + "wearing ((earrings))", + "wearing a (bracelet)", + "wearing one or multiple (rings)", + "wearing a (brooch)", + "wearing (eyeglasses)", + "wearing (sunglasses)", + "wearing a (hat)", + "wearing a (scarf)", + "wearing a (headband)", + "wearing a (nose ring)", + "wearing a (lip ring)", + "wearing a (tongue ring)", + "wearing an (eyebrow ring)", + "wearing (face tattoos)", + "wearing a (wreath)", + "wearing a (crown)", + "wearing a (tiara)", + "wearing a (crown of thorns)", + "wearing a (crown of jewels)", + "wearing (bohemian clothes)", + "wearing (chic clothes)", + "wearing (glamorous clothes)", + "wearing (grunge clothes)", + "wearing (preppy clothes)", + "wearing (punk clothes)", + "wearing (retro clothes)", + "wearing (rockabilly clothes)", + "wearing (romantic clothes)", + "wearing (tomboy clothes)", + "wearing (urban clothes)", + "wearing (camo clothes)", + "wearing (robes)", + "wearing (excessive amount of jewellery)", + "wearing (vintage clothes)", + "wearing (western clothes)", + "wearing (minimalist clothes)", + "wearing (sportswear clothes)", + "wearing (flapper clothes)", + "wearing (pin-up clothes)", + "wearing (mid-century modern clothes)", + "wearing (art deco clothes)", + "wearing (victorian clothes)", + "wearing (edwardian clothes)", + "wearing (elizabethan clothes)", + "wearing (retro 70s clothes)", + "wearing (retro 80s clothes)", + "wearing (retro 90s clothes)", + "wearing (retro 00s clothes)", + "wearing (musical equipment)", + "wearing (leather)", + "wearing (bdsm leather)", + "wearing (shiny latex)", + "wearing (shiny latex suit)", + "wearing (silk)", + "wearing (full tweed set)", + "wearing (clothes made entirely of feathers)", + "wearing (clothes made entirely of fur)", + "wearing (clothes made entirely of leather)", + "wearing (clothes made entirely of metal)", + "wearing (clothes made entirely of plastic)", + "wearing (clothes adorned with shimmering jewels or crystals)", + "waring (clothes adorned with sequins)", + "wearing (clothes with exaggerated or extreme silhouettes)", + "wearing (clothes with exaggerated or extreme footwear)", + "wearing (clothes with exaggerated or extreme headwear)", + "wearing (clothes with exaggerated or extreme facial or body piercings or tattoos)", + "wearing (clothes with multiple layers or tiers)", + "wearing (clothes with exaggerated or extreme colors)", + "wearing (clothes with exaggerated or extreme patterns)", + "wearing (cloak)", + "wearing an astronaut armor", + "wearing a bio mechanical suit", + "wearing a bio hazard suit", + "(( working with laptop))", + "with Heat deformation", + "(((future soldier, full body armor, futuristic football, shoulder pads, guns, grenades, weapons, bullet proof vest, high tech, straps, belts, camouflage)))", + "((full body, zoomed out)) long slender legs 80mm", + "(((sci-fi, future war, cyberpunk, cyborg, future fashion, beautiful face, glowing tattoos)))", + "((angry expression, pretty face))", + "(((full body, athletic body, action pose, detailed black soldier outfit, slender long legs)))", + "playing epic electric guitar solo in front of a huge crowd", + "singing epic solo into a microphone in front of a huge crowd", + "as a ((gelatinous horror dripping alien creature))", + "in a tie or bowtie, lending a touch of formal elegance or quirky charm, knotted around the collar to elevate the outfit", + "with anklets, delicate chains or beads that gracefully encircle the ankle, adding a touch of femininity with every step", + "donning a belt, functional yet fashionable, cinching the waist or sitting low on the hips, often with a statement buckle", + "wearing gloves, either elegant satin for formal events or rugged leather for a tougher look, complementing the attire and mood", + "with a choker, snugly encircling the neck, often made of lace, velvet, or leather, exuding a mix of elegance and edge", + "in stockings or tights, sheer or opaque, enhancing the legs while adding a touch of sophistication or playful patterns", + "with a satchel or bag, a functional accessory that speaks volumes about personal style, be it a minimalist tote or an embellished clutch", + "wearing cufflinks, subtle symbols of elegance, adorning the sleeves of a formal shirt, showcasing attention to detail", + "with a pendant, a piece of jewelry that dangles gracefully from a necklace, often holding sentimental or symbolic value", + "in layered necklaces, a blend of chains of varying lengths, creating depth and showcasing multiple pendants or charms", + "sporting a watch, a timeless accessory that blends functionality with style, either minimalist or grand, reflecting personal tastes", + "wearing a veil, a delicate piece of fabric that adds mystery and allure, often seen in bridal or ceremonial attire", + "donning a cape or cloak, adding drama to the ensemble, flowing gracefully with every movement, evoking a sense of fantasy or regality", + "with a tiara or diadem, a jeweled headpiece that signifies royalty or celebration, resting gracefully atop the head", + "Adorned with a crown, symbolizing royalty and authority with gemstones and metals", + "With a sparkling tiara, reminiscent of princesses or beauty queens", + "With a poignant crown of thorns, symbolizing sacrifice and resilience", + "With a jewel-encrusted crown, reflecting affluence and grandeur", + "In bohemian attire, embodying the free spirits with patterns and fringes", + "Dressed in chic fashion, blending comfort with high style", + "In glamorous attire, shiny or sequined, perfect for red-carpet events", + "Donning grunge wear, with flannels and combat boots, reflecting a rebellious spirit", + "In preppy clothes, with clean lines and classic patterns", + "Sporting punk fashion, with leather, studs, and bold hairstyles", + "In retro outfits, channeling specific decades with authentic pieces", + "Wearing rockabilly style, with pin-up influences and rock 'n' roll flair", + "In romantic attire, featuring soft fabrics and feminine silhouettes", + "Dressed in tomboy fashion, with boyish charm and comfort-focused pieces", + "In urban streetwear, blending comfort with trendy, city-inspired looks", + "Wearing camouflage, either for function or as a bold fashion statement", + "Draped in robes, from casual bathrobes to formal ceremonial garments", + "Adorned with excessive jewelry, creating a bold and opulent look", + "In vintage clothes, authentically representing past eras and styles", + "Sporting western wear, with cowboy hats, boots, and denim", + "In minimalist attire, focusing on clean lines and a less-is-more approach", + "Wearing sportswear, blending function and style for athletic pursuits", + "In flapper style, with dropped waists and ornate beading from the 1920s", + "Dressed as a pin-up, channeling retro glamour with curve-hugging styles", + "In mid-century modern fashion, reflecting the sleek designs of the 1950s and 60s", + "Wearing art deco inspired clothes, with geometric patterns and luxurious fabrics", + "In Victorian-style attire, with high necklines, corsets, and full skirts", + "Dressed in Edwardian fashion, featuring S-shaped silhouettes and large hats", + "In Elizabethan costume, with ruffs, farthingales, and ornate embroidery", + "Sporting 70s retro looks, with bell-bottoms, platforms, and psychedelic prints", + "In 80s inspired outfits, featuring bold colors, shoulder pads, and leg warmers", + "Wearing 90s fashion, with crop tops, high-waisted jeans, and chunky shoes", + "In early 2000s style, featuring low-rise jeans, crop tops, and platform sandals", + "With musical equipment, like guitars, drumsticks, or headphones as accessories", + "In leather attire, from sleek jackets to edgy pants or skirts", + "Wearing BDSM-inspired leather, with harnesses, collars, or studded accessories", + "In shiny latex, hugging every curve with a glossy, futuristic appeal", + "Sporting a full latex suit, covering from neck to toe in sleek, shiny material", + "Draped in silk, with flowing fabrics that catch the light beautifully", + "In a full tweed set, channeling British countryside chic", + "Wearing an outfit made entirely of feathers, creating a bold, avian-inspired look", + "In a fur ensemble, either faux or real, exuding luxury and warmth", + "Sporting an all-leather outfit, from jacket to pants and accessories", + "In a metallic outfit, with clothes seemingly forged from shining metals", + "Wearing an ensemble made entirely of plastic, futuristic and unconventional", + "Adorned in clothes shimmering with jewels or crystals, catching light at every angle", + "In a sequin-covered outfit, sparkling and eye-catching from every view", + "Wearing clothes with exaggerated silhouettes, pushing the boundaries of shape and form", + "In footwear with extreme designs, from towering platforms to avant-garde shapes", + "Sporting headwear with exaggerated proportions or unconventional materials", + "With extreme facial piercings or full-body tattoos, turning the skin into a canvas", + "In an outfit with multiple layers or tiers, creating depth and visual interest", + "Wearing clothes in extremely bold or neon colors, making a vibrant statement", + "In attire with exaggerated or surreal patterns, creating visual intrigue", + "Draped in a mysterious cloak, adding an air of intrigue or fantasy", + "In astronaut armor, representing space exploration and futuristic concepts", + "Wearing a bio-mechanical suit, blending organic forms with mechanical elements", + "In a biohazard suit, fully enclosed for protection or as a fashion statement", + "Engaged with a laptop, representing technology integration in fashion", + "Surrounded by heat deformation effects, as if the very air is bending around them", + "In futuristic soldier gear, with high-tech armor, weapons, and camouflage", + "Posed to accentuate long, slender legs, often with 80mm or higher heels", + "In sci-fi inspired wear, with cyberpunk elements and glowing tattoos", + "With an angry expression juxtaposed against delicate features", + "In a detailed black tactical outfit, emphasizing an athletic build and long legs", + "Mid-performance with an electric guitar, captivating an imaginary audience", + "Belting out a solo performance, microphone in hand, before a cheering crowd", + "Transformed into a gelatinous alien creature, dripping and otherworldly", + "With a tie or bowtie, adding a formal or quirky touch to the ensemble", + "Wearing delicate anklets, adding a feminine charm to the overall look", + "With a statement belt, either cinching the waist or riding low on the hips", + "In elegant or rugged gloves, complementing the outfit's overall mood", + "Sporting a choker, from delicate lace to edgy leather designs", + "In stockings or tights, either sheer for elegance or patterned for fun", + "Carrying a stylish bag, from minimalist totes to ornate clutches", + "With cufflinks, adding a touch of sophistication to formal wear", + "Wearing a meaningful pendant, dangling from a necklace", + "In layered necklaces, creating depth with varying lengths and styles", + "Sporting a watch, balancing functionality with personal style", + "Wearing a veil, adding mystery and allure to the overall look", + "Draped in a cape or cloak, bringing drama and movement to the ensemble", + "Crowned with a tiara or diadem, adding a regal touch to the outfit" +] \ No newline at end of file diff --git a/data/female_body_types.json b/data/female_body_types.json new file mode 100644 index 0000000000000000000000000000000000000000..15d7996748707fc3a285a9c8fba612f7f70f2d1f --- /dev/null +++ b/data/female_body_types.json @@ -0,0 +1,44 @@ +[ + "pretty", + "chubby", + "midweight", + "overweight", + "fat", + "flabby", + "buxom", + "voluptuous", + "hefty", + "pudgy", + "plump", + "obese", + "morbidly obese", + "stout", + "rotund", + "thick-bodied", + "thicc", + "thick", + "beefy", + "portly", + "tubby", + "overweight", + "(slightly overweight)", + "buff", + "burly", + "fit", + "well-built", + "well-endowed", + "muscular", + "stocky", + "big-boned", + "curvy", + "flabby", + "flyweight", + "skinny", + "too skinny", + "anorexic", + "not skinny", + "slender", + "lanky", + "slim", + "slight" +] \ No newline at end of file diff --git a/data/female_clothing.json b/data/female_clothing.json new file mode 100644 index 0000000000000000000000000000000000000000..6d26a1fefd2e74369fdb388c53ad1b4c17b58601 --- /dev/null +++ b/data/female_clothing.json @@ -0,0 +1,344 @@ +[ + "white crop top, denim shorts,silver bracelet,white texture,denim texture", + "white top, sleeveless, button-up, white bottoms, ribbed texture", + "white crop top, blue jeans, silver belt, textured fabric, denim texture", + "white tank top, black pants, pink and blue goalie pads, black belt, white skates", + "black long-sleeve dress, fishnet stockings", + "black bikini top, black bikini bottom, hoop earrings", + "white towel, white head wrap", + "gray crop top, black skirt, ribbed texture, v-neckline", + "black bodysuit, sheer texture, light wash jeans, golden bangles", + "pink dress, spaghetti straps, form-fitting, floor-length", + "black sports bra, black leggings, textured fabric, small white logo", + "black bikini, knit texture, gold accessories, aviator sunglasses", + "patterned crop top, green leather pants, silver necklaces, red bracelet, hoop earrings", + "black bikini top, striped pants, beige textures, open white shirt", + "pink dress, orange sash, gold heels, floral headpiece", + "pastel pink tank top, blue ripped jeans, black platform heels, neutral shoulder bag", + "white sleeveless top, ribbed texture, high-cut white bottoms", + "black dress, plunging neckline, satin texture, brown handbag, chain strap, diamond necklace, wristwatch, silver bracelet", + "brown crop top, brown skirt, smooth texture", + "black sports bra, black leggings, white sneakers, textured fabric", + "blue dress, bodycon fit, sleeveless, zipper detail, V-neckline, subtle sheen", + "beige tank top, black denim shorts, smooth fabric, ripped texture", + "black tube top, gold necklace, gold arm cuff, red headwrap", + "black jumpsuit, zipper detail, form-fitting, long-sleeved", + "white crop top, blue jeans, silver necklace", + "light blue crop top, ribbed texture, long sleeves, denim jeans", + "black swimsuit, plunging neckline, sleeveless", + "blue dress, strap sleeves, high slit, textured fabric, hoop earrings, wristwatch, bracelet", + "black sleeveless top, black leather pants, gold necklace", + "black tank top, chain belt, black shorts, patterned boots", + "pink hoodie, pink shorts, textured fabric", + "black bikini top, denim shorts, frayed hems", + "blue bikini, tie-up detail, vibrant prints, double-strap top, high-cut bottoms, textured fabric", + "tan crop top, tan high-waisted pants, ripped knee, checked shirt tied, white sneakers", + "brown tank top, plaid skirt, smooth texture, fitted top, flared skirt", + "white dress, black sandals, dark sunglasses, textured fabric, sheer sleeves, leather bag", + "black sports bra, black shorts, black arm band, dark wrist watch, clear eyeglasses", + "beige hoodie, matching pants, textured fabric", + "red satin dress, off-shoulder style, knotted front", + "white crop top, lace details, high-waisted skirt, pleated texture", + "black dress, sleeveless top, plunging neckline, white cross necklace, textured handbag, silver bracelet", + "pink halter-neck dress, ribbed texture, form-fitting", + "yellow lace-up top, white lace bralette, blue denim shorts, green handbag", + "white crop top, white jeans, glasses", + "red dress, sleeveless, v-neckline", + "white blouse, intricate lace, sheer sleeves", + "white bikini top, white mesh cover-up, white skirt, silver necklace", + "black oversized t-shirt, white sport socks", + "black strap top, lace trim, glossy texture", + "white crop top, ribbed texture, short sleeves, high-waisted shorts, elastic waistband", + "pink blazer, white top, pink trousers, silky fabric", + "green sports bra, green shorts, white sneakers, textured fabric", + "blue crop top, blue shorts, white sneakers, texture appears smooth", + "black tank top, denim shorts, textured fabric, light blue, frayed hems", + "green sports bra, green shorts, white socks, multicolored sneakers", + "straw hat, fringe bikini top, bikini bottom, earth tones", + "black dress, strap details, sheer textures", + "grey sweatshirt, soft texture, round neckline", + "white bikini top, ruffled edges, light fabric, headscarf with print, necklace", + "red bikini top, snakeskin pattern, textured fabric", + "white tank top, form-fitting, sleeveless", + "pink shiny dress, plunging neckline, sleeveless, textured fabric", + "strawberry-print top, white with red, matching shorts, silver loop earrings", + "pink crop-top, blue denim shorts, smooth texture, subtle sheen", + "textured fabric", + "white top, off-shoulder design, ruffled texture", + "beige strapless top, golden necklace", + "pink bikini top, shiny fabric, thin straps, pendant necklace, aviator sunglasses", + "white top, blue headband, black headphones", + "dark blue top, v-neckline, smooth texture, necklace with pendant", + "white top, black accents, mesh details, logo text", + "yellow crop top, yellow skirt, white high heels, gold necklace", + "white floral dress, off-shoulder design, sheer fabric", + "colorful bikini top, gold chain necklace, gold hoop earrings", + "denim jumpsuit, blue color, zipper front, sleeveless", + "white halter top, smooth texture", + "beige fedora, black bikini top, patterned cover-up, light-colored textures", + "green bikini top, white necklace", + "black halter top, glossy texture", + "black jacket, black crop top, black pants, various textures", + "black strapless top, golden necklace, golden bracelet", + "tie-dye bikini, blue-green-black hues, sports shorts, black with green and blue patterns", + "grey turtleneck, sleeveless, soft texture", + "beige tracksuit, zipper hoodie, matching pants, soft fabric", + "white tank top, blue jeans, black hair tie, gold necklace, blonde hair", + "satin top, silver color, strapless design, necklace, bracelet", + "red dress, plunging neckline, sleeveless, smooth texture, large hoop earrings", + "white floral dress, puff sleeves, low-cut neckline, butterfly pendant necklace", + "white fluffy robe, gold chain necklace, red lipstick", + "blue dress, sleeveless, plunging neckline, cinched waist, flowy texture", + "black jacket, purple shirt, denim overalls, white hair accessory, cream cardigan, simple necklace", + "sleeveless top, beige color, ribbed texture, high-waisted pants, black color, button details", + "white halter top, knotted center, sleeveless, smooth texture", + "cream crop top, beige striped shirt, blue ripped jeans", + "patterned white hat, large black glasses, denim jacket, red top, gold ring, white manicure", + "black rimmed glasses, beige blazer, black top, gold necklace", + "brown blouse, shoulder strap, gold necklace, stud earrings, eyeglasses, white manicure, gold rings", + "light green tank top, white drawstrings, ribbed texture, light green bottoms, fitted waistband, casual style", + "white strapless top, satin texture", + "white lace top, denim bottoms", + "camouflage crop top, camouflage shorts, brown boots, silver bracelets, sunglasses, hoop earrings", + "black top, sheer sleeves, black skirt, black boots, glasses", + "white ribbed top, plunging neckline, long sleeves, drawstring front, black jeans, distressed details", + "sleeveless top, beige color, snug fit, shorts, sitting", + "red dress, textured fabric, thin straps", + "yellow shirt, lace bralette, hoop earrings", + "white top, sheer sleeves, lace details, pastel pink bralette", + "black bodysuit, sheer gloves, patterned scarf, hoop earrings", + "black corset top, plaid skirt, glossy texture, lace details", + "beige bikini top, gold chain necklace", + "blue lace top, cleavage-revealing, long sleeves", + "black tank top, smooth texture", + "black halter top, white flower accessory", + "light pink hairband, green floral dress, gold earrings, light pink nail polish", + "white top, low neckline, soft texture", + "black tank top, black headband, headphones", + "black polka-dot bikini, thin necklace", + "black sleeveless top, textured fabric, shiny accessories", + "grey cardigan, white shirt, denim overalls, purple jacket, black hair ties", + "black leather dress, high-heel boots", + "blue camo sports bra, blue camo leggings", + "long-sleeve top, white bandeau, pink hues, sheer texture, butterfly prints", + "black tank top, white shirt, denim jeans", + "blue bikini top, blue high-waisted bottoms, large hoop earrings, white sneakers", + "beige hoodie, blue highlights, black sunglasses, blue sneakers, textured sole", + "beige hoodie, blue t-shirt, black leggings, blue sneakers, textured materials, oversized top, fitted bottoms", + "black crop top, black sheer-panelled bottoms, solid colors, smooth textures", + "straw hat, leopard print bikini, white cover-up", + "black sports bra, black leggings, smooth textures", + "black bikini top, shiny texture, gold necklace", + "white sports bra, white leggings, cream textured cardigan", + "red dress, thin straps, v-neckline, satin texture", + "black tank top, smooth texture", + "white halter top, gold necklace", + "black bikini, strap details", + "black bodysuit, white snow jacket, visible textures", + "no visible clothing", + "pink beret, light blouse, pink jacket, soft textures", + "fur-lined hood, beige coat, texture-soft", + "graphic jacket, multicolored, white hoodie, blue jeans", + "white tank top, spaghetti straps, lace details, natural textures", + "red crop top, white bikini bottoms, ribbed fabric", + "red strapless dress, smooth texture", + "sleeveless top, neutral color, soft texture", + "black sleeveless dress, textured fabric, sheer details", + "metallic green dress, crystal choker necklace", + "white tank top, gold necklace, natural texture", + "pearl headpiece, white textured dress, bejeweled adornments, sheer sleeves", + "white dress, deep neckline, sleeveless, lace-up sides, figure-hugging", + "white deep v-neck top, gold necklace, neutral makeup, straight hair", + "none visible", + "patterned blazer, patterned shorts, black bralette, warm colors, glossy texture", + "sleeveless top, beige color, denim shorts, light wash, leather seat texture", + "floral bikini top, white color, printed texture", + "blue dress, white trim, sparkling necklace, silver earrings, silver bracelet", + "silver chain necklace, pink pendant, gold bracelet", + "white headband, white ribbed top, black undergarment, light-colored jacket", + "yellow bikini top, black phone case", + "white crop top, light blue ripped jeans, smooth texture, silver necklace", + "peach sports bra, peach skirt, smooth fabric", + "patterned dress, black and white, deep neckline, short sleeves, textured fabric, black boots, laced footwear", + "black sleeveless dress, black heels, silver bracelet, silver necklace", + "light pink dress, sheer texture, fringe details, brown belt", + "red lace dress, black fur hat, red gloves", + "white cropped top, light blue jeans, textured fabric", + "pink cropped top, ribbed texture, tie-front detail, blue ripped jeans, casual style, light wash denim, black shoulder bag, brown belt", + "blue patterned bikini, sheer sleeves, ruffled cuffs", + "red dress, low neckline, sleeveless, smooth texture", + "pink sports bra, pink leggings, barefoot, black accents", + "striped one-piece swimsuit, blue and white colors, textured fabric", + "red ribbed sweater, black leather pants", + "white crop top, long sleeves, white skirt, textured fabric, green handbag, gold necklace, white wristwatch", + "white crop top, crisscross neckline, white pants, silver chain accents, white handbag, quilted texture", + "ribbed beige turtleneck dress, chest cut-out, black handbag, black and white sneakers", + "white tank top, black pants, smooth textures", + "White long-sleeve top, ribbed texture", + "black hoodie, pink leggings, brown shoes, white socks", + "Blue-purple bikini top, white lace-up detail, purple patterned skirt", + "strapless top, aqua color, textured fabric, high-waisted trousers, matching color, cinched ankles", + "pink dress, white cardigan, lacy sleeves", + "denim jumpsuit, light blue, sleeveless, lace-up front, fringed hem", + "bikini top, bikini bottom, earth tones, string ties", + "geometric pattern bodysuit, brown and black colors, plunging neckline, long sleeves, glossy black belt, black shoulder bag", + "white sleeveless top, silver zipper, textured fabric, blue denim shorts, frayed hems", + "red frilly dress, white heels, blue hair", + "white cropped shirt, white shorts, smooth fabric", + "yellow patterned bikini top, white bikini bottom, sunglasses, wrist accessories", + "grey bikini top, grey skirt, textured fabric, silver wrist accessory", + "strapless yellow dress, blue waist sash, beige high heels, black floral hair accessory", + "white crop top, black pants, pink and blue leg pads, vaughn glove, white skates", + "purple bikini top, lace-up detail, purple print skirt, textured fabric", + "pink tank top, blue ripped jeans, black strappy heels, beige shoulder bag", + "white tank top, blue denim shorts, textured fabric, visible brand writing", + "white cropped top, textured fabric, light-wash denim jeans, high-waisted, lace-up sides", + "white cropped cardigan, white pleated skirt, black shoulder bag, dark sunglasses, white bralette, gold necklace", + "pink crop top, white midriff band, pink shorts, glossy tan heels", + "black bikini top, black bikini bottoms, smooth fabric", + "sleeveless top, tan cropped pants, black sunglasses, black backpack straps, ribbed texture top, light colors", + "white crochet dress, brown belt, textures visible", + "white off-shoulder top, white shorts, textured fabric, ruffled sleeves", + "blue crop top, long sleeves, ribbed texture, plunging neckline, gray plaid skirt, pleated design", + "floral dress, white base, red and green patterns, V-neckline, long sleeves, brown belt, textured fabric", + "purple dress, gold heels, textured fabric, sleeveless, cut-out detailing", + "white hat, white dress, tiered ruffles, lace texture, small purse, silver watch, neutral heels", + "pink crop top, pink skirt, pink high heels, sleeveless, button details, smooth texture", + "black bodysuit, lace texture, sheer fabric", + "left: tan bodysuit, right: black dress, plunging neckline, short sleeves", + "sleeveless sequined dress, black and blue tones, sheer fabric, high slit, silver sequined dress, beige tones, strappy sandals, ankle strap, heeled footwear", + "black corset, lace texture, black gloves, chandelier earrings, silver necklace", + "brown polka-dot swimsuit, wide-brimmed straw hat, smooth texture", + "pink hearts bodysuit, white base, long sleeves", + "gray crop top, gold necklace, gold earrings, light makeup", + "Tan crochet bikini top, tan bikini bottom, gold waist chain, black halterneck bikini top, black tie-side bikini bottom, tan crochet bikini top, tan crochet skirt, gold waist chain", + "white hat, sunglasses, olive green cropped shirt, olive green skirt, black belt, black bikini bottom visible", + "beige dress, deep neckline, ribbed texture, white heels, criss-cross straps", + "blue tank top, textured fabric, lace-up front, white shorts, striped pattern, white sneakers", + "grey cardigan, white crop top, animal print shorts, blue hair", + "green dress, deep neckline, long sleeves, smooth texture, waist belt", + "pink bikini, pink heels, pink sunglasses", + "patterned jacket, patterned skirt, bikini top, vibrant colors, shiny texture", + "white cropped t-shirt, black graphic design, casual style", + "Red bikini, white polka dots, bow details", + "blue polka-dot dress, front buttoning, sleeveless design, white sunglasses, tied waist belt", + "white sports bra, white leggings, black sneakers, textures visible", + "lavender floral dress, white sunglasses, silver hoop earrings", + "sports bra, leggings, pastel green, form-fitting, sleeveless, high-waisted", + "white top, sheer overlay, light textures", + "white crop top, blue denim shorts, black and white sneakers, ribbed texture top", + "red crop top, blue jeans, light textures", + "blue sports bra, blue leggings, smooth texture", + "white crop top, high-waisted skirt, textured pink heels, black shoulder bag", + "striped swimsuit, blue and white, thin straps", + "white bikini top, white bikini bottoms, smooth texture", + "denim tube top, denim shorts, light blue, frayed hems, gold necklace, gold bracelet, navel piercing", + "black cap, black-framed glasses, red and black striped sweater, denim shorts, black belt, clear-lens glasses", + "crocheted bikini, white color, tassel details, tied straps", + "black halter dress, cut-out details, form-fitting, knee-length", + "white bikini, halter neck top, string bikini bottom, smooth texture", + "black dress, sleeveless, cut-out details, form-fitting", + "sports bra, leggings, pastel colors, form-fitting, athletic wear", + "blue and white striped top, front zipper, black shorts, denim texture", + "patterned dress, white with blue spots, short sleeves, v-neckline, textured fabric", + "blue bikini, white-orange socks, red-yellow roller skates", + "white long-sleeve top, distressed blue jeans, white sneakers", + "Black blazer, v-neckline, satin texture", + "white off-shoulder top, white bikini bottom, gold necklace, black sunglasses, textured fabrics", + "floral bikini, vibrant colors, textured fabric", + "green jumpsuit, cut-out torso, wide-leg pants, sleeveless top, flowy fabric", + "Pink dress, text patterns, sleeveless, high neckline, cut-out detail", + "black corset top, ripped blue jeans, white blazer, golden necklace, sunglasses on head", + "pink tank top, blue denim shorts, diamond choker necklace, brown patterned handbag", + "black corset top, patterned skirt, glossy texture", + "White halter top, blue denim jeans, gold bracelet, beige handbag", + "blue fringe haircut, pink sunglasses, pink denim jacket, white tank top, pink skirt, pink heart-shaped purse", + "pink crop top, pink shorts, ribbed texture, athletic wear", + "white off-shoulder top, wide sleeves, straw hat, textured fabric", + "denim jacket, black dress, white sneakers, blue backpack", + "white sports bra, black shorts, white sneakers, white socks", + "brown corset top, brown leather pants, glossy texture", + "brown cropped top, denim shorts, eyeglasses, wrist watch", + "white cropped top, blue denim jeans, smooth texture, frayed edges", + "light blue corset, denim jeans, silver necklace, black belt, light blue handbag", + "white cropped top, patterned green skirt, fabric texture visible, white undergarment", + "yellow crop top, blue denim shorts, white strapless top, tan belt, frayed hems", + "white crochet top, fringed detailing, denim jeans, tan shoulder bag", + "leopard print halter-top, blue ripped jeans", + "white long-sleeve top, plunging neckline, high-waisted jeans, distressed denim, blue color, tan ankle boots", + "black cut-out dress, gold bracelet, black and white heels, beige handbag", + "black crop top, deep neckline, long sleeves, denim shorts, frayed hem, black bralette, multiple straps, sheer sleeves, mesh pattern, choker necklace, high-waisted shorts, button closure", + "beige hoodie, matching sweatpants, visible drawstrings, soft texture", + "gray t-shirt, blue jeans, smooth texture, casual style", + "pink bikini top, pink skirt, sunglasses, gold watch", + "lace top, brown skirt, strapless design, textured fabric", + "strappy dress, beige color, form-fitting, textured fabric, sleeveless, knee-length", + "black t-shirt, rib cage print, white shorts", + "light blue hoodie, matching shorts, soft, cotton texture, hoodie drawstrings, exposed midriff", + "blue patterned top, blue patterned shorts, black glasses", + "black sequin dress, high neckline, sleeveless, side slit, strappy high heels, silver earrings", + "black sequined dress, high neckline, sleeveless, back slit, strappy high heels, metallic color", + "transparent patterned top, black bralette, glossy black pants, glittery sneakers", + "black eyeliner, silver hoop earrings, gray-scale makeup, camouflage long sleeve top, black crop top, glossy black pants, glittery silver sneakers", + "blue dress, short sleeves, shiny texture, watch, ring", + "white crop top, black headphones, black sunglasses", + "button-up dress, peach color, short sleeves, collar, thigh length, fabric texture", + "white crop top, yellow sweatpants, textured fabric", + "striped swimsuit, glasses", + "pink dress, short sleeves, crew neckline, ribbed texture", + "pink dress, tiered layers, spaghetti straps, v-neckline, pleated texture, silver watch", + "red sports bra, red leggings, smooth texture, athletic wear", + "light jacket, matching trousers, white sneakers, black bag", + "Yellow checkered bikini, white straps, smooth texture", + "white ribbed dress, yellow-tinted sunglasses", + "long-sleeve top, ribbed texture, brown color, matching skirt, high-waisted", + "black sports bra, striped sheer pants", + "golden bikini, textured fabric", + "white crop top, blue denim shorts, cow print boots, silver necklace", + "orange dress, ribbed texture, short sleeves, side cut-outs, tie-up details", + "red bikini top, red bikini bottom, ribbed texture, tied sides", + "black bikini, textured fabric", + "white corset top, floral pattern, denim jeans, corset laces", + "white tank top, grey sports bra, grey shorts, textured fabrics, visible branding", + "white ribbed top, front tie, long sleeves, black leather pants, high-waisted", + "brown hat, black tank top, white denim shorts, frayed shorts hem", + "black crop top, mesh sleeves, checkered mini skirt, black boots, textured fabrics", + "black sweatshirt, cartoon graphic, glasses, light shorts, casual style", + "crop top, olive green, ribbed texture, high-waisted leggings, olive green, fitted", + "black bikini, glossy texture, gold earrings", + "black v-neck top, black belt, black trousers, blue handbag, golden necklace", + "black crop top, long sleeves, high-waisted leggings, mesh panels, dark hues, white sneakers", + "white crop top, gray trousers, white sandals, black sunglasses, gold belt", + "gray cardigan, white crop top, leopard print shorts, blue hair", + "white v-neck top, knotted waist, light-colored pants, fitted texture", + "white crop top, grey shorts, white sneakers, text on top", + "black swimsuit, straw hat, textured fabric", + "off-shoulder top, white with stripes, casual shorts", + "white crop top, glitter texture, black leather jacket, black leather pants", + "black tank top, shoulder straps, scoop neckline", + "Sleeveless top, pink hue, denim shorts, ripped texture, sunglasses on head", + "black long-sleeve top, light blue jeans, silver belt, form-fitting, casual style", + "floral jumpsuit, red and beige, texture visible, high heels, tan-colored", + "red dress, sleeveless, V-neckline", + "dark sunglasses, white collared shirt, navy blue sweater, pleated white skirt, black shoulder bag with gold hardware", + "white tank top, textured fabric, large hoop earrings, headscarf with print", + "black swimsuit, red headband, sunglasses", + "black tank top, sheer fabric, patterned design, golden bracelet", + "camouflage bikini, white-brown-beige tones, high-waisted bottoms, sleeveless top, hoop earrings", + "patterned crop top, light colors, tie front, long sleeves, white pants, soft texture", + "green tank top, white shorts, black glasses", + "Red patterned top, deep neckline, short sleeves", + "white crop top, lace-up detail, textured skirt, cream color, sleeveless, midriff-baring", + "white bathrobe, textured fabric, glasses", + "white cropped top, blue trim, long sleeves, blue track pants", + "white crop top, pastel green leggings, textured fabric", + "spotted swimsuit, light-dark contrast, thin straps, skin exposure", + "black dress, double-breasted, v-neckline, sleeveless, silver necklace", + "black beanie, black cropped top, black leggings, black boots, red bag, gold watch", + "beige fedora, white cropped top, textured terracotta skirt", + "blue denim jeans, blue strapless top, texture appears soft", + "White lace dress, Off-shoulder sleeves, Corset-style top, Drawstring details", + "sleeveless top, beige color, ribbed texture, high neckline, light blue jeans, fitted style, denim material, wrist accessory, silver color, sparkling texture", + "white strapless top, white skirt, shiny fabric", + "light white dress, thin straps, sheer texture" +] \ No newline at end of file diff --git a/data/female_default_tags.json b/data/female_default_tags.json new file mode 100644 index 0000000000000000000000000000000000000000..c99a3bef37dc5ee4a9f17821ccb861830ae612ff --- /dev/null +++ b/data/female_default_tags.json @@ -0,0 +1,6 @@ +[ + "a woman", + "a young woman", + "a middle aged woman", + "an old woman" +] \ No newline at end of file diff --git a/data/hairstyles.json b/data/hairstyles.json new file mode 100644 index 0000000000000000000000000000000000000000..16a55442e89817296572b747a9dafd3b6a1f196d --- /dev/null +++ b/data/hairstyles.json @@ -0,0 +1,84 @@ +[ + "with ((long hair))", + "with ((very curly hair))", + "with ((curly hair))", + "with ((pixie cut hair))", + "with ((bob cut hair))", + "with ((undercut hair))", + "with ((messy hair))", + "with ((mullet hair))", + "with ((braids))", + "with ((french braids))", + "with ((cornrows hair))", + "with ((ponytail hair))", + "with ((side part hair))", + "with ((mohawk hair))", + "with ((bun hair))", + "with ((pompadour hair))", + "with ((slicked back hair))", + "with ((asymmetrical cut hair))", + "with ((multicolored rainbow hair))", + "with ((balayage hair))", + "with ((french crop hair))", + "with ((shaved hair))", + "with ((shaved sides hair))", + "with ((side swept fringe))", + "with ((long bob haircut))", + "with ((a-line bob haircut))", + "with ((layered cut haircut))", + "with ((shag cut hair))", + "with ((buzz cut hair))", + "with ((feathered cut hair))", + "with ((blunt cut hair))", + "with ((undercut hair))", + "with ((french bob haircut))", + "with ((textured bob haircut))", + "with ((slicked-back haircut))", + "with ((wedge cut haircut))", + "with ((long layers haircut))", + "with ((curly bob haircut))", + "with ((cropped cut haircut))", + "with ((faux hawk haircut))", + "with ((angled bob haircut))", + "with ((razor cut haircut))", + "with ((emo haircut))", + "with ((curtain bangs haircut))", + "with ((waterfall braid haircut))", + "with ((fox braids haircut))", + "with ((chignon cut hair))", + "with ((pigtails))", + "with ((plait hair))", + "with ((ponytail))", + "with ((ringlets hair))", + "with ((curl hair))", + "with ((double bun topknot))", + "with ((drill cut hair))", + "with ((twintails hair))", + "with ((hair set up for wedding))", + "with ((wavy hair))", + "with ((beach waves hair))", + "with ((fishtail braid))", + "with ((dreadlocks))", + "with ((pin curls hair))", + "with ((twisted updo))", + "with ((hime cut hair))", + "with ((pull-through braid hair))", + "with ((Afro hair))", + "with ((crown braid))", + "with ((low fade haircut))", + "with ((man bun))", + "with ((finger waves hair))", + "with ((Dutch braids))", + "with ((tousled hair))", + "with ((princess cut hair))", + "with ((micro braids hair))", + "with ((lob haircut))", + "with ((senegalese twist hair))", + "with ((victory rolls hair))", + "with ((quiff haircut))", + "with ((mermaid waves hair))", + "with ((box braids))", + "with ((faux locs hair))", + "with ((bantu knots))", + "with ((spiral curls hair))" +] \ No newline at end of file diff --git a/data/lighting.json b/data/lighting.json new file mode 100644 index 0000000000000000000000000000000000000000..9b8cc2140c0a0578b3b732905415d25a14f09a4a --- /dev/null +++ b/data/lighting.json @@ -0,0 +1,124 @@ +[ + "popping colors, popart style", + "bokeh", + "dramatic", + "golden hour", + "depth of field", + "movie still", + "colorful", + "soft lighting", + "studio lighting with strong rim light", + "ambient lighting", + "sun rays", + "cinematic lighting", + "characteristics of the light", + "volumetric lighting", + "natural point rose", + "outdoor lighting", + "soft pastel lighting colors scheme", + "sensual lighting", + "neon lights", + "baroque", + "rokoko", + "rim light, iridescent accents", + "neoclassicism", + "realism", + "fantastic colors", + "surrealism", + "futurism", + "accent lighting", + "high key lighting", + "low key lighting", + "strong backlight", + "artificial lighting", + "decorative lighting", + "recessed lighting", + "wall sconces lighting", + "laser lighting", + "multi-colored lighting", + "mood lighting", + "accent lighting", + "projection lighting", + "bioluminiscent", + "plasma", + "ice", + "water", + "rule of thirds", + "anamorphic lens flare", + "sharp focus", + "vivid colors", + "masterpiece", + "colors", + "8k", + "atmospheric", + "cinematic sensual", + "hyperrealistic", + "big depth of field", + "glow effect", + "modelshoot style", + "shallow depth of field", + "hdr", + "dynamic composition", + "broad light", + "natural lighting", + "elegant pose", + "flowing", + "film photo", + "extremely detailed", + "big depth of field", + "matte skin, pores, wrinkles", + "hyperdetailed", + "(abstract:1.3)", + "intricate and low contrast detailed", + "(composition)", + "film grain", + "(8k, RAW photo, best quality, masterpiece:1.2)", + "(realistic, photo-realistic:1.37)", + "beautiful detailed eyes, beautiful detailed lips, a captivating gaze, and an alluring expression", + "beautiful dynamic dramatic dark moody lighting", + "(detailed face:1.3)", + "multilayered realism", + "majestically strides forward toward us with abandon", + "disintegrating moon", + "extremely intricate details", + "anatomical beauty", + "high fantasy", + "detailed skin pores", + "flat color scheme", + "80s music clip background", + "Use a backlighting effect to add depth to the image. impressionistic painting style, john singer sarget, blue pallette", + "(natural skin texture, hyperrealism, soft light, sharp:1.2)", + "(cinematic, teal and orange:0.85)", + "(intricate skin detail:1.3), (wrinkles:1.2),(skin blemishes:1.1),(skin pores:1.1),(detailed face:1.3), (lips slightly parted:1.0)", + "(muted colors, dim colors, soothing tones:1.3), low saturation, (hyperdetailed:1.2)", + "(noir:0.4), (intricate details:1.12), hdr, (intricate details, hyperdetailed:1.15)", + "(neutral colors:1.2), art, (hdr:1.5), (muted colors:1.1), (pastel:0.2), hyperdetailed", + "dramatic lighting", + "((landscape view)), 4k unity, (best illumination)", + "dynamic angle", + "detailed freckles skin", + "movie grain", + "epic composition", + "Tarot Card style", + "(solo focus, one frame)", + "(masterpiece, best quality, ultra-detailed, highres)", + "biopunk", + "dramatic Pull from the ghost of a virtual memory", + "gritty industrial", + "triadic color palette", + "Monochromatic color palette", + "Analogous color palette", + "Complementary color palette", + "Split-Complementary color palette", + "Double Complementary (Tetradic) color palette", + "Square color palette", + "Rectangular (Tetradic) color palette", + "Neutral color palette", + "Pastel color palette", + "Warm color palette", + "Cool color palette", + "Earth Tone color palette", + "Jewel Tone color palette", + "Muted color palette", + "High Contrast" +] \ No newline at end of file diff --git a/data/male_additional_details.json b/data/male_additional_details.json new file mode 100644 index 0000000000000000000000000000000000000000..89be0aed233e5513973ff20c681791f7b384502c --- /dev/null +++ b/data/male_additional_details.json @@ -0,0 +1,183 @@ +[ + "a purple iridescent suit", + "wearing a (necklace)", + "wearing ((earrings))", + "wearing a (bracelet)", + "wearing one or multiple (rings)", + "wearing a (brooch)", + "wearing (eyeglasses)", + "wearing (sunglasses)", + "wearing a (hat)", + "wearing a (scarf)", + "wearing a (headband)", + "wearing a (nose ring)", + "wearing a (lip ring)", + "wearing a (tongue ring)", + "wearing an (eyebrow ring)", + "wearing (face tattoos)", + "wearing a (wreath)", + "wearing a (crown)", + "wearing a (tiara)", + "wearing a (crown of thorns)", + "wearing a (crown of jewels)", + "wearing (bohemian clothes)", + "wearing (chic clothes)", + "wearing (glamorous clothes)", + "wearing (grunge clothes)", + "wearing (preppy clothes)", + "wearing (punk clothes)", + "wearing (retro clothes)", + "wearing (rockabilly clothes)", + "wearing (romantic clothes)", + "wearing (tomboy clothes)", + "wearing (urban clothes)", + "wearing (camo clothes)", + "wearing (robes)", + "wearing (excessive amount of jewellery)", + "wearing (vintage clothes)", + "wearing (western clothes)", + "wearing (minimalist clothes)", + "wearing (sportswear clothes)", + "wearing (flapper clothes)", + "wearing (pin-up clothes)", + "wearing (mid-century modern clothes)", + "wearing (art deco clothes)", + "wearing (victorian clothes)", + "wearing (edwardian clothes)", + "wearing (elizabethan clothes)", + "wearing (retro 70s clothes)", + "wearing (retro 80s clothes)", + "wearing (retro 90s clothes)", + "wearing (retro 00s clothes)", + "wearing (musical equipment)", + "wearing (leather)", + "wearing (bdsm leather)", + "wearing (shiny latex)", + "wearing (shiny latex suit)", + "wearing (silk)", + "wearing (full tweed set)", + "wearing (clothes made entirely of feathers)", + "wearing (clothes made entirely of fur)", + "wearing (clothes made entirely of leather)", + "wearing (clothes made entirely of metal)", + "wearing (clothes made entirely of plastic)", + "wearing (clothes adorned with shimmering jewels or crystals)", + "waring (clothes adorned with sequins)", + "wearing (clothes with exaggerated or extreme silhouettes)", + "wearing (clothes with exaggerated or extreme footwear)", + "wearing (clothes with exaggerated or extreme headwear)", + "wearing (clothes with exaggerated or extreme facial or body piercings or tattoos)", + "wearing (clothes with multiple layers or tiers)", + "wearing (clothes with exaggerated or extreme colors)", + "wearing (clothes with exaggerated or extreme patterns)", + "wearing (cloak)", + "wearing an astronaut armor", + "wearing a bio mechanical suit", + "wearing a bio hazard suit", + "(( working with laptop))", + "with Heat deformation", + "(((future soldier, full body armor, futuristic football, shoulder pads, guns, grenades, weapons, bullet proof vest, high tech, straps, belts, camouflage)))", + "((full body, zoomed out)) long slender legs 80mm", + "(((sci-fi, future war, cyberpunk, cyborg, future fashion, beautiful face, glowing tattoos)))", + "((angry expression, pretty face))", + "(((full body, athletic body, action pose, detailed black soldier outfit, slender long legs)))", + "playing epic electric guitar solo in front of a huge crowd", + "singing epic solo into a microphone in front of a huge crowd", + "as a ((gelatinous horror dripping alien creature))", + "in a tie or bowtie, lending a touch of formal elegance or quirky charm, knotted around the collar to elevate the outfit", + "with anklets, delicate chains or beads that gracefully encircle the ankle, adding a touch of femininity with every step", + "donning a belt, functional yet fashionable, cinching the waist or sitting low on the hips, often with a statement buckle", + "wearing gloves, either elegant satin for formal events or rugged leather for a tougher look, complementing the attire and mood", + "with a choker, snugly encircling the neck, often made of lace, velvet, or leather, exuding a mix of elegance and edge", + "in stockings or tights, sheer or opaque, enhancing the legs while adding a touch of sophistication or playful patterns", + "with a satchel or bag, a functional accessory that speaks volumes about personal style, be it a minimalist tote or an embellished clutch", + "wearing cufflinks, subtle symbols of elegance, adorning the sleeves of a formal shirt, showcasing attention to detail", + "with a pendant, a piece of jewelry that dangles gracefully from a necklace, often holding sentimental or symbolic value", + "in layered necklaces, a blend of chains of varying lengths, creating depth and showcasing multiple pendants or charms", + "sporting a watch, a timeless accessory that blends functionality with style, either minimalist or grand, reflecting personal tastes", + "wearing a veil, a delicate piece of fabric that adds mystery and allure, often seen in bridal or ceremonial attire", + "donning a cape or cloak, adding drama to the ensemble, flowing gracefully with every movement, evoking a sense of fantasy or regality", + "with a tiara or diadem, a jeweled headpiece that signifies royalty or celebration, resting gracefully atop the head", + "Adorned with a crown, symbolizing royalty and authority with gemstones and metals", + "With a sparkling tiara, reminiscent of princesses or beauty queens", + "With a poignant crown of thorns, symbolizing sacrifice and resilience", + "With a jewel-encrusted crown, reflecting affluence and grandeur", + "In bohemian attire, embodying the free spirits with patterns and fringes", + "Dressed in chic fashion, blending comfort with high style", + "In glamorous attire, shiny or sequined, perfect for red-carpet events", + "Donning grunge wear, with flannels and combat boots, reflecting a rebellious spirit", + "In preppy clothes, with clean lines and classic patterns", + "Sporting punk fashion, with leather, studs, and bold hairstyles", + "In retro outfits, channeling specific decades with authentic pieces", + "Wearing rockabilly style, with pin-up influences and rock 'n' roll flair", + "In romantic attire, featuring soft fabrics and feminine silhouettes", + "Dressed in tomboy fashion, with boyish charm and comfort-focused pieces", + "In urban streetwear, blending comfort with trendy, city-inspired looks", + "Wearing camouflage, either for function or as a bold fashion statement", + "Draped in robes, from casual bathrobes to formal ceremonial garments", + "Adorned with excessive jewelry, creating a bold and opulent look", + "In vintage clothes, authentically representing past eras and styles", + "Sporting western wear, with cowboy hats, boots, and denim", + "In minimalist attire, focusing on clean lines and a less-is-more approach", + "Wearing sportswear, blending function and style for athletic pursuits", + "In flapper style, with dropped waists and ornate beading from the 1920s", + "Dressed as a pin-up, channeling retro glamour with curve-hugging styles", + "In mid-century modern fashion, reflecting the sleek designs of the 1950s and 60s", + "Wearing art deco inspired clothes, with geometric patterns and luxurious fabrics", + "In Victorian-style attire, with high necklines, corsets, and full skirts", + "Dressed in Edwardian fashion, featuring S-shaped silhouettes and large hats", + "In Elizabethan costume, with ruffs, farthingales, and ornate embroidery", + "Sporting 70s retro looks, with bell-bottoms, platforms, and psychedelic prints", + "In 80s inspired outfits, featuring bold colors, shoulder pads, and leg warmers", + "Wearing 90s fashion, with crop tops, high-waisted jeans, and chunky shoes", + "In early 2000s style, featuring low-rise jeans, crop tops, and platform sandals", + "With musical equipment, like guitars, drumsticks, or headphones as accessories", + "In leather attire, from sleek jackets to edgy pants or skirts", + "Wearing BDSM-inspired leather, with harnesses, collars, or studded accessories", + "In shiny latex, hugging every curve with a glossy, futuristic appeal", + "Sporting a full latex suit, covering from neck to toe in sleek, shiny material", + "Draped in silk, with flowing fabrics that catch the light beautifully", + "In a full tweed set, channeling British countryside chic", + "Wearing an outfit made entirely of feathers, creating a bold, avian-inspired look", + "In a fur ensemble, either faux or real, exuding luxury and warmth", + "Sporting an all-leather outfit, from jacket to pants and accessories", + "In a metallic outfit, with clothes seemingly forged from shining metals", + "Wearing an ensemble made entirely of plastic, futuristic and unconventional", + "Adorned in clothes shimmering with jewels or crystals, catching light at every angle", + "In a sequin-covered outfit, sparkling and eye-catching from every view", + "Wearing clothes with exaggerated silhouettes, pushing the boundaries of shape and form", + "In footwear with extreme designs, from towering platforms to avant-garde shapes", + "Sporting headwear with exaggerated proportions or unconventional materials", + "With extreme facial piercings or full-body tattoos, turning the skin into a canvas", + "In an outfit with multiple layers or tiers, creating depth and visual interest", + "Wearing clothes in extremely bold or neon colors, making a vibrant statement", + "In attire with exaggerated or surreal patterns, creating visual intrigue", + "Draped in a mysterious cloak, adding an air of intrigue or fantasy", + "In astronaut armor, representing space exploration and futuristic concepts", + "Wearing a bio-mechanical suit, blending organic forms with mechanical elements", + "In a biohazard suit, fully enclosed for protection or as a fashion statement", + "Engaged with a laptop, representing technology integration in fashion", + "Surrounded by heat deformation effects, as if the very air is bending around them", + "In futuristic soldier gear, with high-tech armor, weapons, and camouflage", + "Posed to accentuate long, slender legs, often with 80mm or higher heels", + "In sci-fi inspired wear, with cyberpunk elements and glowing tattoos", + "With an angry expression juxtaposed against delicate features", + "In a detailed black tactical outfit, emphasizing an athletic build and long legs", + "Mid-performance with an electric guitar, captivating an imaginary audience", + "Belting out a solo performance, microphone in hand, before a cheering crowd", + "Transformed into a gelatinous alien creature, dripping and otherworldly", + "With a tie or bowtie, adding a formal or quirky touch to the ensemble", + "Wearing delicate anklets, adding a subtle charm to the overall look", + "With a statement belt, either cinching the waist or riding low on the hips", + "In elegant or rugged gloves, complementing the outfit's overall mood", + "Sporting a choker, from delicate designs to edgy leather styles", + "In dress socks or patterned socks, adding a pop of color or sophistication", + "Carrying a stylish bag, from minimalist briefcases to trendy messenger bags", + "With cufflinks, adding a touch of sophistication to formal wear", + "Wearing a meaningful pendant, dangling from a necklace", + "In layered necklaces, creating depth with varying lengths and styles", + "Sporting a watch, balancing functionality with personal style", + "Wearing a ceremonial sash, adding formality and significance to the attire", + "Draped in a cape or cloak, bringing drama and movement to the ensemble", + "Crowned with a laurel wreath, symbolizing victory or achievement" +] \ No newline at end of file diff --git a/data/male_body_types.json b/data/male_body_types.json new file mode 100644 index 0000000000000000000000000000000000000000..898429dd20fc6f8fcc723c771a0877db8647ab20 --- /dev/null +++ b/data/male_body_types.json @@ -0,0 +1,40 @@ +[ + "chubby", + "midweight", + "overweight", + "fat", + "flabby", + "hefty", + "pudgy", + "plump", + "obese", + "morbidly obese", + "stout", + "rotund", + "thick-bodied", + "thicc", + "thick", + "beefy", + "portly", + "tubby", + "overweight", + "(slightly overweight)", + "buff", + "burly", + "fit", + "well-built", + "well-endowed", + "muscular", + "stocky", + "big-boned", + "flabby", + "flyweight", + "skinny", + "too skinny", + "anorexic", + "not skinny", + "slender", + "lanky", + "slim", + "slight" +] \ No newline at end of file diff --git a/data/male_clothing.json b/data/male_clothing.json new file mode 100644 index 0000000000000000000000000000000000000000..2c241c157b3ea515ee95e5b82726a87c7976956c --- /dev/null +++ b/data/male_clothing.json @@ -0,0 +1,196 @@ +[ + "white t-shirt, blue jeans, brown leather belt, white sneakers", + "black suit, white dress shirt, red tie, polished black shoes", + "gray hoodie, black sweatpants, white athletic shoes", + "blue denim jacket, white t-shirt, black jeans, brown boots", + "khaki chinos, light blue button-up shirt, brown loafers", + "navy blue blazer, white dress shirt, gray slacks, black dress shoes", + "red and black plaid flannel shirt, dark wash jeans, work boots", + "black leather jacket, white t-shirt, dark jeans, black motorcycle boots", + "green cargo pants, black t-shirt, hiking boots", + "white polo shirt, khaki shorts, boat shoes", + "black tuxedo, white dress shirt, black bow tie, patent leather shoes", + "blue swim trunks, white tank top, flip flops", + "gray sweatshirt, black joggers, running shoes", + "brown tweed jacket, cream sweater, dark brown trousers, oxford shoes", + "black turtleneck, dark gray slacks, Chelsea boots", + "white linen shirt, light blue shorts, sandals", + "red basketball jersey, black shorts, high-top sneakers", + "navy blue pea coat, gray scarf, dark jeans, leather gloves", + "olive green military jacket, white t-shirt, camouflage pants, combat boots", + "purple v-neck sweater, light gray chinos, brown brogues", + "black wetsuit, surfboard shorts", + "white chef's jacket, black and white checkered pants, non-slip shoes", + "orange high-visibility vest, blue work shirt, denim jeans, steel-toe boots", + "light blue scrubs, white lab coat, comfortable shoes", + "black clergy shirt with white collar, black trousers", + "tan safari jacket, khaki shorts, hiking boots, wide-brimmed hat", + "red and white striped rugby shirt, white shorts, cleats", + "gray pinstripe suit, light blue dress shirt, patterned tie, oxford shoes", + "black leather vest, white t-shirt, ripped jeans, cowboy boots", + "yellow raincoat, waterproof pants, rubber boots", + "white martial arts gi, black belt", + "blue and white striped sailor shirt, white pants, boat shoes", + "green scrubs, surgical cap, face mask", + "black wetsuit, diving boots, gloves", + "red and black checkered lumberjack shirt, jeans, work boots", + "white cricket uniform, protective pads, spiked shoes", + "blue denim overalls, red plaid shirt, work boots", + "black judge's robe, white collar", + "tan fishing vest, khaki shorts, waterproof boots", + "white chef's hat, double-breasted chef's jacket, black pants", + "orange prison jumpsuit", + "blue letter carrier uniform, shorts, comfortable walking shoes", + "green surgical gown, cap, mask, gloves", + "black cassock, white collar", + "red and yellow firefighter turnout gear, helmet", + "blue police uniform, badge, utility belt", + "white karate uniform, colored belt", + "gray sweatshirt, matching sweatpants, running shoes", + "black leather punk jacket with studs, ripped jeans, combat boots", + "colorful Hawaiian shirt, khaki shorts, sandals", + "white dress shirt, suspenders, bow tie, black trousers", + "blue coveralls, work boots, hard hat", + "camouflage hunting jacket and pants, boots", + "black graduation gown, cap with tassel", + "red and white Santa Claus suit, black boots", + "green elf costume, pointy shoes, hat with bell", + "white space suit, helmet", + "blue jeans, flannel shirt, cowboy hat, boots", + "black ninja outfit, face mask", + "brown monk's robe, rope belt, sandals", + "colorful clown costume, oversized shoes, red nose", + "gray business suit, white shirt, tie, dress shoes", + "white sailor's uniform, hat", + "green army uniform, combat boots, beret", + "blue airline pilot uniform, hat", + "orange astronaut suit, white helmet", + "red and white striped Where's Waldo shirt, blue jeans, glasses", + "black and white referee uniform, whistle", + "blue mailman uniform, hat, mail bag", + "white lab coat, stethoscope, scrubs", + "brown UPS uniform, shorts, brown shoes", + "gray janitor uniform, name tag", + "black and white striped prisoner uniform", + "blue denim jacket, white t-shirt, ripped jeans, sneakers", + "green camouflage military uniform, boots, hat", + "red lifeguard swimsuit, whistle, sunglasses", + "white cricket uniform, protective gear", + "blue mechanic's coveralls, work boots, tool belt", + "black tuxedo t-shirt, jeans, sneakers", + "tan safari outfit, pith helmet", + "red and white candy striper uniform", + "blue air force uniform, hat", + "green park ranger uniform, hat", + "white naval officer uniform, hat", + "black and white waiter uniform, bow tie", + "orange construction worker vest, hard hat, jeans", + "purple wizard robe, pointed hat", + "brown Franciscan monk habit", + "red and gold matador outfit", + "blue train conductor uniform, hat", + "green Robin Hood costume, feathered cap", + "white fencing uniform, mask", + "black gothic outfit, leather pants, boots", + "red and white baseball uniform, cap", + "blue Olympic gymnast uniform", + "green Boy Scout uniform, badges", + "white martial arts gi, black belt", + "tan zookeeper uniform, khaki shorts", + "blue NASCAR driver uniform, helmet", + "red Canadian Mountie uniform, hat", + "black and white mime outfit, face paint", + "green leprechaun costume, top hat", + "white ice cream man uniform, hat", + "blue and white Greek evzone uniform, pom-pom shoes", + "red British Royal Guard uniform, bearskin hat", + "black ninja outfit, mask", + "white chef uniform, tall hat", + "brown cowboy outfit, hat, boots", + "blue and white sailor uniform, hat", + "green army camouflage, helmet", + "red firefighter uniform, helmet", + "black SWAT team uniform, bulletproof vest", + "white astronaut spacesuit, helmet", + "blue airline pilot uniform, cap", + "tan safari guide outfit, hat", + "purple and gold king costume, crown", + "gray business suit, red tie", + "blue denim overalls, plaid shirt", + "black leather biker jacket, jeans", + "white doctor's coat, stethoscope", + "green surgical scrubs, mask", + "red and white Santa Claus outfit", + "brown UPS delivery uniform", + "orange prisoner jumpsuit", + "blue postal worker uniform", + "black and white referee shirt, whistle", + "tan park ranger uniform, hat", + "white naval officer uniform, hat", + "green army dress uniform, medals", + "blue air force flight suit", + "red and white lifeguard outfit", + "black tuxedo, bow tie", + "white chef's jacket, checkered pants", + "blue mechanic's coveralls", + "green landscaper uniform, work boots", + "tan archaeologist outfit, hat", + "purple wizard costume, star-covered robe", + "red and gold circus ringmaster outfit", + "blue train conductor uniform, hat", + "white cricket player uniform", + "black gothic outfit, leather jacket", + "red and white racing driver suit", + "blue Olympic swimmer outfit", + "green environmental activist t-shirt, cargo pants", + "white karate uniform, black belt", + "tan wildlife photographer vest, khaki pants", + "blue NASCAR pit crew uniform", + "red Canadian Mountie uniform, hat", + "black and white mime costume", + "green St. Patrick's Day outfit, shamrock accessories", + "white ice cream vendor uniform", + "blue Greek fisherman outfit", + "red British Royal Guard uniform", + "black martial arts uniform", + "white sushi chef outfit", + "brown cowboy costume, hat and boots", + "blue sailor uniform, white hat", + "green camouflage hunting outfit", + "red firefighter turnout gear", + "black tactical police uniform", + "white space shuttle astronaut suit", + "blue commercial pilot uniform", + "tan desert explorer outfit", + "purple medieval jester costume", + "gray Wall Street businessman suit", + "blue denim farmer overalls", + "black rock band leather outfit", + "white lab researcher coat", + "green hospital scrubs", + "red holiday elf costume", + "brown delivery driver uniform", + "orange highway worker safety vest", + "blue meter reader uniform", + "black and white soccer referee jersey", + "tan zookeeper uniform", + "white cruise ship officer uniform", + "green military cadet uniform", + "blue coast guard uniform", + "red ski patrol jacket", + "black formal waiter uniform", + "white professional tennis outfit", + "blue auto mechanic uniform", + "green waste management worker uniform", + "tan construction site manager outfit", + "purple comic book superhero costume", + "red circus acrobat leotard", + "blue ship captain uniform", + "white cricket umpire outfit", + "black nightclub bouncer attire", + "red and white sports mascot costume", + "blue competitive swimmer outfit", + "green eco-tour guide uniform", + "white Taekwondo uniform", + "tan nature documentary filmmaker outfit" +] \ No newline at end of file diff --git a/data/male_default_tags.json b/data/male_default_tags.json new file mode 100644 index 0000000000000000000000000000000000000000..c9126b752b429006de41b917d5af03089c0cfb82 --- /dev/null +++ b/data/male_default_tags.json @@ -0,0 +1,6 @@ +[ + "a man", + "a young man", + "a middle aged man", + "an old man" +] \ No newline at end of file diff --git a/data/photo_framing.json b/data/photo_framing.json new file mode 100644 index 0000000000000000000000000000000000000000..08fb82db1eaab8f2bc5c735d5f94fb06d2eec8a3 --- /dev/null +++ b/data/photo_framing.json @@ -0,0 +1,12 @@ +[ + "extreme close-up", + "close-up", + "medium close-up", + "medium shot", + "long shot", + "establishing shot", + "medium full shot", + "full shot", + "upper body shot", + "full body shot" +] \ No newline at end of file diff --git a/data/photo_type.json b/data/photo_type.json new file mode 100644 index 0000000000000000000000000000000000000000..46bf5a9a0c0bd65dbb3f0b460ac41f8835ee807d --- /dev/null +++ b/data/photo_type.json @@ -0,0 +1,21 @@ +[ + "front view", + "bilaterally symmetrical", + "side view", + "back view", + "from above", + "from below", + "from behind", + "wide angle view", + "fisheyes view", + "macro view", + "overhead shot", + "top down", + "birds eye view", + "high angle", + "slightly above", + "straight on", + "hero view", + "low view", + "selfie" +] \ No newline at end of file diff --git a/data/photographer.json b/data/photographer.json new file mode 100644 index 0000000000000000000000000000000000000000..78f76003d98208917d6501e45cf8189e4b0df86b --- /dev/null +++ b/data/photographer.json @@ -0,0 +1,74 @@ +[ + "Alessio Albi", + "Alvin Langdon Coburn", + "Anne Brigman", + "Ansel Adams", + "Anton Corbijn", + "Berenice Abbott", + "Bill Brandt", + "Brooke DiDonato", + "Bruce Davidson", + "Bruno Barbey", + "Chris Burkard", + "Claude Cahun", + "David Bailey", + "David Burdeny", + "Dawoud Bey", + "Diane Arbus", + "Dirk Braeckman", + "Edward Burtynsky", + "Edward S. Curtis", + "Elina Brotherus", + "Elsa Bleda", + "Erwin Blumenfeld", + "Flora Borsi", + "Gregory Colbert", + "Gregory Crewdson", + "Guy Aroch", + "Guy Bourdin", + "Hans Bellmer", + "Harry Benson", + "Harry Callahan", + "Henri Cartier-Bresson", + "Ilse Bing", + "Imogen Cunningham", + "Iwan Baan", + "James Balog", + "Jamie Baldridge", + "James Balog", + "Julia Margaret Cameron", + "Julie Blackmon", + "Karl Blossfeldt", + "Katia Chausheva", + "Keith Carter", + "Larry Burrows", + "Larry Clark", + "Laurent Baheux", + "Lewis Baltz", + "Lillian Bassman", + "Lynsey Addario", + "Margaret Bourke-White", + "Marianne Breslauer", + "Marta Bevacqua", + "Mathew Brady", + "Miki Asai", + "Miles Aldridge", + "Nick Brandt", + "Nobuyoshi Araki", + "Olive Cotton", + "Patrick Demarchelier", + "Paul Barson", + "Petra Collins", + "Petra Collins", + "Richard Avedon", + "Rineke Dijkstra", + "Robby Cavanaugh", + "Robert Adams", + "Robert Capa", + "Roger Ballen", + "Ruth Bernhard", + "Slim Aarons", + "Tami Bone", + "Tina Barney", + "Vanley Burke" +] \ No newline at end of file diff --git a/data/photography_styles.json b/data/photography_styles.json new file mode 100644 index 0000000000000000000000000000000000000000..de8f29416dc20c618913adca59267e09c8dcb5cd --- /dev/null +++ b/data/photography_styles.json @@ -0,0 +1,11 @@ +[ + "high fashion photography", + "avant garde photography", + "fashion photography", + "portrait photography", + "landscape photography", + "documentary photography", + "street photography", + "action photography", + "vintage photography" +] \ No newline at end of file diff --git a/data/place.json b/data/place.json new file mode 100644 index 0000000000000000000000000000000000000000..381716aeb97a7d2de96a20105e94c9e1c4899bf0 --- /dev/null +++ b/data/place.json @@ -0,0 +1,94 @@ +[ + "indoor", + "outdoor", + "at night", + "in the park", + "studio", + "at a party", + "at a festival", + "at a concert", + "on persons home planet", + "magical portal with particles", + "in a neon lit city", + "in a cyberpunk city", + "in a fantasy world", + "glamour photography", + "fashion photography", + "at home", + "at work", + "at a cafe", + "at a gym", + "at a hotel", + "at a concert performance", + "at the beach", + "at a museum", + "in a hidden city deep in the rainforest", + "in a floating island in the sky", + "in an underground world beneath the earths surface ", + "in a secret garden hidden in a mysterious maze", + "in a grand castle on the top of a remote mountain", + "in a enchanted forest with talking animals and magical creatures", + "in a mystical island filled with ancient ruins and hidden treasure", + "in a faraway planet with a unique and alien landscape", + "in a hidden paradise hidden behind a waterfall", + "in a dreamlike world where anything is possible and the impossible is real", + "in a hidden oasis in the desert", + "in a secret underground city", + "in an underwater kingdom", + "in a lost temple in the jungle", + "in a castle in the clouds", + "in a hidden valley in the mountains", + "in a uturistic city on a distant planet", + "in a mystical land of eternal twilight", + "Smoke and ash in the air", + "suburban america", + "suburbs", + "slums", + "at the sea", + "at the ocean", + "at the lake", + "at the river", + "at the waterfall", + "in the labyrinth", + "in a lab", + "rendered in a 2.5D isometric perspective. Soft gradients add dimension, pastel color scheme", + "in an ancient enchanted forest", + "atop a floating sky island", + "inside a crystal cavern", + "beside a shimmering fairy pond", + "in the ruins of a forgotten temple", + "at the heart of a magical vortex", + "on the steps of a celestial palace", + "in the lair of a mythical beast", + "on the shores of an eldritch sea", + "within the walls of a dreamer's fortress", + "in a neon-lit back alley market", + "atop a towering megastructure", + "inside a virtual reality dive bar", + "beneath the city in the techno catacombs", + "on the bustling streets of the augmented metropolis", + "at a clandestine hacker's hideout", + "in a hover-car chase through the cityscape", + "at a black market cybernetics clinic", + "within a digital data fortress in cyberspace", + "on a rain-soaked rooftop overlooking the neon sprawl", + "aboard a sprawling interstellar spaceship", + "on a distant planet's alien landscape", + "inside a high-tech orbital space station", + "at a bustling galactic trade hub", + "within the depths of a biomechanical hive", + "on a terraformed Martian colony", + "in the heart of a quantum singularity", + "at a futuristic AI-controlled mega-city", + "within the virtual realms of a digital utopia", + "on the observation deck of a cosmic observatory", + "inside the belly of a gigantic jellyfish floating in space", + "on a floating island made entirely of candy and sweets", + "within a dimension where colors sing and sounds have taste", + "at a bazaar selling bottled dreams and captured starlight", + "on a roller coaster weaving through time and memories", + "in a library where books sprout legs and share their tales", + "on a planet where the oceans are made of liquid crystal", + "at a dance party hosted by interdimensional beings on the rings of Saturn", + "on a beach where the sand is made of tiny glowing stars" +] \ No newline at end of file diff --git a/data/pose.json b/data/pose.json new file mode 100644 index 0000000000000000000000000000000000000000..65ad48ce78a276ab274a8f178360984f9f2bb1b6 --- /dev/null +++ b/data/pose.json @@ -0,0 +1,344 @@ +[ + "standing straight, facing camera, leaf in hand", + "standing, hands on surface, facing camera", + "one arm bent, hip jutted out, direct gaze", + "standing straight, hands on pads, confident stance", + "hands raised, slight twist, standing straight", + "standing straight, hands resting, slight smile", + "sitting, relaxed, facing camera", + "hand in hair, standing straight, slight smile", + "hands on hips, straight posture, direct gaze", + "standing straight, left arm raised, right arm down, facing camera", + "standing straight, left arm raised, right arm bent, facing camera", + "standing straight, hands on hips, head slightly tilted", + "holding hair, straight stance, direct gaze", + "standing straight, hands relaxed, confident stance", + "standing straight, hand on hip, looking at camera", + "standing straight, hands clasping bag, weight on right leg, smiling", + "seated, arm raised, head tilted", + "facing forward, slight tilt, relaxed stance", + "standing pose, hands on ledge, facing camera", + "standing straight, relaxed arms, holding bottle", + "standing straight, facing camera, hands on hips", + "leaning forward, hands on thighs, slight smile", + "arms crossed, head slightly tilted, direct gaze", + "hand on head, standing straight, slight twist, confident stance", + "standing straight, hands on hips, facing camera", + "facing camera, slight head tilt, relaxed posture", + "standing upright, slight smile, facing camera", + "standing straight, hands together, slight smile", + "facing camera, seated position, hands on knees", + "standing straight, hands on hips, facing camera", + "facing away, head turned, slight twist", + "standing straight, hands on shorts, slightly tilted head", + "standing upright, hands raised, interlocked above head, one leg straight, other bent, facing camera", + "standing straight, hand on hip, slight bend in right knee, head tilted", + "standing straight, hands together, direct gaze", + "sitting down, crossed legs, leaning forward", + "standing upright, hands on hips, facing forward", + "hands on hips, facing camera, confident stance", + "facing camera, head tilted, subtle smile", + "standing upright, arms raised, hand in hair", + "leaning on railing, facing camera, arms apart, straight posture", + "sitting down, facing camera, head slightly tilted", + "standing straight, looking forward, left hand holding bag", + "hands on hips, standing straight, slight body twist", + "facing camera, arms crossed, slight smile", + "facing camera, gentle gaze, holding arm", + "standing upright, arms relaxed, looking forward", + "sitting cross-legged, hands on ankles, direct gaze", + "standing straight, slight head tilt, direct gaze", + "standing upright, hands on hips, slight smile", + "standing upright, hand on jacket, confident stance", + "standing upright, hands on hips, facing camera", + "standing upright, one hand holding object, slight body turn", + "sitting, hand on head, legs crossed", + "standing upright, hands on hips, looking forward", + "seated, open-legged, arms resting", + "head turned, gazing upward, flowing hair", + "head tilted, hand on chin, direct gaze", + "sitting down, one arm resting, head slightly tilted", + "facing camera, slightly tilted head, relaxed posture", + "facing camera, head tilted, relaxed stance", + "facing camera, slight smile, left arm raised", + "sitting, smiling, relaxed posture", + "facing camera, slight smile, straight posture", + "kneeling, hand on forehead, looking at camera", + "facing camera, slight smile, relaxed stance", + "facing camera, slight smile, head slightly tilted", + "facing camera, slight head tilt, relaxed stance", + "looking forward, slight head tilt, relaxed posture", + "facing camera, slight smile, relaxed stance", + "looking forward, slight smile, head tilted", + "squatting position, hands in hair, eyes closed", + "facing camera, slight head tilt, relaxed shoulders", + "head tilted, looking forward, hair swept aside", + "hand in hair, facing camera, slight tilt", + "facing camera, slight smile, head tilted", + "hand on hat, facing camera, slightly leaning", + "hand on cheek, sitting down, head slightly tilted", + "facing camera, slight smile, head tilted", + "tilted head, hand lifting jacket, direct gaze", + "looking at camera, slightly tilted head, touching hair", + "arms raised, elbows bent, flexing biceps, confident stance", + "facing camera, slight tilt, relaxed posture", + "seated, slightly leaning, facing camera", + "hand in hair, leaning elbow, direct gaze, slightly parted lips", + "head tilted, hand in hair, looking at camera, slight smile", + "sitting, hands on thighs, direct gaze", + "head tilted slightly, eyes looking forward, hand touching hair", + "head tilted, hand on neck, relaxed demeanor, bare shoulders", + "sitting down, crossed legs, looking downward, one hand near neck", + "smiling faces, direct gaze, group hug", + "seated position, smiling expression, facing camera", + "facing camera, slight smile, relaxed stance", + "sitting down, facing camera, one leg bent", + "smiling, peace sign, looking forward, head tilted", + "facing camera, slight smile, head tilted", + "facing camera, slight smile, touching neck, hairclips in hair", + "kneeling position, hand in hair, confident gaze, slight smile", + "facing camera, slight smile, head tilted", + "seated, leaning forward, smiling", + "sitting, one leg bent, one leg extended, leaning forward, arms resting", + "sitting down, arms crossed, facing camera", + "standing, arm raised, facing camera", + "seated, relaxed, looking aside", + "facing camera, slight smile, relaxed posture", + "facing camera, slightly tilted head, relaxed posture", + "slight tilt, looking at camera, relaxed posture", + "facing forward, slight tilt, confident expression", + "straight standing, head tilted, gaze at camera", + "head tilt, slight smile, looking at camera", + "looking at camera, slight head tilt, relaxed posture", + "facing camera, slightly tilted head, one arm visible", + "facing camera, slight smile, relaxed stance", + "head cocked, hand on chin, looking at camera, slight smile", + "facing camera, slightly tilted head, relaxed posture", + "kneeling down, facing camera, leaning forward", + "facing camera, slight head tilt, pouting lips", + "hand on face, leaning slightly, intense gaze", + "smiling, hugging children, direct gaze", + "leaning forward, one leg raised, playful gesture", + "hand in hair, slight tilt, bending forward", + "facing camera, slight tilt head, one hand raised", + "standing upright, looking forward, relaxed arms", + "sitting down, arms rested, legs crossed", + "crouching down, chin resting, looking sideways", + "squatting position, head tilt, one hand raised", + "leaning on tree, gently touching hair, standing pose, eyes closed, relaxed demeanor", + "sitting, leaning slightly, smiling", + "standing sideways, looking back, slightly bent torso", + "gazing forward, slight head tilt, hair pulled back", + "sitting down, hand in hair, looking sideways", + "hand in hair, looking away, slight twist", + "facing camera, slightly tilted head, one-shoulder visible", + "facing camera, slight smile, head tilted", + "head tilted, slight smile, looking at camera", + "facing camera, slight tilt, soft expression", + "seated, arms crossed, legs bent", + "head tilt, gazing upwards, holding flowers", + "head tilted, hand raised, playful expression", + "leaning forward, knee up, hand on forehead, gazing at camera", + "leaning forward, hand on chin, thoughtful expression", + "sitting down, facing camera, slight tilt", + "sitting, arm raised, head tilted", + "facing camera, slight tilt head, relaxed posture", + "head turned, looking back, hand on hip", + "hands on face, slight head tilt, looking at camera", + "facing camera, relaxed posture, slightly parted lips", + "facing camera, slight tilt, soft gaze", + "standing, facing camera, hand on neck", + "arms crossed, slight smile, looking away", + "leaning forward, hands under chin, looking at camera", + "seated, hand on head, torso twisted", + "looking at camera, slightly angled, relaxed posture", + "facing camera, relaxed stance, slight smile", + "hand on chin, looking forward, slight tilt", + "head tilted, hand in hair, facing camera", + "looking forward, hand on head, slightly tilted head", + "pouting lips, holding phone, slightly tilted head", + "standing straight, left hand raised, smiling at camera", + "seated, slightly leaning, soft smile", + "sitting, legs crossed, facing camera, relaxed posture", + "sitting on floor, looking at camera, one leg bent", + "standing straight, hands on hips, smiling", + "standing straight, hands near face, facing camera", + "hand in hair, slightly turned, standing upright", + "standing pose, slightly bent arm, hand touching hair, hip tilted, confident stance, half-turned towards camera, relaxed facial expression", + "standing, arms raised, facing camera", + "seated position, looking forward, slight tilt, relaxed posture", + "standing pose, one hand raised, facing camera, hip jutted", + "sitting down, one hand on knee, head slightly tilted", + "standing, slightly angled, hand on hip", + "standing straight, slightly angled, hands on bag", + "standing straight, hand on hip, head slightly tilted", + "squatting position, left arm resting, right hand on waist", + "sitting on bench, leaning forward, casually posed", + "Kneeling, leaning forward, gaze at camera", + "sitting, hand gesture, legs crossed", + "Standing straight, slight smile, looking at camera", + "hands raised, head tilt, standing straight", + "standing straight, left hand raised, facing camera", + "straight posture, slight lean, direct gaze", + "standing straight, arms relaxed, facing camera", + "standing upright, left hand on hip, slight left twist, right arm hanging", + "standing straight, hand in hair, slight body turn", + "crouching, looking at camera, hands on knees", + "standing upright, hand in hair, slight twist", + "standing straight, left hand adjusting sunglasses, right hand on hip, facing camera", + "standing straight, hands together, slight body turn", + "standing upright, one leg crossed, hands on hip", + "standing straight, hands on pads, front-facing", + "standing straight, hands relaxed, facing camera", + "standing straight, hands on hips, smiling, facing camera", + "standing upright, hands touching, slightly turned", + "standing straight, hands by side, direct gaze", + "walking forward, left leg forward, slight smile", + "seated position, leaning forward, one leg bent", + "standing straight, hands on hips, looking at camera", + "standing, slightly turned, casual hold of pants, relaxed posture, sunglass on head", + "facing camera, slight smile, hand on hip", + "leaning forward, arching back, looking away", + "standing straight, hands together, looking forward", + "sitting down, facing camera, slight smile", + "sitting, one leg crossed, looking at camera, confident stance", + "standing straight, slight smile, left hand holding purse, right hand relaxed", + "sitting down, legs crossed, left hand resting, right hand on thigh, direct gaze", + "sitting down, holding phone, legs crossed", + "left: standing straight, right hand raised, left: standing, hand on hip", + "seated on couch, leaning forward, hands supporting chin, legs crossed, eyes looking upward", + "sitting, arm raised, head tilted", + "sitting down, legs bent, hands on knee, relaxed demeanor", + "standing, facing camera, hand on face", + "hand on head, facing camera, slightly smiling", + "Standing straight, hands on hips, facing camera", + "standing straight, holding object, slight twist", + "sitting down, eyes closed, head slightly tilted, holding dress", + "sitting down, crossed legs, hands on legs, facing camera", + "standing beside bicycle, holding handlebars, facing camera", + "sitting, crossed legs, relaxed posture, hand on knee", + "bending forward, one hand on car, looking at camera", + "standing upright, leaning slightly, one arm raised", + "standing upright, one hand raised, facing camera", + "Sitting down, slightly leaned forward, direct gaze", + "hand on head, standing straight, facing camera, confident stance", + "sitting, one leg raised, engaged expression", + "hands in hair, seated, legs crossed", + "three-quarter view, standing upright, looking over shoulder", + "standing upright, slight hip tilt, arms relaxed", + "crouching, looking forward, left hand on ground, right arm resting on leg", + "standing straight, left hand touching hair, facing camera", + "standing straight, slight hip tilt, right arm bent", + "sitting, one leg raised, facing camera", + "sitting, one knee raised, looking at camera", + "standing, one arm raised, facing camera", + "standing upright, slight body turn, left hand on hip, right hand holding object", + "sitting down, smiling, holding a drink", + "standing, facing camera, biting ice cream", + "hand on hip, slight body tilt, chin down, forward-facing", + "standing upright, relaxed posture, facing camera", + "hand in hair, arched back, seductive stance", + "standing, three-quarter view, left hand on hip", + "standing straight, hands on thighs, facing camera", + "sitting on chair, legs crossed, leaning forward, holding drink, looking at camera", + "crouching, smiling, looking forward", + "sitting, right leg bent, left arm raised", + "Direct gaze, slight smile, hand in hair", + "sitting, legs crossed, hands on knee", + "standing upright, hand in hair, smiling", + "arm raised, bent elbow, one leg forward, standing pose, confident stance", + "Standing pose, one leg crossed, hand on hip, facing camera", + "sitting, hand in hair, facing camera", + "standing upright, slight smile, one hand holding bag", + "standing upright, hands by side, direct gaze", + "Standing pose, facing camera, slight tilt", + "standing straight, left hand on sunglasses, right hand holding purse", + "standing upright, hands on hips, relaxed posture", + "sitting down, touching hat, smiling", + "leaning on wall, looking at camera, one leg raised", + "seated, legs spread, head tilted down", + "standing straight, hands by side, direct gaze", + "standing upright, holding book, slight body turn", + "sitting down, leaning back, smiling, leg crossed", + "standing straight, left hand on hip, right hand holding bag", + "standing straight, hands on hips, slight smile", + "facing camera, slight smile, relaxed posture, left hand on hip, right hand by side", + "standing upright, directly facing camera, relaxed stance", + "arms on table, standing straight, slight torso twist", + "standing straight, facing camera, holding phone", + "standing, left leg forward, hand on waist", + "standing upright, hands together, facing camera", + "hands on hips, slight lean, confident stance", + "reclining, arms raised, directly facing camera, relaxed demeanor", + "sitting, one hand holding glass, crossed legs", + "standing upright, slightly tilted head, holding hair", + "standing upright, slight twist, left hand adjusting, looking at camera", + "sitting down, legs crossed, looking at phone", + "standing upright, looking forward, hands on stomach, slight smile, casual stance", + "standing, one hand holding phone, slight body turn", + "sitting pose, one hand on chin, legs crossed, head slightly tilted", + "sitting down, hand on cheek, one leg crossed", + "one leg extended, leaning back, direct gaze", + "leaning back, one leg bent, one leg extended, confident gaze", + "facing camera, slightly tilted head, resting arms", + "standing upright, DJing, slight smile", + "standing upright, left leg forward, hands on thighs, facing camera", + "standing upright, arm raised, smiling", + "sitting down, slightly leaning forward, facing camera", + "seated, relaxed posture, looking forward", + "standing straight, hand on hip, slight smile, head tilted", + "standing, one arm bent, holding dumbbell, looking forward", + "walking, left profile, one foot forward", + "Leaning back, angled towards camera, relaxed posture", + "looking back, slight twist, right hand resting", + "facing away, looking back, left hand raised", + "standing, arms raised, hands touching", + "sitting down, casual posture", + "standing straight, hands on hips, direct gaze", + "half-turned, looking back, one arm bent", + "arm raised, standing straight, looking forward", + "sitting, legs bent, relaxed posture", + "sitting down, facing camera, slightly tilted head", + "turned sideways, lifting dumbbells, slight bend in knees", + "hand on head, slightly turned, standing straight", + "standing straight, slight smile, right hand on hip, facing camera", + "leaning against wall, one leg bent, looking over shoulder", + "sitting, hand on chin, crossed legs", + "standing straight, slight twist, gazing forward, relaxed posture, hands not visible", + "sitting down, arms raised, head tilted", + "leaning on railing, facing camera, slight smile", + "sitting, arms raised, looking at camera", + "sitting, arms raised, head tilted", + "standing, holding bike, facing camera", + "standing straight, hands on hips, direct gaze", + "standing straight, hand on head, facing away", + "sitting, facing away, relaxed posture", + "facing away, head turned, one hand touching thigh", + "standing pose, leaning on counter, one arm bent, looking at camera", + "smiling, facing camera, relaxed stance", + "Standing straight, hands on hips, slight smile, looking forward", + "looking over shoulder, three-quarter turn, hand on hip", + "hand in hair, kneeling position, direct gaze, left leg bent, confident expression", + "facing camera, arms crossed, slight tilt", + "leaning forward, looking to the side, one hand on hip", + "arms crossed, looking at camera, slight head tilt", + "kneeling, leaning forward, hands on handles", + "leaning forwards, hand on head, facing camera", + "standing upright, hands on hips, confident stance", + "straight standing, hands together, slight smile", + "looking back, slight twist, hand on hip", + "Sitting down, facing camera, holding glass", + "standing upright, hand in hair, facing camera", + "standing, leaning on wall, holding glass, crossed legs", + "head tilted, sitting, hand on neck", + "standing, looking back, hand on thigh", + "sitting, hand on face, legs crossed, relaxed demeanor", + "standing, hands on head, eyes closed", + "standing upright, facing camera, slight twist", + "hand on hat, slightly turned, mid-walk stance", + "facing sideways, slight twist, playful stance", + "Standing upright, Left hand holding flower, Right hand on hip, Gazing forward", + "standing upright, hands on hips, smiling face", + "standing upright, arm raised, indirect gaze", + "sitting down, hand on head, legs bent, relaxed posture" +] \ No newline at end of file diff --git a/data/roles.json b/data/roles.json new file mode 100644 index 0000000000000000000000000000000000000000..effdd9e47b30339a21a78e30d3231e7682e880c7 --- /dev/null +++ b/data/roles.json @@ -0,0 +1,206 @@ +[ + "as a ((cyborg))", + "as an ((x-men character))", + "as a ((marvel character))", + "as a ((character from lord of the rings))", + "as a ((superhero character))", + "as a ((scifi character))", + "as a ((character from star wars))", + "as a ((character from star trek))", + "as a ((character from the matrix))", + "as a ((character from the tv show the boys))", + "as a ((glamour model))", + "as a ((fashion model))", + "as a ((greek god))", + "as a ((norse god))", + "as a ((egyptian god))", + "as a ((construction worker))", + "as a ((teacher))", + "as a ((body builder))", + "as a ((pirate))", + "as a ((sanitation worker))", + "as a ((plumber))", + "as an ((electrician))", + "as a ((carpenter))", + "as a ((mechanic))", + "as a ((farmer))", + "as a ((fisherman))", + "as a ((hunter))", + "as a ((nerd))", + "as an ((accountant))", + "as an ((artist))", + "as an ((athlete))", + "as a ((baker))", + "as a ((barber))", + "as a ((bartender))", + "as a ((butcher))", + "as a ((doctor))", + "as a ((dentist))", + "as a ((dancer))", + "as a ((designer))", + "as a ((diver))", + "as a ((director))", + "as an ((engineer))", + "as a ((firefighter))", + "as a ((journalist))", + "as a ((lawyer))", + "as a ((mechanic))", + "as a ((musician))", + "as a ((nurse))", + "as a ((pilot))", + "as a ((police officer))", + "as a ((salesperson))", + "as a ((scientist))", + "as a ((web developer))", + "as a ((writer))", + "as a ((warrior))", + "as a ((mad scientist))", + "as a ((knight in armor))", + "as a ((jedi with a light saber))", + "as a ((wrestler))", + "as an ((astronaut))", + "as a ((warlord))", + "as a ((hobo))", + "as a ((surfer))", + "as a ((necromancer))", + "as a ((thiefling))", + "as a ((luxury person))", + "as an ((anthropomorphic creature))", + "as a ((samurai))", + "as a ((viking barbarian))", + "as an ((undead))", + "as a ((clown))", + "as a ((rockstar))", + "as an ((influencer))", + "as a ((priest))", + "((dressed as a pope))", + "((dressed as a king))", + "as a ((holy person))", + "as a ((hunter))", + "as an ((alien being))", + "as a ((soldier))", + "as an ((emo))", + "as an ((goth))", + "as an ((video game character))", + "as an ((michelin chef))", + "as a ((military person))", + "as a ((serial killer))", + "as a ((maniac))", + "as a ((captain))", + "as an ((evil magician))", + "as a ((pure blood))", + "as a ((dragon tamer))", + "as a ((warlock))", + "as a ((mermaid/merman))", + "as a ((cowboy))", + "as a ((black metal artist))", + "as a ((death metal front figure))", + "as an ((alien diplomat))", + "as a ((demigod))", + "as a ((monster hunter))", + "as a ((spaceship captain))", + "((dressed as jesus))", + "as ((the ultimate warrior))", + "as a wall street broker yuppie", + "as a ((cyborg, a fusion of human and machine, often equipped with advanced technology and prosthetics))", + "as a ((dragon whisperer))", + "as a ((pixie gardener))", + "as a ((necromancer))", + "as a ((phoenix tamer))", + "as a ((crystal seer))", + "as a ((fairy godparent))", + "as a ((spellweaver))", + "as a ((merfolk ambassador))", + "as a ((goblin trader))", + "as a ((unicorn healer))", + "as a ((dreamcatcher crafter))", + "as a ((star navigator))", + "as a ((enchanted armor smith))", + "as a ((griffin rider))", + "as a ((potion master))", + "as a ((lunar diviner))", + "as a ((eldritch librarian))", + "as a ((celestial musician))", + "as a ((mystic botanist))", + "as a ((spiritual stonemason))", + "as a ((shadow puppeteer))", + "as a ((time weaver))", + "as a ((sorcerous scribe))", + "as a ((elemental geologist))", + "as a ((ethereal architect))", + "as a ((starship engineer))", + "as a ((quantum cryptographer))", + "as a ((exo-botanist))", + "as a ((alien linguist))", + "as a ((holodeck programmer))", + "as a ((cybernetic surgeon))", + "as a ((astrogation specialist))", + "as a ((zero-gravity artist))", + "as a ((stellar cartographer))", + "as a ((time-travel historian))", + "as a ((interstellar diplomat))", + "as a ((teleportation technician))", + "as a ((neural network designer))", + "as a ((bio-enhancement consultant))", + "as a ((warp drive mechanic))", + "as a ((xenobiology researcher))", + "as a ((nano-medic))", + "as a ((android ethicist))", + "as a ((galactic explorer))", + "as a ((synthetic life curator))", + "as a ((multiverse navigator))", + "as a ((quantum foam sculptor))", + "as a ((holographic performer))", + "as a ((asteroid miner))", + "as a ((interdimensional trader))", + "as a ((cultist recruiter))", + "as a ((elder sign engraver))", + "as a ((forbidden tome librarian))", + "as a ((abyssal ambassador))", + "as a ((deep one liaison))", + "as a ((madness muse))", + "as a ((eldritch etymologist))", + "as a ((non-euclidean architect))", + "as a ((miskatonic scholar))", + "as a ((R'lyeh relic researcher))", + "as a ((dreamland cartographer))", + "as a ((night-gaunt navigator))", + "as a ((shub-niggurath shepherd))", + "as a ((yog-sothoth yodeler))", + "as a ((innsmouth innkeeper))", + "as a ((cthulhu chorister))", + "as a ((dragon devotee))", + "as a ((arkham archaeologist))", + "as a ((leng plateau pilgrim))", + "as a ((whisperer-in-darkness translator))", + "as a ((azathoth astronomer))", + "as a ((nyarlathotep negotiator))", + "as a ((carcosa curator))", + "as a ((tsathoggua therapist))", + "as a ((elder thing ethnographer))", + "as a ((neon netrunner))", + "as a ((cyberdeck coder))", + "as a ((techno-shaman))", + "as a ((hologram hustler))", + "as a ((megacity mercenary))", + "as a ((virtual voodoo priest))", + "as a ((data dive drifter))", + "as a ((chrome chaser))", + "as a ((synthwave slicer))", + "as a ((replicant rehabilitator))", + "as a ((black market biomod broker))", + "as a ((augmented artisan))", + "as a ((neural network ninja))", + "as a ((quantum qubit quixote))", + "as a ((cyberspace salvager))", + "as a ((pixel punker))", + "as a ((nanotech nomad))", + "as a ((binary blade bouncer))", + "as a ((digital dystopia detective))", + "as a ((megabuilding mapper))", + "as a ((corpo-hacker confidante))", + "as a ((aero auto-rickshaw racer))", + "as a ((skyline slicer))", + "as a ((terminal trickster))", + "as a ((matrix maverick))" +] \ No newline at end of file diff --git a/depth_estimator.py b/depth_estimator.py new file mode 100644 index 0000000000000000000000000000000000000000..8f94a96e86cb63e678962d8d32f8e82ce738ec09 --- /dev/null +++ b/depth_estimator.py @@ -0,0 +1,14 @@ +import numpy as np +import PIL.Image +from controlnet_aux.util import HWC3 +from transformers import pipeline + +from cv_utils import resize_image + + +class DepthEstimator: + def __init__(self): + self.model = pipeline("depth-estimation") + + def __call__(self, image: np.ndarray, **kwargs) -> PIL.Image.Image: + return image diff --git a/env.py b/env.py new file mode 100644 index 0000000000000000000000000000000000000000..25b998f436137e5dfbf5eea2d39d929047901eca --- /dev/null +++ b/env.py @@ -0,0 +1,40 @@ +import os + + +CIVITAI_API_KEY = os.environ.get("CIVITAI_API_KEY") +hf_token = os.environ.get("HF_TOKEN") +hf_read_token = os.environ.get('HF_READ_TOKEN') # only use for private repo + + +# List all Models for specified user +HF_MODEL_USER_LIKES = [] # sorted by number of likes +HF_MODEL_USER_EX = [] # sorted by a special rule + + +# - **Download Models** +download_model_list = [ +] + +# - **Download VAEs** +download_vae_list = [ +] + +# - **Download LoRAs** +download_lora_list = [ +] + + +directory_models = 'models' +os.makedirs(directory_models, exist_ok=True) +directory_loras = 'loras' +os.makedirs(directory_loras, exist_ok=True) +directory_vaes = 'vaes' +os.makedirs(directory_vaes, exist_ok=True) + + +HF_LORA_PRIVATE_REPOS1 = [] +HF_LORA_PRIVATE_REPOS2 = [] # to be sorted as 1 repo +HF_LORA_PRIVATE_REPOS = HF_LORA_PRIVATE_REPOS1 + HF_LORA_PRIVATE_REPOS2 +HF_LORA_ESSENTIAL_PRIVATE_REPO = '' # to be downloaded on run app +HF_VAE_PRIVATE_REPO = '' + diff --git a/flux.py b/flux.py new file mode 100644 index 0000000000000000000000000000000000000000..27eaf1879ec776af01299912ee52ae209d8d32bc --- /dev/null +++ b/flux.py @@ -0,0 +1,284 @@ +import spaces +import os +import gradio as gr +import json +import logging +logging.getLogger("diffusers").setLevel(logging.ERROR) +import diffusers +diffusers.utils.logging.set_verbosity(40) +import warnings +warnings.filterwarnings(action="ignore", category=FutureWarning, module="diffusers") +warnings.filterwarnings(action="ignore", category=UserWarning, module="diffusers") +warnings.filterwarnings(action="ignore", category=FutureWarning, module="transformers") +from pathlib import Path +from env import (hf_token, hf_read_token, # to use only for private repos + CIVITAI_API_KEY, HF_LORA_PRIVATE_REPOS1, HF_LORA_PRIVATE_REPOS2, HF_LORA_ESSENTIAL_PRIVATE_REPO, + HF_VAE_PRIVATE_REPO, directory_models, directory_loras, directory_vaes, + download_model_list, download_lora_list, download_vae_list) +from modutils import (to_list, list_uniq, list_sub, get_lora_model_list, download_private_repo, + safe_float, escape_lora_basename, to_lora_key, to_lora_path, get_local_model_list, + get_private_lora_model_lists, get_valid_lora_name, get_valid_lora_path, get_valid_lora_wt, + get_lora_info, normalize_prompt_list, get_civitai_info, search_lora_on_civitai) + + +def download_things(directory, url, hf_token="", civitai_api_key=""): + url = url.strip() + + if "drive.google.com" in url: + original_dir = os.getcwd() + os.chdir(directory) + os.system(f"gdown --fuzzy {url}") + os.chdir(original_dir) + elif "huggingface.co" in url: + url = url.replace("?download=true", "") + # url = urllib.parse.quote(url, safe=':/') # fix encoding + if "/blob/" in url: + url = url.replace("/blob/", "/resolve/") + user_header = f'"Authorization: Bearer {hf_token}"' + if hf_token: + os.system(f"aria2c --console-log-level=error --summary-interval=10 --header={user_header} -c -x 16 -k 1M -s 16 {url} -d {directory} -o {url.split('/')[-1]}") + else: + os.system (f"aria2c --optimize-concurrent-downloads --console-log-level=error --summary-interval=10 -c -x 16 -k 1M -s 16 {url} -d {directory} -o {url.split('/')[-1]}") + elif "civitai.com" in url: + if "?" in url: + url = url.split("?")[0] + if civitai_api_key: + url = url + f"?token={civitai_api_key}" + os.system(f"aria2c --console-log-level=error --summary-interval=10 -c -x 16 -k 1M -s 16 -d {directory} {url}") + else: + print("\033[91mYou need an API key to download Civitai models.\033[0m") + else: + os.system(f"aria2c --console-log-level=error --summary-interval=10 -c -x 16 -k 1M -s 16 -d {directory} {url}") + + +def get_model_list(directory_path): + model_list = [] + valid_extensions = {'.ckpt' , '.pt', '.pth', '.safetensors', '.bin'} + + for filename in os.listdir(directory_path): + if os.path.splitext(filename)[1] in valid_extensions: + name_without_extension = os.path.splitext(filename)[0] + file_path = os.path.join(directory_path, filename) + # model_list.append((name_without_extension, file_path)) + model_list.append(file_path) + print('\033[34mFILE: ' + file_path + '\033[0m') + return model_list + + +# - **Download Models** +download_model = ", ".join(download_model_list) +# - **Download VAEs** +download_vae = ", ".join(download_vae_list) +# - **Download LoRAs** +download_lora = ", ".join(download_lora_list) + +#download_private_repo(HF_LORA_ESSENTIAL_PRIVATE_REPO, directory_loras, True) +#download_private_repo(HF_VAE_PRIVATE_REPO, directory_vaes, False) + +CIVITAI_API_KEY = os.environ.get("CIVITAI_API_KEY") +hf_token = os.environ.get("HF_TOKEN") + +# Download stuffs +for url in [url.strip() for url in download_model.split(',')]: + if not os.path.exists(f"./models/{url.split('/')[-1]}"): + download_things(directory_models, url, hf_token, CIVITAI_API_KEY) +for url in [url.strip() for url in download_vae.split(',')]: + if not os.path.exists(f"./vaes/{url.split('/')[-1]}"): + download_things(directory_vaes, url, hf_token, CIVITAI_API_KEY) +for url in [url.strip() for url in download_lora.split(',')]: + if not os.path.exists(f"./loras/{url.split('/')[-1]}"): + download_things(directory_loras, url, hf_token, CIVITAI_API_KEY) + +lora_model_list = get_lora_model_list() +vae_model_list = get_model_list(directory_vaes) +vae_model_list.insert(0, "None") + + +def get_t2i_model_info(repo_id: str): + from huggingface_hub import HfApi + api = HfApi() + try: + if " " in repo_id or not api.repo_exists(repo_id): return "" + model = api.model_info(repo_id=repo_id) + except Exception as e: + print(f"Error: Failed to get {repo_id}'s info. ") + print(e) + return "" + if model.private or model.gated: return "" + tags = model.tags + info = [] + url = f"https://huggingface.co/{repo_id}/" + if not 'diffusers' in tags: return "" + if 'diffusers:FluxPipeline' in tags: + info.append("FLUX.1") + elif 'diffusers:StableDiffusionXLPipeline' in tags: + info.append("SDXL") + elif 'diffusers:StableDiffusionPipeline' in tags: + info.append("SD1.5") + if model.card_data and model.card_data.tags: + info.extend(list_sub(model.card_data.tags, ['text-to-image', 'stable-diffusion', 'stable-diffusion-api', 'safetensors', 'stable-diffusion-xl'])) + info.append(f"DLs: {model.downloads}") + info.append(f"likes: {model.likes}") + info.append(model.last_modified.strftime("lastmod: %Y-%m-%d")) + md = f"Model Info: {', '.join(info)}, [Model Repo]({url})" + return gr.update(value=md) + + +private_lora_dict = {"": ["", "", "", "", ""]} +try: + with open('lora_dict.json', encoding='utf-8') as f: + d = json.load(f) + for k, v in d.items(): + private_lora_dict[escape_lora_basename(k)] = v +except Exception: + pass + + +private_lora_model_list = get_private_lora_model_lists() +loras_dict = {"None": ["", "", "", "", ""], "": ["", "", "", "", ""]} | private_lora_dict.copy() +loras_url_to_path_dict = {} # {"URL to download": "local filepath", ...} +civitai_lora_last_results = {} # {"URL to download": {search results}, ...} +all_lora_list = [] + + +def get_all_lora_list(): + global all_lora_list + loras = get_lora_model_list() + all_lora_list = loras.copy() + return loras + + +def get_all_lora_tupled_list(): + global loras_dict + models = get_all_lora_list() + if not models: return [] + tupled_list = [] + for model in models: + #if not model: continue # to avoid GUI-related bug + basename = Path(model).stem + key = to_lora_key(model) + items = None + if key in loras_dict.keys(): + items = loras_dict.get(key, None) + else: + items = get_civitai_info(model) + if items != None: + loras_dict[key] = items + name = basename + value = model + if items and items[2] != "": + if items[1] == "Pony": + name = f"{basename} (for {items[1]}🐴, {items[2]})" + else: + name = f"{basename} (for {items[1]}, {items[2]})" + tupled_list.append((name, value)) + return tupled_list + + +def update_lora_dict(path: str): + global loras_dict + key = to_lora_key(path) + if key in loras_dict.keys(): return + items = get_civitai_info(path) + if items == None: return + loras_dict[key] = items + + +def download_lora(dl_urls: str): + global loras_url_to_path_dict + dl_path = "" + before = get_local_model_list(directory_loras) + urls = [] + for url in [url.strip() for url in dl_urls.split(',')]: + local_path = f"{directory_loras}/{url.split('/')[-1]}" + if not Path(local_path).exists(): + download_things(directory_loras, url, hf_token, CIVITAI_API_KEY) + urls.append(url) + after = get_local_model_list(directory_loras) + new_files = list_sub(after, before) + for i, file in enumerate(new_files): + path = Path(file) + if path.exists(): + new_path = Path(f'{path.parent.name}/{escape_lora_basename(path.stem)}{path.suffix}') + path.resolve().rename(new_path.resolve()) + loras_url_to_path_dict[urls[i]] = str(new_path) + update_lora_dict(str(new_path)) + dl_path = str(new_path) + return dl_path + + +def copy_lora(path: str, new_path: str): + import shutil + if path == new_path: return new_path + cpath = Path(path) + npath = Path(new_path) + if cpath.exists(): + try: + shutil.copy(str(cpath.resolve()), str(npath.resolve())) + except Exception: + return None + update_lora_dict(str(npath)) + return new_path + else: + return None + + +def download_my_lora(dl_urls: str, lora): + path = download_lora(dl_urls) + if path: lora = path + choices = get_all_lora_tupled_list() + return gr.update(value=lora, choices=choices) + + +def apply_lora_prompt(lora_info: str): + if lora_info == "None": return "" + lora_tag = lora_info.replace("/",",") + lora_tags = lora_tag.split(",") if str(lora_info) != "None" else [] + lora_prompts = normalize_prompt_list(lora_tags) + prompt = ", ".join(list_uniq(lora_prompts)) + return prompt + + +def update_loras(prompt, lora, lora_wt): + on, label, tag, md = get_lora_info(lora) + choices = get_all_lora_tupled_list() + return gr.update(value=prompt), gr.update(value=lora, choices=choices), gr.update(value=lora_wt),\ + gr.update(value=tag, label=label, visible=on), gr.update(value=md, visible=on) + + +def search_civitai_lora(query, base_model): + global civitai_lora_last_results + items = search_lora_on_civitai(query, base_model) + if not items: return gr.update(choices=[("", "")], value="", visible=False),\ + gr.update(value="", visible=False), gr.update(visible=True), gr.update(visible=True) + civitai_lora_last_results = {} + choices = [] + for item in items: + base_model_name = "Pony🐴" if item['base_model'] == "Pony" else item['base_model'] + name = f"{item['name']} (for {base_model_name} / By: {item['creator']} / Tags: {', '.join(item['tags'])})" + value = item['dl_url'] + choices.append((name, value)) + civitai_lora_last_results[value] = item + if not choices: return gr.update(choices=[("", "")], value="", visible=False),\ + gr.update(value="", visible=False), gr.update(visible=True), gr.update(visible=True) + result = civitai_lora_last_results.get(choices[0][1], "None") + md = result['md'] if result else "" + return gr.update(choices=choices, value=choices[0][1], visible=True), gr.update(value=md, visible=True),\ + gr.update(visible=True), gr.update(visible=True) + + +def select_civitai_lora(search_result): + if not "http" in search_result: return gr.update(value=""), gr.update(value="None", visible=True) + result = civitai_lora_last_results.get(search_result, "None") + md = result['md'] if result else "" + return gr.update(value=search_result), gr.update(value=md, visible=True) + + +def search_civitai_lora_json(query, base_model): + results = {} + items = search_lora_on_civitai(query, base_model) + if not items: return gr.update(value=results) + for item in items: + results[item['dl_url']] = item + return gr.update(value=results) + diff --git a/flux_lora.png b/flux_lora.png new file mode 100644 index 0000000000000000000000000000000000000000..1dd835231ca58f17158fe5c1ba66ba41a9e4019b Binary files /dev/null and b/flux_lora.png differ diff --git a/image_datasets/canny_dataset.py b/image_datasets/canny_dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..cce6fea9870bf3f16bb11fc002bff1edfbb0639d --- /dev/null +++ b/image_datasets/canny_dataset.py @@ -0,0 +1,59 @@ +import os +import pandas as pd +import numpy as np +from PIL import Image +import torch +from torch.utils.data import Dataset, DataLoader +import json +import random +import cv2 + + +def canny_processor(image, low_threshold=100, high_threshold=200): + image = np.array(image) + image = cv2.Canny(image, low_threshold, high_threshold) + image = image[:, :, None] + image = np.concatenate([image, image, image], axis=2) + canny_image = Image.fromarray(image) + return canny_image + + +def c_crop(image): + width, height = image.size + new_size = min(width, height) + left = (width - new_size) / 2 + top = (height - new_size) / 2 + right = (width + new_size) / 2 + bottom = (height + new_size) / 2 + return image.crop((left, top, right, bottom)) + +class CustomImageDataset(Dataset): + def __init__(self, img_dir, img_size=512): + self.images = [os.path.join(img_dir, i) for i in os.listdir(img_dir) if '.jpg' in i or '.png' in i] + self.images.sort() + self.img_size = img_size + + def __len__(self): + return len(self.images) + + def __getitem__(self, idx): + try: + img = Image.open(self.images[idx]) + img = c_crop(img) + img = img.resize((self.img_size, self.img_size)) + hint = canny_processor(img) + img = torch.from_numpy((np.array(img) / 127.5) - 1) + img = img.permute(2, 0, 1) + hint = torch.from_numpy((np.array(hint) / 127.5) - 1) + hint = hint.permute(2, 0, 1) + json_path = self.images[idx].split('.')[0] + '.json' + prompt = json.load(open(json_path))['caption'] + return img, hint, prompt + except Exception as e: + print(e) + return self.__getitem__(random.randint(0, len(self.images) - 1)) + + +def loader(train_batch_size, num_workers, **args): + dataset = CustomImageDataset(**args) + return DataLoader(dataset, batch_size=train_batch_size, num_workers=num_workers) diff --git a/image_datasets/dataset.py b/image_datasets/dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..f7e5faf89b3b425cd25796eb6a7b882f33d5e55a --- /dev/null +++ b/image_datasets/dataset.py @@ -0,0 +1,45 @@ +import os +import pandas as pd +import numpy as np +from PIL import Image +import torch +from torch.utils.data import Dataset, DataLoader +import json +import random + +def c_crop(image): + width, height = image.size + new_size = min(width, height) + left = (width - new_size) / 2 + top = (height - new_size) / 2 + right = (width + new_size) / 2 + bottom = (height + new_size) / 2 + return image.crop((left, top, right, bottom)) + +class CustomImageDataset(Dataset): + def __init__(self, img_dir, img_size=512): + self.images = [os.path.join(img_dir, i) for i in os.listdir(img_dir) if '.jpg' in i or '.png' in i] + self.images.sort() + self.img_size = img_size + + def __len__(self): + return len(self.images) + + def __getitem__(self, idx): + try: + img = Image.open(self.images[idx]) + img = c_crop(img) + img = img.resize((self.img_size, self.img_size)) + img = torch.from_numpy((np.array(img) / 127.5) - 1) + img = img.permute(2, 0, 1) + json_path = self.images[idx].split('.')[0] + '.json' + prompt = json.load(open(json_path))['caption'] + return img, prompt + except Exception as e: + print(e) + return self.__getitem__(random.randint(0, len(self.images) - 1)) + + +def loader(train_batch_size, num_workers, **args): + dataset = CustomImageDataset(**args) + return DataLoader(dataset, batch_size=train_batch_size, num_workers=num_workers, shuffle=True) \ No newline at end of file diff --git a/image_segmentor.py b/image_segmentor.py new file mode 100644 index 0000000000000000000000000000000000000000..cc7f8a77e3bdd26db2d24b0c16b2e767b320df26 --- /dev/null +++ b/image_segmentor.py @@ -0,0 +1,34 @@ +import cv2 +import numpy as np +import PIL.Image +import torch +from controlnet_aux.util import HWC3, ade_palette +from transformers import AutoImageProcessor, UperNetForSemanticSegmentation + +from cv_utils import resize_image + + +class ImageSegmentor: + + def __init__(self): + self.image_processor = AutoImageProcessor.from_pretrained("openmmlab/upernet-convnext-small") + self.image_segmentor = UperNetForSemanticSegmentation.from_pretrained("openmmlab/upernet-convnext-small") + + @torch.no_grad() + def __call__(self, image: np.ndarray, **kwargs) -> PIL.Image.Image: + detect_resolution = kwargs.pop("detect_resolution", 512) + image_resolution = kwargs.pop("image_resolution", 512) + image = HWC3(image) + image = resize_image(image, resolution=detect_resolution) + image = PIL.Image.fromarray(image) + + pixel_values = self.image_processor(image, return_tensors="pt").pixel_values + outputs = self.image_segmentor(pixel_values) + seg = self.image_processor.post_process_semantic_segmentation(outputs, target_sizes=[image.size[::-1]])[0] + color_seg = np.zeros((seg.shape[0], seg.shape[1], 3), dtype=np.uint8) + for label, color in enumerate(ade_palette()): + color_seg[seg == label, :] = color + color_seg = color_seg.astype(np.uint8) + + color_seg = resize_image(color_seg, resolution=image_resolution, interpolation=cv2.INTER_NEAREST) + return PIL.Image.fromarray(color_seg) \ No newline at end of file diff --git a/live_preview_helpers.py b/live_preview_helpers.py new file mode 100644 index 0000000000000000000000000000000000000000..c2ee1a270c657d336cecac3ee52cfa2a091857e4 --- /dev/null +++ b/live_preview_helpers.py @@ -0,0 +1,166 @@ +import torch +import numpy as np +from diffusers import FluxPipeline, AutoencoderTiny, FlowMatchEulerDiscreteScheduler +from typing import Any, Dict, List, Optional, Union + +# Helper functions +def calculate_shift( + image_seq_len, + base_seq_len: int = 256, + max_seq_len: int = 4096, + base_shift: float = 0.5, + max_shift: float = 1.16, +): + m = (max_shift - base_shift) / (max_seq_len - base_seq_len) + b = base_shift - m * base_seq_len + mu = image_seq_len * m + b + return mu + +def retrieve_timesteps( + scheduler, + num_inference_steps: Optional[int] = None, + device: Optional[Union[str, torch.device]] = None, + timesteps: Optional[List[int]] = None, + sigmas: Optional[List[float]] = None, + **kwargs, +): + if timesteps is not None and sigmas is not None: + raise ValueError("Only one of `timesteps` or `sigmas` can be passed. Please choose one to set custom values") + if timesteps is not None: + scheduler.set_timesteps(timesteps=timesteps, device=device, **kwargs) + timesteps = scheduler.timesteps + num_inference_steps = len(timesteps) + elif sigmas is not None: + scheduler.set_timesteps(sigmas=sigmas, device=device, **kwargs) + timesteps = scheduler.timesteps + num_inference_steps = len(timesteps) + else: + scheduler.set_timesteps(num_inference_steps, device=device, **kwargs) + timesteps = scheduler.timesteps + return timesteps, num_inference_steps + +# FLUX pipeline function +@torch.inference_mode() +def flux_pipe_call_that_returns_an_iterable_of_images( + self, + prompt: Union[str, List[str]] = None, + prompt_2: Optional[Union[str, List[str]]] = None, + height: Optional[int] = None, + width: Optional[int] = None, + num_inference_steps: int = 28, + timesteps: List[int] = None, + guidance_scale: float = 3.5, + num_images_per_prompt: Optional[int] = 1, + generator: Optional[Union[torch.Generator, List[torch.Generator]]] = None, + latents: Optional[torch.FloatTensor] = None, + prompt_embeds: Optional[torch.FloatTensor] = None, + pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + output_type: Optional[str] = "pil", + return_dict: bool = True, + joint_attention_kwargs: Optional[Dict[str, Any]] = None, + max_sequence_length: int = 512, + good_vae: Optional[Any] = None, +): + height = height or self.default_sample_size * self.vae_scale_factor + width = width or self.default_sample_size * self.vae_scale_factor + + # 1. Check inputs + self.check_inputs( + prompt, + prompt_2, + height, + width, + prompt_embeds=prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + max_sequence_length=max_sequence_length, + ) + + self._guidance_scale = guidance_scale + self._joint_attention_kwargs = joint_attention_kwargs + self._interrupt = False + + # 2. Define call parameters + batch_size = 1 if isinstance(prompt, str) else len(prompt) + device = self._execution_device + + # 3. Encode prompt + lora_scale = joint_attention_kwargs.get("scale", None) if joint_attention_kwargs is not None else None + prompt_embeds, pooled_prompt_embeds, text_ids = self.encode_prompt( + prompt=prompt, + prompt_2=prompt_2, + prompt_embeds=prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + device=device, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + lora_scale=lora_scale, + ) + # 4. Prepare latent variables + num_channels_latents = self.transformer.config.in_channels // 4 + latents, latent_image_ids = self.prepare_latents( + batch_size * num_images_per_prompt, + num_channels_latents, + height, + width, + prompt_embeds.dtype, + device, + generator, + latents, + ) + # 5. Prepare timesteps + sigmas = np.linspace(1.0, 1 / num_inference_steps, num_inference_steps) + image_seq_len = latents.shape[1] + mu = calculate_shift( + image_seq_len, + self.scheduler.config.base_image_seq_len, + self.scheduler.config.max_image_seq_len, + self.scheduler.config.base_shift, + self.scheduler.config.max_shift, + ) + timesteps, num_inference_steps = retrieve_timesteps( + self.scheduler, + num_inference_steps, + device, + timesteps, + sigmas, + mu=mu, + ) + self._num_timesteps = len(timesteps) + + # Handle guidance + guidance = torch.full([1], guidance_scale, device=device, dtype=torch.float32).expand(latents.shape[0]) if self.transformer.config.guidance_embeds else None + + # 6. Denoising loop + for i, t in enumerate(timesteps): + if self.interrupt: + continue + + timestep = t.expand(latents.shape[0]).to(latents.dtype) + + noise_pred = self.transformer( + hidden_states=latents, + timestep=timestep / 1000, + guidance=guidance, + pooled_projections=pooled_prompt_embeds, + encoder_hidden_states=prompt_embeds, + txt_ids=text_ids, + img_ids=latent_image_ids, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + )[0] + latents = self.scheduler.step(noise_pred, t, latents, return_dict=False)[0] + + # Yield intermediate result + latents_for_image = self._unpack_latents(latents, height, width, self.vae_scale_factor) + latents_for_image = (latents_for_image / self.vae.config.scaling_factor) + self.vae.config.shift_factor + image = self.vae.decode(latents_for_image, return_dict=False)[0] + yield self.image_processor.postprocess(image, output_type=output_type)[0] + torch.cuda.empty_cache() + + # Final image using good_vae + latents = self._unpack_latents(latents, height, width, self.vae_scale_factor) + latents = (latents / good_vae.config.scaling_factor) + good_vae.config.shift_factor + image = good_vae.decode(latents, return_dict=False)[0] + self.maybe_free_model_hooks() + torch.cuda.empty_cache() + yield self.image_processor.postprocess(image, output_type=output_type)[0] diff --git a/loras.json b/loras.json new file mode 100644 index 0000000000000000000000000000000000000000..4ad36b41e1e31d9a66c2ca5ce3fba140e3288883 --- /dev/null +++ b/loras.json @@ -0,0 +1,183 @@ +[ + { + "image": "https://cdn-uploads.huggingface.co/production/uploads/641498f7479c98a0b36f9e3e/2hT_tW_DCcF60lNyCBE_8.png", + "title": "Abe Shinzo Flux", + "repo": "AbeShinzo0708/AbeShinzo_flux_lora_test", + "weights": "AbeShinzo.safetensors", + "trigger_word": ", Shinzo Abe" + }, + { + "image": "https://huggingface.co/p1atdev/flux.1-schnell-pvc-style-lora/resolve/main/images/flux_lora_00221_.png", + "title": "FLUX.1 schnell PVC style", + "repo": "p1atdev/flux.1-schnell-pvc-style-lora", + "weights": "pvc-shnell-7250+7500.safetensors", + "trigger_word": ", pvc figure" + }, + { + "image": "https://cdn-uploads.huggingface.co/production/uploads/64b24543eec33e27dc9a6eca/sCvp6zDbBTXBEHh3ZSav6.png", + "title": "Flux Pastel Anime", + "repo": "Raelina/Flux-Pastel-Anime", + "weights": "lora_pastel_anime_flux.safetensors", + "trigger_word": "" + }, + { + "image": "https://huggingface.co/wavymulder/OverlordStyleFLUX/resolve/main/imgs/ComfyUI_00725_.png", + "title": "Overlord Style FLUX", + "repo": "wavymulder/OverlordStyleFLUX", + "weights": "ovld_style_overlord_wavymulder.safetensors", + "trigger_word": ", ovld style anime" + }, + { + "image": "https://huggingface.co/multimodalart/flux-tarot-v1/resolve/main/images/e5f2761e5d474e6ba492d20dca0fa26f_e78f1524074b42b6ac49643ffad50ac6.png", + "title": "Tarot v1", + "repo": "multimodalart/flux-tarot-v1", + "trigger_word": "in the style of TOK a trtcrd, tarot style", + "aspect": "portrait" + }, + { + "image": "https://huggingface.co/alvdansen/softpasty-flux-dev/resolve/main/images/ComfyUI_00814_%20(2).png", + "title": "SoftPasty", + "repo": "alvdansen/softpasty-flux-dev", + "trigger_word": "araminta_illus illustration style" + }, + { + "image": "https://huggingface.co/AIWarper/RubberCore1920sCartoonStyle/resolve/main/images/Rub_00006_.png", + "title": "1920s cartoon", + "repo": "AIWarper/RubberCore1920sCartoonStyle", + "trigger_word": "RU883R style", + "trigger_position": "prepend" + }, + { + "image": "https://huggingface.co/mgwr/Cine-Aesthetic/resolve/main/images/00030-1333633802.png", + "title": "Cine Aesthetic", + "repo": "mgwr/Cine-Aesthetic", + "trigger_word": "mgwr/cine", + "trigger_position": "prepend" + }, + { + "image": "https://huggingface.co/Shakker-Labs/FLUX.1-dev-LoRA-blended-realistic-illustration/resolve/main/images/example3.png", + "title": "Blended Realistic Illustration", + "repo": "Shakker-Labs/FLUX.1-dev-LoRA-blended-realistic-illustration", + "trigger_word": "artistic style blends reality and illustration elements" + }, + { + "image": "https://github.com/XLabs-AI/x-flux/blob/main/assets/readme/examples/picture-6-rev1.png?raw=true", + "title": "flux-Realism", + "repo": "XLabs-AI/flux-RealismLora", + "trigger_word": "" + }, + { + "image": "https://huggingface.co/multimodalart/vintage-ads-flux/resolve/main/samples/j_XNU6Oe0mgttyvf9uPb3_dc244dd3d6c246b4aff8351444868d66.png", + "title": "Vintage Ads", + "repo":"multimodalart/vintage-ads-flux", + "trigger_word": "a vintage ad of", + "trigger_position": "prepend" + }, + { + "image": "https://huggingface.co/nerijs/animation2k-flux/resolve/main/images/Q8-oVxNnXvZ9HNrgbNpGw_02762aaaba3b47859ee5fe9403a371e3.png", + "title": "animation2k", + "repo": "nerijs/animation2k-flux", + "trigger_word": "" + }, + { + "image":"https://huggingface.co/alvdansen/softserve_anime/resolve/main/images/ComfyUI_00062_.png", + "title":"SoftServe Anime", + "repo": "alvdansen/softserve_anime", + "trigger_word": "" + }, + { + "image": "https://huggingface.co/veryVANYA/ps1-style-flux/resolve/main/24439220.jpeg", + "title": "PS1 style", + "repo": "veryVANYA/ps1-style-flux", + "trigger_word": "ps1 game screenshot" + }, + { + "image": "https://huggingface.co/alvdansen/flux-koda/resolve/main/images/ComfyUI_00566_%20(2).png", + "title": "flux koda", + "repo": "alvdansen/flux-koda", + "trigger_word": "flmft style" + }, + { + "image": "https://huggingface.co/alvdansen/frosting_lane_flux/resolve/main/images/content%20-%202024-08-11T005936.346.jpeg", + "title": "Frosting Lane Flux", + "repo": "alvdansen/frosting_lane_flux", + "trigger_word": "" + }, + { + "image": "https://pbs.twimg.com/media/GU7NsZPa8AA4Ddl?format=jpg&name=4096x4096", + "title": "Half Illustration", + "repo": "davisbro/half_illustration", + "trigger_word": "in the style of TOK" + }, + { + "image":"https://pbs.twimg.com/media/GVRiSH7WgAAnI4P?format=jpg&name=medium", + "title":"wrong", + "repo": "fofr/flux-wrong", + "trigger_word": "WRNG" + }, + { + "image":"https://huggingface.co/linoyts/yarn_art_Flux_LoRA/resolve/main/yarn_art_2.png", + "title":"Yarn Art", + "repo": "linoyts/yarn_art_Flux_LoRA", + "trigger_word": ", yarn art style" + }, + { + "image": "https://huggingface.co/Norod78/Flux_1_Dev_LoRA_Paper-Cutout-Style/resolve/main/08a19840b6214b76b0607b2f9d5a7e28_63159b9d98124c008efb1d36446a615c.png", + "title": "Paper Cutout", + "repo": "Norod78/Flux_1_Dev_LoRA_Paper-Cutout-Style", + "trigger_word": ", Paper Cutout Style" + }, + { + "image": "https://huggingface.co/SebastianBodza/flux_lora_aquarel_watercolor/resolve/main/images/ascend.webp", + "title": "Aquarell Watercolor", + "repo": "SebastianBodza/Flux_Aquarell_Watercolor_v2", + "trigger_word": "in a watercolor style, AQUACOLTOK. White background." + }, + { + "image": "https://huggingface.co/dataautogpt3/FLUX-SyntheticAnime/resolve/main/assets/angel.png", + "title": "SyntheticAnime", + "repo": "dataautogpt3/FLUX-SyntheticAnime", + "trigger_word": "1980s anime screengrab, VHS quality" + }, + { + "image": "https://github.com/XLabs-AI/x-flux/blob/main/assets/readme/examples/result_14.png?raw=true", + "title": "flux-anime", + "repo": "XLabs-AI/flux-lora-collection", + "weights": "anime_lora.safetensors", + "trigger_word": ", anime" + }, + { + "image": "https://replicate.delivery/yhqm/QD8Ioy5NExqSCtBS8hG04XIRQZFaC9pxJemINT1bibyjZfSTA/out-0.webp", + "title": "80s Cyberpunk", + "repo": "fofr/flux-80s-cyberpunk", + "trigger_word": "style of 80s cyberpunk", + "trigger_position": "prepend" + }, + { + "image": "https://huggingface.co/kudzueye/Boreal/resolve/main/images/ComfyUI_00845_.png", + "title": "Boreal", + "repo": "kudzueye/Boreal", + "weights": "boreal-flux-dev-lora-v04_1000_steps.safetensors", + "trigger_word": "phone photo" + }, + { + "image": "https://github.com/XLabs-AI/x-flux/blob/main/assets/readme/examples/result_18.png?raw=true", + "title": "flux-disney", + "repo": "XLabs-AI/flux-lora-collection", + "weights": "disney_lora.safetensors", + "trigger_word": ", disney style" + }, + { + "image": "https://github.com/XLabs-AI/x-flux/blob/main/assets/readme/examples/result_23.png?raw=true", + "title": "flux-art", + "repo": "XLabs-AI/flux-lora-collection", + "weights": "art_lora.safetensors", + "trigger_word": ", art" + }, + { + "image": "https://huggingface.co/martintomov/retrofuturism-flux/resolve/main/images/2e40deba-858e-454f-ae1c-d1ba2adb6a65.jpeg", + "title": "Retrofuturism Flux", + "repo": "martintomov/retrofuturism-flux", + "trigger_word": ", retrofuturism" + } +] \ No newline at end of file diff --git a/mod.py b/mod.py new file mode 100644 index 0000000000000000000000000000000000000000..3ee50f74d0189fcbe5fa5b056dd35690738703f8 --- /dev/null +++ b/mod.py @@ -0,0 +1,348 @@ +import gradio as gr +import torch +import spaces + +from pathlib import Path +import gc +import subprocess +from PIL import Image + + +subprocess.run('pip install flash-attn --no-build-isolation', env={'FLASH_ATTENTION_SKIP_CUDA_BUILD': "TRUE"}, shell=True) +subprocess.run('pip cache purge', shell=True) +device = "cuda" if torch.cuda.is_available() else "cpu" +torch.set_grad_enabled(False) + + +models = [ + "camenduru/FLUX.1-dev-diffusers", + "black-forest-labs/FLUX.1-schnell", + "sayakpaul/FLUX.1-merged", + "John6666/flux-dev2pro-bf16-flux", + "John6666/flux1-dev-minus-v1-fp8-flux", + "John6666/hyper-flux1-dev-fp8-flux", + "John6666/blue-pencil-flux1-v001-fp8-flux", + "John6666/copycat-flux-test-fp8-v11-fp8-flux", + "John6666/flux-dev8-anime-nsfw-fp8-flux", + "John6666/nepotism-fuxdevschnell-v3aio-fp8-flux", + "John6666/niji-style-flux-devfp8-fp8-flux", + "John6666/niji56-style-v3-fp8-flux", + "John6666/lyh-dalle-anime-v12dalle-fp8-flux", + "John6666/glimmerkin-flux-cute-v10-fp8-flux", + "John6666/xe-anime-flux-03-fp8-flux", + "John6666/xe-figure-flux-01-fp8-flux", + "John6666/xe-pixel-flux-01-fp8-flux", + "John6666/fluxunchained-artfulnsfw-fut516xfp8e4m3fnv11-fp8-flux", + "John6666/fastflux-unchained-t5f16-fp8-flux", + "John6666/iniverse-mix-xl-sfwnsfw-fluxdfp16nsfwv11-fp8-flux", + "John6666/nsfw-master-flux-lora-merged-with-flux1-dev-fp16-v10-fp8-flux", + "John6666/the-araminta-flux1a1-fp8-flux", + "John6666/acorn-is-spinning-flux-v11-fp8-flux", + "John6666/real-horny-pro-fp8-flux", + "John6666/centerfold-flux-v20fp8e5m2-fp8-flux", + "John6666/jib-mix-flux-v208stephyper-fp8-flux", + "John6666/flux-asian-realistic-v10-fp8-flux", + "John6666/fluxasiandoll-v10-fp8-flux", + "John6666/xe-asian-flux-01-fp8-flux", + "John6666/fluxescore-dev-v10fp16-fp8-flux", + # "", +] + + +num_loras = 3 +num_cns = 2 +control_images = [None] * num_cns +control_modes = [-1] * num_cns +control_scales = [0] * num_cns + + +def is_repo_name(s): + import re + return re.fullmatch(r'^[^/,\s\"\']+/[^/,\s\"\']+$', s) + + +def is_repo_exists(repo_id): + from huggingface_hub import HfApi + api = HfApi() + try: + if api.repo_exists(repo_id=repo_id): return True + else: return False + except Exception as e: + print(f"Error: Failed to connect {repo_id}. ") + print(e) + return True # for safe + + +def clear_cache(): + torch.cuda.empty_cache() + gc.collect() + + +def deselect_lora(): + selected_index = None + new_placeholder = "Type a prompt" + updated_text = "" + width = 1024 + height = 1024 + return ( + gr.update(placeholder=new_placeholder), + updated_text, + selected_index, + width, + height, + ) + + +def get_repo_safetensors(repo_id: str): + from huggingface_hub import HfApi + api = HfApi() + try: + if not is_repo_name(repo_id) or not is_repo_exists(repo_id): return gr.update(value="", choices=[]) + files = api.list_repo_files(repo_id=repo_id) + except Exception as e: + print(f"Error: Failed to get {repo_id}'s info.") + print(e) + return gr.update(choices=[]) + files = [f for f in files if f.endswith(".safetensors")] + if len(files) == 0: return gr.update(value="", choices=[]) + else: return gr.update(value=files[0], choices=files) + + +def expand2square(pil_img: Image.Image, background_color: tuple=(0, 0, 0)): + width, height = pil_img.size + if width == height: + return pil_img + elif width > height: + result = Image.new(pil_img.mode, (width, width), background_color) + result.paste(pil_img, (0, (width - height) // 2)) + return result + else: + result = Image.new(pil_img.mode, (height, height), background_color) + result.paste(pil_img, ((height - width) // 2, 0)) + return result + + +# https://huggingface.co/spaces/DamarJati/FLUX.1-DEV-Canny/blob/main/app.py +def resize_image(image, target_width, target_height, crop=True): + from image_datasets.canny_dataset import c_crop + if crop: + image = c_crop(image) # Crop the image to square + original_width, original_height = image.size + + # Resize to match the target size without stretching + scale = max(target_width / original_width, target_height / original_height) + resized_width = int(scale * original_width) + resized_height = int(scale * original_height) + + image = image.resize((resized_width, resized_height), Image.LANCZOS) + + # Center crop to match the target dimensions + left = (resized_width - target_width) // 2 + top = (resized_height - target_height) // 2 + image = image.crop((left, top, left + target_width, top + target_height)) + else: + image = image.resize((target_width, target_height), Image.LANCZOS) + + return image + + +# https://huggingface.co/spaces/jiuface/FLUX.1-dev-Controlnet-Union/blob/main/app.py +# https://huggingface.co/InstantX/FLUX.1-dev-Controlnet-Union +controlnet_union_modes = { + "None": -1, + #"scribble_hed": 0, + "canny": 0, # supported + "mlsd": 0, #supported + "tile": 1, #supported + "depth_midas": 2, # supported + "blur": 3, # supported + "openpose": 4, # supported + "gray": 5, # supported + "low_quality": 6, # supported +} + + +# https://github.com/pytorch/pytorch/issues/123834 +def get_control_params(): + from diffusers.utils import load_image + modes = [] + images = [] + scales = [] + for i, mode in enumerate(control_modes): + if mode == -1 or control_images[i] is None: continue + modes.append(control_modes[i]) + images.append(load_image(control_images[i])) + scales.append(control_scales[i]) + return modes, images, scales + + +from preprocessor import Preprocessor +def preprocess_image(image: Image.Image, control_mode: str, height: int, width: int, + preprocess_resolution: int): + if control_mode == "None": return image + image_resolution = max(width, height) + image_before = resize_image(expand2square(image.convert("RGB")), image_resolution, image_resolution, False) + # generated control_ + print("start to generate control image") + preprocessor = Preprocessor() + if control_mode == "depth_midas": + preprocessor.load("Midas") + control_image = preprocessor( + image=image_before, + image_resolution=image_resolution, + detect_resolution=preprocess_resolution, + ) + if control_mode == "openpose": + preprocessor.load("Openpose") + control_image = preprocessor( + image=image_before, + hand_and_face=True, + image_resolution=image_resolution, + detect_resolution=preprocess_resolution, + ) + if control_mode == "canny": + preprocessor.load("Canny") + control_image = preprocessor( + image=image_before, + image_resolution=image_resolution, + detect_resolution=preprocess_resolution, + ) + + if control_mode == "mlsd": + preprocessor.load("MLSD") + control_image = preprocessor( + image=image_before, + image_resolution=image_resolution, + detect_resolution=preprocess_resolution, + ) + + if control_mode == "scribble_hed": + preprocessor.load("HED") + control_image = preprocessor( + image=image_before, + image_resolution=image_resolution, + detect_resolution=preprocess_resolution, + ) + + if control_mode == "low_quality" or control_mode == "gray" or control_mode == "blur" or control_mode == "tile": + control_image = image_before + image_width = 768 + image_height = 768 + else: + # make sure control image size is same as resized_image + image_width, image_height = control_image.size + + image_after = resize_image(control_image, width, height, False) + ref_width, ref_height = image.size + print(f"generate control image success: {ref_width}x{ref_height} => {image_width}x{image_height}") + return image_after + + +def get_control_union_mode(): + return list(controlnet_union_modes.keys()) + + +def set_control_union_mode(i: int, mode: str, scale: str): + global control_modes + global control_scales + control_modes[i] = controlnet_union_modes.get(mode, 0) + control_scales[i] = scale + if mode != "None": return True + else: return gr.update(visible=True) + + +def set_control_union_image(i: int, mode: str, image: Image.Image | None, height: int, width: int, preprocess_resolution: int): + global control_images + if image is None: return None + control_images[i] = preprocess_image(image, mode, height, width, preprocess_resolution) + return control_images[i] + + +def compose_lora_json(lorajson: list[dict], i: int, name: str, scale: float, filename: str, trigger: str): + lorajson[i]["name"] = str(name) if name != "None" else "" + lorajson[i]["scale"] = float(scale) + lorajson[i]["filename"] = str(filename) + lorajson[i]["trigger"] = str(trigger) + return lorajson + + +def is_valid_lora(lorajson: list[dict]): + valid = False + for d in lorajson: + if "name" in d.keys() and d["name"] and d["name"] != "None": valid = True + return valid + + +def get_trigger_word(lorajson: list[dict]): + trigger = "" + for d in lorajson: + if "name" in d.keys() and d["name"] and d["name"] != "None" and d["trigger"]: + trigger += ", " + d["trigger"] + return trigger + + +# https://huggingface.co/docs/diffusers/v0.23.1/en/api/loaders#diffusers.loaders.LoraLoaderMixin.fuse_lora +# https://github.com/huggingface/diffusers/issues/4919 +def fuse_loras(pipe, lorajson: list[dict]): + if not lorajson or not isinstance(lorajson, list): return + a_list = [] + w_list = [] + for d in lorajson: + if not d or not isinstance(d, dict) or not d["name"] or d["name"] == "None": continue + k = d["name"] + if is_repo_name(k) and is_repo_exists(k): + a_name = Path(k).stem + pipe.load_lora_weights(k, weight_name=d["filename"], adapter_name = a_name) + elif not Path(k).exists(): + print(f"LoRA not found: {k}") + continue + else: + w_name = Path(k).name + a_name = Path(k).stem + pipe.load_lora_weights(k, weight_name = w_name, adapter_name = a_name) + a_list.append(a_name) + w_list.append(d["scale"]) + if not a_list: return + pipe.set_adapters(a_list, adapter_weights=w_list) + pipe.fuse_lora(adapter_names=a_list, lora_scale=1.0) + #pipe.unload_lora_weights() + + +def description_ui(): + gr.Markdown( + """ +- Mod of [multimodalart/flux-lora-the-explorer](https://huggingface.co/spaces/multimodalart/flux-lora-the-explorer), + [jiuface/FLUX.1-dev-Controlnet-Union](https://huggingface.co/spaces/jiuface/FLUX.1-dev-Controlnet-Union), + [DamarJati/FLUX.1-DEV-Canny](https://huggingface.co/spaces/DamarJati/FLUX.1-DEV-Canny), + [gokaygokay/FLUX-Prompt-Generator](https://huggingface.co/spaces/gokaygokay/FLUX-Prompt-Generator). +""" + ) + + +from transformers import pipeline, AutoTokenizer, AutoModelForSeq2SeqLM +def load_prompt_enhancer(): + try: + model_checkpoint = "gokaygokay/Flux-Prompt-Enhance" + tokenizer = AutoTokenizer.from_pretrained(model_checkpoint) + model = AutoModelForSeq2SeqLM.from_pretrained(model_checkpoint).eval().to(device=device) + enhancer_flux = pipeline('text2text-generation', model=model, tokenizer=tokenizer, repetition_penalty=1.5, device=device) + except Exception as e: + print(e) + enhancer_flux = None + return enhancer_flux + + +enhancer_flux = load_prompt_enhancer() + + +@spaces.GPU(duration=30) +def enhance_prompt(input_prompt): + result = enhancer_flux("enhance prompt: " + input_prompt, max_length = 256) + enhanced_text = result[0]['generated_text'] + return enhanced_text + + +load_prompt_enhancer.zerogpu = True +fuse_loras.zerogpu = True +preprocess_image.zerogpu = True +get_control_params.zerogpu = True diff --git a/modutils.py b/modutils.py new file mode 100644 index 0000000000000000000000000000000000000000..74e5a5eb0ce8f5129c2a8aec90cc43908dbc5f35 --- /dev/null +++ b/modutils.py @@ -0,0 +1,1228 @@ +import spaces +import json +import gradio as gr +from huggingface_hub import HfApi +import os +from pathlib import Path + + +from env import (HF_LORA_PRIVATE_REPOS1, HF_LORA_PRIVATE_REPOS2, + HF_MODEL_USER_EX, HF_MODEL_USER_LIKES, + directory_loras, hf_read_token, hf_token, CIVITAI_API_KEY) + + +def get_user_agent(): + return 'Mozilla/5.0 (Windows NT 10.0; Win64; x64; rv:127.0) Gecko/20100101 Firefox/127.0' + + +def to_list(s): + return [x.strip() for x in s.split(",") if not s == ""] + + +def list_uniq(l): + return sorted(set(l), key=l.index) + + +def list_sub(a, b): + return [e for e in a if e not in b] + + +def get_local_model_list(dir_path): + model_list = [] + valid_extensions = ('.ckpt', '.pt', '.pth', '.safetensors', '.bin') + for file in Path(dir_path).glob("*"): + if file.suffix in valid_extensions: + file_path = str(Path(f"{dir_path}/{file.name}")) + model_list.append(file_path) + return model_list + + +def download_things(directory, url, hf_token="", civitai_api_key=""): + url = url.strip() + + if "drive.google.com" in url: + original_dir = os.getcwd() + os.chdir(directory) + os.system(f"gdown --fuzzy {url}") + os.chdir(original_dir) + elif "huggingface.co" in url: + url = url.replace("?download=true", "") + # url = urllib.parse.quote(url, safe=':/') # fix encoding + if "/blob/" in url: + url = url.replace("/blob/", "/resolve/") + user_header = f'"Authorization: Bearer {hf_token}"' + if hf_token: + os.system(f"aria2c --console-log-level=error --summary-interval=10 --header={user_header} -c -x 16 -k 1M -s 16 {url} -d {directory} -o {url.split('/')[-1]}") + else: + os.system (f"aria2c --optimize-concurrent-downloads --console-log-level=error --summary-interval=10 -c -x 16 -k 1M -s 16 {url} -d {directory} -o {url.split('/')[-1]}") + elif "civitai.com" in url: + if "?" in url: + url = url.split("?")[0] + if civitai_api_key: + url = url + f"?token={civitai_api_key}" + os.system(f"aria2c --console-log-level=error --summary-interval=10 -c -x 16 -k 1M -s 16 -d {directory} {url}") + else: + print("\033[91mYou need an API key to download Civitai models.\033[0m") + else: + os.system(f"aria2c --console-log-level=error --summary-interval=10 -c -x 16 -k 1M -s 16 -d {directory} {url}") + + +def escape_lora_basename(basename: str): + return basename.replace(".", "_").replace(" ", "_").replace(",", "") + + +def to_lora_key(path: str): + return escape_lora_basename(Path(path).stem) + + +def to_lora_path(key: str): + if Path(key).is_file(): return key + path = Path(f"{directory_loras}/{escape_lora_basename(key)}.safetensors") + return str(path) + + +def safe_float(input): + output = 1.0 + try: + output = float(input) + except Exception: + output = 1.0 + return output + + +def save_gallery_images(images, progress=gr.Progress(track_tqdm=True)): + from datetime import datetime, timezone, timedelta + progress(0, desc="Updating gallery...") + dt_now = datetime.now(timezone(timedelta(hours=9))) + basename = dt_now.strftime('%Y%m%d_%H%M%S_') + i = 1 + if not images: return images + output_images = [] + output_paths = [] + for image in images: + filename = basename + str(i) + ".png" + i += 1 + oldpath = Path(image[0]) + newpath = oldpath + try: + if oldpath.exists(): + newpath = oldpath.resolve().rename(Path(filename).resolve()) + except Exception as e: + print(e) + finally: + output_paths.append(str(newpath)) + output_images.append((str(newpath), str(filename))) + progress(1, desc="Gallery updated.") + return gr.update(value=output_images), gr.update(value=output_paths), gr.update(visible=True) + + +def download_private_repo(repo_id, dir_path, is_replace): + from huggingface_hub import snapshot_download + if not hf_read_token: return + try: + snapshot_download(repo_id=repo_id, local_dir=dir_path, allow_patterns=['*.ckpt', '*.pt', '*.pth', '*.safetensors', '*.bin'], use_auth_token=hf_read_token) + except Exception as e: + print(f"Error: Failed to download {repo_id}.") + print(e) + return + if is_replace: + for file in Path(dir_path).glob("*"): + if file.exists() and "." in file.stem or " " in file.stem and file.suffix in ['.ckpt', '.pt', '.pth', '.safetensors', '.bin']: + newpath = Path(f'{file.parent.name}/{escape_lora_basename(file.stem)}{file.suffix}') + file.resolve().rename(newpath.resolve()) + + +private_model_path_repo_dict = {} # {"local filepath": "huggingface repo_id", ...} + + +def get_private_model_list(repo_id, dir_path): + global private_model_path_repo_dict + api = HfApi() + if not hf_read_token: return [] + try: + files = api.list_repo_files(repo_id, token=hf_read_token) + except Exception as e: + print(f"Error: Failed to list {repo_id}.") + print(e) + return [] + model_list = [] + for file in files: + path = Path(f"{dir_path}/{file}") + if path.suffix in ['.ckpt', '.pt', '.pth', '.safetensors', '.bin']: + model_list.append(str(path)) + for model in model_list: + private_model_path_repo_dict[model] = repo_id + return model_list + + +def download_private_file(repo_id, path, is_replace): + from huggingface_hub import hf_hub_download + file = Path(path) + newpath = Path(f'{file.parent.name}/{escape_lora_basename(file.stem)}{file.suffix}') if is_replace else file + if not hf_read_token or newpath.exists(): return + filename = file.name + dirname = file.parent.name + try: + hf_hub_download(repo_id=repo_id, filename=filename, local_dir=dirname, use_auth_token=hf_read_token) + except Exception as e: + print(f"Error: Failed to download {filename}.") + print(e) + return + if is_replace: + file.resolve().rename(newpath.resolve()) + + +def download_private_file_from_somewhere(path, is_replace): + if not path in private_model_path_repo_dict.keys(): return + repo_id = private_model_path_repo_dict.get(path, None) + download_private_file(repo_id, path, is_replace) + + +model_id_list = [] +def get_model_id_list(): + global model_id_list + if len(model_id_list) != 0: return model_id_list + api = HfApi() + model_ids = [] + try: + models_likes = [] + for author in HF_MODEL_USER_LIKES: + models_likes.extend(api.list_models(author=author, cardData=True, sort="likes")) + models_ex = [] + for author in HF_MODEL_USER_EX: + models_ex = api.list_models(author=author, cardData=True, sort="last_modified") + except Exception as e: + print(f"Error: Failed to list {author}'s models.") + print(e) + return model_ids + for model in models_likes: + model_ids.append(model.id) if not model.private else "" + anime_models = [] + real_models = [] + for model in models_ex: + if not model.private: + anime_models.append(model.id) if 'anime' in model.tags else real_models.append(model.id) + model_ids.extend(anime_models) + model_ids.extend(real_models) + model_id_list = model_ids.copy() + return model_ids + + +model_id_list = get_model_id_list() + + +def get_t2i_model_info(repo_id: str): + api = HfApi() + try: + if " " in repo_id or not api.repo_exists(repo_id): return "" + model = api.model_info(repo_id=repo_id) + except Exception as e: + print(f"Error: Failed to get {repo_id}'s info.") + print(e) + return "" + if model.private or model.gated: return "" + tags = model.tags + info = [] + url = f"https://huggingface.co/{repo_id}/" + if not 'diffusers' in tags: return "" + if 'diffusers:FluxPipeline' in tags: info.append("FLUX.1") + elif 'diffusers:StableDiffusionXLPipeline' in tags: info.append("SDXL") + elif 'diffusers:StableDiffusionPipeline' in tags: info.append("SD1.5") + if model.card_data and model.card_data.tags: + info.extend(list_sub(model.card_data.tags, ['text-to-image', 'stable-diffusion', 'stable-diffusion-api', 'safetensors', 'stable-diffusion-xl'])) + info.append(f"DLs: {model.downloads}") + info.append(f"likes: {model.likes}") + info.append(model.last_modified.strftime("lastmod: %Y-%m-%d")) + md = f"Model Info: {', '.join(info)}, [Model Repo]({url})" + return gr.update(value=md) + + +def get_tupled_model_list(model_list): + if not model_list: return [] + tupled_list = [] + for repo_id in model_list: + api = HfApi() + try: + if not api.repo_exists(repo_id): continue + model = api.model_info(repo_id=repo_id) + except Exception as e: + print(e) + continue + if model.private or model.gated: continue + tags = model.tags + info = [] + if not 'diffusers' in tags: continue + if 'diffusers:StableDiffusionXLPipeline' in tags: + info.append("SDXL") + elif 'diffusers:StableDiffusionPipeline' in tags: + info.append("SD1.5") + if model.card_data and model.card_data.tags: + info.extend(list_sub(model.card_data.tags, ['text-to-image', 'stable-diffusion', 'stable-diffusion-api', 'safetensors', 'stable-diffusion-xl'])) + if "pony" in info: + info.remove("pony") + name = f"{repo_id} (Pony🐴, {', '.join(info)})" + else: + name = f"{repo_id} ({', '.join(info)})" + tupled_list.append((name, repo_id)) + return tupled_list + + +private_lora_dict = {} +try: + with open('lora_dict.json', encoding='utf-8') as f: + d = json.load(f) + for k, v in d.items(): + private_lora_dict[escape_lora_basename(k)] = v +except Exception as e: + print(e) +loras_dict = {"None": ["", "", "", "", ""], "": ["", "", "", "", ""]} | private_lora_dict.copy() +civitai_not_exists_list = [] +loras_url_to_path_dict = {} # {"URL to download": "local filepath", ...} +civitai_lora_last_results = {} # {"URL to download": {search results}, ...} +all_lora_list = [] + + +private_lora_model_list = [] +def get_private_lora_model_lists(): + global private_lora_model_list + if len(private_lora_model_list) != 0: return private_lora_model_list + models1 = [] + models2 = [] + for repo in HF_LORA_PRIVATE_REPOS1: + models1.extend(get_private_model_list(repo, directory_loras)) + for repo in HF_LORA_PRIVATE_REPOS2: + models2.extend(get_private_model_list(repo, directory_loras)) + models = list_uniq(models1 + sorted(models2)) + private_lora_model_list = models.copy() + return models + + +private_lora_model_list = get_private_lora_model_lists() + + +def get_civitai_info(path): + global civitai_not_exists_list + import requests + from urllib3.util import Retry + from requests.adapters import HTTPAdapter + if path in set(civitai_not_exists_list): return ["", "", "", "", ""] + if not Path(path).exists(): return None + user_agent = get_user_agent() + headers = {'User-Agent': user_agent, 'content-type': 'application/json'} + base_url = 'https://civitai.com/api/v1/model-versions/by-hash/' + params = {} + session = requests.Session() + retries = Retry(total=5, backoff_factor=1, status_forcelist=[500, 502, 503, 504]) + session.mount("https://", HTTPAdapter(max_retries=retries)) + import hashlib + with open(path, 'rb') as file: + file_data = file.read() + hash_sha256 = hashlib.sha256(file_data).hexdigest() + url = base_url + hash_sha256 + try: + r = session.get(url, params=params, headers=headers, stream=True, timeout=(3.0, 15)) + except Exception as e: + print(e) + return ["", "", "", "", ""] + if not r.ok: return None + json = r.json() + if not 'baseModel' in json: + civitai_not_exists_list.append(path) + return ["", "", "", "", ""] + items = [] + items.append(" / ".join(json['trainedWords'])) + items.append(json['baseModel']) + items.append(json['model']['name']) + items.append(f"https://civitai.com/models/{json['modelId']}") + items.append(json['images'][0]['url']) + return items + + +def get_lora_model_list(): + loras = list_uniq(get_private_lora_model_lists() + get_local_model_list(directory_loras)) + loras.insert(0, "None") + loras.insert(0, "") + return loras + + +def get_all_lora_list(): + global all_lora_list + loras = get_lora_model_list() + all_lora_list = loras.copy() + return loras + + +def get_all_lora_tupled_list(): + global loras_dict + models = get_all_lora_list() + if not models: return [] + tupled_list = [] + for model in models: + #if not model: continue # to avoid GUI-related bug + basename = Path(model).stem + key = to_lora_key(model) + items = None + if key in loras_dict.keys(): + items = loras_dict.get(key, None) + else: + items = get_civitai_info(model) + if items != None: + loras_dict[key] = items + name = basename + value = model + if items and items[2] != "": + if items[1] == "Pony": + name = f"{basename} (for {items[1]}🐴, {items[2]})" + else: + name = f"{basename} (for {items[1]}, {items[2]})" + tupled_list.append((name, value)) + return tupled_list + + +def update_lora_dict(path): + global loras_dict + key = escape_lora_basename(Path(path).stem) + if key in loras_dict.keys(): return + items = get_civitai_info(path) + if items == None: return + loras_dict[key] = items + + +def download_lora(dl_urls: str): + global loras_url_to_path_dict + dl_path = "" + before = get_local_model_list(directory_loras) + urls = [] + for url in [url.strip() for url in dl_urls.split(',')]: + local_path = f"{directory_loras}/{url.split('/')[-1]}" + if not Path(local_path).exists(): + download_things(directory_loras, url, hf_token, CIVITAI_API_KEY) + urls.append(url) + after = get_local_model_list(directory_loras) + new_files = list_sub(after, before) + i = 0 + for file in new_files: + path = Path(file) + if path.exists(): + new_path = Path(f'{path.parent.name}/{escape_lora_basename(path.stem)}{path.suffix}') + path.resolve().rename(new_path.resolve()) + loras_url_to_path_dict[urls[i]] = str(new_path) + update_lora_dict(str(new_path)) + dl_path = str(new_path) + i += 1 + return dl_path + + +def copy_lora(path: str, new_path: str): + import shutil + if path == new_path: return new_path + cpath = Path(path) + npath = Path(new_path) + if cpath.exists(): + try: + shutil.copy(str(cpath.resolve()), str(npath.resolve())) + except Exception as e: + print(e) + return None + update_lora_dict(str(npath)) + return new_path + else: + return None + + +def download_my_lora(dl_urls: str, lora1: str, lora2: str, lora3: str, lora4: str, lora5: str): + path = download_lora(dl_urls) + if path: + if not lora1 or lora1 == "None": + lora1 = path + elif not lora2 or lora2 == "None": + lora2 = path + elif not lora3 or lora3 == "None": + lora3 = path + elif not lora4 or lora4 == "None": + lora4 = path + elif not lora5 or lora5 == "None": + lora5 = path + choices = get_all_lora_tupled_list() + return gr.update(value=lora1, choices=choices), gr.update(value=lora2, choices=choices), gr.update(value=lora3, choices=choices),\ + gr.update(value=lora4, choices=choices), gr.update(value=lora5, choices=choices) + + +def get_valid_lora_name(query: str): + path = "None" + if not query or query == "None": return "None" + if to_lora_key(query) in loras_dict.keys(): return query + if query in loras_url_to_path_dict.keys(): + path = loras_url_to_path_dict[query] + else: + path = to_lora_path(query.strip().split('/')[-1]) + if Path(path).exists(): + return path + elif "http" in query: + dl_file = download_lora(query) + if dl_file and Path(dl_file).exists(): return dl_file + else: + dl_file = find_similar_lora(query) + if dl_file and Path(dl_file).exists(): return dl_file + return "None" + + +def get_valid_lora_path(query: str): + path = None + if not query or query == "None": return None + if to_lora_key(query) in loras_dict.keys(): return query + if Path(path).exists(): + return path + else: + return None + + +def get_valid_lora_wt(prompt: str, lora_path: str, lora_wt: float): + import re + wt = lora_wt + result = re.findall(f'', prompt) + if not result: return wt + wt = safe_float(result[0][0]) + return wt + + +def set_prompt_loras(prompt, prompt_syntax, lora1, lora1_wt, lora2, lora2_wt, lora3, lora3_wt, lora4, lora4_wt, lora5, lora5_wt): + import re + if not "Classic" in str(prompt_syntax): return lora1, lora1_wt, lora2, lora2_wt, lora3, lora3_wt, lora4, lora4_wt, lora5, lora5_wt + lora1 = get_valid_lora_name(lora1) + lora2 = get_valid_lora_name(lora2) + lora3 = get_valid_lora_name(lora3) + lora4 = get_valid_lora_name(lora4) + lora5 = get_valid_lora_name(lora5) + if not "', p) + if not result: continue + key = result[0][0] + wt = result[0][1] + path = to_lora_path(key) + if not key in loras_dict.keys() or not path: + path = get_valid_lora_name(path) + if not path or path == "None": continue + if path in lora_paths: + continue + elif not on1: + lora1 = path + lora_paths = [lora1, lora2, lora3, lora4, lora5] + lora1_wt = safe_float(wt) + on1 = True + elif not on2: + lora2 = path + lora_paths = [lora1, lora2, lora3, lora4, lora5] + lora2_wt = safe_float(wt) + on2 = True + elif not on3: + lora3 = path + lora_paths = [lora1, lora2, lora3, lora4, lora5] + lora3_wt = safe_float(wt) + on3 = True + elif not on4: + lora4 = path + lora_paths = [lora1, lora2, lora3, lora4, lora5] + lora4_wt = safe_float(wt) + on4, label4, tag4, md4 = get_lora_info(lora4) + elif not on5: + lora5 = path + lora_paths = [lora1, lora2, lora3, lora4, lora5] + lora5_wt = safe_float(wt) + on5 = True + return lora1, lora1_wt, lora2, lora2_wt, lora3, lora3_wt, lora4, lora4_wt, lora5, lora5_wt + + +def get_lora_info(lora_path: str): + is_valid = False + tag = "" + label = "" + md = "None" + if not lora_path or lora_path == "None": + print("LoRA file not found.") + return is_valid, label, tag, md + path = Path(lora_path) + new_path = Path(f'{path.parent.name}/{escape_lora_basename(path.stem)}{path.suffix}') + if not to_lora_key(str(new_path)) in loras_dict.keys() and str(path) not in set(get_all_lora_list()): + print("LoRA file is not registered.") + return tag, label, tag, md + if not new_path.exists(): + download_private_file_from_somewhere(str(path), True) + basename = new_path.stem + label = f'Name: {basename}' + items = loras_dict.get(basename, None) + if items == None: + items = get_civitai_info(str(new_path)) + if items != None: + loras_dict[basename] = items + if items and items[2] != "": + tag = items[0] + label = f'Name: {basename}' + if items[1] == "Pony": + label = f'Name: {basename} (for Pony🐴)' + if items[4]: + md = f'thumbnail
[LoRA Model URL]({items[3]})' + elif items[3]: + md = f'[LoRA Model URL]({items[3]})' + is_valid = True + return is_valid, label, tag, md + + +def normalize_prompt_list(tags: list[str]): + prompts = [] + for tag in tags: + tag = str(tag).strip() + if tag: + prompts.append(tag) + return prompts + + +def apply_lora_prompt(prompt: str = "", lora_info: str = ""): + if lora_info == "None": return gr.update(value=prompt) + tags = prompt.split(",") if prompt else [] + prompts = normalize_prompt_list(tags) + + lora_tag = lora_info.replace("/",",") + lora_tags = lora_tag.split(",") if str(lora_info) != "None" else [] + lora_prompts = normalize_prompt_list(lora_tags) + + empty = [""] + prompt = ", ".join(list_uniq(prompts + lora_prompts) + empty) + return gr.update(value=prompt) + + +def update_loras(prompt, prompt_syntax, lora1, lora1_wt, lora2, lora2_wt, lora3, lora3_wt, lora4, lora4_wt, lora5, lora5_wt): + import re + on1, label1, tag1, md1 = get_lora_info(lora1) + on2, label2, tag2, md2 = get_lora_info(lora2) + on3, label3, tag3, md3 = get_lora_info(lora3) + on4, label4, tag4, md4 = get_lora_info(lora4) + on5, label5, tag5, md5 = get_lora_info(lora5) + lora_paths = [lora1, lora2, lora3, lora4, lora5] + + output_prompt = prompt + if "Classic" in str(prompt_syntax): + prompts = prompt.split(",") if prompt else [] + output_prompts = [] + for p in prompts: + p = str(p).strip() + if "', p) + if not result: continue + key = result[0][0] + wt = result[0][1] + path = to_lora_path(key) + if not key in loras_dict.keys() or not path: continue + if path in lora_paths: + output_prompts.append(f"") + elif p: + output_prompts.append(p) + lora_prompts = [] + if on1: lora_prompts.append(f"") + if on2: lora_prompts.append(f"") + if on3: lora_prompts.append(f"") + if on4: lora_prompts.append(f"") + if on5: lora_prompts.append(f"") + output_prompt = ", ".join(list_uniq(output_prompts + lora_prompts + [""])) + choices = get_all_lora_tupled_list() + + return gr.update(value=output_prompt), gr.update(value=lora1, choices=choices), gr.update(value=lora1_wt),\ + gr.update(value=tag1, label=label1, visible=on1), gr.update(visible=on1), gr.update(value=md1, visible=on1),\ + gr.update(value=lora2, choices=choices), gr.update(value=lora2_wt),\ + gr.update(value=tag2, label=label2, visible=on2), gr.update(visible=on2), gr.update(value=md2, visible=on2),\ + gr.update(value=lora3, choices=choices), gr.update(value=lora3_wt),\ + gr.update(value=tag3, label=label3, visible=on3), gr.update(visible=on3), gr.update(value=md3, visible=on3),\ + gr.update(value=lora4, choices=choices), gr.update(value=lora4_wt),\ + gr.update(value=tag4, label=label4, visible=on4), gr.update(visible=on4), gr.update(value=md4, visible=on4),\ + gr.update(value=lora5, choices=choices), gr.update(value=lora5_wt),\ + gr.update(value=tag5, label=label5, visible=on5), gr.update(visible=on5), gr.update(value=md5, visible=on5) + + +def get_my_lora(link_url): + from pathlib import Path + before = get_local_model_list(directory_loras) + for url in [url.strip() for url in link_url.split(',')]: + if not Path(f"{directory_loras}/{url.split('/')[-1]}").exists(): + download_things(directory_loras, url, hf_token, CIVITAI_API_KEY) + after = get_local_model_list(directory_loras) + new_files = list_sub(after, before) + for file in new_files: + path = Path(file) + if path.exists(): + new_path = Path(f'{path.parent.name}/{escape_lora_basename(path.stem)}{path.suffix}') + path.resolve().rename(new_path.resolve()) + update_lora_dict(str(new_path)) + new_lora_model_list = get_lora_model_list() + new_lora_tupled_list = get_all_lora_tupled_list() + + return gr.update( + choices=new_lora_tupled_list, value=new_lora_model_list[-1] + ), gr.update( + choices=new_lora_tupled_list + ), gr.update( + choices=new_lora_tupled_list + ), gr.update( + choices=new_lora_tupled_list + ), gr.update( + choices=new_lora_tupled_list + ) + + +def upload_file_lora(files, progress=gr.Progress(track_tqdm=True)): + progress(0, desc="Uploading...") + file_paths = [file.name for file in files] + progress(1, desc="Uploaded.") + return gr.update(value=file_paths, visible=True), gr.update(visible=True) + + +def move_file_lora(filepaths): + import shutil + for file in filepaths: + path = Path(shutil.move(Path(file).resolve(), Path(f"./{directory_loras}").resolve())) + newpath = Path(f'{path.parent.name}/{escape_lora_basename(path.stem)}{path.suffix}') + path.resolve().rename(newpath.resolve()) + update_lora_dict(str(newpath)) + + new_lora_model_list = get_lora_model_list() + new_lora_tupled_list = get_all_lora_tupled_list() + + return gr.update( + choices=new_lora_tupled_list, value=new_lora_model_list[-1] + ), gr.update( + choices=new_lora_tupled_list + ), gr.update( + choices=new_lora_tupled_list + ), gr.update( + choices=new_lora_tupled_list + ), gr.update( + choices=new_lora_tupled_list + ) + + +def get_civitai_info(path): + global civitai_not_exists_list + global loras_url_to_path_dict + import requests + from requests.adapters import HTTPAdapter + from urllib3.util import Retry + default = ["", "", "", "", ""] + if path in set(civitai_not_exists_list): return default + if not Path(path).exists(): return None + user_agent = get_user_agent() + headers = {'User-Agent': user_agent, 'content-type': 'application/json'} + base_url = 'https://civitai.com/api/v1/model-versions/by-hash/' + params = {} + session = requests.Session() + retries = Retry(total=5, backoff_factor=1, status_forcelist=[500, 502, 503, 504]) + session.mount("https://", HTTPAdapter(max_retries=retries)) + import hashlib + with open(path, 'rb') as file: + file_data = file.read() + hash_sha256 = hashlib.sha256(file_data).hexdigest() + url = base_url + hash_sha256 + try: + r = session.get(url, params=params, headers=headers, stream=True, timeout=(3.0, 15)) + except Exception as e: + print(e) + return default + else: + if not r.ok: return None + json = r.json() + if 'baseModel' not in json: + civitai_not_exists_list.append(path) + return default + items = [] + items.append(" / ".join(json['trainedWords'])) # The words (prompts) used to trigger the model + items.append(json['baseModel']) # Base model (SDXL1.0, Pony, ...) + items.append(json['model']['name']) # The name of the model version + items.append(f"https://civitai.com/models/{json['modelId']}") # The repo url for the model + items.append(json['images'][0]['url']) # The url for a sample image + loras_url_to_path_dict[path] = json['downloadUrl'] # The download url to get the model file for this specific version + return items + + +def search_lora_on_civitai(query: str, allow_model: list[str] = ["Pony", "SDXL 1.0"], limit: int = 100): + import requests + from requests.adapters import HTTPAdapter + from urllib3.util import Retry + if not query: return None + user_agent = get_user_agent() + headers = {'User-Agent': user_agent, 'content-type': 'application/json'} + base_url = 'https://civitai.com/api/v1/models' + params = {'query': query, 'types': ['LORA'], 'sort': 'Highest Rated', 'period': 'AllTime', + 'nsfw': 'true', 'supportsGeneration ': 'true', 'limit': limit} + session = requests.Session() + retries = Retry(total=5, backoff_factor=1, status_forcelist=[500, 502, 503, 504]) + session.mount("https://", HTTPAdapter(max_retries=retries)) + try: + r = session.get(base_url, params=params, headers=headers, stream=True, timeout=(3.0, 30)) + except Exception as e: + print(e) + return None + else: + if not r.ok: return None + json = r.json() + if 'items' not in json: return None + items = [] + for j in json['items']: + for model in j['modelVersions']: + item = {} + if model['baseModel'] not in set(allow_model): continue + item['name'] = j['name'] + item['creator'] = j['creator']['username'] + item['tags'] = j['tags'] + item['model_name'] = model['name'] + item['base_model'] = model['baseModel'] + item['dl_url'] = model['downloadUrl'] + item['md'] = f'thumbnail
[LoRA Model URL](https://civitai.com/models/{j["id"]})' + items.append(item) + return items + + +def search_civitai_lora(query, base_model): + global civitai_lora_last_results + items = search_lora_on_civitai(query, base_model) + if not items: return gr.update(choices=[("", "")], value="", visible=False),\ + gr.update(value="", visible=False), gr.update(visible=True), gr.update(visible=True) + civitai_lora_last_results = {} + choices = [] + for item in items: + base_model_name = "Pony🐴" if item['base_model'] == "Pony" else item['base_model'] + name = f"{item['name']} (for {base_model_name} / By: {item['creator']} / Tags: {', '.join(item['tags'])})" + value = item['dl_url'] + choices.append((name, value)) + civitai_lora_last_results[value] = item + if not choices: return gr.update(choices=[("", "")], value="", visible=False),\ + gr.update(value="", visible=False), gr.update(visible=True), gr.update(visible=True) + result = civitai_lora_last_results.get(choices[0][1], "None") + md = result['md'] if result else "" + return gr.update(choices=choices, value=choices[0][1], visible=True), gr.update(value=md, visible=True),\ + gr.update(visible=True), gr.update(visible=True) + + +def select_civitai_lora(search_result): + if not "http" in search_result: return gr.update(value=""), gr.update(value="None", visible=True) + result = civitai_lora_last_results.get(search_result, "None") + md = result['md'] if result else "" + return gr.update(value=search_result), gr.update(value=md, visible=True) + + +def find_similar_lora(q: str): + from rapidfuzz.process import extractOne + from rapidfuzz.utils import default_process + query = to_lora_key(q) + print(f"Finding ...") + keys = list(private_lora_dict.keys()) + values = [x[2] for x in list(private_lora_dict.values())] + s = default_process(query) + e1 = extractOne(s, keys + values, processor=default_process, score_cutoff=80.0) + key = "" + if e1: + e = e1[0] + if e in set(keys): key = e + elif e in set(values): key = keys[values.index(e)] + if key: + path = to_lora_path(key) + new_path = to_lora_path(query) + if not Path(path).exists(): + if not Path(new_path).exists(): download_private_file_from_somewhere(path, True) + if Path(path).exists() and copy_lora(path, new_path): return new_path + print(f"Finding on Civitai...") + civitai_query = Path(query).stem if Path(query).is_file() else query + civitai_query = civitai_query.replace("_", " ").replace("-", " ") + base_model = ["Pony", "SDXL 1.0"] + items = search_lora_on_civitai(civitai_query, base_model, 1) + if items: + item = items[0] + path = download_lora(item['dl_url']) + new_path = query if Path(query).is_file() else to_lora_path(query) + if path and copy_lora(path, new_path): return new_path + return None + + +def change_interface_mode(mode: str): + if mode == "Fast": + return gr.update(open=False), gr.update(visible=True), gr.update(open=False), gr.update(open=False),\ + gr.update(visible=True), gr.update(open=False), gr.update(visible=True), gr.update(open=False),\ + gr.update(visible=True), gr.update(value="Fast") + elif mode == "Simple": # t2i mode + return gr.update(open=True), gr.update(visible=True), gr.update(open=False), gr.update(open=False),\ + gr.update(visible=True), gr.update(open=False), gr.update(visible=False), gr.update(open=True),\ + gr.update(visible=False), gr.update(value="Standard") + elif mode == "LoRA": # t2i LoRA mode + return gr.update(open=True), gr.update(visible=True), gr.update(open=True), gr.update(open=False),\ + gr.update(visible=True), gr.update(open=True), gr.update(visible=True), gr.update(open=False),\ + gr.update(visible=False), gr.update(value="Standard") + else: # Standard + return gr.update(open=False), gr.update(visible=True), gr.update(open=False), gr.update(open=False),\ + gr.update(visible=True), gr.update(open=False), gr.update(visible=True), gr.update(open=False),\ + gr.update(visible=True), gr.update(value="Standard") + + +quality_prompt_list = [ + { + "name": "None", + "prompt": "", + "negative_prompt": "lowres", + }, + { + "name": "Animagine Common", + "prompt": "anime artwork, anime style, vibrant, studio anime, highly detailed, masterpiece, best quality, very aesthetic, absurdres", + "negative_prompt": "lowres, (bad), text, error, fewer, extra, missing, worst quality, jpeg artifacts, low quality, watermark, unfinished, displeasing, oldest, early, chromatic aberration, signature, extra digits, artistic error, username, scan, [abstract]", + }, + { + "name": "Pony Anime Common", + "prompt": "source_anime, score_9, score_8_up, score_7_up, masterpiece, best quality, very aesthetic, absurdres", + "negative_prompt": "source_pony, source_furry, source_cartoon, score_6, score_5, score_4, busty, ugly face, mutated hands, low res, blurry face, black and white, the simpsons, overwatch, apex legends", + }, + { + "name": "Pony Common", + "prompt": "source_anime, score_9, score_8_up, score_7_up", + "negative_prompt": "source_pony, source_furry, source_cartoon, score_6, score_5, score_4, busty, ugly face, mutated hands, low res, blurry face, black and white, the simpsons, overwatch, apex legends", + }, + { + "name": "Animagine Standard v3.0", + "prompt": "masterpiece, best quality", + "negative_prompt": "lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry, artist name", + }, + { + "name": "Animagine Standard v3.1", + "prompt": "masterpiece, best quality, very aesthetic, absurdres", + "negative_prompt": "lowres, (bad), text, error, fewer, extra, missing, worst quality, jpeg artifacts, low quality, watermark, unfinished, displeasing, oldest, early, chromatic aberration, signature, extra digits, artistic error, username, scan, [abstract]", + }, + { + "name": "Animagine Light v3.1", + "prompt": "(masterpiece), best quality, very aesthetic, perfect face", + "negative_prompt": "(low quality, worst quality:1.2), very displeasing, 3d, watermark, signature, ugly, poorly drawn", + }, + { + "name": "Animagine Heavy v3.1", + "prompt": "(masterpiece), (best quality), (ultra-detailed), very aesthetic, illustration, disheveled hair, perfect composition, moist skin, intricate details", + "negative_prompt": "longbody, lowres, bad anatomy, bad hands, missing fingers, pubic hair, extra digit, fewer digits, cropped, worst quality, low quality, very displeasing", + }, +] + + +style_list = [ + { + "name": "None", + "prompt": "", + "negative_prompt": "", + }, + { + "name": "Cinematic", + "prompt": "cinematic still, emotional, harmonious, vignette, highly detailed, high budget, bokeh, cinemascope, moody, epic, gorgeous, film grain, grainy", + "negative_prompt": "cartoon, graphic, text, painting, crayon, graphite, abstract, glitch, deformed, mutated, ugly, disfigured", + }, + { + "name": "Photographic", + "prompt": "cinematic photo, 35mm photograph, film, bokeh, professional, 4k, highly detailed", + "negative_prompt": "drawing, painting, crayon, sketch, graphite, impressionist, noisy, blurry, soft, deformed, ugly", + }, + { + "name": "Anime", + "prompt": "anime artwork, anime style, vibrant, studio anime, highly detailed", + "negative_prompt": "photo, deformed, black and white, realism, disfigured, low contrast", + }, + { + "name": "Manga", + "prompt": "manga style, vibrant, high-energy, detailed, iconic, Japanese comic style", + "negative_prompt": "ugly, deformed, noisy, blurry, low contrast, realism, photorealistic, Western comic style", + }, + { + "name": "Digital Art", + "prompt": "concept art, digital artwork, illustrative, painterly, matte painting, highly detailed", + "negative_prompt": "photo, photorealistic, realism, ugly", + }, + { + "name": "Pixel art", + "prompt": "pixel-art, low-res, blocky, pixel art style, 8-bit graphics", + "negative_prompt": "sloppy, messy, blurry, noisy, highly detailed, ultra textured, photo, realistic", + }, + { + "name": "Fantasy art", + "prompt": "ethereal fantasy concept art, magnificent, celestial, ethereal, painterly, epic, majestic, magical, fantasy art, cover art, dreamy", + "negative_prompt": "photographic, realistic, realism, 35mm film, dslr, cropped, frame, text, deformed, glitch, noise, noisy, off-center, deformed, cross-eyed, closed eyes, bad anatomy, ugly, disfigured, sloppy, duplicate, mutated, black and white", + }, + { + "name": "Neonpunk", + "prompt": "neonpunk style, cyberpunk, vaporwave, neon, vibes, vibrant, stunningly beautiful, crisp, detailed, sleek, ultramodern, magenta highlights, dark purple shadows, high contrast, cinematic, ultra detailed, intricate, professional", + "negative_prompt": "painting, drawing, illustration, glitch, deformed, mutated, cross-eyed, ugly, disfigured", + }, + { + "name": "3D Model", + "prompt": "professional 3d model, octane render, highly detailed, volumetric, dramatic lighting", + "negative_prompt": "ugly, deformed, noisy, low poly, blurry, painting", + }, +] + + +optimization_list = { + "None": [28, 7., 'Euler a', False, 'None', 1.], + "Default": [28, 7., 'Euler a', False, 'None', 1.], + "SPO": [28, 7., 'Euler a', True, 'loras/spo_sdxl_10ep_4k-data_lora_diffusers.safetensors', 1.], + "DPO": [28, 7., 'Euler a', True, 'loras/sdxl-DPO-LoRA.safetensors', 1.], + "DPO Turbo": [8, 2.5, 'LCM', True, 'loras/sd_xl_dpo_turbo_lora_v1-128dim.safetensors', 1.], + "SDXL Turbo": [8, 2.5, 'LCM', True, 'loras/sd_xl_turbo_lora_v1.safetensors', 1.], + "Hyper-SDXL 12step": [12, 5., 'TCD', True, 'loras/Hyper-SDXL-12steps-CFG-lora.safetensors', 1.], + "Hyper-SDXL 8step": [8, 5., 'TCD', True, 'loras/Hyper-SDXL-8steps-CFG-lora.safetensors', 1.], + "Hyper-SDXL 4step": [4, 0, 'TCD', True, 'loras/Hyper-SDXL-4steps-lora.safetensors', 1.], + "Hyper-SDXL 2step": [2, 0, 'TCD', True, 'loras/Hyper-SDXL-2steps-lora.safetensors', 1.], + "Hyper-SDXL 1step": [1, 0, 'TCD', True, 'loras/Hyper-SDXL-1steps-lora.safetensors', 1.], + "PCM 16step": [16, 4., 'Euler a trailing', True, 'loras/pcm_sdxl_normalcfg_16step_converted.safetensors', 1.], + "PCM 8step": [8, 4., 'Euler a trailing', True, 'loras/pcm_sdxl_normalcfg_8step_converted.safetensors', 1.], + "PCM 4step": [4, 2., 'Euler a trailing', True, 'loras/pcm_sdxl_smallcfg_4step_converted.safetensors', 1.], + "PCM 2step": [2, 1., 'Euler a trailing', True, 'loras/pcm_sdxl_smallcfg_2step_converted.safetensors', 1.], +} + + +def set_optimization(opt, steps_gui, cfg_gui, sampler_gui, clip_skip_gui, lora_gui, lora_scale_gui): + if not opt in list(optimization_list.keys()): opt = "None" + def_steps_gui = 28 + def_cfg_gui = 7. + steps = optimization_list.get(opt, "None")[0] + cfg = optimization_list.get(opt, "None")[1] + sampler = optimization_list.get(opt, "None")[2] + clip_skip = optimization_list.get(opt, "None")[3] + lora = optimization_list.get(opt, "None")[4] + lora_scale = optimization_list.get(opt, "None")[5] + if opt == "None": + steps = max(steps_gui, def_steps_gui) + cfg = max(cfg_gui, def_cfg_gui) + clip_skip = clip_skip_gui + elif opt == "SPO" or opt == "DPO": + steps = max(steps_gui, def_steps_gui) + cfg = max(cfg_gui, def_cfg_gui) + + return gr.update(value=steps), gr.update(value=cfg), gr.update(value=sampler),\ + gr.update(value=clip_skip), gr.update(value=lora), gr.update(value=lora_scale), + + +# [sampler_gui, steps_gui, cfg_gui, clip_skip_gui, img_width_gui, img_height_gui, optimization_gui] +preset_sampler_setting = { + "None": ["Euler a", 28, 7., True, 1024, 1024, "None"], + "Anime 3:4 Fast": ["LCM", 8, 2.5, True, 896, 1152, "DPO Turbo"], + "Anime 3:4 Standard": ["Euler a", 28, 7., True, 896, 1152, "None"], + "Anime 3:4 Heavy": ["Euler a", 40, 7., True, 896, 1152, "None"], + "Anime 1:1 Fast": ["LCM", 8, 2.5, True, 1024, 1024, "DPO Turbo"], + "Anime 1:1 Standard": ["Euler a", 28, 7., True, 1024, 1024, "None"], + "Anime 1:1 Heavy": ["Euler a", 40, 7., True, 1024, 1024, "None"], + "Photo 3:4 Fast": ["LCM", 8, 2.5, False, 896, 1152, "DPO Turbo"], + "Photo 3:4 Standard": ["DPM++ 2M Karras", 28, 7., False, 896, 1152, "None"], + "Photo 3:4 Heavy": ["DPM++ 2M Karras", 40, 7., False, 896, 1152, "None"], + "Photo 1:1 Fast": ["LCM", 8, 2.5, False, 1024, 1024, "DPO Turbo"], + "Photo 1:1 Standard": ["DPM++ 2M Karras", 28, 7., False, 1024, 1024, "None"], + "Photo 1:1 Heavy": ["DPM++ 2M Karras", 40, 7., False, 1024, 1024, "None"], +} + + +def set_sampler_settings(sampler_setting): + if not sampler_setting in list(preset_sampler_setting.keys()) or sampler_setting == "None": + return gr.update(value="Euler a"), gr.update(value=28), gr.update(value=7.), gr.update(value=True),\ + gr.update(value=1024), gr.update(value=1024), gr.update(value="None") + v = preset_sampler_setting.get(sampler_setting, ["Euler a", 28, 7., True, 1024, 1024]) + # sampler, steps, cfg, clip_skip, width, height, optimization + return gr.update(value=v[0]), gr.update(value=v[1]), gr.update(value=v[2]), gr.update(value=v[3]),\ + gr.update(value=v[4]), gr.update(value=v[5]), gr.update(value=v[6]) + + +preset_styles = {k["name"]: (k["prompt"], k["negative_prompt"]) for k in style_list} +preset_quality = {k["name"]: (k["prompt"], k["negative_prompt"]) for k in quality_prompt_list} + + +def process_style_prompt(prompt: str, neg_prompt: str, styles_key: str = "None", quality_key: str = "None", type: str = "Auto"): + def to_list(s): + return [x.strip() for x in s.split(",") if not s == ""] + + def list_sub(a, b): + return [e for e in a if e not in b] + + def list_uniq(l): + return sorted(set(l), key=l.index) + + animagine_ps = to_list("anime artwork, anime style, vibrant, studio anime, highly detailed, masterpiece, best quality, very aesthetic, absurdres") + animagine_nps = to_list("lowres, (bad), text, error, fewer, extra, missing, worst quality, jpeg artifacts, low quality, watermark, unfinished, displeasing, oldest, early, chromatic aberration, signature, extra digits, artistic error, username, scan, [abstract]") + pony_ps = to_list("source_anime, score_9, score_8_up, score_7_up, masterpiece, best quality, very aesthetic, absurdres") + pony_nps = to_list("source_pony, source_furry, source_cartoon, score_6, score_5, score_4, busty, ugly face, mutated hands, low res, blurry face, black and white, the simpsons, overwatch, apex legends") + prompts = to_list(prompt) + neg_prompts = to_list(neg_prompt) + + all_styles_ps = [] + all_styles_nps = [] + for d in style_list: + all_styles_ps.extend(to_list(str(d.get("prompt", "")))) + all_styles_nps.extend(to_list(str(d.get("negative_prompt", "")))) + + all_quality_ps = [] + all_quality_nps = [] + for d in quality_prompt_list: + all_quality_ps.extend(to_list(str(d.get("prompt", "")))) + all_quality_nps.extend(to_list(str(d.get("negative_prompt", "")))) + + quality_ps = to_list(preset_quality[quality_key][0]) + quality_nps = to_list(preset_quality[quality_key][1]) + styles_ps = to_list(preset_styles[styles_key][0]) + styles_nps = to_list(preset_styles[styles_key][1]) + + prompts = list_sub(prompts, animagine_ps + pony_ps + all_styles_ps + all_quality_ps) + neg_prompts = list_sub(neg_prompts, animagine_nps + pony_nps + all_styles_nps + all_quality_nps) + + last_empty_p = [""] if not prompts and type != "None" and type != "Auto" and styles_key != "None" and quality_key != "None" else [] + last_empty_np = [""] if not neg_prompts and type != "None" and type != "Auto" and styles_key != "None" and quality_key != "None" else [] + + if type == "Animagine": + prompts = prompts + animagine_ps + neg_prompts = neg_prompts + animagine_nps + elif type == "Pony": + prompts = prompts + pony_ps + neg_prompts = neg_prompts + pony_nps + + prompts = prompts + styles_ps + quality_ps + neg_prompts = neg_prompts + styles_nps + quality_nps + + prompt = ", ".join(list_uniq(prompts) + last_empty_p) + neg_prompt = ", ".join(list_uniq(neg_prompts) + last_empty_np) + + return gr.update(value=prompt), gr.update(value=neg_prompt), gr.update(value=type) + + +def set_quick_presets(genre:str = "None", type:str = "Auto", speed:str = "None", aspect:str = "None"): + quality = "None" + style = "None" + sampler = "None" + opt = "None" + + if genre == "Anime": + if type != "None" and type != "Auto": style = "Anime" + if aspect == "1:1": + if speed == "Heavy": + sampler = "Anime 1:1 Heavy" + elif speed == "Fast": + sampler = "Anime 1:1 Fast" + else: + sampler = "Anime 1:1 Standard" + elif aspect == "3:4": + if speed == "Heavy": + sampler = "Anime 3:4 Heavy" + elif speed == "Fast": + sampler = "Anime 3:4 Fast" + else: + sampler = "Anime 3:4 Standard" + if type == "Pony": + quality = "Pony Anime Common" + elif type == "Animagine": + quality = "Animagine Common" + else: + quality = "None" + elif genre == "Photo": + if type != "None" and type != "Auto": style = "Photographic" + if aspect == "1:1": + if speed == "Heavy": + sampler = "Photo 1:1 Heavy" + elif speed == "Fast": + sampler = "Photo 1:1 Fast" + else: + sampler = "Photo 1:1 Standard" + elif aspect == "3:4": + if speed == "Heavy": + sampler = "Photo 3:4 Heavy" + elif speed == "Fast": + sampler = "Photo 3:4 Fast" + else: + sampler = "Photo 3:4 Standard" + if type == "Pony": + quality = "Pony Common" + else: + quality = "None" + + if speed == "Fast": + opt = "DPO Turbo" + if genre == "Anime" and type != "Pony" and type != "Auto": quality = "Animagine Light v3.1" + + return gr.update(value=quality), gr.update(value=style), gr.update(value=sampler), gr.update(value=opt), gr.update(value=type) + + +textual_inversion_dict = {} +try: + with open('textual_inversion_dict.json', encoding='utf-8') as f: + textual_inversion_dict = json.load(f) +except Exception: + pass +textual_inversion_file_token_list = [] + + +def get_tupled_embed_list(embed_list): + global textual_inversion_file_list + tupled_list = [] + for file in embed_list: + token = textual_inversion_dict.get(Path(file).name, [Path(file).stem.replace(",",""), False])[0] + tupled_list.append((token, file)) + textual_inversion_file_token_list.append(token) + return tupled_list + + +def set_textual_inversion_prompt(textual_inversion_gui, prompt_gui, neg_prompt_gui, prompt_syntax_gui): + ti_tags = list(textual_inversion_dict.values()) + textual_inversion_file_token_list + tags = prompt_gui.split(",") if prompt_gui else [] + prompts = [] + for tag in tags: + tag = str(tag).strip() + if tag and not tag in ti_tags: + prompts.append(tag) + ntags = neg_prompt_gui.split(",") if neg_prompt_gui else [] + neg_prompts = [] + for tag in ntags: + tag = str(tag).strip() + if tag and not tag in ti_tags: + neg_prompts.append(tag) + ti_prompts = [] + ti_neg_prompts = [] + for ti in textual_inversion_gui: + tokens = textual_inversion_dict.get(Path(ti).name, [Path(ti).stem.replace(",",""), False]) + is_positive = tokens[1] == True or "positive" in Path(ti).parent.name + if is_positive: # positive prompt + ti_prompts.append(tokens[0]) + else: # negative prompt (default) + ti_neg_prompts.append(tokens[0]) + empty = [""] + prompt = ", ".join(prompts + ti_prompts + empty) + neg_prompt = ", ".join(neg_prompts + ti_neg_prompts + empty) + return gr.update(value=prompt), gr.update(value=neg_prompt), + + +def get_model_pipeline(repo_id: str): + from huggingface_hub import HfApi + api = HfApi() + default = "StableDiffusionPipeline" + try: + if " " in repo_id or not api.repo_exists(repo_id): return default + model = api.model_info(repo_id=repo_id) + except Exception as e: + return default + if model.private or model.gated: return default + tags = model.tags + if not 'diffusers' in tags: return default + if 'diffusers:FluxPipeline' in tags: + return "FluxPipeline" + if 'diffusers:StableDiffusionXLPipeline' in tags: + return "StableDiffusionXLPipeline" + elif 'diffusers:StableDiffusionPipeline' in tags: + return "StableDiffusionPipeline" + else: + return default + diff --git a/packages.txt b/packages.txt new file mode 100644 index 0000000000000000000000000000000000000000..67111b7b6f72290868b3ee0e714eb52ffa8ef7db --- /dev/null +++ b/packages.txt @@ -0,0 +1 @@ +aria2 -y \ No newline at end of file diff --git a/pre-requirements.txt b/pre-requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..53179cc1530a201e39a4d224555ddd78b44dd4a9 --- /dev/null +++ b/pre-requirements.txt @@ -0,0 +1 @@ +pip>=23.0.0 \ No newline at end of file diff --git a/preprocessor.py b/preprocessor.py new file mode 100644 index 0000000000000000000000000000000000000000..aec52cde1392ecef433c0c7d892d81c6e72f89eb --- /dev/null +++ b/preprocessor.py @@ -0,0 +1,84 @@ +import gc + +import numpy as np +import PIL.Image +import torch +import torchvision +from controlnet_aux import ( + CannyDetector, + ContentShuffleDetector, + HEDdetector, + LineartAnimeDetector, + LineartDetector, + MidasDetector, + MLSDdetector, + NormalBaeDetector, + OpenposeDetector, + PidiNetDetector, +) +from controlnet_aux.util import HWC3 + +from cv_utils import resize_image +from depth_estimator import DepthEstimator +from image_segmentor import ImageSegmentor + +from kornia.core import Tensor + +# load preprocessor + +# HED = HEDdetector.from_pretrained("lllyasviel/Annotators") +Midas = MidasDetector.from_pretrained("lllyasviel/Annotators") +MLSD = MLSDdetector.from_pretrained("lllyasviel/Annotators") +Canny = CannyDetector() +OPENPOSE = OpenposeDetector.from_pretrained("lllyasviel/Annotators") + + +class Preprocessor: + MODEL_ID = "lllyasviel/Annotators" + + def __init__(self): + self.model = None + self.name = "" + + def load(self, name: str) -> None: + if name == self.name: + return + + if name == "Midas": + self.model = Midas + elif name == "MLSD": + self.model =MLSD + elif name == "Openpose": + self.model = OPENPOSE + elif name == "Canny": + self.model = Canny + else: + raise ValueError + torch.cuda.empty_cache() + gc.collect() + self.name = name + + def __call__(self, image: PIL.Image.Image, **kwargs) -> PIL.Image.Image: + if self.name == "Canny" or self.name == "MLSD": + detect_resolution = kwargs.pop("detect_resolution") + image_resolution = kwargs.pop("image_resolution", 512) + image = np.array(image) + image = HWC3(image) + image = resize_image(image, resolution=detect_resolution) + image = self.model(image, **kwargs) + image = np.array(image) + image = HWC3(image) + image = resize_image(image, resolution=image_resolution) + return PIL.Image.fromarray(image).convert('RGB') + + else: + detect_resolution = kwargs.pop("detect_resolution", 512) + image_resolution = kwargs.pop("image_resolution", 512) + image = np.array(image) + image = HWC3(image) + image = resize_image(image, resolution=detect_resolution) + image = self.model(image, **kwargs) + image = np.array(image) + image = HWC3(image) + image = resize_image(image, resolution=image_resolution) + return PIL.Image.fromarray(image) diff --git a/prompt.py b/prompt.py new file mode 100644 index 0000000000000000000000000000000000000000..e95b111675372b9e5c66f187c7d37e7ee05421a5 --- /dev/null +++ b/prompt.py @@ -0,0 +1,575 @@ +import spaces +import gradio as gr +import random +import json +import os +import re +from datetime import datetime +from huggingface_hub import InferenceClient +import subprocess +import torch +from PIL import Image +from transformers import AutoProcessor, AutoModelForCausalLM +import random + +subprocess.run('pip install flash-attn --no-build-isolation', env={'FLASH_ATTENTION_SKIP_CUDA_BUILD': "TRUE"}, shell=True) + +huggingface_token = os.getenv("HF_TOKEN") + +# Initialize Florence model +device = "cuda" if torch.cuda.is_available() else "cpu" +florence_model = AutoModelForCausalLM.from_pretrained('microsoft/Florence-2-base', trust_remote_code=True).to("cpu").eval() +florence_processor = AutoProcessor.from_pretrained('microsoft/Florence-2-base', trust_remote_code=True) + +# Florence caption function +@spaces.GPU(duration=30) +def florence_caption(image): + if not isinstance(image, Image.Image): + image = Image.fromarray(image) + + florence_model.to(device=device) + inputs = florence_processor(text="", images=image, return_tensors="pt").to(device) + generated_ids = florence_model.generate( + input_ids=inputs["input_ids"], + pixel_values=inputs["pixel_values"], + max_new_tokens=1024, + early_stopping=False, + do_sample=False, + num_beams=3, + ) + florence_model.to("cpu") + generated_text = florence_processor.batch_decode(generated_ids, skip_special_tokens=False)[0] + parsed_answer = florence_processor.post_process_generation( + generated_text, + task="", + image_size=(image.width, image.height) + ) + return parsed_answer[""] + +# Load JSON files +def load_json_file(file_name): + file_path = os.path.join("data", file_name) + with open(file_path, "r") as file: + return json.load(file) + +# Load gender-specific JSON files +FEMALE_DEFAULT_TAGS = load_json_file("female_default_tags.json") +MALE_DEFAULT_TAGS = load_json_file("male_default_tags.json") +FEMALE_BODY_TYPES = load_json_file("female_body_types.json") +MALE_BODY_TYPES = load_json_file("male_body_types.json") +FEMALE_CLOTHING = load_json_file("female_clothing.json") +MALE_CLOTHING = load_json_file("male_clothing.json") +FEMALE_ADDITIONAL_DETAILS = load_json_file("female_additional_details.json") +MALE_ADDITIONAL_DETAILS = load_json_file("male_additional_details.json") + +# Load non-gender-specific JSON files +ARTFORM = load_json_file("artform.json") +PHOTO_TYPE = load_json_file("photo_type.json") +ROLES = load_json_file("roles.json") +HAIRSTYLES = load_json_file("hairstyles.json") +PLACE = load_json_file("place.json") +LIGHTING = load_json_file("lighting.json") +COMPOSITION = load_json_file("composition.json") +POSE = load_json_file("pose.json") +BACKGROUND = load_json_file("background.json") +PHOTOGRAPHY_STYLES = load_json_file("photography_styles.json") +DEVICE = load_json_file("device.json") +PHOTOGRAPHER = load_json_file("photographer.json") +ARTIST = load_json_file("artist.json") +DIGITAL_ARTFORM = load_json_file("digital_artform.json") + +class PromptGenerator: + def __init__(self, seed=None): + self.rng = random.Random(seed) + + def split_and_choose(self, input_str): + choices = [choice.strip() for choice in input_str.split(",")] + return self.rng.choices(choices, k=1)[0] + + def get_choice(self, input_str, default_choices): + if input_str.lower() == "disabled": + return "" + elif "," in input_str: + return self.split_and_choose(input_str) + elif input_str.lower() == "random": + return self.rng.choices(default_choices, k=1)[0] + else: + return input_str + + def clean_consecutive_commas(self, input_string): + cleaned_string = re.sub(r',\s*,', ', ', input_string) + return cleaned_string + + def process_string(self, replaced, seed): + replaced = re.sub(r'\s*,\s*', ', ', replaced) + replaced = re.sub(r',+', ', ', replaced) + original = replaced + + first_break_clipl_index = replaced.find("BREAK_CLIPL") + second_break_clipl_index = replaced.find("BREAK_CLIPL", first_break_clipl_index + len("BREAK_CLIPL")) + + if first_break_clipl_index != -1 and second_break_clipl_index != -1: + clip_content_l = replaced[first_break_clipl_index + len("BREAK_CLIPL"):second_break_clipl_index] + replaced = replaced[:first_break_clipl_index].strip(", ") + replaced[second_break_clipl_index + len("BREAK_CLIPL"):].strip(", ") + clip_l = clip_content_l + else: + clip_l = "" + + first_break_clipg_index = replaced.find("BREAK_CLIPG") + second_break_clipg_index = replaced.find("BREAK_CLIPG", first_break_clipg_index + len("BREAK_CLIPG")) + + if first_break_clipg_index != -1 and second_break_clipg_index != -1: + clip_content_g = replaced[first_break_clipg_index + len("BREAK_CLIPG"):second_break_clipg_index] + replaced = replaced[:first_break_clipg_index].strip(", ") + replaced[second_break_clipg_index + len("BREAK_CLIPG"):].strip(", ") + clip_g = clip_content_g + else: + clip_g = "" + + t5xxl = replaced + + original = original.replace("BREAK_CLIPL", "").replace("BREAK_CLIPG", "") + original = re.sub(r'\s*,\s*', ', ', original) + original = re.sub(r',+', ', ', original) + clip_l = re.sub(r'\s*,\s*', ', ', clip_l) + clip_l = re.sub(r',+', ', ', clip_l) + clip_g = re.sub(r'\s*,\s*', ', ', clip_g) + clip_g = re.sub(r',+', ', ', clip_g) + if clip_l.startswith(", "): + clip_l = clip_l[2:] + if clip_g.startswith(", "): + clip_g = clip_g[2:] + if original.startswith(", "): + original = original[2:] + if t5xxl.startswith(", "): + t5xxl = t5xxl[2:] + + # Add spaces after commas + replaced = re.sub(r',(?!\s)', ', ', replaced) + original = re.sub(r',(?!\s)', ', ', original) + clip_l = re.sub(r',(?!\s)', ', ', clip_l) + clip_g = re.sub(r',(?!\s)', ', ', clip_g) + t5xxl = re.sub(r',(?!\s)', ', ', t5xxl) + + return original, seed, t5xxl, clip_l, clip_g + + def generate_prompt(self, seed, custom, subject, gender, artform, photo_type, body_types, default_tags, roles, hairstyles, + additional_details, photography_styles, device, photographer, artist, digital_artform, + place, lighting, clothing, composition, pose, background, input_image): + kwargs = locals() + del kwargs['self'] + + seed = kwargs.get("seed", 0) + if seed is not None: + self.rng = random.Random(seed) + components = [] + custom = kwargs.get("custom", "") + if custom: + components.append(custom) + is_photographer = kwargs.get("artform", "").lower() == "photography" or ( + kwargs.get("artform", "").lower() == "random" + and self.rng.choice([True, False]) + ) + + subject = kwargs.get("subject", "") + gender = kwargs.get("gender", "female") + + if is_photographer: + selected_photo_style = self.get_choice(kwargs.get("photography_styles", ""), PHOTOGRAPHY_STYLES) + if not selected_photo_style: + selected_photo_style = "photography" + components.append(selected_photo_style) + if kwargs.get("photography_style", "") != "disabled" and kwargs.get("default_tags", "") != "disabled" or subject != "": + components.append(" of") + + default_tags = kwargs.get("default_tags", "random") + body_type = kwargs.get("body_types", "") + if not subject: + if default_tags == "random": + if body_type != "disabled" and body_type != "random": + selected_subject = self.get_choice(kwargs.get("default_tags", ""), FEMALE_DEFAULT_TAGS if gender == "female" else MALE_DEFAULT_TAGS).replace("a ", "").replace("an ", "") + components.append("a ") + components.append(body_type) + components.append(selected_subject) + elif body_type == "disabled": + selected_subject = self.get_choice(kwargs.get("default_tags", ""), FEMALE_DEFAULT_TAGS if gender == "female" else MALE_DEFAULT_TAGS) + components.append(selected_subject) + else: + body_type = self.get_choice(body_type, FEMALE_BODY_TYPES if gender == "female" else MALE_BODY_TYPES) + components.append("a ") + components.append(body_type) + selected_subject = self.get_choice(kwargs.get("default_tags", ""), FEMALE_DEFAULT_TAGS if gender == "female" else MALE_DEFAULT_TAGS).replace("a ", "").replace("an ", "") + components.append(selected_subject) + elif default_tags == "disabled": + pass + else: + components.append(default_tags) + else: + if body_type != "disabled" and body_type != "random": + components.append("a ") + components.append(body_type) + elif body_type == "disabled": + pass + else: + body_type = self.get_choice(body_type, FEMALE_BODY_TYPES if gender == "female" else MALE_BODY_TYPES) + components.append("a ") + components.append(body_type) + components.append(subject) + + params = [ + ("roles", ROLES), + ("hairstyles", HAIRSTYLES), + ("additional_details", FEMALE_ADDITIONAL_DETAILS if gender == "female" else MALE_ADDITIONAL_DETAILS), + ] + for param in params: + components.append(self.get_choice(kwargs.get(param[0], ""), param[1])) + for i in reversed(range(len(components))): + if components[i] in PLACE: + components[i] += ", " + break + if kwargs.get("clothing", "") != "disabled" and kwargs.get("clothing", "") != "random": + components.append(", dressed in ") + clothing = kwargs.get("clothing", "") + components.append(clothing) + elif kwargs.get("clothing", "") == "random": + components.append(", dressed in ") + clothing = self.get_choice(kwargs.get("clothing", ""), FEMALE_CLOTHING if gender == "female" else MALE_CLOTHING) + components.append(clothing) + + if kwargs.get("composition", "") != "disabled" and kwargs.get("composition", "") != "random": + components.append(", ") + composition = kwargs.get("composition", "") + components.append(composition) + elif kwargs.get("composition", "") == "random": + components.append(", ") + composition = self.get_choice(kwargs.get("composition", ""), COMPOSITION) + components.append(composition) + + if kwargs.get("pose", "") != "disabled" and kwargs.get("pose", "") != "random": + components.append(", ") + pose = kwargs.get("pose", "") + components.append(pose) + elif kwargs.get("pose", "") == "random": + components.append(", ") + pose = self.get_choice(kwargs.get("pose", ""), POSE) + components.append(pose) + components.append("BREAK_CLIPG") + if kwargs.get("background", "") != "disabled" and kwargs.get("background", "") != "random": + components.append(", ") + background = kwargs.get("background", "") + components.append(background) + elif kwargs.get("background", "") == "random": + components.append(", ") + background = self.get_choice(kwargs.get("background", ""), BACKGROUND) + components.append(background) + + if kwargs.get("place", "") != "disabled" and kwargs.get("place", "") != "random": + components.append(", ") + place = kwargs.get("place", "") + components.append(place) + elif kwargs.get("place", "") == "random": + components.append(", ") + place = self.get_choice(kwargs.get("place", ""), PLACE) + components.append(place + ", ") + + lighting = kwargs.get("lighting", "").lower() + if lighting == "random": + selected_lighting = ", ".join(self.rng.sample(LIGHTING, self.rng.randint(2, 5))) + components.append(", ") + components.append(selected_lighting) + elif lighting == "disabled": + pass + else: + components.append(", ") + components.append(lighting) + components.append("BREAK_CLIPG") + components.append("BREAK_CLIPL") + if is_photographer: + if kwargs.get("photo_type", "") != "disabled": + photo_type_choice = self.get_choice(kwargs.get("photo_type", ""), PHOTO_TYPE) + if photo_type_choice and photo_type_choice != "random" and photo_type_choice != "disabled": + random_value = round(self.rng.uniform(1.1, 1.5), 1) + components.append(f", ({photo_type_choice}:{random_value}), ") + + params = [ + ("device", DEVICE), + ("photographer", PHOTOGRAPHER), + ] + components.extend([self.get_choice(kwargs.get(param[0], ""), param[1]) for param in params]) + if kwargs.get("device", "") != "disabled": + components[-2] = f", shot on {components[-2]}" + if kwargs.get("photographer", "") != "disabled": + components[-1] = f", photo by {components[-1]}" + else: + digital_artform_choice = self.get_choice(kwargs.get("digital_artform", ""), DIGITAL_ARTFORM) + if digital_artform_choice: + components.append(f"{digital_artform_choice}") + if kwargs.get("artist", "") != "disabled": + components.append(f"by {self.get_choice(kwargs.get('artist', ''), ARTIST)}") + components.append("BREAK_CLIPL") + + prompt = " ".join(components) + prompt = re.sub(" +", " ", prompt) + replaced = prompt.replace("of as", "of") + replaced = self.clean_consecutive_commas(replaced) + + return self.process_string(replaced, seed) + + def add_caption_to_prompt(self, prompt, caption): + if caption: + return f"{prompt}, {caption}" + return prompt + +import os +from openai import OpenAI + +class HuggingFaceInferenceNode: + + def __init__(self): + #self.client = InferenceClient("meta-llama/Meta-Llama-3.1-70B-Instruct") # + try: + self.client = OpenAI(base_url="https://api-inference.huggingface.co/v1/", api_key=huggingface_token) + except Exception as e: + print(e) + self.client = None + self.prompts_dir = "./prompts" + os.makedirs(self.prompts_dir, exist_ok=True) + + def save_prompt(self, prompt): + filename_text = "hf_" + prompt.split(',')[0].strip() + filename_text = re.sub(r'[^\w\-_\. ]', '_', filename_text) + filename_text = filename_text[:30] + timestamp = datetime.now().strftime("%Y%m%d_%H%M%S") + base_filename = f"{filename_text}_{timestamp}.txt" + filename = os.path.join(self.prompts_dir, base_filename) + + with open(filename, "w") as file: + file.write(prompt) + + print(f"Prompt saved to {filename}") + + def generate(self, input_text, happy_talk, compress, compression_level, poster, custom_base_prompt=""): + try: + default_happy_prompt = """Create a detailed visually descriptive caption of this description, which will be used as a prompt for a text to image AI system (caption only, no instructions like "create an image").Remove any mention of digital artwork or artwork style. Give detailed visual descriptions of the character(s), including ethnicity, skin tone, expression etc. Imagine using keywords for a still for someone who has aphantasia. Describe the image style, e.g. any photographic or art styles / techniques utilized. Make sure to fully describe all aspects of the cinematography, with abundant technical details and visual descriptions. If there is more than one image, combine the elements and characters from all of the images creatively into a single cohesive composition with a single background, inventing an interaction between the characters. Be creative in combining the characters into a single cohesive scene. Focus on two primary characters (or one) and describe an interesting interaction between them, such as a hug, a kiss, a fight, giving an object, an emotional reaction / interaction. If there is more than one background in the images, pick the most appropriate one. Your output is only the caption itself, no comments or extra formatting. The caption is in a single long paragraph. If you feel the images are inappropriate, invent a new scene / characters inspired by these. Additionally, incorporate a specific movie director's visual style and describe the lighting setup in detail, including the type, color, and placement of light sources to create the desired mood and atmosphere. Always frame the scene, including details about the film grain, color grading, and any artifacts or characteristics specific.""" + + default_simple_prompt = """Create a brief, straightforward caption for this description, suitable for a text-to-image AI system. Focus on the main elements, key characters, and overall scene without elaborate details. Provide a clear and concise description in one or two sentences.""" + + poster_prompt = """Analyze the provided description and extract key information to create a movie poster style description. Format the output as follows: +Title: A catchy, intriguing title that captures the essence of the scene, place the title in "". +Main character: Give a description of the main character. +Background: Describe the background in detail. +Supporting characters: Describe the supporting characters +Branding type: Describe the branding type +Tagline: Include a tagline that captures the essence of the movie. +Visual style: Ensure that the visual style fits the branding type and tagline. +You are allowed to make up film and branding names, and do them like 80's, 90's or modern movie posters.""" + + if poster: + base_prompt = poster_prompt + elif custom_base_prompt.strip(): + base_prompt = custom_base_prompt + else: + base_prompt = default_happy_prompt if happy_talk else default_simple_prompt + + if compress and not poster: + compression_chars = { + "soft": 600 if happy_talk else 300, + "medium": 400 if happy_talk else 200, + "hard": 200 if happy_talk else 100 + } + char_limit = compression_chars[compression_level] + base_prompt += f" Compress the output to be concise while retaining key visual details. MAX OUTPUT SIZE no more than {char_limit} characters." + + system_message = "You are a helpful assistant. Try your best to give the best response possible to the user." + user_message = f"{base_prompt}\nDescription: {input_text}" + + messages = [ + {"role": "system", "content": system_message}, + {"role": "user", "content": user_message} + ] + + #response = self.client.chat_completion( # + response = self.client.chat.completions.create( + model="meta-llama/Meta-Llama-3.1-70B-Instruct", + max_tokens=1024, + temperature=0.7, + top_p=0.95, + messages=messages, + ) + + output = response.choices[0].message.content.strip() + + # Clean up the output + if ": " in output: + output = output.split(": ", 1)[1].strip() + elif output.lower().startswith("here"): + sentences = output.split(". ") + if len(sentences) > 1: + output = ". ".join(sentences[1:]).strip() + + return output + + except Exception as e: + print(f"An error occurred: {e}") + return f"Error occurred while processing the request: {str(e)}" + +pg_title = """

FLUX Prompt Generator

+

+[X gokaygokay] +[Github gokayfem] +[comfyui_dagthomas] +

Create long prompts from images or simple words. Enhance your short prompts with prompt enhancer.

+

+""" + +def create_interface(): + prompt_generator = PromptGenerator() + huggingface_node = HuggingFaceInferenceNode() + + with gr.Blocks(theme='bethecloud/storj_theme') as demo: + + gr.HTML(pg_title) + + with gr.Row(): + with gr.Column(scale=2): + with gr.Accordion("Basic Settings"): + pg_custom = gr.Textbox(label="Custom Input Prompt (optional)") + pg_subject = gr.Textbox(label="Subject (optional)") + pg_gender = gr.Radio(["female", "male"], label="Gender", value="female") + + # Add the radio button for global option selection + pg_global_option = gr.Radio( + ["Disabled", "Random", "No Figure Rand"], + label="Set all options to:", + value="Disabled" + ) + + with gr.Accordion("Artform and Photo Type", open=False): + pg_artform = gr.Dropdown(["disabled", "random"] + ARTFORM, label="Artform", value="disabled") + pg_photo_type = gr.Dropdown(["disabled", "random"] + PHOTO_TYPE, label="Photo Type", value="disabled") + + with gr.Accordion("Character Details", open=False): + pg_body_types = gr.Dropdown(["disabled", "random"] + FEMALE_BODY_TYPES + MALE_BODY_TYPES, label="Body Types", value="disabled") + pg_default_tags = gr.Dropdown(["disabled", "random"] + FEMALE_DEFAULT_TAGS + MALE_DEFAULT_TAGS, label="Default Tags", value="disabled") + pg_roles = gr.Dropdown(["disabled", "random"] + ROLES, label="Roles", value="disabled") + pg_hairstyles = gr.Dropdown(["disabled", "random"] + HAIRSTYLES, label="Hairstyles", value="disabled") + pg_clothing = gr.Dropdown(["disabled", "random"] + FEMALE_CLOTHING + MALE_CLOTHING, label="Clothing", value="disabled") + + with gr.Accordion("Scene Details", open=False): + pg_place = gr.Dropdown(["disabled", "random"] + PLACE, label="Place", value="disabled") + pg_lighting = gr.Dropdown(["disabled", "random"] + LIGHTING, label="Lighting", value="disabled") + pg_composition = gr.Dropdown(["disabled", "random"] + COMPOSITION, label="Composition", value="disabled") + pg_pose = gr.Dropdown(["disabled", "random"] + POSE, label="Pose", value="disabled") + pg_background = gr.Dropdown(["disabled", "random"] + BACKGROUND, label="Background", value="disabled") + + with gr.Accordion("Style and Artist", open=False): + pg_additional_details = gr.Dropdown(["disabled", "random"] + FEMALE_ADDITIONAL_DETAILS + MALE_ADDITIONAL_DETAILS, label="Additional Details", value="disabled") + pg_photography_styles = gr.Dropdown(["disabled", "random"] + PHOTOGRAPHY_STYLES, label="Photography Styles", value="disabled") + pg_device = gr.Dropdown(["disabled", "random"] + DEVICE, label="Device", value="disabled") + pg_photographer = gr.Dropdown(["disabled", "random"] + PHOTOGRAPHER, label="Photographer", value="disabled") + pg_artist = gr.Dropdown(["disabled", "random"] + ARTIST, label="Artist", value="disabled") + pg_digital_artform = gr.Dropdown(["disabled", "random"] + DIGITAL_ARTFORM, label="Digital Artform", value="disabled") + + pg_generate_button = gr.Button("Generate Prompt") + + with gr.Column(scale=2): + with gr.Accordion("Image and Caption", open=False): + pg_input_image = gr.Image(label="Input Image (optional)") + pg_caption_output = gr.Textbox(label="Generated Caption", lines=3) + pg_create_caption_button = gr.Button("Create Caption") + pg_add_caption_button = gr.Button("Add Caption to Prompt") + + with gr.Accordion("Prompt Generation", open=True): + pg_output = gr.Textbox(label="Generated Prompt / Input Text", lines=4) + pg_t5xxl_output = gr.Textbox(label="T5XXL Output", visible=True) + pg_clip_l_output = gr.Textbox(label="CLIP L Output", visible=True) + pg_clip_g_output = gr.Textbox(label="CLIP G Output", visible=True) + + with gr.Column(scale=2): + with gr.Accordion("Prompt Generation with LLM", open=False): + pg_happy_talk = gr.Checkbox(label="Happy Talk", value=True) + pg_compress = gr.Checkbox(label="Compress", value=True) + pg_compression_level = gr.Radio(["soft", "medium", "hard"], label="Compression Level", value="hard") + pg_poster = gr.Checkbox(label="Poster", value=False) + pg_custom_base_prompt = gr.Textbox(label="Custom Base Prompt", lines=5) + pg_generate_text_button = gr.Button("Generate Prompt with LLM (Llama 3.1 70B)") + pg_text_output = gr.Textbox(label="Generated Text", lines=10) + + def create_caption(image): + if image is not None: + return florence_caption(image) + return "" + + pg_create_caption_button.click( + create_caption, + inputs=[pg_input_image], + outputs=[pg_caption_output] + ) + + def generate_prompt_with_dynamic_seed(*args): + # Generate a new random seed + dynamic_seed = random.randint(0, 1000000) + + # Call the generate_prompt function with the dynamic seed + result = prompt_generator.generate_prompt(dynamic_seed, *args) + + # Return the result along with the used seed + return [dynamic_seed] + list(result) + + pg_generate_button.click( + generate_prompt_with_dynamic_seed, + inputs=[pg_custom, pg_subject, pg_gender, pg_artform, pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, + pg_additional_details, pg_photography_styles, pg_device, pg_photographer, pg_artist, pg_digital_artform, + pg_place, pg_lighting, pg_clothing, pg_composition, pg_pose, pg_background, pg_input_image], + outputs=[gr.Number(label="Used Seed", visible=True), pg_output, gr.Number(visible=False), pg_t5xxl_output, pg_clip_l_output, pg_clip_g_output] + ) + + pg_add_caption_button.click( + prompt_generator.add_caption_to_prompt, + inputs=[pg_output, pg_caption_output], + outputs=[pg_output] + ) + + pg_generate_text_button.click( + huggingface_node.generate, + inputs=[pg_output, pg_happy_talk, pg_compress, pg_ompression_level, pg_poster, pg_custom_base_prompt], + outputs=pg_text_output + ) + + def update_all_options(choice): + updates = {} + if choice == "Disabled": + for dropdown in [ + pg_artform, pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, pg_clothing, + pg_place, pg_lighting, pg_composition, pg_pose, pg_background, pg_additional_details, + pg_photography_styles, device, pg_photographer, pg_artist, pg_digital_artform + ]: + updates[dropdown] = gr.update(value="disabled") + elif choice == "Random": + for dropdown in [ + pg_artform, pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, pg_clothing, + pg_place, pg_lighting, pg_composition, pg_pose, pg_background, pg_additional_details, + pg_photography_styles, pg_device, pg_photographer, pg_artist, pg_digital_artform + ]: + updates[dropdown] = gr.update(value="random") + else: # No Figure Random + for dropdown in [pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, pg_clothing, pg_pose, pg_additional_details]: + updates[dropdown] = gr.update(value="disabled") + for dropdown in [pg_artform, pg_place, pg_lighting, pg_composition, pg_background, pg_photography_styles, device, pg_photographer, pg_artist, pg_digital_artform]: + updates[dropdown] = gr.update(value="random") + return updates + + pg_global_option.change( + update_all_options, + inputs=[pg_global_option], + outputs=[ + pg_artform, pg_photo_type, pg_body_types, pg_default_tags, pg_roles, pg_hairstyles, pg_clothing, + pg_place, pg_lighting, pg_composition, pg_pose, pg_background, pg_additional_details, + pg_photography_styles, pg_device, pg_photographer, pg_artist, pg_digital_artform + ] + ) + + return demo + +if __name__ == "__main__": + demo = create_interface() + demo.launch() diff --git a/prompts/A close-up movie still of a young woman with a mix.txt b/prompts/A close-up movie still of a young woman with a mix.txt new file mode 100644 index 0000000000000000000000000000000000000000..b47a73f9f29be716b1ab65e42545a6499979c3e8 --- /dev/null +++ b/prompts/A close-up movie still of a young woman with a mix.txt @@ -0,0 +1 @@ +A close-up movie still of a young woman with a mix of determination and awe in her teary eyes, adorned in a worn metallic helmet with steampunk goggles dripping with water. Her olive skin is sprinkled with freckles and raindrops, and her expression is intense yet serene. Around her neck hangs a mysterious pendant, intricately crafted with metal filigree encasing a crystal sphere, reflecting a forest and amber hues of a twilight sky. The scene, bathed in soft blue and golden sunlight, features impeccable film grain and sharp focus elements, a merger of gritty realism with mystical allure. \ No newline at end of file diff --git a/prompts/A surreal movie still featuring a vibrant green tr.txt b/prompts/A surreal movie still featuring a vibrant green tr.txt new file mode 100644 index 0000000000000000000000000000000000000000..7740dc1a071e5b238d68b442c6705401f0e6d455 --- /dev/null +++ b/prompts/A surreal movie still featuring a vibrant green tr.txt @@ -0,0 +1 @@ +A surreal movie still featuring a vibrant green tree frog clinging to a leaf, adorned with glistening dew drops under dramatic diffused lighting. In the backdrop, a mystical woman with tan skin gazes towards an ethereal, fiery eclipse. Her long dark hair flows against a deep blue gown sparkling with starlit patterns. The scene merges dreamy aquatic and cosmic elements in a hyper-detailed, fantasy setting. The lighting is a soft bioluminescence contrasted by intense, fiery hues of the eclipse, captured with vivid, high-resolution imagery and a subtle film grain. \ No newline at end of file diff --git a/prompts/prompt_20240804_001736.txt b/prompts/prompt_20240804_001736.txt new file mode 100644 index 0000000000000000000000000000000000000000..b71fa63e72c670dba87808586c0c204bd7c61556 --- /dev/null +++ b/prompts/prompt_20240804_001736.txt @@ -0,0 +1 @@ +A lone figure in a dark cloak stands solemnly in a vast, muddy field, staring at enormous, floating, mechanical octopus-like creatures with glowing yellow eyes. Nearby, a green tractor is half-submerged in mud. Blurred, misty grey clouds loom overhead, casting a dreary atmosphere. In the distance, a massive, ethereal tree with swirling branches glows brilliantly against a vibrant, magical sky filled with hues of purple, pink, and turquoise. The contrasting elements of muddy realism and fantastical colors create a surreal composition, capturing a moment of awe and mystery in a hyper-detailed movie still. The image has film grain and analog characteristics, with a low saturation for the muddy field and high saturation for the vibrant sky. \ No newline at end of file diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..c00d7418f742db3289a7da35f84bf8206e7d07c1 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,17 @@ +spaces +git+https://github.com/huggingface/diffusers +torch +torchvision +huggingface_hub +accelerate +transformers +peft +sentencepiece +timm +einops +controlnet-aux +kornia +numpy +opencv-python +deepspeed +openai==1.37.0 \ No newline at end of file diff --git a/tagger/character_series_dict.csv b/tagger/character_series_dict.csv new file mode 100644 index 0000000000000000000000000000000000000000..1b00cea95219f2cabf1567b6e9776a6a5177b94f --- /dev/null +++ b/tagger/character_series_dict.csv @@ -0,0 +1,17286 @@ +sento isuzu,amagi brilliant park +latifa fleuranza,amagi brilliant park +sylphy,amagi brilliant park +muse,amagi brilliant park +salama,amagi brilliant park +koborii,amagi brilliant park +kanie seiya,amagi brilliant park +ashe,amagi brilliant park +adachi eiko,amagi brilliant park +macaron,amagi brilliant park +chuujou shiina,amagi brilliant park +tsuchida kanae,amagi brilliant park +tiramii,amagi brilliant park +triken,amagi brilliant park +zuko,avatar legends +sokka,avatar: the last airbender +korra,avatar legends +katara,avatar: the last airbender +azula,avatar: the last airbender +toph bei fong,avatar: the last airbender +lin bei fong,avatar legends +zuko's daughter,avatar: the last airbender +aang,avatar: the last airbender +general iroh,avatar legends +amon,avatar legends +asami sato,avatar legends +lieutenant,avatar legends +jin,xenoblade chronicles series +mai,dragon ball +iroh,avatar: the last airbender +kyoshi,avatar legends +mako,avatar legends +ty lee,avatar legends +wan,avatar legends +opal bei fong,avatar legends +ozai,avatar: the last airbender +zhu li moon,avatar legends +kuvira,avatar legends +bolin,avatar: the last airbender +suki,avatar: the last airbender +jinora,avatar legends +roku,avatar: the last airbender +raava,avatar legends +tonraq,avatar legends +jet,avatar: the last airbender +yue,avatar: the last airbender +kya,avatar legends +suyin bei fong,avatar legends +elie wayne,avatar: the last airbender +nina kosaka,nijisanji +june,pokemon +ursa,avatar: the last airbender +ikki,avatar legends +bridget,avatar legends +jesa,avatar legends +rogue,ragnarok online +wu,avatar: the last airbender +tenzin,arknights +blaze the cat,avatar: the last airbender +the boulder,avatar: the last airbender +hama,avatar: the last airbender +avatar: the last airbender,avatar legends +p'li,avatar legends +combustion man,avatar: the last airbender +ghazan,avatar legends +kanzaki hideri,blend s +amano miu,blend s +sakuranomiya maika,blend s +hinata kaho,blend s +hoshikawa mafuyu,blend s +kafuu chino,gochuumon wa usagi desu ka? +mallow,pokemon +takimoto hifumi,new game! +female admiral,blend s +kizuna ai,kizuna ai inc. +akizuki kouyou,blend s +abigail williams,fate/grand order +m4 sopmod ii,girls' frontline +patchouli knowledge,touhou +natsu megumi,gochuumon wa usagi desu ka? +fubuki,azur lane +erza scarlet,fairy tail +wendy marvell,divine gate +juvia lockser,divine gate +lucy heartfilia,fairy tail +mirajane strauss,divine gate +zeref,divine gate +gajeel redfox,fairy tail +virgo,fairy tail +ultear milkovich,fairy tail +gray fullbuster,fairy tail +angel,tekken +eclair,girls und panzer +mavis vermilion,fairy tail +michelle lobster,fairy tail +lucy ashley,fairy tail +levy mcgarden,fairy tail +cana alberona,fairy tail +charle,fairy tail +coco,ragnarok online +kagura mikazuchi,divine gate +sheria blendy,divine gate +hisui e fiore,fairy tail +yukino aguria,divine gate +flare corona,fairy tail +ur,fairy tail +erza knightwalker,fairy tail +lisanna strauss,divine gate +natsu dragneel,fairy tail +hiro,darling in the franxx +aries,fairy tail +jenny realight,fairy tail +minerva orlando,divine gate +elfman strauss,fairy tail +lyon bastia,fairy tail +sting eucliffe,fairy tail +evergreen,fairy tail +visca mulan,fairy tail +bixlow,fairy tail +brandish mu,fairy tail +rogue cheney,fairy tail +millianna,fairy tail +sherry blendi,fairy tail +lucky ollietta,fairy tail +meredy,tales of... +zoldeo,fairy tail +zancrow,fairy tail +azuma,azur lane +rustyrose,fairy tail +dimaria yesta,fairy tail +jellal fernandes,divine gate +ichiya vandaly,divine gate +zeira,fairy tail +irene belserion,fairy tail +mary,goddess of victory: nikke +cosmos,flower knight girl +seilah,fairy tail +miki chickentiger,fairy tail +lluvia loxar,fairy tail +fairy tail,original +orga nanagear,fairy tail +zero,code geass +laxus dreyar,fairy tail +silver fullbuster,fairy tail +tia,pokemon +eden's zero,fairy tail +selene,fairy tail +ikaruga,fairy tail +kinana,fairy tail +loke,fairy tail +acnologia,fairy tail +gildarts clive,fairy tail +gildarts crive,fairy tail +totomaru,fairy tail +kiria,fairy tail +mest,fairy tail +gabriel tenma white,gabriel dropout +vignette tsukinose april,gabriel dropout +satanichia kurumizawa mcdowell,azur lane +raphiel shiraha ainsworth,gabriel dropout +tapris chisaki sugarbell,gabriel dropout +serval,kemono friends +uzuki,azur lane +iinchou,gabriel dropout +martiel,gabriel dropout +zelel tenma white,gabriel dropout +kurona mei,gabriel dropout +azazel,gabriel dropout +hibiki,blue archive +mostima,arknights +yuzuriha inori,guilty crown +tsugumi,guilty crown +tsutsugami gai,guilty crown +menjou hare,guilty crown +ouma shuu,guilty crown +daryl yan,guilty crown +shinomiya ayase,guilty crown +kido kenji,guilty crown +kuhouin arisa,guilty crown +segai waltz makoto,guilty crown +ouma mana,guilty crown +kusama kanon,guilty crown +carol,arknights +present,guilty crown +yuu,vocaloid +ouma haruka,guilty crown +samukawa yahiro,guilty crown +tamadate souta,guilty crown +marikawa shizuka,highschool of the dead +miyamoto rei,highschool of the dead +nakaoka asami,highschool of the dead +takagi saya,highschool of the dead +busujima saeko,highschool of the dead +nyarlathotep,accel world +minami rika,highschool of the dead +sonoda umi,love live! +konno junko,girls' frontline +yomi,highschool of the dead +highschool of the dead,original +yuuki miku,highschool of the dead +nyx,fire emblem +cattleya,flower knight girl +hirano kouta,highschool of the dead +hirasawa yui,k-on! +amakusa shino,highschool of the dead +komuro takashi,highschool of the dead +hiiragi tsukasa,lucky star +kazami yuuka,touhou +shirai kuroko,toaru majutsu no index +narukami yuu,persona +stocking,panty & stocking with garterbelt +minna-dietlinde wilcke,world witches series +ikari gendou,neon genesis evangelion +cecilia alcott,girl with a pearl earring +yamada maya,infinite stratos +laura bodewig,infinite stratos +shinonono houki,infinite stratos +nohotoke honne,infinite stratos +charlotte dunois,infinite stratos +huang lingyin,divine gate +shinonono tabane,infinite stratos +orimura chifuyu,futaba channel +sarashiki tatenashi,infinite stratos +aisaka taiga,infinite stratos +orimura ichika,infinite stratos +tanimoto yuzu,infinite stratos +sugiura ayano,yuru yuri +infinite stratos,original +orimura madoka,infinite stratos +sarashiki kanzashi,infinite stratos +clarissa harfouch,assassin's creed +kurie lukukushevka,infinite stratos +velvet hel,infinite stratos +vishnu isa galaxy,infinite stratos +huang luanyin,infinite stratos +loranzine lorandifilny,infinite stratos +himura,bioshock series +omegamon,digimon +imaichi moenai ko,angel beats! +gotanda ran,infinite stratos +kikyou,blue archive +sesshoumaru,han'you no yashahime +kanna,blue archive +kagura,inuyasha +higurashi kagome,inuyasha +sango,hentai key +inuyasha,inuyasha +jakotsu,inuyasha +naraku,inuyasha +rin,blue archive +sakasagami no yura,hentai key +karan,inuyasha +inu no taishou,inuyasha +bankotsu,inuyasha +kouga,inuyasha +hiten,inuyasha +byakuya,inuyasha +shippou,inuyasha +miroku,inuyasha +shunran,inuyasha +tsubaki,blue archive +suikotsu,inuyasha +sesshoumaru's mother,inuyasha +juuroumaru,inuyasha +hime,berserk +vixen,inuyasha +setsuna,fire emblem +moroha,han'you no yashahime +higurashi towa,han'you no yashahime +saga,arknights +ayame,gundam +abihime,inuyasha +jaken,inuyasha +midoriko,inuyasha +tohsaka rin,fate series +hatori chise,bishoujo senshi sailor moon +hakudoushi,inuyasha +jabami yumeko,kakegurui +saotome mary,kakegurui +yomozuki runa,kakegurui +ikishima midari,kakegurui +momobami kirari,kakegurui +nureba ayame,kakegurui +nishinotouin yuriko,kakegurui +sumeragi itsuki,kakegurui +saori,blue archive +honebami miroslava,kakegurui +amagi,azur lane +maria uru,kakegurui +tsurumaki kokoro,bang dream! +totobami yumi,kakegurui +kurosawa dia,love live! +yumemite yumemi,kakegurui +momobami ririka,kakegurui +igarashi sayaka,kakegurui +hyuuga masamune,kakegurui +totobami terano,kakegurui +sakamata chloe,hololive +itou kaiji,kakegurui +juufuutei raden,hololive +sessyoin kiara,fate/grand order +dire wolf,kemono friends +nanami mami,kanojo okarishimasu +mizuhara chizuru,comiket 103 +sakurasawa sumi,kanojo okarishimasu +sarashina ruka,animedia +yaemori mini,cops tv series +kinoshita kazuya,kanojo okarishimasu +inubashiri momiji,touhou +kokutou azaka,kara no kyoukai +ryougi shiki,fate/grand order +asagami fujino,kara no kyoukai +aozaki touko,kara no kyoukai +sakata gintoki,gintama +shirazumi lio,kara no kyoukai +fujou kirie,kara no kyoukai +kokutou mikiya,kara no kyoukai +asakura ryouko,kara no kyoukai +cornelius alba,kara no kyoukai +ryougi mana,kara no kyoukai +araya souren,kara no kyoukai +izayoi sakuya,touhou +seo shizune,kara no kyoukai +enjou tomoe,kara no kyoukai +ouji misaya,kara no kyoukai +doraemon,doraemon +sohee,ragnarok online +matou sakura,fate series +hotaruzuka otoko,kara no kyoukai +gasai yuno,mirai nikki +uryuu minene,mirai nikki +murmur,mirai nikki +akise aru,mirai nikki +kasugano tsubaki,mirai nikki +himekaidou hatate,touhou +hirasaka yomotsu,mirai nikki +illyasviel von einzbern,fate/grand order +sariel,touhou +koiwai yotsuba,mirai nikki +misaka mikoto,toaru majutsu no index +amano yukiteru,mirai nikki +yuasa hiromi,mirai nikki +kashiwazaki sena,mirai nikki +hino hinata,mirai nikki +shimazu yoshino,maria-sama ga miteru +nishijima masumi,mirai nikki +amano rea,mirai nikki +wakaba moe,mirai nikki +cheryl,pokemon +houjou reisuke,mirai nikki +kaku seiga,touhou +madotsuki,mirai nikki +anchorage water oni,kantai collection +kayano kaede,ansatsu kyoushitsu +adol christin,mirai nikki +nonosaka mao,mirai nikki +kousaka ouji,mirai nikki +mikami ai,mirai nikki +kurusu keigo,mirai nikki +terra branford,final fantasy +suzumiya haruhi,suzumiya haruhi no yuuutsu +hoshimiya mukuro,date a live +9a-91,girls' frontline +jingei,kantai collection +taihou,azur lane +hatsune miku,vocaloid +yor briar,spy x family +kamado nezuko,kimetsu no yaiba +oma kokichi,danganronpa series +noa,granblue fantasy +miia,monster musume no iru nichijou +centorea shianus,monster musume no iru nichijou +suu,monster musume no iru nichijou +doppel,monster musume no iru nichijou +papi,kuso miso technique +rachnera arachnera,monster musume no iru nichijou +meroune lorelei,monster musume no iru nichijou +tionishia,monster musume no iru nichijou +manako,monster musume no iru nichijou +zombina,monster musume no iru nichijou +polt,monster musume no iru nichijou +draco,ragnarok online +papi's mother,monster musume no iru nichijou +miia's mother,monster musume no iru nichijou +lala,monster musume no iru nichijou +ms. smith,monster musume no iru nichijou +luz ninetei,monster musume no iru nichijou +lilith,neon genesis evangelion +cathyl,monster musume no iru nichijou +centorea's mother,monster musume no iru nichijou +kurusu kimihito,monster musume no iru nichijou +kii,azur lane +dairy breed,monster musume no iru nichijou +wakasagihime,touhou +yukio,monster musume no iru nichijou +backbeard,monster musume no iru nichijou +mummy,ragnarok online +monster musume no iru nichijou,original +green slime,monster musume no iru nichijou +ryuu-jin,monster musume no iru nichijou +mandragora,arknights +echidna,re:zero kara hajimeru isekai seikatsu +shark race,monster musume no iru nichijou +black slime,monster musume no iru nichijou +cyclops,girls' frontline +wyvern,dragon quest +large breed,monster musume no iru nichijou +emeth,monster musume no iru nichijou +haru,pokemon +anura,monster musume no iru nichijou +dina,monster musume no iru nichijou +miti,monster musume no iru nichijou +liza,monster musume no iru nichijou +gala,monster musume no iru nichijou +ai,yu-gi-oh! +youko,monster musume no iru nichijou +aluru,monster musume no iru nichijou +rosty,monster musume no iru nichijou +ran,bokujou monogatari +misaki,blue archive +em,monster musume no iru nichijou +shire,monster musume no iru nichijou +froze,monster musume no iru nichijou +memeko,monster musume no iru nichijou +kehp,monster musume no iru nichijou +honey,pokemon +chione,monster musume no iru nichijou +actia,monster musume no iru nichijou +kinu,azur lane +sala,monster musume no iru nichijou +liz,monster musume no iru nichijou +jelli,monster musume no iru nichijou +kura,monster musume no iru nichijou +nemes,monster musume no iru nichijou +octo,monster musume no iru nichijou +melusine,genshin impact +horo,monster musume no iru nichijou +shaia,monster musume no iru nichijou +rohe,monster musume no iru nichijou +myuu,monster musume no iru nichijou +rem,re:zero kara hajimeru isekai seikatsu +halifa,monster musume no iru nichijou +kyou,monster musume no iru nichijou +bisque,monster musume no iru nichijou +kalolo,monster musume no iru nichijou +long legs breed,monster musume no iru nichijou +shiana,monster musume no iru nichijou +suzie,monster musume no iru nichijou +shiishii,monster musume no iru nichijou +mil,monster musume no iru nichijou +terios,monster musume no iru nichijou +asia,monster musume no iru nichijou +killa,dragon ball +kino,oshiro project +tolepas,monster musume no iru nichijou +kyurii drakulya,monster musume no iru nichijou +merino,monster musume no iru nichijou +cherry,hunter x hunter +cara,monster musume no iru nichijou +leechi,monster musume no iru nichijou +saane,monster musume no iru nichijou +queen,gensou suikoden +chizu,monster musume no iru nichijou +maru,monster musume no iru nichijou +pegasania bellerophon,monster musume no iru nichijou +ruto,monster musume no iru nichijou +sea,monster musume no iru nichijou +bima,monster musume no iru nichijou +kuu,monster musume no iru nichijou +rus,monster musume no iru nichijou +sophia,granblue fantasy +mashu,monster musume no iru nichijou +qukul,monster musume no iru nichijou +nancy,monster musume no iru nichijou +ruka,monster musume no iru nichijou +kuune,monster musume no iru nichijou +fran,final fantasy +nia,xenoblade chronicles series +hydra,ragnarok online +tsen,monster musume no iru nichijou +were,monster musume no iru nichijou +miraj,monster musume no iru nichijou +tatake,monster musume no iru nichijou +kyure,monster musume no iru nichijou +kuruwa,toaru majutsu no index +tito,monster musume no iru nichijou +iowa,kantai collection +peace,monster musume no iru nichijou +rei,princess connect! +mokunaii the 11th,monster musume no iru nichijou +iormu,monster musume no iru nichijou +fi,monster musume no iru nichijou +keros,monster musume no iru nichijou +rui,monster musume no iru nichijou +flare,monster musume no iru nichijou +lethe,fire emblem +ariel,monster musume no iru nichijou +yuki,mahou sensei negima +mimi,princess connect! +death,monster musume no iru nichijou +quess,monster musume no iru nichijou +saki,blue archive +lato,monster musume no iru nichijou +ena,fire emblem +lyca,monster musume no iru nichijou +fere,monster musume no iru nichijou +fan long,monster musume no iru nichijou +pirati,monster musume no iru nichijou +shinotcha,monster musume no iru nichijou +ruberu,monster musume no iru nichijou +sitri,monster musume no iru nichijou +lea,kingdom hearts +rudi,monster musume no iru nichijou +tierra,monster musume no iru nichijou +media,monster musume no iru nichijou +kagachi,monster musume no iru nichijou +sharon,pokemon +gina,bokujou monogatari +chocola,monster musume no iru nichijou +fal,girls' frontline +mika,genshin impact +lucine,monster musume no iru nichijou +shequa,monster musume no iru nichijou +unyi,monster musume no iru nichijou +kasuka,monster musume no iru nichijou +sein,monster musume no iru nichijou +komachi,monster musume no iru nichijou +belle,gensou suikoden +abyss,monster musume no iru nichijou +hakuto,monster musume no iru nichijou +araya,monster musume no iru nichijou +sya hu,monster musume no iru nichijou +paula,one piece +nana,ice climber +nan que,monster musume no iru nichijou +eris,kono subarashii sekai ni shukufuku wo! +ceska,monster musume no iru nichijou +shizuka,naruto +reshia,monster musume no iru nichijou +moira,nijisanji +vynette,monster musume no iru nichijou +sasami,monster musume no iru nichijou +jerez,monster musume no iru nichijou +cholan,monster musume no iru nichijou +shenay,monster musume no iru nichijou +rudoru,monster musume no iru nichijou +riado,monster musume no iru nichijou +elda,monster musume no iru nichijou +sekmeti,monster musume no iru nichijou +kirisaki chitoge,divine gate +onodera kosaki,nisekoi +tsugumi seishirou,magical patissier kosaki-chan +tachibana marika,magical patissier kosaki-chan +miyamoto ruri,divine gate +onodera haru,divine gate +ichijou raku,divine gate +hakurei reimu,touhou +paula mccoy,divine gate +kanakura yui,nisekoi +yuudachi,azur lane +hihara kyouko,nisekoi +kasumigaoka utaha,comiket 103 +sawamura spencer eriri,comiket 102 +hashima izumi,saenai heroine no sodatekata +hyoudou michiru,saenai heroine no sodatekata +katou megumi,comiket 90 +kousaka akane,saenai heroine no sodatekata +aki tomoya,saenai heroine no sodatekata +sawamura sayuri,saenai heroine no sodatekata +kanou meguri,saenai heroine no sodatekata +sagara mayu,saenai heroine no sodatekata +sagisawa fumika,idolmaster +katou hiromi,saenai heroine no sodatekata +holo,spice and wolf +inoue takina,lycoris recoil +sakurajima mai,seishun buta yarou +toyohama nodoka,seishun buta yarou +futaba rio,seishun buta yarou +koga tomoe,seishun buta yarou +azusagawa kaede,seishun buta yarou +azusagawa sakuta,seishun buta yarou +makinohara shouko,seishun buta yarou +sakurajima mai's mother,seishun buta yarou +kamisato saki,seishun buta yarou +pneuma,xenoblade chronicles series +oyashio,azur lane +kirishima touko,seishun buta yarou +hirokawa uzuki,seishun buta yarou +asamiya athena,psycho soldier +cham cham,samurai spirits +k',snk +ninon beart,kof: maximum impact +kagura chizuru,snk +yuri sakazaki,fatal fury +fio germi,days of memories +majikina mina,original +princess athena,athena series +king,one-punch man +vanessa,fire emblem +shiranui mai,fatal fury +ichijou akari,bakumatsu rouman +marco rossi,metal slug +shermie,snk +takane hibiki,bakumatsu rouman +haoumaru,samurai spirits +helene,athena series +ash crimson,snk +kirishima shou,snk +mignon beart,kof: maximum impact +blue mary,fatal fury +jenet behrn,snk +leona heidern,issho ni training +joe higashi,fatal fury +futaba hotaru,fatal fury +yagami iori,snk +toudou kasumi,ryuuko no ken +sie kensou,snk +luise meyrink,kof: maximum impact +rock howard,fatal fury +kula diamond,snk +rashoujin mizuki,samurai spirits +marco rodrigues,fatal fury +nadia cassel,metal slug +kasamoto eri,metal slug +lee rekka,bakumatsu rouman +chae lim,kof: maximum impact +komeiji satori,touhou +nagase,kof: maximum impact +kisaragi zantetsu,bakumatsu rouman +hanzo,hunter x hunter +janne d'arc,snk +brocken,snk +kisarah westfield,neo geo battle coliseum +nakoruru,samurai spirits +shiki,samurai spirits +ralf jones,snk +chang koehan,snk +lien neville,kof: maximum impact +mature,snk +terry bogard,fatal fury +shizuku misawa,days of memories +annie murakami,rage of the dragons +malin,snk +king lion,fuu'un +erick,snk +fuuma kotarou,fate/grand order +izumo ryoko,snk +mars people,metal slug +kusanagi kyou,snk +lynn baker,rage of the dragons +may lee,snk +freeman,fatal fury +kim jae hoon,fatal fury +kaede,blue archive +billy kane,fatal fury +alba meira,kof: maximum impact +soiree meira,kof: maximum impact +jivatma,kof: maximum impact +yamazaki ryuuji,fatal fury +kawashiro nitori,touhou +akatsuki musashi,bakumatsu rouman +sylvie paula paula,snk +luong,snk +alice garnet nakata,fatal fury +mui mui,dragon gal +bandeiras hattori,snk +chao lingshen,mahou sensei negima +vice,aerisdies +jin chonrei,fatal fury +kim dong hwan,fatal fury +elisabeth blanctorche,snk +johann,atelier +griffon mask,fatal fury: city of the wolves +whip,snk +ryou sakazaki,ryuuko no ken +iroha,blue archive +shirasaka koume,idolmaster +zhou lihua,blazing star +enta girl,neo geo +choi bounge,snk +earthquake,samurai spirits +geese howard,fatal fury +kibagami genjuro,samurai spirits +goenitz,snk +kim kaphwan,fatal fury +mr. karate,ryuuko no ken +oswald,snk +rimururu,samurai spirits +rugal bernstein,snk +shen woo,snk +rosa,arknights +krizalid,snk +sho hayate,fuu'un +kusanagi aoi,snk +kurosaki miu,snk +duke,gensou suikoden +xiao lon,kof: maximum impact +julia,fire emblem +amber,genshin impact +suzuhime,samurai spirits +hokutomaru,fatal fury +zarina,snk +nova,girls' frontline +love heart,snk +minakata moriya,bakumatsu rouman +heidern,snk +najd,snk +daimon gorou,snk +nikaidou benimaru,snk +charlotte christine de colde,samurai spirits +darli dagger,samurai spirits +wu-ruixiang,samurai spirits +yashamaru kurama,samurai spirits +kimi no yuusha,snk +bob wilson,fatal fury +axel hawk,fatal fury +cheng sinzan,fatal fury +laurence blood,fatal fury +big bear,fatal fury +fu-ha jin,ryuuko no ken +lenny creston,ryuuko no ken +isolde,snk +orochi,fire emblem +bub,bubble bobble +sonia romanenko,rage of the dragons +igniz,snk +silber,buriki one +kagami shinnosuke,bakumatsu rouman +tendou gai,buriki one +pupa salgueiro,rage of the dragons +ramon,snk +beom liben,original +baiken,guilty gear +foxy,one piece +isla,snk +dolores,snk +momoko,snk +hecatia lapislazuli,touhou +konpaku youmu,touhou +sanada kaori,bakumatsu rouman +gato,fatal fury +king of dinosaurs,snk +nameless,snk +kukri,snk +shun'ei,snk +metal slug,snk +robert garcia,ryuuko no ken +li xiangfei,fatal fury +toramaru shou,touhou +sarah bryant,snk +pai chan,snk +pretty goenitz,snk +romanenko sonia,rage of the dragons +duo lon,snk +mukai,snk +shijou hinako,snk +clark still,ikari warriors +goeniko,m.u.g.e.n +tarma roving,metal slug +ohno kanako,genshiken +ling xiaoyu,tekken +lili,tekken +leo kliesen,tekken +mishima kazuya,tekken +nina williams,tekken +kazama asuka,evolution championship series +alisa boskonovich,tekken +bryan fury,tekken +christie monteiro,houston astros +kazama jun,tekken +kazama jin,tekken +julia chang,tekken +kunimitsu,tekken +paul phoenix,tekken +anna williams,tekken +baek doo san,tekken +yoshimitsu,street fighter +han juri,street fighter +ogre,granblue fantasy +m. bison,street fighter +akuma,street fighter +lars alexandersson,tekken +miguel caballero rojo,tekken +craig marduk,tekken +elena,final fantasy +mishima heihachi,tekken +roger's wife,tekken +roger,tekken +roger jr.,tekken +zafina,tekken +michelle chang,tekken +forest law,tekken +poison,capcom +marshall law,tekken +sergei dragunov,tekken +bob,kfc +eddy gordo,tekken +armor king,tekken +bruce irvin,tekken +feng wei,tekken +ganryu,tekken +hwoarang,tekken +jack-6,tekken +mishima jinpachi,tekken +lee chaolan,tekken +lei wulong,tekken +raven,honkai series +steve fox,street fighter +wang jinrei,tekken +hirano miharu,namco +eliza,hunter x hunter +zoey,tekken +tekken,neptune series +hoshii miki,idolmaster +katarina alves,tekken +mishima kazumi,tekken +lucky chloe,tekken +shaheen,tekken +claudio serafino,tekken +josie rizal,pac-man game +gigas,tekken +master raven,tekken +cassandra alexandra,soulcalibur +lana lei,death by degrees +darjeeling,girls und panzer +fukuda noriko,idolmaster +fahkumram,tekken +han soo-min,original +kunimitsu ii,tekken +lidia sobieska,tekken +noctis lucis caelum,final fantasy +ibaraki kasen,touhou +zangief,street fighter +leroy smith,tekken +azucena milagros ortiz castillo,tekken +reina,hunter x hunter +ganmi-chan,tekken +ump9,girls' frontline +coyote,kemono friends +true ogre,tekken +shiroko,blue archive +chun-li,street fighter +cammy white,street fighter +konjiki no yami,to love-ru +nana asta deviluke,to love-ru +kotegawa yui,motto to love-ru +kujou rin,to love-ru +lala satalin deviluke,senran kagura +mikado ryouko,to love-ru +momo velia deviluke,shinryaku! ikamusume +yuuki mikan,comiket 98 +yuusaki riko,to love-ru +run elsie jewelria,to love-ru +kurosaki mea,senran kagura +sairenji haruna,senran kagura +tearju lunatique,to love-ru +kirisaki kyouko,to love-ru +murasame oshizu,motto to love-ru +puru two,gundam +momioka risa,to love-ru +master nemesis,to love-ru +kenzaki makoto,pretty cure +sephie michaela deviluke,to love-ru +joseph oda,the evil within +celine,fire emblem +tenjouin saki,to love-ru +zastin deviluke,gundam +peke,to love-ru +to love-ru,to love-ru darkness +kuroi soshokujuno kuro,to love-ru +murakumo,yuru yuri +yuuki rito,gochuumon wa usagi desu ka? +sawada mio,to love-ru +nakata natalie,alternative girls +amemiya sayaka,bleach +hokko tarumae,umamusume +kotegawa yu,to love-ru +igawa aoi,idoly pride +rover,hunter x hunter +yangyang,wuthering waves +encore,wuthering waves +taoqi,wuthering waves +danjin,wuthering waves +chixia,wuthering waves +baizhi,wuthering waves +jiyan,wuthering waves +sanhua,wuthering waves +scar,sailor moon +mortefi,wuthering waves +yinlin,original +jinhsi,wuthering waves +aalto,wuthering waves +yuanwu,wuthering waves +yhan,wuthering waves +verina,wuthering waves +jianxin,wuthering waves +lingyang,wuthering waves +dreamless,wuthering waves +crownless,wuthering waves +changli,wuthering waves +geshulin,wuthering waves +calcharo,wuthering waves +camellya,wuthering waves +solaria,wuthering waves +phrolova,wuthering waves +mourning aix,wuthering waves +horikita suzune,youkoso jitsuryoku shijou shugi no kyoushitsu e +kushida kikyou,youkoso jitsuryoku shijou shugi no kyoushitsu e +ichinose honami,youkoso jitsuryoku shijou shugi no kyoushitsu e +sakura airi,youkoso jitsuryoku shijou shugi no kyoushitsu e +hoshinomiya chie,youkoso jitsuryoku shijou shugi no kyoushitsu e +karuizawa kei,youkoso jitsuryoku shijou shugi no kyoushitsu e +ibuki mio,youkoso jitsuryoku shijou shugi no kyoushitsu e +chabashira sae,youkoso jitsuryoku shijou shugi no kyoushitsu e +sakayanagi arisu,youkoso jitsuryoku shijou shugi no kyoushitsu e +ayanokouji kiyotaka,youkoso jitsuryoku shijou shugi no kyoushitsu e +amasawa ichika,youkoso jitsuryoku shijou shugi no kyoushitsu e +nanase tsubasa,youkoso jitsuryoku shijou shugi no kyoushitsu e +shiina hiyori,youkoso jitsuryoku shijou shugi no kyoushitsu e +tsubaki sakurako,youkoso jitsuryoku shijou shugi no kyoushitsu e +ryuuen kakeru,youkoso jitsuryoku shijou shugi no kyoushitsu e +kiriyuuin fuuka,youkoso jitsuryoku shijou shugi no kyoushitsu e +himeno yuki,youkoso jitsuryoku shijou shugi no kyoushitsu e +kamuro masumi,youkoso jitsuryoku shijou shugi no kyoushitsu e +sakurai airi,youkoso jitsuryoku shijou shugi no kyoushitsu e +kouenji rokusuke,youkoso jitsuryoku shijou shugi no kyoushitsu e +matsushita chiaki,youkoso jitsuryoku shijou shugi no kyoushitsu e +toshinou kyouko,yuru yuri +akaza akari,yuru yuri +funami yui,yuru yuri +funami mari,yuru yuri +ikeda chitose,yuru yuri +yoshikawa chinatsu,yuru yuri +furutani himawari,yuru yuri +sakura kyoko,mahou shoujo madoka magica +oomuro sakurako,yuru yuri +matsumoto rise,yuru yuri +kyubey,mahou shoujo madoka magica +akaza akane,yuru yuri +akechi mitsuhide,fate series +mizuki yukikaze,yuru yuri +sanya v. litvyak,world witches series +mirakurun,yuru yuri +nishigaki nana,yuru yuri +yuno,yuru yuri +cirno,touhou +oomuro hanako,yuru yuri +akashi seijuurou,kuroko no basuke +kise ryouta,kuroko no basuke +watashi,yuru yuri +izumi konata,lucky star +takaoka hiro,yuru yuri +oomuro nadeshiko,yuru yuri +miki sayaka,mahou shoujo madoka magica +ghutatan,yuru yuri +furutani kaede,yuru yuri +yaeno miho,yuru yuri +yoshikawa tomoko,yuru yuri +yakumo yukari,touhou +miwa ai,yuru yuri +kamen rider wizard,kamen rider +takasaki misaki,yuru yuri +nakano azusa,k-on! +rivalun,yuru yuri +ogawa kokoro,yuru yuri +alice,alice in wonderland +takara miyuki,yuru yuri +rche,yuru yuri +naka,azur lane +sukuna shinmyoumaru,touhou +hinanawi tenshi,touhou +io,princess connect! +super sonico,yuru yuri +inazuma,kantai collection +jack-o' valentine,yuru yuri +sunny milk,touhou +shibuya rin,idolmaster +sakura megumi,yuru yuri +totooria helmold,atelier series +ozora akari,yuru yuri +graf zeppelin,azur lane +mizunashi akari,yuru yuri +teru-chan,yuru yuri +azuma shihoko,yuru yuri +yukine chris,yuru yuri +repulse,azur lane +ujimatsu chiya,gochuumon wa usagi desu ka? +minamino tsubasa,yuru yuri +samuel b. roberts,yuru yuri +hoonie,yuru yuri +google translate-chan,yuru yuri +hirato,yuru yuri +atarashi coco,yuru yuri +ikeda chizuru,yuru yuri +kitamiya hatsumi,yuru yuri +atlanta,azur lane +akari,princess connect! +venti,genshin impact +sendai,oshiro project +hoshizaki akari,yuru yuri +beauty,yuru yuri +kurumi,blue archive +tanemura koyori,yuru yuri +sonokawa megumi,yuru yuri +minamoto sakura,girls' frontline +hoshikawa lily,lycoris recoil +yuugiri,benghuai xueyuan +nikaidou saki,girls' frontline +yamada tae,girls' frontline +mizuno ai,starboy the weeknd +takarada rikka,gridman universe +natori sana,sana channel +gou takeo,zombie land saga +misa,zombie land saga +tatsumi koutarou,girls' frontline +amabuki maria,zombie land saga +common raccoon,kemono friends +azumatsuru misa,zombie land saga +koakuma,touhou +romero,zombie land saga +hoshimachi suisei,hololive +mioda ibuki,danganronpa series +juliet starling,lollipop chainsaw +yuzuriha maimai,zombie land saga +hagikaze,kantai collection +baba shiori,zombie land saga +gold ship,umamusume +apple inc.,bishounen series +kaga,kantai collection +m4a1,girls' frontline +gatalympics oneesan,zombie land saga +kurosaki shun,yu-gi-oh! +m6 asw,girls' frontline +apc556,girls' frontline +baltimore (muse),azur lane +byleth (female),fire emblem +pharaoh (cat),yu-gi-oh! +kingdew,one piece +hugh,fire emblem +boggart,fate series +leblanc (ff10),final fantasy +p38,girls' frontline +zorc necrophades,yu-gi-oh! +hazel,pokemon +atago,azur lane +howard alt-eisen,ragnarok online +otedamako,sailor moon +i-19 (kancolle),kantai collection +kanjuro,one piece +noboru gongenzaka,yu-gi-oh! +nekoyashiki mayu,pretty cure +super fly (stand),jojo no kimyou na bouken +lucretia merces,gensou suikoden +sailor moon,bishoujo senshi sailor moon +burmy (plant),pokemon +nalleo,gensou suikoden +viola,dragon ball +arquien,ragnarok online +sableye,pokemon +ryuuzetsu,naruto +tiki,fire emblem +warren,fire emblem +kerri lhant,tales of... +portulaca,flower knight girl +mt-9,girls' frontline +stevens 620,girls' frontline +strouf,ragnarok online +shanks,one piece +mars arrow,sailor moon +yamato kansuke,meitantei conan +sakuya (neural cloud),girls' frontline +handan,oshiro project +kihara ransuu,toaru majutsu no index +houjuu nue,touhou +utakata,naruto +buhara,hunter x hunter +kamen rider over demons,kamen rider +c-93,girls' frontline +teresa linares,tales of... +yeager,yu-gi-oh! +savage,arknights +caulifla,dragon ball +ymir,shingeki no kyojin +zephiel,fire emblem +kakine teitoku beetle,toaru majutsu no index +royal candy,pretty cure +lamiroir,ace attorney +saibaiman,dragon ball +terence t. d'arby,jojo no kimyou na bouken +comandante cappellini (kancolle),kantai collection +elda (precure),pretty cure +lo hak,gensou suikoden +skorpion,girls' frontline +floette (yellow flower),pokemon +hydrolancer,ragnarok online +homura,atelier +lippi,tales of... +muten roushi,dragon ball +raphael kirsten,fire emblem +yukizome chisa,danganronpa series +hime (crunchyroll),kemono friends +garland (ff1),final fantasy +ichinose maki,bleach +jynx,pokemon +nezha,fate/grand order +immortelle,flower knight girl +myriam scuttlebutt,ace attorney +kuroda hyoue,meitantei conan +z36,azur lane +terror,azur lane +nut king call,jojo no kimyou na bouken +minokoala,one piece +red novus,ragnarok online +whirlipede,pokemon +daiyan (neural cloud),girls' frontline +chris lightfellow,gensou suikoden +bazett fraga mcremitz,fate/grand order +essex,azur lane +dumpling child,ragnarok online +misokatsun,dragon ball +clyde,pokemon +tony,bokujou monogatari +trento,azur lane +joyeuse ordre,fate series +allerdale,arknights +jason,fate/grand order +i-504 (kancolle),kantai collection +trevor maloney,world witches series +gareth,fate/grand order +julia heartilly,final fantasy +bison,arknights +isabelle du monceau de bergendal,world witches series +tine chelc,fate series +ogerpon (cornerstone mask),pokemon +lanturn,pokemon +yuunagi puwa,pretty cure +leonardo da vinci (swimsuit ruler),fate/grand order +tartu,azur lane +shinra (ff10),final fantasy +revya (male),nippon ichi +souler (fresh precure!),pretty cure +personification,pokemon +muarim,fire emblem +nagase kaede,mahou sensei negima +baby vegeta,dragon ball +sasahara,oshiro project +crownslayer,arknights +midori (kancolle),kantai collection +taggart,gensou suikoden +hk21,girls' frontline +akaghi,gensou suikoden +shaymin,pokemon +noibat,pokemon +gitano,arknights +unown c,pokemon +em-2,girls' frontline +trishtan,gensou suikoden +senju hashirama,naruto +surface (stand),jojo no kimyou na bouken +ran'tao,bleach +cure spicy (party up style),pretty cure +male healer (disgaea),nippon ichi +carpaccio,girls und panzer +onizuka gou,yu-gi-oh! +klin,girls' frontline +garuouga (precure),pretty cure +uchiha madara,naruto series +mejiro ardan,umamusume +astral,yu-gi-oh! +shukaku,naruto +barrier fairy,girls' frontline +franky shogun,one piece +arithmetician (fft),final fantasy +lancis,toaru majutsu no index +yanagi no maru,oshiro project +noir (la pucelle),nippon ichi +mokumoku,gensou suikoden +julio sebal leidenschaft,atelier +hamakaze,kantai collection +drakloak,pokemon +rhino,hunter x hunter +himeyuri,flower knight girl +tenjinnishidate,oshiro project +aston machan,umamusume +peaches,pokemon +sabin rene figaro,final fantasy +cure etoile (cheerful style),pretty cure +kamikaze (kancolle),kantai collection +nijigaoka mashiro,pretty cure +escavalier,pokemon +trump king,touhou +princess laura,dragon quest +scathach skadi,fate/grand order +alter ego class,fate series +herman doykos,arknights +conway tau,tales of... +oyama gobou,oshiro project +yula ellis,atelier +yukishiro honoka,pretty cure +sakiko,vocaloid +calla,flower knight girl +medicham,pokemon +kita nayuta,pretty cure +kokoro,hololive +tatsugiri (curly),pokemon +kunashiri (kancolle),kantai collection +red hare,fate series +tsurugaoka,oshiro project +hajrudin,one piece +omi hachiman,oshiro project +ayasegawa yumichika,bleach +koyama yuzu,girls und panzer +hammann ii,azur lane +ban kenji,pretty cure +kouyagi,toaru majutsu no index +tania,beast tamer +hode,ragnarok online +calceolaria,flower knight girl +command spell,fate series +kamen rider brave,kamen rider +nady elminus,atelier +metapod,pokemon +bruiser khang,tales of... +hellagur,arknights +cell junior,dragon ball +peace fairy,girls' frontline +syrup (yes! precure 5),pretty cure +tsuki ni kawatte oshioki yo,sailor moon +vepley (girls' frontline 2),girls' frontline +hiryuu (meta),azur lane +kamui,fire emblem +shirogane (go! princess precure),pretty cure +cure mofurun,pretty cure +toramaru shou (tiger),touhou +houndoom,pokemon +pelleas,fire emblem +swellow,pokemon +ultimate makeup artist,danganronpa +pablo,gensou suikoden +rice cake,ragnarok online +yasaka kanako (snake),touhou +buffalo,one piece +mg34,girls' frontline +volug,fire emblem +marine slime,dragon quest +gremyashchy,azur lane +gooseberry,flower knight girl +nara shikamaru,naruto series +matsuda takato,digimon +woodwose,fate series +throh,pokemon +sagara seiji,pretty cure +usugumo (kancolle),kantai collection +diego brando,jojo no kimyou na bouken +skiploom,pokemon +vsinger,vocaloid +chloe valens,tales of... +larvesta,pokemon +makko,one piece +flavia,fire emblem +tyler,pokemon +cure papaya,pretty cure +laharl-chan,nippon ichi +joker (smile precure!),pretty cure +vinsmoke ichiji,one piece +ren breitner,atelier +qq selesneva,tales of... +kamishiro rio,yu-gi-oh! +kord,girls' frontline +harry whitehorse,tales of... +galil,girls' frontline +monaka,dragon ball +santana,jojo no kimyou na bouken +jinbe,one piece +tatebayashi sakurako,kantai collection +cure chocolat,pretty cure +ifrit,arknights +alcremie (vanilla cream),pokemon +unown s,pokemon +hishi miracle,umamusume +mouri kogoro,meitantei conan +nishida satono,touhou +kamen rider ouja,kamen rider +stormeye,arknights +shibazakura,flower knight girl +kneeling girl (kancolle),kantai collection +litwick,pokemon +crocodile,one piece +signora sicilia,arknights +koizumi mahiru,danganronpa series +nekomamushi,one piece +yvette,pokemon +kasuga maru (kancolle),kantai collection +glastrier,pokemon +super sailor pluto,sailor moon +florges (blue flower),pokemon +yagami taichi (digimon adventure v-tamer 01),digimon +tategami aoi,pretty cure +carkol,pokemon +matcha (vocaloid4),vocaloid +sigilyph,pokemon +rayfa padma khura'in,ace attorney +aston lhant,tales of... +odaki,oshiro project +list of one piece characters,one piece +sharena,fire emblem +largo,tales of... +xatu,pokemon +red (dq8),dragon quest +abyssal patrolling attack hawk,kantai collection +sorbet,jojo no kimyou na bouken +lene,fire emblem +pybara,dragon ball +policeman (smile precure!),pretty cure +mechikabura,dragon ball +seel,pokemon +seeu,vocaloid +eva,fire emblem +frillish (male),pokemon +reed the flame shadow,arknights +frederick barnes,tales of... +jiangyu (neural cloud),girls' frontline +jack rakan,mahou sensei negima +chateau d'usse,oshiro project +suzutsuki (kancolle),kantai collection +gilles de rais (caster),fate/grand order +jessie rasberry,final fantasy +gargoyle (la pucelle),nippon ichi +aki shizuha (crab),touhou +bad end precure,pretty cure +danburite,sailor moon +usuki,oshiro project +cumore,tales of... +kamen rider tiger,kamen rider +chewtle,pokemon +gourgeist,pokemon +m3 lee,girls und panzer +sabi,pokemon +nuernberg,azur lane +mysterial,pokemon +curly sue,ragnarok online +gotland (kancolle),kantai collection +mk 47,girls' frontline +akiba reiko,meitantei conan +hero (dq9),dragon quest +coirpre,fire emblem +san francisco,azur lane +cz52,girls' frontline +trevenant,pokemon +ogerpon (hearthflame mask),pokemon +admiral suwabe,kantai collection +rampardos,pokemon +roxie,ragnarok online +geena preddy,world witches series +gerome,fire emblem +chika,vocaloid +caesar silverberg,gensou suikoden +rokurou rangetsu,tales of... +eda,fire emblem +heaven canceller,toaru majutsu no index +iron jugulis,pokemon +rescue fairy,girls' frontline +super karna,fate series +emma (dq11),dragon quest +disguised zorua,pokemon +kaga (kancolle),kantai collection +poe (atelier iris 2),atelier +umbreon,pokemon +hitmontop,pokemon +iron treads,pokemon +sakuma kanazawa,oshiro project +emboar,pokemon +bonple (emblem),girls und panzer +eugenia horbaczewski,world witches series +porom,final fantasy +jacket girl (dipp),touhou +karia,tales of... +kurenai,flower knight girl +snow (ff7),final fantasy +yadoumaru lisa,bleach +rmb-93,girls' frontline +cabba,dragon ball +arisugawa himari,pretty cure +osiris,ragnarok online +yourakubotan,flower knight girl +kujo josefumi,jojo no kimyou na bouken +black moon clan,sailor moon +baltoy,pokemon +mysterious neko v,fate series +moerunba,pretty cure +regina curtis,atelier +samidare yui,danganronpa +tanith,fire emblem +usami sumireko,touhou +brute bonnet,pokemon +decidueye,pokemon +brooklyn,azur lane +furfrou (heart),pokemon +junko,blue archive +sado yasutora,bleach +baron salamander,pretty cure +villian,toaru majutsu no index +sancho,gensou suikoden +mistress of shelter,ragnarok online +ho-oh,pokemon +pawniard,pokemon +kakuna,pokemon +jasmine kenkyuuin,vocaloid +elma leivonen,world witches series +toedscool,pokemon +jessica the liberated,arknights +cryogonal,pokemon +golem,hunter x hunter +flabebe (blue flower),pokemon +moltres,pokemon +type 97 chi-ha,girls und panzer +bakura ryou,yu-gi-oh! +i-26 (kancolle),kantai collection +beatrix (ff9),final fantasy +dream eater,kingdom hearts +lianna,fire emblem +gelos (precure),pretty cure +ando ruruka,danganronpa series +shark,girls und panzer +silence,arknights +raeger,bokujou monogatari +kinusaya,flower knight girl +beowulf,fate/grand order +majin android 21,dragon ball +magilou,tales of... +tellah,final fantasy +santalla,arknights +okita souji,fate/grand order +archer,fate series +floette (red flower),pokemon +prowler,girls' frontline +yi xian qing,vocaloid +crystal change rod,sailor moon +tepig,pokemon +tao mongarten,atelier +cyril,fire emblem +leon magnus,tales of... +a,naruto +fun fun fun,jojo no kimyou na bouken +ginta,hunter x hunter +ratt (stand),jojo no kimyou na bouken +sonya (fire emblem gaiden),fire emblem +mihara,oshiro project +michelle jiralbell,brave girl ravens +linfa,gensou suikoden +maury,azur lane +thoth (stand),jojo no kimyou na bouken +creature and personification,pokemon +bibarel,pokemon +cure humming,pretty cure +fubuki (kancolle),kantai collection +martha (swimsuit ruler),fate/grand order +ball breaker (stand),jojo no kimyou na bouken +desiree delite,ace attorney +merry,one piece +magearna (normal),pokemon +primal dialga,pokemon +sandman (sbr),jojo no kimyou na bouken +nima daishi,dragon quest +na-class destroyer,kantai collection +admiral hipper,azur lane +king dramoh,ragnarok online +inufusa yuno,world witches series +general rilldo,dragon ball +ichijouji osamu,digimon +vepr,girls' frontline +galarian stunfisk,pokemon +jing ke,fate/grand order +gunner (disgaea),nippon ichi +hoshizora miyuki,pretty cure +dohalim,tales of... +cure moonlight mirage,pretty cure +cosmic heart compact,sailor moon +karlsruhe,azur lane +wang,arknights +cure gonna,pretty cure +ferre,ragnarok online +enemy yari,touken ranbu +mejiro bright,umamusume +pontederia,flower knight girl +super happiness lovely,pretty cure +thompson/center contender,fate series +donquixote family,one piece +mavka,ragnarok online +jack the ripper (fate/apocrypha),fate series +cure muse (black),pretty cure +shuten douji (halloween caster),fate/grand order +pathfinder,girls' frontline +necrozma (normal),pokemon +amazon,azur lane +york,azur lane +eskimo,azur lane +binolt,hunter x hunter +vera misham,ace attorney +hawkeye,fire emblem +chaka,one piece +shiny pokemon,pokemon +aphrodite,fate series +z26,azur lane +sylvia,fate series +oliver,vocaloid +leon alexander,digimon +hiramera,one piece +shadow,hololive +hermana larmo,tales of... +himekawa maki,digimon +morofushi takaaki,meitantei conan +kamen rider zamonas,kamen rider +albacore (muse),azur lane +cail,pokemon +caster (fate/empire of dirt),fate series +mero,one piece +otomegikyou,flower knight girl +ayase yue,mahou sensei negima +cure sherry,pretty cure +daifuku (precure),pretty cure +queen serenity,sailor moon +chypre (heartcatch precure!),pretty cure +melville,gensou suikoden +emperor gestahl,final fantasy +greyy,arknights +jack atlas,yu-gi-oh! +doremy sweet,touhou +romani archaman,fate/grand order +toxicroak,pokemon +nefertari cobra,one piece +aerith gainsborough,final fantasy +mildrath,dragon quest +silence the paradigmatic,arknights +sevastopol,azur lane +hachiouji,oshiro project +cure yell,pretty cure +ange serena,tales of... +artemis (sailor moon) (human),sailor moon +bojack,dragon ball +nagase ena,pretty cure +gettou,dragon ball +executor,arknights +arlin,atelier +pumpkin (la pucelle),nippon ichi +goliath doll,touhou +quaxwell,pokemon +ha-class destroyer,kantai collection +shen,dragon ball +totodile,pokemon +isis,yu-gi-oh! +itokawa mamoru,world witches series +shropshire,azur lane +deoxys (attack),pokemon +konan,naruto series +carter (disgaea),nippon ichi +fezandipiti,pokemon +tristana,girls und panzer +kojima emi,girls und panzer +vaporeon,pokemon +ta-class battleship,kantai collection +miyuki (kancolle),kantai collection +suzunami (kancolle),kantai collection +kumojacky,pretty cure +shusha,fate series +ador,ragnarok online +tenjou kaito,yu-gi-oh! +baby face (stand),jojo no kimyou na bouken +whydah,azur lane +matthis,fire emblem +js05,girls' frontline +hymnal organ,girls' frontline +zetta (phantom kingdom),nippon ichi +latias,pokemon +musashibo benkei,fate series +celosia,pokemon +tojo kirumi,danganronpa series +trevor,pokemon +taka,ace attorney +scarlet,goddess of victory: nikke +martha (dq5),dragon quest +cure lemonade,pretty cure +dj mary,pokemon +vodka,umamusume +special type 2 launch ka-mi,girls und panzer +cure lovely,pretty cure +supply depot princess,kantai collection +jervis (kancolle),kantai collection +uchiha shisui,naruto +croque diamondface,arknights +catherine,fire emblem +surf,pokemon moves +olga orly,ace attorney +baby leopard,ragnarok online +karasu,oshiro project +buchi,one piece +kamen rider build (series),kamen rider +rio,blue archive +kashimoto riko,umamusume +takumi,fire emblem +delita heiral,final fantasy +kagerou,azur lane +rikoukeidar,sailor moon +niwatari kutaka,touhou +podungo lapoy,hunter x hunter +nordis fuba,atelier +saitou hajime,fate/grand order +anne bonny,fate/grand order +cara liss,pokemon +eringya (marl kingdom),nippon ichi +presea combatir,tales of... +tenma yako,yu-gi-oh! +nearl,arknights +farmer,dragon ball +kuriba ryouko,toaru majutsu no index +nunotaba shinobu,toaru majutsu no index +arthur (fire emblem fates),fire emblem +himekawa galtion,nippon ichi +cure march (princess form),pretty cure +tusk (stand),jojo no kimyou na bouken +pop (dragon quest dai no daibouken),dragon quest +apollo,fate series +yanaginogosho,oshiro project +vikal,dragon ball +ultra cure happy,pretty cure +dido,azur lane +nono kotori,pretty cure +kurihara hina,digimon +jajka,girls und panzer +miyamoto terunosuke,jojo no kimyou na bouken +deepcolor,arknights +nora,pokemon +lujei piche,nippon ichi +m82,girls' frontline +ginkaku,naruto +piloswine,pokemon +atem,yu-gi-oh! +drainliar,ragnarok online +schirach fuhler,rosenkreuzstilette +amaterasu,fate series +matterhorn,arknights +kashiki suzuko,danganronpa +kappard (precure),pretty cure +miltank,pokemon +higashikata hato,jojo no kimyou na bouken +rita,pokemon +clefairy sprite,pokemon +leizi,arknights +eternatus (normal),pokemon +kagero,fire emblem +aslaug,fate series +tom clancy's the division,girls' frontline +kirarin rabbit,pretty cure +yanny (neural cloud),girls' frontline +watatsuki no toyohime,touhou +floette (blue flower),pokemon +kunzite,tales of... +awin sidelet,atelier +yukishiro aya,pretty cure +pell,dragon ball +hisoka morow,hunter x hunter +black,gensou suikoden +randolph carter,fate series +leo cristophe,final fantasy +palossand,pokemon +number 7,pokemon +colette brunel,tales of... +purple pansy,flower knight girl +cocone fatima rosa,mahou sensei negima +leroute,hunter x hunter +lacroix,one piece +twilight (go! princess precure),pretty cure +nillem,ragnarok online +wartortle,pokemon +kojima mizuiro,bleach +sailor saturn,sailor moon +hatterene,pokemon +kraze miles,gensou suikoden +impel down,one piece +forever,jojo no kimyou na bouken +vegeta,dragon ball +jangmo-o,pokemon +team star grunt,pokemon +nijou,oshiro project +vincent,hunter x hunter +travis,gensou suikoden +lakshmibai,fate/grand order +ta girls school uniform,sailor moon +prowler swap,girls' frontline +obni,dragon ball +shirahoshi,one piece +tana,fire emblem +kakizaki misa,mahou sensei negima +inabayama,oshiro project +dunnottar,oshiro project +satsuki rin,touhou +aqua,kono subarashii sekai ni shukufuku wo! +yuuri,yu-gi-oh! +marisa,fire emblem +akimoto yoshiko,world witches series +ogre (dq10),dragon quest +harken,fire emblem +zamazenta (crowned),pokemon +towa,dragon ball +i-25,azur lane +skitty,pokemon +bei chen,vocaloid +masked saiyan,dragon ball +mercurows,girls' frontline +atalanta,fate series +haze shenron,dragon ball +son goten,dragon ball +ash-12.7,girls' frontline +kamen rider fourze,kamen rider +shameimaru aya (crow),touhou +no name assassin,fate series +super android 17,dragon ball +hechima,flower knight girl +eikthyrnir,arknights +foch,azur lane +cyber diva,vocaloid +pocket sea crawler,arknights +type 64,girls' frontline +son goku jr.,dragon ball +tsuwabuki,flower knight girl +sophocles,pokemon +aestus estus,fate series +narita top road,umamusume +lemon,flower knight girl +sarisa highwind tycoon,final fantasy +clauncher,pokemon +lucina,fire emblem +tuli,pokemon +chalcedony akerman,tales of... +mysterious ranmaru x,fate/grand order +kagetsu,flower knight girl +clock,ragnarok online +mark (fire emblem: the blazing blade),fire emblem +thunder soldier,one piece +eles,brave girl ravens +robina gibbes,world witches series +templeton,gensou suikoden +daigan (precure),pretty cure +submarine princess,kantai collection +henriette,fire emblem +m60,girls' frontline +baldez,pretty cure +mountain tim,jojo no kimyou na bouken +luke,fire emblem +mister nine,one piece +mutsuki (kancolle),kantai collection +surskit,pokemon +ishtar,fate series +misha,arknights +t-bone,one piece +larum,fire emblem +edge eartheart,arknights +princess of moonbrook,dragon quest +female abyssal admiral (kancolle),kantai collection +koshimizu natsuki,meitantei conan +lithia spodumene,tales of... +bc freedom school uniform,girls und panzer +blacknight,arknights +shuyin,final fantasy +sharkry (girls' frontline 2),girls' frontline +kaoru (fresh precure!),pretty cure +casablanca,flower knight girl +calendula,flower knight girl +rug,pokemon +alcremie (other sweet),pokemon +trista,pokemon +nemophila,flower knight girl +spain,girls und panzer +final fantasy tactics advance,final fantasy +makino ruki,digimon +magitek armor,final fantasy +uzumaki himawari,naruto series +dragon lord,dragon quest +norma,gensou suikoden +cure black,pretty cure +l'indomptable,azur lane +interceptor (ff6),final fantasy +stag beetle,hunter x hunter +marcin,arknights +fernand,fire emblem +paul (ff2),final fantasy +lusamine,pokemon +kaolinite,sailor moon +hiuchigashima mera,bleach +bgm-71,girls' frontline +rpd,girls' frontline +dark pinguicula,ragnarok online +rosemia,atelier +fiammetta,arknights +princess uranus,sailor moon +final fantasy v,final fantasy +pramanix,arknights +lenna charlotte tycoon,final fantasy +squalo,jojo no kimyou na bouken +grain buds,arknights +centipede,hunter x hunter +female angel (disgaea),nippon ichi +owl baron,ragnarok online +mizubakopa,flower knight girl +stantler,pokemon +lyrus,ragnarok online +android 13,dragon ball +sounds of earth,umamusume +isonami (kancolle),kantai collection +tyrunt,pokemon +pakunoda,hunter x hunter +zeno zoldyck,hunter x hunter +beagle,azur lane +verone gakuin school uniform,pretty cure +cubone,pokemon +shimohara sadako,world witches series +catherine deneuve,digimon +onamomi,flower knight girl +lumineon,pokemon +shih-na,ace attorney +wakamiya henri,pretty cure +assam,hunter x hunter +shirogane tsumugi,danganronpa series +teo mcdohl,gensou suikoden +mercedes von martritz,fire emblem +kilawher schulen,gensou suikoden +sig mcx,girls' frontline +seed,gensou suikoden +kenjou miku,pretty cure +scizor,pokemon +kamen rider evil,kamen rider +susanoo,touhou +cure pantaloni,pretty cure +tai gong wang,fate/grand order +arene,arknights +atsushi (digimon world 3),digimon +sao martinho,azur lane +johnson,pokemon +spectrier,pokemon +roma,azur lane +wrys,fire emblem +kuroe ayaka,world witches series +m21,girls' frontline +sharp,arknights +johnny shiden,tales of... +hobby,azur lane +lamium,flower knight girl +cypher,tales of... +pyroar,pokemon +higashikata josuke,jojo no kimyou na bouken +palkia (origin),pokemon +tsukuyomi,mahou sensei negima +rihan,hunter x hunter +kiawe,pokemon +leo,fire emblem +priestess,goblin slayer! +shinano,azur lane +midorikawa keita,pretty cure +rolling logan,one piece +type 95 ha-gou,girls und panzer +flabebe (red flower),pokemon +buddy slime,dragon quest +carmilla (swimsuit rider),fate/grand order +dracovish,pokemon +runana (dq10),dragon quest +barret wallace,final fantasy +asashio,azur lane +ushiwakamaru (swimsuit assassin),fate/grand order +nogawa kenji,pretty cure +taisuke,gensou suikoden +zuikaku (kancolle),kantai collection +terracotta,one piece +hop,dragon ball +pirate (disgaea),nippon ichi +cure lillian,pretty cure +michalis,fire emblem +kamen rider ryuga,kamen rider +kouji,naruto +gaius julius caesar,fate series +fuji kiseki,umamusume +saigyouji yuyuko,touhou +mugen gakuen school uniform,sailor moon +hoshina hikaru,pretty cure +cure sunshine (super silhouette),pretty cure +zanzaburou,fate series +igaram,one piece +kamen rider geats,kamen rider +salandit,pokemon +bathory,ragnarok online +marion quinn,atelier +law,tales of... +gladiia,arknights +boan,bokujou monogatari +anteater,girls und panzer +regina berry,ace attorney +trumbeak,pokemon +curiel,one piece +contender,girls' frontline +giant octopus,ragnarok online +hawk,ragnarok online +saraku,toaru majutsu no index +rudolf,fire emblem +alluka zoldyck,hunter x hunter +shine,one piece +taihou (kancolle),kantai collection +unown f,pokemon +training drone,girls' frontline +ion,tales of... +saunders (emblem),girls und panzer +luneth,final fantasy +fisher tiger,one piece +tracker,azur lane +hattori heiji,meitantei conan +tres,digimon +innes,fire emblem +kochouran,flower knight girl +nam,dragon ball +yamazaki-jou,oshiro project +blaziken,pokemon +kinoto masazo,jojo no kimyou na bouken +unknown green-haired cure (happinesscharge precure!),pretty cure +swalot,pokemon +owada mondo,danganronpa series +ac1 sentinel,girls und panzer +sonia nevermind,danganronpa series +nii yugito,naruto +botan,flower knight girl +tierno,pokemon +rindou,one piece +nanu,pokemon +fomantis,pokemon +chime,final fantasy +vergei,hunter x hunter +smeargle,pokemon +suiten nikkou amaterasu yanoshisu ishi,fate series +majokko (kancolle),kantai collection +trinnia,pokemon +emiya shirou (prisma illya),fate series +galle,fire emblem +elsa saijou,fate series +cul,vocaloid +siorava,ragnarok online +campari,dragon ball +houjou hibiki,pretty cure +sirius symboli,umamusume +lucrecia crescent,final fantasy +bryophyta,arknights +volo,pokemon +hirose koichi,jojo no kimyou na bouken +caspar von bergliez,fire emblem +chaser,azur lane +muto sugoroku,yu-gi-oh! +lillia,arknights +ming jol-ik,hunter x hunter +gasparde,one piece +rideau,tales of... +hero (dq6),dragon quest +beach fairy,girls' frontline +murasame (kancolle),kantai collection +alder lookalike,pokemon +urushi,naruto +oshawott,pokemon +shirayuki,arknights +qlz-04,girls' frontline +trans spore,ragnarok online +dodory,pretty cure +julian,fire emblem +sweet william,flower knight girl +schwer-muta casasola merkle,rosenkreuzstilette +yakushi kabuto,naruto +youkai fox (forbidden scrollery),touhou +reyfer luckberry,atelier +seismitoad,pokemon +ranmaru,pokemon +zetsu,naruto +chikuma (kancolle),kantai collection +delibird,pokemon +zerase,gensou suikoden +valmafra lenande,final fantasy +mable macintosh,fate series +sakaguchi karina,girls und panzer +cure yell (cheerful style),pretty cure +list of touhou characters,touhou +shikinami (kancolle),kantai collection +snover,pokemon +butch,hunter x hunter +diabolos,final fantasy +miss siamour,pretty cure +ogretooth,ragnarok online +alakazam,pokemon +galvantula,pokemon +benny,fire emblem +van gogh,fate/grand order +yuezheng ling,vocaloid +vanilla ice,jojo no kimyou na bouken +beaux shrick,atelier +yuki judai,yu-gi-oh! +jigokudou pain,naruto +polteageist,pokemon +spuria,arknights +zuikaku,azur lane +namine,kingdom hearts +reisen (touhou bougetsushou),touhou +iago,fire emblem +solomon,fate/grand order +relicanth,pokemon +yuzuriha,flower knight girl +satono diamond,umamusume +joseph joestar (old),jojo no kimyou na bouken +cure finale (party up style),pretty cure +escort princess,kantai collection +gremio,gensou suikoden +borus redrum,gensou suikoden +sir windsor,ragnarok online +lokix,pokemon +togetic,pokemon +aqua necklace (stand),jojo no kimyou na bouken +sedora,ragnarok online +sachi,sword art online +sasha buckler,ace attorney +emperor (ff2),final fantasy +skull (disgaea),nippon ichi +koyama shouko,pretty cure +sweet pea,one piece +kamen rider gotchard,kamen rider +yumemi nemu,vocaloid +son biten,touhou +abyssal admiral (kancolle),kantai collection +gligar,pokemon +darros,fire emblem +karakuri chachamaru (compact),mahou sensei negima +archimedes,fate series +final fantasy iv: the after years,final fantasy +magcargo,pokemon +cedric,gensou suikoden +kuchiki hisana,bleach +kevin,pokemon +artoria pendragon (lancer),fate/grand order +ibaraki douji (swimsuit lancer),fate/grand order +cu chulainn (caster),fate/grand order +gekkogahara miaya,danganronpa +z35,azur lane +matyr,ragnarok online +astrid,fire emblem +kamen rider necrom,kamen rider +viscaria,flower knight girl +maijurusou,flower knight girl +helicrysum,flower knight girl +llamrei,fate series +uchifuji yuka,pretty cure +fou,fate/grand order +saotome kaguya,pretty cure +geitz,fire emblem +dobermann,arknights +kirarin lion,pretty cure +heavenly boat maanna,fate series +the fool,jojo no kimyou na bouken +luon volk,atelier +okunoda miyoi,touhou +kamen rider zx,kamen rider +zeho,hunter x hunter +akaba reiji,yu-gi-oh! +kawaguchi fumiyo,world witches series +pamela ibiss,atelier +juufuku miho,toaru majutsu no index +flueger,fate series +beanstalk,arknights +emmet,pokemon +bendot,hunter x hunter +art556,girls' frontline +ohara,pokemon +cliffheart,arknights +doduo,pokemon +plastic szewczyk,arknights +ashiya douman,fate/grand order +lance amano,ace attorney +barth,fire emblem +zenji,hunter x hunter +oscar dragonia,tales of... +bartholomew kuma,one piece +caster (fate/samurai remnant),fate series +pike,hunter x hunter +leonardo da vinci,fate/grand order +arlen,fire emblem +darya,arknights +kiriya (futari wa precure),pretty cure +abdullah,one piece +kirarin (precure),pretty cure +light hello,umamusume +marcos,hunter x hunter +sully,fire emblem +bernadetta von varley,fire emblem +tag groups,world witches series +bastian,fire emblem +haswar falenas,gensou suikoden +inukai iroha,pretty cure +kamen rider nega den-o,kamen rider +lily,granblue fantasy +graham cray,gensou suikoden +shinkai haru,digimon +negi springfield,mahou sensei negima +katori (kancolle),kantai collection +kestrel,arknights +majin buu,dragon ball +cu chulainn (prisma illya),fate series +hanako (disgaea),nippon ichi +iron boulder,pokemon +jacques de molay (saber),fate series +houndour,pokemon +merchant (phantom brave),nippon ichi +little girl saniwa,touken ranbu +klein kiesling,atelier +cure grace,pretty cure +kirkis,gensou suikoden +pleinair,nippon ichi +rachel,pokemon +sessyoin kiara (swimsuit mooncancer),fate/grand order +shizune,naruto series +ralph,atelier +karan eri,digimon +zangoose,pokemon +havier witkin,girls' frontline +thief (dq3),dragon quest +mimic,ragnarok online +ioleta russell,arknights +kujou nozomi,bleach +twinmyniad,fate series +alveira,brave girl ravens +tanmen,dragon ball +shine aqua illusion,sailor moon +flabebe (orange flower),pokemon +rubi,gensou suikoden +buran,bokujou monogatari +nightmare,arknights +illumination fairy,girls' frontline +aya,arknights +hokaze junko,toaru majutsu no index +tenzan (kancolle),kantai collection +youkai fox (wild and horned hermit),touhou +shinohara-sensei,pretty cure +serdyukov,girls' frontline +love guitar rod,pretty cure +jaguarman,fate/grand order +admiral hipper (muse),azur lane +cure flora,pretty cure +hanasaki tsubomi,pretty cure +maya fey,ace attorney +kamen rider x,kamen rider +cure berry,pretty cure +boah,fire emblem +asahina aoi,danganronpa series +anlucea,dragon quest +jango,gensou suikoden +catastrophe,final fantasy +baise,hunter x hunter +caitlin,pokemon +furfrou (la reine),pokemon +pachira,flower knight girl +crazy diamond,jojo no kimyou na bouken +takaoka,oshiro project +anise,bokujou monogatari +gure,dragon ball +alena (dq4),dragon quest +malbork,oshiro project +tritonia,flower knight girl +gurasan (happinesscharge precure!),pretty cure +kinjishi no shiki,one piece +ashisogi jizou,bleach +tesla,gensou suikoden +florges (white flower),pokemon +yama arashi,hunter x hunter +tatara kogasa (umbrella),touhou +kirke,gensou suikoden +kh2002,girls' frontline +sirius,azur lane +reserve operator sniper,arknights +nobunaga hazama,hunter x hunter +combusken,pokemon +dragon god,touhou +mew,pokemon +medamatcha,dragon ball +ikeda emi,girls und panzer +kamen rider genm,kamen rider +inkay,pokemon +paka,pokemon +kamen rider evol,kamen rider +berkut,fire emblem +ramza beoulve,final fantasy +aono miki,pretty cure +chronoa,dragon ball +roronoa zoro,one piece +amistr,ragnarok online +lyon,gensou suikoden +reinforcement fairy,girls' frontline +asta,honkai: star rail +t.m. opera o,umamusume +cure spicy,pretty cure +label girl (dipp),touhou +torigoe gakuen school uniform,pretty cure +nakamori ginzo,meitantei conan +male swordmaster (phantom kingdom),nippon ichi +dokebi,ragnarok online +unfezant,pokemon +beelzebub,ragnarok online +wang chan,jojo no kimyou na bouken +apc9k,girls' frontline +applin,pokemon +arctibax,pokemon +final fantasy the spirits within,final fantasy +the paper,ragnarok online +sophie,tales of... +kristoph gavin,ace attorney +mizuno gorou,digimon +alfonse,fire emblem +dark mirror,touhou +liskarm,arknights +kishinami hakuno (female),fate series +petilil,pokemon +metal slime,dragon quest +gray,fate/grand order +kamen rider bravo,kamen rider +tachibana kyouko,meitantei conan +m950a,girls' frontline +yeyasu (disgaea),nippon ichi +washington (kancolle),kantai collection +kongou (kancolle),kantai collection +kaidou minami,pretty cure +valkyrie,fate/grand order +agnete (precure),pretty cure +shigisan,oshiro project +electro wave human tackle,kamen rider +skullshatterer,arknights +ryuuzaki kuroiel,nippon ichi +towa monaca,danganronpa series +chaos,ragnarok online +sina,pokemon +oomori yuuko,pretty cure +under world (stand),jojo no kimyou na bouken +ningendou pain,naruto +ayanami (kancolle),kantai collection +radford,azur lane +rumush,dragon ball +boltund,pokemon +bluegill,azur lane +whyt,final fantasy +shroodle,pokemon +manhattan cafe,umamusume +metal dragon,dragon quest +orbeetle,pokemon +nitocris,fate/grand order +t-5000,girls' frontline +cure sunset,pretty cure +yokokawa kazumi,world witches series +son gokuu,naruto +aosta,arknights +sewaddle,pokemon +latarza,hunter x hunter +derella,sailor moon +greygo rigglis,atelier +linhardt von hevring,fire emblem +akimoto komachi,pretty cure +nikolai petrov,digimon +edinburgh,azur lane +godolphin barb,umamusume +cutter,arknights +veruka kulgrof,brave girl ravens +amanogawa stella,pretty cure +nero claudius (bride),fate series +irma,fire emblem +miyano atsushi,meitantei conan +nanami schmidt,atelier +higashikata rina,jojo no kimyou na bouken +heles,granblue fantasy +oda nobunaga (maou avenger),fate/grand order +bienfu,tales of... +lucky roux,one piece +eva armster,atelier +narutaki fuuka,mahou sensei negima +kongou,azur lane +hyuuga saori,pretty cure +baba,dragon ball +gittarackur,hunter x hunter +zen,gensou suikoden +ghost,dragon quest +black mage,final fantasy +edgar,gensou suikoden +pinga,meitantei conan +iris fortner,atelier +boa marigold,one piece +leon,vocaloid +even,kingdom hearts +list of rosenkreuzstilette characters,rosenkreuzstilette +komaeda nagito,danganronpa series +pilaf,dragon ball +marineford,one piece +karna,fate/grand order +u-511 (kancolle),kantai collection +shipka,girls' frontline +sar-21,girls' frontline +jii kounosuke,meitantei conan +fluora spodumene,tales of... +prier,nippon ichi +borsalino (kizaru),one piece +takasaki,oshiro project +chrollo lucilfer,hunter x hunter +holy grail,fate series +rose belt,sailor moon +valeriya lyuba,girls' frontline +cure honey (coconut samba),pretty cure +lovrina,pokemon +maizono sayaka,danganronpa series +toni bianca,umamusume +stussy,one piece +soliera,pokemon +suzuki,girls und panzer +gorilla,hunter x hunter +trubbish,pokemon +kebiishi,touken ranbu +stakataka,pokemon +northernmost landing princess,kantai collection +fenrir (vehicle),final fantasy +arezu,pokemon +kakara,flower knight girl +miza,dragon ball +tsubasa kouki,digimon +saten ruiko,toaru majutsu no index +sarutobi hiruzen,naruto +kamen rider nadeshiko,kamen rider +gamabunta,naruto +logos,arknights +stella nox fleuret,final fantasy +ami burklight,tales of... +eevee,pokemon +kizuna,digimon +warspite,azur lane +day care man,pokemon +kamen rider imperer,kamen rider +spalda,pretty cure +downes,azur lane +eisen werner,ragnarok online +houjou maria,pretty cure +moriya suwako,touhou +scorpion,one piece +m37,girls' frontline +teshio megumi,toaru majutsu no index +lillipup,pokemon +rahna,fire emblem +hollow,hunter x hunter +hoopa (confined),pokemon +charaleet (precure),pretty cure +gear second,one piece +maid (dokidoki! precure),pretty cure +rhyperior,pokemon +rishid ishtar,yu-gi-oh! +moke,flower knight girl +kamen rider zonjis,kamen rider +staraptor,pokemon +marlohe,girls' frontline +wo-chien,pokemon +zas m76,girls' frontline +mirai komachi,vocaloid +raspberry,bokujou monogatari +nanaka (neural cloud),girls' frontline +perfect cell,dragon ball +chou-10cm-hou-chan (hatsuzuki's),kantai collection +ro-500 (kancolle),kantai collection +mister thirteen,one piece +cinderella (stand),jojo no kimyou na bouken +furisode girl linnea,pokemon +oikawa yukio,digimon +yamashiro (meta),azur lane +toma,dragon ball +luxray,pokemon +unown d,pokemon +chelsea,bokujou monogatari +tobi,naruto series +kudou shin'ichi,meitantei conan +luthier,fire emblem +karui,naruto +yamakawa michiko,world witches series +fang xiaoshi,arknights +kisaragi reiko,pretty cure +jemmy,fire emblem +maya,azur lane +cid kramer,final fantasy +manya (dq4),dragon quest +mayu,vocaloid +hwah jah,azur lane +umaro,final fantasy +kate,gensou suikoden +nu-class light aircraft carrier,kantai collection +nidorina,pokemon +hestia,dungeon ni deai wo motomeru no wa machigatteiru darou ka +dorodabo,dragon ball +misaka mikoto level 6 shift,toaru majutsu no index +oka,oshiro project +nakada zenjirou,pretty cure +chiron,fate series +seiran (touhou) (bunny),touhou +gun (female),final fantasy +merurulince rede arls,atelier series +shisami,dragon ball +jakk,ragnarok online +whitesnake (stand),jojo no kimyou na bouken +sailor lethe,sailor moon +cure rhythm (crescendo),pretty cure +shaymin (land),pokemon +howa type 89,girls' frontline +amoonguss,pokemon +nagura setsuko,girls und panzer +viorate platane,atelier +aeleus,kingdom hearts +shu,arknights +porygon2,pokemon +black waltz,final fantasy +sailor chibi moon,sailor moon +alcremie (ruby cream),pokemon +turing (neural cloud),girls' frontline +garcia,fire emblem +arlong park,one piece +terrakion,pokemon +lydie marlen,atelier +ponzu,hunter x hunter +takei junko,world witches series +indigo,arknights +soldier skeleton,ragnarok online +legretta,tales of... +betty (neural cloud),girls' frontline +spas-15,girls' frontline +durandal,tales of... +yan qing,fate/grand order +seaport summer princess,kantai collection +gordes musik yggdmillennia,fate series +shizuku,original +maria,fire emblem +paige down,pokemon +gin,meitantei conan +mitsuba,hunter x hunter +guzma,pokemon +ryuuouzan,oshiro project +yuri leclerc,fire emblem +purple haze (stand),jojo no kimyou na bouken +dory,pretty cure +noah,xenoblade chronicles series +celia,final fantasy +ogin,girls und panzer +maria (dq5),dragon quest +zebro,hunter x hunter +izak,gensou suikoden +saigyouji yuyuko (living),touhou +hirako shinji,bleach +shirabe ako,pretty cure +shakoukai,sailor moon +welfin,hunter x hunter +hatsuzuki,azur lane +schwarz,arknights +shura,fire emblem +anna (digimon adventure),digimon +diana,sailor moon +i-203 (kancolle),kantai collection +morpeko (hangry),pokemon +matoya,final fantasy +blipbug,pokemon +ryukokorine,flower knight girl +ise,azur lane +ferdinand,arknights +adecor,tales of... +van aifread,tales of... +lyn,fire emblem +tabuk,girls' frontline +kitano tamaki,fate series +bulgaria,girls und panzer +oda nobunaga,fate series +mitokado homura,naruto +geomancer (disgaea),nippon ichi +meowth,pokemon +meruem,hunter x hunter +camula,yu-gi-oh! +doctor hogback,one piece +choumei,naruto +miyako yoshika (living),touhou +kimura kouichi,digimon +gilgamesh (caster),fate/grand order +excalibur (fate/prototype),fate series +oofuchi himari,digimon +kamen rider ryuki (series),kamen rider +arito,yu-gi-oh! +alolan raichu,pokemon +tao pai pai,dragon ball +twice h pieceman,fate series +hong meiling,touhou +momozono ayumi,pretty cure +togari,hunter x hunter +shihael,hunter x hunter +walrein,pokemon +thrasir,fire emblem +malice,fire emblem +oregano,dragon ball +kyabira,dragon ball +honey queen,one piece +argath thadalfus,final fantasy +non-human saniwa,touken ranbu +silence glaive surprise,sailor moon +sialeeds falenas,gensou suikoden +alchemist,girls' frontline +bara,hunter x hunter +fukuoka,oshiro project +aegis (kcco swap),girls' frontline +vivillon (continental),pokemon +tuye,arknights +s.a.t.8,girls' frontline +rotom (mow),pokemon +agrev,pokemon +frillish (female),pokemon +robin newman,ace attorney +reuniclus,pokemon +aoba,azur lane +ameno,naruto +todoroki takashi,yu-gi-oh! +alya alelyuhin,world witches series +carne,one piece +bradamante,fate/grand order +ukuru (kancolle),kantai collection +squardo,one piece +usami satomi,pretty cure +makino,one piece +althea (ffcc),final fantasy +doma,one piece +giovanni,pokemon +minior (core),pokemon +buck,pokemon +cheval grand,umamusume +palafin (zero),pokemon +yokoo shouji,danganronpa +chinchou,pokemon +yaten kou,sailor moon +ssg 69,girls' frontline +lapin,one piece +vivillon,pokemon +lisette,bokujou monogatari +veronica (dq11),dragon quest +u henshuu,sailor moon +aa-02 sinner,girls' frontline +cyrano,pokemon +herdier,pokemon +hamada,oshiro project +hisuian goodra,pokemon +neimi,fire emblem +blossom,pokemon +albert silverberg,gensou suikoden +sailor tin nyanko,sailor moon +pyracantha,flower knight girl +yayoi (kancolle),kantai collection +irako (kancolle),kantai collection +soren,fire emblem +kanmi,pokemon +bisharp,pokemon +elma (ff10),final fantasy +phantom of the opera,fate series +seymour guado,final fantasy +dolomedes,ragnarok online +dahlia,pokemon +guzzlord,pokemon +yumehara megumi,pretty cure +earthspirit,arknights +princess sword,sailor moon +sue,fire emblem +angel leotard,dragon quest +mejiro family matriarch,umamusume +uiharu kazari,toaru majutsu no index +rikiel,jojo no kimyou na bouken +zinzolin,pokemon +california king bed,jojo no kimyou na bouken +francesca prelati,fate series +kite (chimera ant),hunter x hunter +horoholo,atelier +haki,one piece +amano nene (digimon xros wars),digimon +cure heart (engage mode),pretty cure +flappy (futari wa precure),pretty cure +kawajiri kosaku,jojo no kimyou na bouken +ginnan,oshiro project +emma,pokemon +frey,fire emblem +almaz von almadine adamant,nippon ichi +hiramitsu hinata,pretty cure +zeroken (disgaea),nippon ichi +sienna (phantom brave),nippon ichi +tanba yokoyama,oshiro project +kanegasaki,oshiro project +asch,tales of... +sweep tosho,umamusume +uxie,pokemon +gravel,arknights +aarune,pokemon +yun (mana khemia),atelier +nigel sayward,fate series +okita j. souji,fate/grand order +tear grants,tales of... +yukimaru (disgaea),nippon ichi +gotoh,fire emblem +komano aunn (komainu),touhou +camerupt,pokemon +hareta,pokemon +minun,pokemon +croagunk,pokemon +ovelia atkascha,final fantasy +brigette,pokemon +voiceroid,vocaloid +shameimaru aya,touhou +yomena,flower knight girl +dyspo,dragon ball +togami byakuya,danganronpa series +vivillon (ocean),pokemon +sado (kancolle),kantai collection +oleg,gensou suikoden +unofficial sailor senshi uniform,sailor moon +tsushima (kancolle),kantai collection +ni-class destroyer,kantai collection +tao gunka,ragnarok online +beets,dragon ball +akimoto madoka,pretty cure +wormadam (plant),pokemon +mineral,ragnarok online +suno,dragon ball +morgan,fire emblem +mordred (swimsuit rider),fate/grand order +arle agarie,nippon ichi +cyprine,sailor moon +kouzuki anna,yu-gi-oh! +mewt randell,final fantasy +marionette,ragnarok online +ruby,vocaloid +captain tennille,jojo no kimyou na bouken +kururu,tales of... +tatsugami otohime,toaru majutsu no index +ingrid brandl galatea,fire emblem +scarlet (ff7),final fantasy +kurt,tales of... +rasputin,fate series +archie,pokemon +m2hb,girls' frontline +kashiki ai,digimon +ganryuu,bleach +manuela casagranda,fire emblem +passionlip,fate series +mejiro dober,umamusume +roomi,bokujou monogatari +tarasque,fate series +raoul pireit,atelier +cymbal,dragon ball +nicole,hunter x hunter +mordred,fate series +saber lion,fate series +greta,pokemon +hill wind,ragnarok online +kyogre,pokemon +coventoba,hunter x hunter +minami,umamusume +sordward,pokemon +grainne,fate series +astgenne,arknights +cure berry (angel),pretty cure +hakuro-jou,oshiro project +teuchi,naruto +anthea,pokemon +gelda nebilim,tales of... +podenco,arknights +ogma,dragon ball +higashikata norisuke iv,jojo no kimyou na bouken +giacomo,pokemon +reno,azur lane +izumi ako,mahou sensei negima +sciurus browntail,arknights +zenobia,fate/grand order +wolfchev,ragnarok online +kumadori,one piece +vanilla,arknights +namazu,touhou +ptilol,sailor moon +alexander's sister (phantom kingdom),nippon ichi +argos,ragnarok online +terra,kingdom hearts +morgan fey,ace attorney +hasegawa chisame (young),mahou sensei negima +tmp,girls' frontline +paragus (dragon ball super),dragon ball +aleister crowley,toaru majutsu no index +rollo,tales of... +usami ichika,pretty cure +houston,azur lane +ix nieves,tales of... +kagurazaka renya,nippon ichi +makumaku,gensou suikoden +boy ii man (stand),jojo no kimyou na bouken +usp compact,girls' frontline +necrozma (ultra),pokemon +ultima weapon,final fantasy +spinner clow,hunter x hunter +proton,pokemon +wooloo,pokemon +azurill,pokemon +scirocco (kancolle),kantai collection +security corps,pokemon +inga karkhuul khura'in,ace attorney +mk46,girls' frontline +ging freecss,hunter x hunter +orfevre (umamusume) (old design),umamusume +zaveid,tales of... +pop (smile precure!) (human),pretty cure +coffret (heartcatch precure!),pretty cure +midori,blue archive +bat,hunter x hunter +corbeau the phantom thief,meitantei conan +higashikurokawa,oshiro project +trafalgar law,one piece +cu chulainn alter (curruid coinchenn),fate series +cradily,pokemon +sadowara,oshiro project +saber,fate series +hagi,oshiro project +kaito,project sekai +k'nsi,dragon ball +iwateyama,oshiro project +makigami komaki,toaru majutsu no index +luserina barows,gensou suikoden +palafin,pokemon +aa-12,girls' frontline +xu yulin,digimon +invisible air,fate series +alicel,ragnarok online +abysmal knight,ragnarok online +momo (kancolle),kantai collection +tarble,dragon ball +chi-hatan (emblem),girls und panzer +usopp,one piece +ranger,azur lane +jagdtiger,girls und panzer +nezumi,one piece +ms. norman,pokemon +zerom,ragnarok online +kurosaki ichigo,bleach +ancha,pokemon +hishi akebono,umamusume +jeanne d'arc alter (lancer),fate series +narcistoru,pretty cure +black keys (type-moon),fate series +clarisse,granblue fantasy +baul,tales of... +gogyou,flower knight girl +liukan,gensou suikoden +charlotte mont-d'or,one piece +medissa,tales of... +oyafune monaka,toaru majutsu no index +unown u,pokemon +angelina,arknights +beecham,gensou suikoden +steel samurai,ace attorney +piana,atelier +architect,girls' frontline +p290,girls' frontline +negikuma maria,one piece +dragon's dream,jojo no kimyou na bouken +chess,one piece +mamoswine,pokemon +rhongomyniad,fate series +alec,pokemon +kisaragi karen,danganronpa +bc freedom military uniform,girls und panzer +dandelion,girls' frontline +musharna,pokemon +kalifa,one piece +skeleton general,ragnarok online +gippal,final fantasy +f2000,girls' frontline +mr. champloo,nippon ichi +jeanne d'arc,azur lane +pale rider,fate series +albireo imma,mahou sensei negima +fubar,gensou suikoden +abigail,world witches series +hel,fire emblem +gatrie,fire emblem +ho'olheyak,arknights +diable jambe,one piece +marshadow (zenith),pokemon +carbink,pokemon +mamba,dragon ball +marie antoinette (swimsuit caster),fate/grand order +kalmia,flower knight girl +luca blight,gensou suikoden +butler (precure),pretty cure +noble phantasm,fate series +tatsugiri (stretchy),pokemon +gate of babylon,fate series +pasca kanonno,tales of... +jake marshall,ace attorney +sherufa,bokujou monogatari +panzer iv,girls und panzer +tsukimori chihiro,digimon +idw,girls' frontline +vasavi shakti,fate series +bloody (yes! precure 5),pretty cure +noguchi ruka,digimon +shokuhou misaki,toaru majutsu no index +mitsuhide,pokemon +hermes,final fantasy +lukas,fire emblem +ephidel,fire emblem +sita,fate series +kururu (rhapsody),nippon ichi +trafalgar lami,one piece +dialga (origin),pokemon +ludger will kresnik,tales of... +naegi,oshiro project +purple peel (majo to hyakkihei),nippon ichi +sheer heart attack,jojo no kimyou na bouken +raymond ozwell,tales of... +hapu,pokemon +ibuki suika (watermelon),touhou +deep submerge,sailor moon +flabebe (yellow flower),pokemon +nemeum,girls' frontline +sharuru (dokidoki! precure) (human),pretty cure +paulo,pokemon +fm24,girls' frontline +neuschwanstein,oshiro project +chiepoo,gensou suikoden +zaizen aoi,yu-gi-oh! +gisela helmold,atelier +maruyama,oshiro project +mileena weiss,tales of... +sheena,fire emblem +verniy (kancolle),kantai collection +chen lio,ragnarok online +misumi ryouta,pretty cure +quve,ragnarok online +xehanort,kingdom hearts +arete,fire emblem +tinkatuff,pokemon +kowal,arknights +karakasa,ragnarok online +jihl nabaat,final fantasy +star seed,sailor moon +banana kavaro,hunter x hunter +macro,one piece +cure miracle (topaz style),pretty cure +magoichi,pokemon +skia nerius,ragnarok online +torenia,flower knight girl +clay terran,ace attorney +kimie (neural cloud),girls' frontline +lobelia,flower knight girl +memphis,azur lane +martel,tales of... +iscan,pokemon +daiz,dragon ball +ema,gensou suikoden +quetzalcoatl,fate/grand order +jester (dq3),dragon quest +eiko carol,final fantasy +natasha,fire emblem +clock shop owner (digimon xros wars),digimon +tsukitoji,flower knight girl +kumano maru (kancolle),kantai collection +arria ekberg,tales of... +berno light,umamusume +princess saturn,sailor moon +majolaine (disgaea),nippon ichi +ricard highwind,final fantasy +fein,pokemon +i-8 (kancolle),kantai collection +yanak,dragon quest +rotom drone,pokemon +mizuaoi,flower knight girl +monk (fft),final fantasy +ultra heroine z,fate series +shirotsumekusa,flower knight girl +u-557,azur lane +sajou manaka,fate series +ferroseed,pokemon +unzan,touhou +george joestar ii (jojolion),jojo no kimyou na bouken +toujou neliel,nippon ichi +ichinose minori,pretty cure +firewhistle,arknights +nebuchadnezzar ii,fate series +last order,toaru majutsu no index +bastiodon,pokemon +unita,final fantasy +billy the kid,fate/grand order +pikachu belle,pokemon +raisa pottgen,world witches series +j. geil,jojo no kimyou na bouken +healer (phantom brave),nippon ichi +permeter,ragnarok online +warrior of light (ff1),final fantasy +akashi yuuna,mahou sensei negima +necrozma (dawn wings),pokemon +kouki (digimon universe: appli monsters),digimon +piiza,dragon ball +sakamoto mio,world witches series +lisia,pokemon +dugtrio,pokemon +flapple,pokemon +naesala,fire emblem +tarountula,pokemon +togekiss,pokemon +matilda (tank),girls und panzer +goliath,girls' frontline +mirror,pokemon +noland,pokemon +frankenstein's monster,fate/grand order +byleth,fire emblem +rainier (disgaea),nippon ichi +dp-12,girls' frontline +buffalo bandit sharpshooter,ragnarok online +elusinian mysteries,girls' frontline +ludwig giovanni arland,atelier +milich oppenheimer,gensou suikoden +ryuujou (kancolle),kantai collection +tenebrae,tales of... +shellfish,ragnarok online +hoozuki gengetsu,naruto +sogiita gunha,toaru majutsu no index +kamoana,tales of... +southern ocean oni,kantai collection +st. gloriana's (emblem),girls und panzer +marabelle,pokemon +jejeling,ragnarok online +ichou,flower knight girl +miike naeko,meitantei conan +mazaki anzu,yu-gi-oh! +karen,bokujou monogatari +yashima chihiro,pretty cure +ots-44,girls' frontline +eike,gensou suikoden +harmonie,arknights +olrun,fate series +ungoliant,ragnarok online +tsuburaya mitsuhiko,meitantei conan +stop (go! princess precure),pretty cure +mario zucchero,jojo no kimyou na bouken +azura,fire emblem +klink,pokemon +misumisou,flower knight girl +tirpitz,azur lane +tama,dragon ball +sidoh,dragon quest +nikolina pavlova,ace attorney +night pumpkin,pretty cure +silvers rayleigh,one piece +maushold,pokemon +pat,bokujou monogatari +castform,pokemon +louise,gensou suikoden +oh! lonesome me (stand),jojo no kimyou na bouken +souma yoshino,bleach +baroque works,one piece +rt-20,girls' frontline +midorikawa kouta,pretty cure +rumia,touhou +kirishima (kancolle),kantai collection +hijiri ageha,pretty cure +marvelous sunday,umamusume +colchicum,flower knight girl +heath,pokemon +ishida uryuu,bleach +shadow triad,pokemon +simisear,pokemon +cyrtanthus,flower knight girl +kyle dunamis,tales of... +lily servant,fate series +dorothea arnault,fire emblem +mayling shen (girls' frontline 2),girls' frontline +deirdre,fire emblem +professor (neural cloud),girls' frontline +cure cosmo,pretty cure +naka (kancolle),kantai collection +confessarius,arknights +miss cloud,kantai collection +baobhan sith,fate/grand order +nishijima waon,pretty cure +suke-san,dragon ball +guid helmold,atelier +hyuuga hanabi,naruto series +ozymandias,fate/grand order +federica n. doglio,world witches series +carcano m91/38,girls' frontline +nishizumi shiho,girls und panzer +scw,girls' frontline +agnol,pokemon +bunbo,sailor moon +arlo,pokemon +bren,girls' frontline +cherrim (overcast),pokemon +midorikawa yuuta,pretty cure +prinplup,pokemon +rensouhou-chan,kantai collection +cherrim,pokemon +conwy,oshiro project +unown e,pokemon +haruno sora,vocaloid +hong meiling (dragon),touhou +pm1910,girls' frontline +babe,fate series +closure,arknights +flamel emure,ragnarok online +heirozoist,ragnarok online +roon (muse),azur lane +hyuuga hinata,naruto series +hijiri myouren,touhou +hummy (suite precure),pretty cure +raine loire,final fantasy +notso macho,dragon quest +clotho (neural cloud),girls' frontline +yagokoro,touhou +zenju,hunter x hunter +cure sparkle (healin' good style),pretty cure +phreeoni,ragnarok online +sideroca,arknights +carbuncle,final fantasy +lachesis,fire emblem +tomoe mami,mahou shoujo madoka magica +zelretch sword,fate series +jasmine,flower knight girl +mpk,girls' frontline +saika,oshiro project +aster,flower knight girl +iris (bokujou monogatari tst),bokujou monogatari +eugene,gensou suikoden +tasha (neural cloud),girls' frontline +holy moon chalice,sailor moon +gerbera,flower knight girl +lysandre,pokemon +haibara ai,meitantei conan +tyrantrum,pokemon +fujita akane,pretty cure +thetis,sailor moon +aurora,arknights +princess leo (precure),pretty cure +manjoume jun,yu-gi-oh! +gabranth (ff12),final fantasy +ugetsu,gensou suikoden +bataan,azur lane +maggot,ragnarok online +talkex,vocaloid +star princess,pretty cure +nicolas,gensou suikoden +izumi koshiro,digimon +elekid,pokemon +woobat,pokemon +voyager,fate/grand order +marie antoinette (alter),fate/grand order +prince of samantoria,dragon quest +shangri-la,azur lane +dainenjiyama aisho,jojo no kimyou na bouken +sailor star fighter,sailor moon +tinkaton,pokemon +ling,arknights +palpitoad,pokemon +type 3 chi-nu,girls und panzer +sonia,fire emblem +tone (kancolle),kantai collection +yamanaka ino,naruto series +yorktown,azur lane +thousand sunny,one piece +shabondi,one piece +kurogane,tales of... +moon stick,sailor moon +kiwi,one piece +fennekin,pokemon +fukawa toko,danganronpa series +brambleghast,pokemon +marian e. carl,world witches series +matsushiro,oshiro project +virion,fire emblem +kamen rider amazon (series),kamen rider +kagayaki homare,pretty cure +haruna,blue archive +nefertari vivi,one piece +luetzow,azur lane +cinderella (kamipara),nippon ichi +eleven supernova,one piece +basch fon ronsenburg,final fantasy +ohdo yuga,yu-gi-oh! +arnold,jojo no kimyou na bouken +ao (disgaea),nippon ichi +tottori,oshiro project +sodia,tales of... +stem worm,ragnarok online +gastly,pokemon +sparaxis,flower knight girl +hildr,fate/grand order +team rainbow rocket grunt,pokemon +ursula,fire emblem +suzuki sonoko,meitantei conan +cure whip,pretty cure +ray,arknights +samus,gensou suikoden +menou,bokujou monogatari +willow,pokemon +z46,azur lane +kamen rider marika,kamen rider +ltlx 7000,girls' frontline +christiane barkhorn,world witches series +tominaga ryou,digimon +the 5 magic stones,touhou +kinuhata saiai,toaru majutsu no index +vigoroth,pokemon +kid buu,dragon ball +abarai ichika,bleach +astram,fire emblem +hyuuga,azur lane +nah,fire emblem +highway star (stand),jojo no kimyou na bouken +kido shuu,digimon +pariston hill,hunter x hunter +matsu (kancolle),kantai collection +wartburg,oshiro project +zamasu,dragon ball +straizo,jojo no kimyou na bouken +komaba ritoku,toaru majutsu no index +corviknight,pokemon +furuhata motoki,sailor moon +diluvio,ragnarok online +youngster joey,pokemon +dragoon,final fantasy +winston payne,ace attorney +akimichi chouchou,naruto +imaizumi kagerou (wolf),touhou +suwa masuzu,world witches series +doyen irene,ragnarok online +artoria pendragon (alter swimsuit rider),fate/grand order +machi komacine,hunter x hunter +sigurd,fate/grand order +mystic beast (disgaea),nippon ichi +forsyth,fire emblem +the hand (stand),jojo no kimyou na bouken +dendra,pokemon +bronzor,pokemon +lecht refraktia,rosenkreuzstilette +fillia,fate series +same-san,nippon ichi +gordon (disgaea),nippon ichi +makarios,fate series +hero's son (dq5),dragon quest +kukulkan,fate/grand order +vp1915,girls' frontline +sakuragi naruha,toaru majutsu no index +misaka imouto 9982,toaru majutsu no index +kashida isami,world witches series +flandre scarlet,touhou +myoudouin itsuki,pretty cure +gekkabijin,flower knight girl +paprika,arknights +black smoke shenron,dragon ball +helena blavatsky,fate/grand order +kal'tsit,arknights +originium slug,arknights +duke pantarei,tales of... +ninjask,pokemon +tsuru,one piece +alcremie (lemon cream),pokemon +anglerfish,girls und panzer +shiori,princess connect! +johnston (kancolle),kantai collection +zidane tribal,final fantasy +bassline,arknights +sangoma (neural cloud),girls' frontline +murakami natsumi,mahou sensei negima +cure waffle,pretty cure +joint recital,fate series +obstagoon,pokemon +fredrica,gensou suikoden +agano (kancolle),kantai collection +tsukumo yatsuhashi,touhou +solgaleo,pokemon +monch,arknights +chikatilo ted,danganronpa +ivar (disgaea),nippon ichi +seliph,fire emblem +kabuto,pokemon +ots-12,girls' frontline +kohinata mayu,digimon +p-chan (suite precure),pretty cure +flonne (fallen angel),nippon ichi +tiry,pretty cure +yura (kancolle),kantai collection +mike meekins,ace attorney +nishizumi miho,girls und panzer +inukai tsuyoshi,pretty cure +charlotte amande,one piece +noguchi ikuto,digimon +upa,dragon ball +layna (soul cradle),nippon ichi +meloetta (aria),pokemon +caenis (swimsuit rider),fate/grand order +dr. hedo,dragon ball +golden hind,azur lane +elder,ragnarok online +cure flora (dress up premium),pretty cure +mitarai ryota,danganronpa +gumi,vocaloid +kuzuryu fuyuhiko,danganronpa series +c-6,dragon ball +koala forest military uniform,girls und panzer +frenda seivelun,toaru majutsu no index +matthew,hunter x hunter +cure bloom,pretty cure +belcoot,gensou suikoden +venomoth,pokemon +black knight,granblue fantasy +turtle general,ragnarok online +atroce,ragnarok online +lloyd,fire emblem +hisuian avalugg,pokemon +nelly,final fantasy +lavender,dragon ball +hannyabal,one piece +pepe,atelier +krabby,pokemon +nemesis,fire emblem +bakenyan (precure),pretty cure +venomous,ragnarok online +kitsuki,oshiro project +saileach,arknights +female brawler (disgaea),nippon ichi +juris grunden,atelier +nataly,gensou suikoden +shimada arisu,girls und panzer +airi,blue archive +bren ten,girls' frontline +kiryu kyosuke,yu-gi-oh! +sage,granblue fantasy +otoishi akira,jojo no kimyou na bouken +quercus,arknights +chien-pao,pokemon +castel sant'angelo,oshiro project +nick cue,hunter x hunter +machi tobaye,ace attorney +daisy,digimon +metaling,ragnarok online +madoka mari,pretty cure +patty,one piece +apricot,pokemon +vivillon (marine),pokemon +shaman apsu,sailor moon +hisuian zorua,pokemon +cure magical,pretty cure +hs2000,girls' frontline +matoriv,dragon quest +eira,ragnarok online +towa haiji,danganronpa +ethan,arknights +cure princess (sherbet ballet),pretty cure +kenta connery,meitantei conan +king endymion,sailor moon +furisode girl blossom,pokemon +talgeyl,gensou suikoden +veronica,fire emblem +pairo,hunter x hunter +nosaka miho,yu-gi-oh! +zhiyu moke,vocaloid +sakata nemuno,touhou +toujou hana,umamusume +furio tigre,ace attorney +hk45,girls' frontline +nakagawa shiori,pretty cure +versailles,oshiro project +takashimizu rina,pretty cure +minazuki (kancolle),kantai collection +uchiha fugaku,naruto +remilia scarlet (bat),touhou +hornet,azur lane +ootakasayama,oshiro project +in a silent way (stand),jojo no kimyou na bouken +fiore forvedge yggdmillennia,fate series +flower tact,pretty cure +alolan vulpix,pokemon +ewan,fire emblem +kome-kome (precure) (human),pretty cure +crystal carillon,sailor moon +eldes,pokemon +panzer i,girls und panzer +angelia,girls' frontline +stainer,ragnarok online +maestrale,azur lane +zephyr,one piece +fartooth,arknights +devout,final fantasy +guard,arknights +eliwood,fire emblem +makuhita,pokemon +shingyoku (female),touhou +hessian,fate/grand order +nell ellis,atelier +lana,fire emblem +artemisia,flower knight girl +angelica,flower knight girl +gunner,final fantasy +spearow,pokemon +glen cott,gensou suikoden +kai,bokujou monogatari +helga,gensou suikoden +kitasan black,umamusume +calofisteri,final fantasy +kaleidostick,fate series +regina (dokidoki! precure),pretty cure +tambourine,dragon ball +tyme,pokemon +mitama,fire emblem +werner gretenthal,atelier +alyssum,flower knight girl +windflit,arknights +jabba,gensou suikoden +jean bart (kancolle),kantai collection +gido,hunter x hunter +miss goldenweek,one piece +naoise,fire emblem +nishizumi tsuneo,girls und panzer +freeze (go! princess precure),pretty cure +sonia rolando,tales of... +kobayashi,kobayashi-san chi no maidragon +niime,fire emblem +natalie,bokujou monogatari +fx-05,girls' frontline +sagiri mikage,yu-gi-oh! +wocky kitaki,ace attorney +catapult,touken ranbu +naga,fate series +espeon,pokemon +milo's brother,pokemon +ryuzetsuran,flower knight girl +m590,girls' frontline +jesse,fire emblem +alcremie (other cream),pokemon +yakushiji saaya,pretty cure +famas,girls' frontline +type 88,girls' frontline +sola-ui nuada-re sophia-ri,fate series +yuunagi middle school uniform,pretty cure +noguchi misuzu,digimon +nico (smile precure!),pretty cure +nino,fire emblem +hijikata keisuke,world witches series +yukito,pokemon +elise deauxnim,ace attorney +pas vidoll,brave girl ravens +vogelweide,arknights +hatsuchiri (neural cloud),girls' frontline +ryuujou,kantai collection +princess scorpio (precure),pretty cure +gear fourth,one piece +female builder (dqb2),dragon quest +sinistcha,pokemon +vestal,azur lane +muirne,fire emblem +castform (rainy),pokemon +rozeluxe meitzen,atelier +nelson royale,one piece +watchog,pokemon +gothita,pokemon +illustrious (muse),azur lane +randel lawrence,ragnarok online +deviruchi,ragnarok online +alette skraud,brave girl ravens +saio takuma,yu-gi-oh! +kaku,one piece +aurora e. juutilainen,world witches series +bunker hill,azur lane +craspedia,flower knight girl +slime (disgaea),nippon ichi +kamen rider shin,kamen rider +tenkajin chiyari,touhou +dullahan,ragnarok online +kinpouge,flower knight girl +enki (fate/prototype),fate series +tamamo no mae (fate/extra),fate series +camille,gensou suikoden +buchse,gensou suikoden +mewtwo,pokemon +gepard m1,girls' frontline +aiba ami,digimon +chen (cat),touhou +deviling,ragnarok online +himeshara,flower knight girl +tiacauh brave,arknights +ludus,bokujou monogatari +asaka sara,pretty cure +succubus,ragnarok online +monk,final fantasy +type: null,pokemon +kurodani yamame (spider),touhou +urouge,one piece +culgan,gensou suikoden +touma h. norstein,digimon +pt imp group,kantai collection +bronzong,pokemon +tiacauh warrior,arknights +king halo,umamusume +fresnel (neural cloud),girls' frontline +agav,ragnarok online +valarqvin,arknights +sanbonmatsu,oshiro project +chichos,digimon +gwess,jojo no kimyou na bouken +tower of london,oshiro project +hijiri byakuren (mouse),touhou +seripa,dragon ball +izayoi (ff4),final fantasy +urda,gensou suikoden +fukuyama,oshiro project +mizunashi rena,meitantei conan +vivit,touhou +kusanagi shouichi,yu-gi-oh! +iruma miu,danganronpa series +onio (neko majin),dragon ball +hino rei,sailor moon +geodude,pokemon +tubular bells (stand),jojo no kimyou na bouken +mienfoo,pokemon +marilyn manson (stand),jojo no kimyou na bouken +benjamin (ffmq),final fantasy +cure mermaid (mode elegant ice),pretty cure +red (npc),arknights +odajima yuka,pretty cure +megi,flower knight girl +kamen rider scissors,kamen rider +sabo,one piece +bella (dq5),dragon quest +aliana,pokemon +ksg,girls' frontline +suzuna,princess connect! +spore,ragnarok online +c-moon (stand),jojo no kimyou na bouken +phantump,pokemon +marse,ragnarok online +jeice,dragon ball +raggler,ragnarok online +sailor chibi chibi,sailor moon +deoxys (defense),pokemon +morel mackernasey,hunter x hunter +cure flora (mode elegant lily),pretty cure +silph co. president,pokemon +volumen hydragyrum,fate series +uni,neptune series +frog,hunter x hunter +samuel oak,pokemon anime +kamen rider stronger,kamen rider +amon ra,ragnarok online +slime knight,dragon quest +minamoto shizuna,mahou sensei negima +puklipo,dragon quest +eiscue,pokemon +tapu bulu,pokemon +lara,fire emblem +dracula man,dragon ball +belgium,girls und panzer +zaaro,arknights +maria pier di romagna,world witches series +zetsk bellam,hunter x hunter +vanillite,pokemon +rath,fire emblem +cx4 storm,girls' frontline +rufus falken,atelier +myoudouin tsubaki,pretty cure +baalia (neural cloud),girls' frontline +degenbrecher,arknights +viola cadaverini,ace attorney +emporio alnino,jojo no kimyou na bouken +deimos,sailor moon +agony of royal knight,ragnarok online +roly beate,ace attorney +karrablast,pokemon +elraine,tales of... +kaenbyou rin,touhou +geirskogul,fate series +isa,kingdom hearts +hourai girl,touhou +gundula rall,world witches series +alcremie (ruby swirl),pokemon +miyamoto yumi,meitantei conan +dee vasquez,ace attorney +shanhaizhong desperado,arknights +rhett,gensou suikoden +delthea,fire emblem +wasp,azur lane +stallion reve,sailor moon +cure marine mirage,pretty cure +utsumi erice,fate/grand order +odin,fire emblem +kyuubi,naruto +tiamat (ff1),final fantasy +cure beat,pretty cure +aristotle means,ace attorney +anagallis,flower knight girl +nix,final fantasy +waffle (emblem),girls und panzer +akino,princess connect! +oranguru,pokemon +galarian darmanitan,pokemon +naja salaheem,final fantasy +marduk,sailor moon +pero (dqb2),dragon quest +klinklang,pokemon +dark mercury,sailor moon +dier maid,girls' frontline +admiral minami kazusa,kantai collection +miss father's day,one piece +cherubi,pokemon +patroller,girls' frontline +cornutus,ragnarok online +aipom,pokemon +haru urara,umamusume +uchiha izuna,naruto +android 18,dragon ball +kamishiro yuuko,digimon +manhattan transfer (stand),jojo no kimyou na bouken +turtwig,pokemon +nagato,azur lane +bianca (dq5),dragon quest +kamen rider century,kamen rider +nanami chiaki,danganronpa series +ceobe,arknights +kubota shiho,pretty cure +cecilia,fire emblem +theresa,arknights +nz75,girls' frontline +db (dokidoki! precure),pretty cure +asashio (kancolle),kantai collection +stella telmes,tales of... +sarah irene,ragnarok online +tokitoki,dragon ball +inoue chizuru,digimon +homer,fire emblem +kama (swimsuit avenger),fate/grand order +sierra mikain,gensou suikoden +fragarach,fate series +sicily,one piece +sageworm,ragnarok online +pesci,jojo no kimyou na bouken +celes chere,final fantasy +harukaze (kancolle),kantai collection +yuni (rainbow form) (precure),pretty cure +moose,gensou suikoden +haruna (kancolle),kantai collection +amami rantaro,danganronpa series +yumi (fresh precure!),pretty cure +char b1,girls und panzer +medusa,granblue fantasy +kamen rider zolda,kamen rider +froslass,pokemon +kirarin penguin,pretty cure +wakatsuki,azur lane +jasmine (phantom brave),nippon ichi +dr. kochin,dragon ball +laura nissinen,world witches series +honette marlen,atelier +ppd-40,girls' frontline +vivillon (meadow),pokemon +nagara,azur lane +daybit sem void,fate/grand order +sawsbuck,pokemon +zetsuborg,pretty cure +nagasumi eiji,digimon +kaenbyou rin (cat),touhou +cerberus (disgaea),nippon ichi +mime,final fantasy +keith russel,atelier +magellan,one piece +sceptile,pokemon +amara sigatar khura'in,ace attorney +bright,gensou suikoden +hanna wind,world witches series +el,girls und panzer +fujimura raiga,fate series +mk 153,girls' frontline +kappa mob,touhou +kiryuu kaoru,pretty cure +ivan (digimon savers),digimon +benjamin woodman,ace attorney +hk23,girls' frontline +zheng chenggong,fate series +l85a1,girls' frontline +toyama,oshiro project +firelock soldier,ragnarok online +dumuzid,fate series +final fantasy x,final fantasy +yamanaka inojin,naruto +rotom,pokemon +agnes digital,umamusume +hieda no akyuu,touhou +taketsuchi auchi,ace attorney +koyanskaya,fate/grand order +magearna (original),pokemon +nightmare luffy,one piece +simonov,girls' frontline +rise (neural cloud),girls' frontline +pearl,one piece +cure diamond,pretty cure +tormod,fire emblem +neko majin z,dragon ball +cure beat (fake),pretty cure +himenojou sakurako,pretty cure +emperor (stand),jojo no kimyou na bouken +doctor,arknights +barok van zieks,ace attorney +nakajima hayate,world witches series +leorio paladiknight,hunter x hunter +duosion,pokemon +kizuna akari,vocaloid +eve,fire emblem +okuni,pokemon +ornan,gensou suikoden +roxis rosenkranz,atelier +dhurke sahdmadhi,ace attorney +sesa,arknights +tenten,naruto series +oricorio (pom-pom),pokemon +bikini,dragon ball +saotome liliel,nippon ichi +moruchiana,flower knight girl +kurahashi (kancolle),kantai collection +cerynitis,girls' frontline +lamia queen,fate series +super computer,sailor moon +dupa,gensou suikoden +aegislash,pokemon +ebenholz,arknights +bayt al-hikmah,umamusume +sidra,dragon ball +takatori,oshiro project +arbok,pokemon +wichita,azur lane +gifu,oshiro project +iwadonoyama,oshiro project +subaki,fire emblem +kraken,one piece +woodrow kelvin,tales of... +type 59,girls' frontline +rodriot,hunter x hunter +cofagrigus,pokemon +furaiki,sailor moon +minamino souta,pretty cure +horsea,pokemon +shield fairy,girls' frontline +fukien,gensou suikoden +hiburi (kancolle),kantai collection +miyano akemi,meitantei conan +kuroobi,one piece +houjou dan,pretty cure +su-san,touhou +erebus,azur lane +noishe,tales of... +bremerton,azur lane +paco laburantes,jojo no kimyou na bouken +shadow lugia,pokemon +friederike porsche,world witches series +baron (suite precure),pretty cure +blizzar,sailor moon +emily (mahou girls precure!),pretty cure +linoan,fire emblem +hiyou (meta),azur lane +yegor,girls' frontline +excalibur morgan,fate series +jevon (bakery girl),girls' frontline +patty fleur,tales of... +peridot hamilton,tales of... +tsuyukusa,flower knight girl +merlin,fate/grand order +meese,gensou suikoden +lilisette,final fantasy +amelda,yu-gi-oh! +durbe,yu-gi-oh! +incarnation of morroc,ragnarok online +detective pikachu (character),pokemon +nina,fire emblem +anchorage princess,kantai collection +niizuki,azur lane +heroine (dq9),dragon quest +komala,pokemon +chris,kono subarashii sekai ni shukufuku wo! +hino genki,pretty cure +sakurada haruna,sailor moon +sakura,fire emblem +kamen rider arc,kamen rider +domino,one piece +reizei mako,girls und panzer +cornet espoir,nippon ichi +phina,fire emblem +gummy,arknights +zz,jojo no kimyou na bouken +kanshou & bakuya,fate series +bidoo,dragon ball +lister (precure),pretty cure +rapidash,pokemon +musketeer,azur lane +hippowdon (male),pokemon +drops,ragnarok online +kirahoshi ciel,pretty cure +shii,naruto +harpy,ragnarok online +alcremie (rainbow swirl),pokemon +joan garrideb,ace attorney +unown p,pokemon +legault,fire emblem +emden,azur lane +unryuu (kancolle),kantai collection +moonlight flower,ragnarok online +tyrogue,pokemon +johanna,pokemon +fo-12,girls' frontline +kuroba touichi,meitantei conan +sonia (little princess),nippon ichi +mysterious neko y,fate series +rindr,fate series +kiros seagill,final fantasy +nero brothers,final fantasy +kamen rider durendal,kamen rider +lugia,pokemon +kazsule,hunter x hunter +cymbidium,flower knight girl +panne,fire emblem +odessa silverberg,gensou suikoden +galuf halm baldesion,final fantasy +wallace (digimon adventure),digimon +pyxis,girls' frontline +nimogen,girls' frontline +oryou,fate/grand order +pam,gensou suikoden +semi-perfect cell,dragon ball +kuroyoru umidori,toaru majutsu no index +william tell,fate series +hisau maiya,fate series +vanilmirth,ragnarok online +pingyao gucheng,oshiro project +enforcer,arknights +meltryllis (swimsuit lancer),fate/grand order +amid,fire emblem +gazer,fate series +nihilego,pokemon +miltonia,flower knight girl +meiou setsuna,sailor moon +big bang monokuma,danganronpa +eldigan,fire emblem +pegasus j crawford,yu-gi-oh! +destroyer princess,kantai collection +battlus,pokemon +hildon,one piece +ootaki gorou,meitantei conan +killer,one piece +rhapthorne,dragon quest +clift,dragon quest +taillow,pokemon +usayama-jou,oshiro project +kamen rider live,kamen rider +final fantasy iii,final fantasy +kamen rider dark kiva,kamen rider +kokura,oshiro project +seiya kou,sailor moon +cure miracle (ruby style),pretty cure +rellor,pokemon +maku,ragnarok online +cacao,flower knight girl +amasawa keisuke,digimon +gekota,toaru majutsu no index +zangya,dragon ball +chirithy,kingdom hearts +curacao,meitantei conan +corn guy (phantom kingdom),nippon ichi +igor,persona +3-13 archer,fire emblem +sports max,jojo no kimyou na bouken +minibara,flower knight girl +scolipede,pokemon +ticonderoga,azur lane +chulainn,fire emblem +chuu lee,dragon ball +yami yugi,yu-gi-oh! +shabonsou,flower knight girl +metal king,dragon quest +kisara,gensou suikoden +neclord,gensou suikoden +nemhran,girls' frontline +martial arts (female),final fantasy +inuzuka shirou,pretty cure +calvin,bokujou monogatari +endou haruka,girls und panzer +southern ocean war princess,kantai collection +hilda,atelier +hisou tensoku,touhou +alolan marowak,pokemon +m1897,girls' frontline +nagomi akiho,pretty cure +woop slap,one piece +nijimura okuyasu,jojo no kimyou na bouken +un'you (kancolle),kantai collection +emizel (disgaea),nippon ichi +iksel jahnn,atelier +johanna wiese,world witches series +ukm-2000,girls' frontline +terry fawles,ace attorney +kuroudo,bleach +conte di cavour (kancolle),kantai collection +dolliv,pokemon +murichim,dragon ball +prism red,nippon ichi +dracule mihawk,one piece +darmanitan (standard),pokemon +revenge,azur lane +crimson-masked saiyan,dragon ball +torracat,pokemon +demon boar,fate series +knight,ragnarok online +drampa,pokemon +armarouge,pokemon +kefla,dragon ball +monkey d. luffy,one piece +moody blues (stand),jojo no kimyou na bouken +koan,sailor moon +chocolate disco,jojo no kimyou na bouken +eleanor,ragnarok online +ranger (disgaea),nippon ichi +yamashiro (kancolle),kantai collection +gerda,fate series +taylor,gensou suikoden +kaden,fire emblem +shanhaizhong skirmisher,arknights +cure art,pretty cure +floette (orange flower),pokemon +spot,hunter x hunter +shinada takumi,pretty cure +colt walker,girls' frontline +harutsuki,azur lane +astesia,arknights +zak gramarye,ace attorney +tenjouin fubuki,yu-gi-oh! +ceser,dragon quest +projekt red,arknights +valais,arknights +enchanted peach tree,ragnarok online +aromatisse,pokemon +bitt,pokemon +lucia (dq),dragon quest +ia,vocaloid +faye,fire emblem +kondou taeko,girls und panzer +sogeking,one piece +cutiefly,pokemon +cure coral (excellen-tropical style),pretty cure +marcia,pokemon +mystic (fft),final fantasy +preme (precure),pretty cure +pudding pudding,one piece +kamen rider saga,kamen rider +fred,fire emblem +wishiwashi,pokemon +katsuragi ace,umamusume +patxi,fate series +quetzalcoatl (samba santa),fate series +ashwatthama,fate/grand order +hinamori momo,bleach +ryuji,one piece +julio (precure),pretty cure +rudy lemono,umamusume +vegeta (xeno),dragon ball +cure moonlight,pretty cure +tsushima,toaru majutsu no index +takeru,bokujou monogatari +edou mika,pretty cure +rex zero 1,girls' frontline +mr. mime,pokemon +asparagus,girls und panzer +sub-2000,girls' frontline +cell max,dragon ball +greyy the lightningbearer,arknights +midorikawa hina,pretty cure +shelly de killer,ace attorney +horike-sensei,pretty cure +kuna mashiro,bleach +neptune,azur lane +hijirihara takumi,danganronpa +wired beck,jojo no kimyou na bouken +hrothgar,final fantasy +kakyoin noriaki,jojo no kimyou na bouken +karin,blue archive +tsuji aya,jojo no kimyou na bouken +cedric juniper,pokemon +oddish,pokemon +pyroar (male),pokemon +new kamen rider,kamen rider +sudowoodo,pokemon +yanadani yuusaku,pretty cure +dark rouge,pretty cure +funny valentine,jojo no kimyou na bouken +lakasei,dragon ball +higashikata norisuke,jojo no kimyou na bouken +genjii,touhou +usami,danganronpa series +shounan (kancolle),kantai collection +cobraja,pretty cure +silicobra,pokemon +kald lau,atelier +akuta hinako,fate/grand order +flare en kuldes,gensou suikoden +hiroyuki,digimon +russell berry,ace attorney +ronse,one piece +nanao,oshiro project +director (disgaea),nippon ichi +poporing,ragnarok online +aircraft carrier summer oni,kantai collection +cure miracle (heartful style),pretty cure +terada runa,pretty cure +tarou,ragnarok online +parasect,pokemon +haruto,bokujou monogatari +leak,ragnarok online +sarah (suikoden i),gensou suikoden +asura,tales of... +giallo,pokemon +ranran (rhapsody),nippon ichi +archer-tan,fate series +midnight,boku no hero academia +sailor mars (prototype),sailor moon +soda kazuichi,danganronpa series +savage 99,girls' frontline +endou iroha,pretty cure +archer (fft),final fantasy +poi brothers,digimon +electivire,pokemon +ares,fire emblem +mace,gensou suikoden +shera (ff7),final fantasy +langley ii,azur lane +xander,fire emblem +uzumaki boruto,naruto series +yamagata,oshiro project +aino minako,sailor moon +chikuma,azur lane +light,girls' frontline +aroma,arknights +yamanami keisuke,fate/grand order +fantastic belltier,pretty cure +mogami (kancolle),kantai collection +suzushiro,flower knight girl +burter,dragon ball +flamigo,pokemon +rania,gensou suikoden +jessica albert,dragon quest +spiky-eared pichu,pokemon +bopobo,hunter x hunter +jackie chun,dragon ball +tonpeti,jojo no kimyou na bouken +jerome,fire emblem +svin glascheit,fate series +charlotte praline,one piece +abomasnow,pokemon +neil marshall,ace attorney +sobble,pokemon +ran (pgdz),pokemon +mitsugashira enoko,touhou +furfrou (dandy),pokemon +foo fighters (stand),jojo no kimyou na bouken +ceruledge,pokemon +blaze,arknights +nasubi hui guo rou,hunter x hunter +princess fumizuki,arknights +garbodor,pokemon +final fantasy type-0,final fantasy +panettone,girls und panzer +born this way (stand),jojo no kimyou na bouken +luoyang,oshiro project +horn,arknights +martina crespi,world witches series +mabosstiff,pokemon +lam (neural cloud),girls' frontline +misaka imouto,toaru majutsu no index +kage,gensou suikoden +jiraiya,naruto series +himmelmez,ragnarok online +obeaune,ragnarok online +kitakaze,azur lane +rotom (wash),pokemon +scilla,flower knight girl +classmate with glasses (suite precure),pretty cure +porcellio,ragnarok online +roy,fire emblem +takane d goodman,mahou sensei negima +ophiuchus (precure),pretty cure +jody hopper,meitantei conan +fungus,vocaloid +kochiya sanae,touhou +say'ri,fire emblem +charcadet,pokemon +vent of the front,toaru majutsu no index +gram,fate series +demigra,dragon ball +swirlix,pokemon +odette (neural cloud),girls' frontline +moses sandor,tales of... +elf (dq10),dragon quest +dewott,pokemon +chougei (kancolle),kantai collection +shirakawa megumi,digimon +nabokov,gensou suikoden +reiuji utsuho,touhou +miruto,pokemon +politoed,pokemon +jungle pocket,umamusume +takada risa,pretty cure +gazelle,fire emblem +omokage,hunter x hunter +bofeng,touhou +richmond,azur lane +enigma (stand),jojo no kimyou na bouken +haruno ibuki,pretty cure +miriam,pokemon +castille (phantom brave),nippon ichi +anna,fire emblem +tanya,brave girl ravens +runerigus,pokemon +tagoma,dragon ball +hikari no 4 senshi,final fantasy +kawagoe,oshiro project +vergo,one piece +piano,dragon ball +finn,fire emblem +al (pokemon adventures),pokemon +alter ego,danganronpa +caribou,one piece +nine-tailed fox (disgaea),nippon ichi +loki,fire emblem +keen,gensou suikoden +doster,hunter x hunter +enemy lifebuoy (kancolle),kantai collection +ishizu ishtar,yu-gi-oh! +sarugaki hiyori,bleach +king nothing,jojo no kimyou na bouken +fuu,naruto +namur,one piece +chateau de chambord,oshiro project +erwin,girls und panzer +roland,fate series +minamoto no raikou,fate/grand order +cure butterfly,pretty cure +maron (dragon ball z),dragon ball +alcremie (salted cream),pokemon +el condor pasa,umamusume +bolzano,azur lane +kawakami princess,umamusume +pekorin (precure),pretty cure +monta yuras,hunter x hunter +namiashi raidou,naruto +claydol,pokemon +uryuu ryuunosuke,fate series +margaretha sorin,ragnarok online +yamato,one piece +galarian darmanitan (standard),pokemon +katsura rei,digimon +senna,bleach +sakurazaki setsuna,mahou sensei negima +fuwa,dragon ball +alexander digotz,ragnarok online +haruno moe,pretty cure +tanino gimlet,umamusume +kuron,bokujou monogatari +metal brothers,dragon quest +takenouchi sora,digimon +umino iruka,naruto series +ft-17,girls und panzer +moro,dragon ball +isobu,naruto +puck,re:zero kara hajimeru isekai seikatsu +assassin,fate series +breeze,arknights +nowaki,azur lane +kiev,azur lane +shada,yu-gi-oh! +galarian ponyta,pokemon +archer (prisma illya),fate series +johnny joestar,jojo no kimyou na bouken +minior (green core),pokemon +zinnia,pokemon +lotta hart,ace attorney +celebi,pokemon +cordelia,fire emblem +kukuru (dq8),dragon quest +poncirus,arknights +scathach (swimsuit assassin),fate/grand order +zazie rainyday,mahou sensei negima +christoph aurel arland,atelier +sunazara chimitsu,toaru majutsu no index +hyuuga minori,pretty cure +sukuwara,hunter x hunter +flutter mane,pokemon +kamen rider ixa,kamen rider +unownglyphics,pokemon +escort fortress (kancolle),kantai collection +siren,final fantasy +nevada (kancolle),kantai collection +argonauts,girls' frontline +regice,pokemon +pecola,gensou suikoden +richter abend,tales of... +wolf,fire emblem +garuda,final fantasy +takenouchi yoshimi,pretty cure +wendel,gensou suikoden +ursula leiden,final fantasy +kamen rider 555,kamen rider +iguara,sailor moon +carnelian,arknights +cannot goodenough,arknights +silphium,flower knight girl +hibiscus,arknights +pikarigaoka middle school uniform,pretty cure +kongou mitsuko,toaru kagaku no railgun +are you my master,fate series +christopher columbus,fate series +kihara amata,toaru majutsu no index +houshou,azur lane +humus,arknights +pamela arwig,rosenkreuzstilette +blastoise,pokemon +usagi aloha'oe,jojo no kimyou na bouken +j,girls' frontline +bogard,one piece +ajisai,flower knight girl +su,honkai series +kagerou (kancolle),kantai collection +abyssal nimbus princess,kantai collection +medusa (lancer alter),fate series +mem-mem (precure),pretty cure +spice girl (stand),jojo no kimyou na bouken +sandy (dq9),dragon quest +akaba reira,yu-gi-oh! +aikawa love,bleach +undine (neural cloud),girls' frontline +cz-805,girls' frontline +abukuma (kancolle),kantai collection +usami renko,touhou +cherry sage,flower knight girl +pola,azur lane +marta schevesti,atelier +aether foundation employee,pokemon +volcanion,pokemon +kurt (digimon world 3),digimon +egnigem cenia,ragnarok online +final fantasy tactics a2,final fantasy +grandpa (magical pokemon journey),pokemon +shiro,no game no life +florence (neural cloud),girls' frontline +burmy,pokemon +hanaokura,flower knight girl +final fantasy xi,final fantasy +zeraora,pokemon +dai kaioushin,dragon ball +miyako yoshika,touhou +gatekeeper,fire emblem +reaper (disgaea),nippon ichi +staff of aesclepius,girls' frontline +honolulu (kancolle),kantai collection +fp-6,girls' frontline +public yotsuba middle school uniform,pretty cure +arisawa tatsuki,bleach +apis,one piece +haatokazura,flower knight girl +light nostrade,hunter x hunter +nelson (kancolle),kantai collection +parachute fairy,girls' frontline +dark frame,ragnarok online +kaori,princess connect! +nyto,girls' frontline +dolph,gensou suikoden +komugi,flower knight girl +princess cologne,yu-gi-oh! +ouji masamune,pretty cure +ultimate shenron,dragon ball +terra of the left,toaru majutsu no index +kugaisou,flower knight girl +angeal hewley,final fantasy +benjamin hui guo rou,hunter x hunter +laventon,pokemon +dodrio,pokemon +feebas,pokemon +final fantasy iv,final fantasy +carmen,arknights +cure peace (princess form),pretty cure +nuova shenron,dragon ball +vewon,dragon ball +bihorn,hunter x hunter +rosemary (precure),pretty cure +naganami,azur lane +suzuran,arknights +natalia kaminski,fate series +tarkus,jojo no kimyou na bouken +dr. kureha,one piece +female assassin (fate/zero),fate series +maboroshi no ginzuishou,sailor moon +marshadow (gloom),pokemon +dende,dragon ball +t28 super heavy tank,girls und panzer +dead scream,sailor moon +indianapolis,azur lane +diavolo,jojo no kimyou na bouken +ishimaru kiyotaka,danganronpa series +wanda,one piece +fiona,fire emblem +fish eye,sailor moon +pest,ragnarok online +kamen rider kaixa,kamen rider +cure scarlet (mode elegant),pretty cure +southern ocean war oni,kantai collection +bellboy,ace attorney +vivillon (icy snow),pokemon +iris,kono subarashii sekai ni shukufuku wo! +little prinz eugen,azur lane +stone free,jojo no kimyou na bouken +eggring,ragnarok online +dewey,azur lane +ekans,pokemon +kojima genta,meitantei conan +minior (yellow core),pokemon +hibiki koto,vocaloid +anna (pokemon battle revolution),pokemon +matsumoto rangiku,bleach +mauko,girls und panzer +hazelwood,azur lane +amelia,fire emblem +type 79,girls' frontline +agenir,arknights +mr. bonding,pokemon +sella,fate series +ruby jones,meitantei conan +date makiko,digimon +reserve operator logistics,arknights +wimpod,pokemon +hair tie kappa,touhou +barbariccia,final fantasy +vivillon (elegant),pokemon +buront,final fantasy +mephisto,arknights +flaaffy,pokemon +minorous,ragnarok online +amaru,naruto +akiyama jungorou,girls und panzer +seika kohinata,yu-gi-oh! +black kyurem,pokemon +vegetto,dragon ball +millay,gensou suikoden +natori (kancolle),kantai collection +shirabe,mahou sensei negima +martin,ragnarok online +fusoya,final fantasy +blue angel,yu-gi-oh! +final fantasy xv,final fantasy +yamato kooriyama,oshiro project +prishe,final fantasy +firewatch,arknights +asagao,flower knight girl +izumi-sensei (happinesscharge precure!),pretty cure +julian falner,atelier +dark lemonade,pretty cure +himemushi momoyo,touhou +tabitha,pokemon +shirayuki (kancolle),kantai collection +pamiat merkuria,azur lane +ulsulah,arknights +vivillon (savanna),pokemon +prince joel,atelier +rally dawson,yu-gi-oh! +silwest,atelier +desmond,gensou suikoden +tsumiki mikan,danganronpa series +pikachu pop star,pokemon +flittle,pokemon +ushio tetsu,yu-gi-oh! +pikipek,pokemon +auspicious fairy,girls' frontline +nobody,kingdom hearts +tamanegi,one piece +majitani,hunter x hunter +whimsicott,pokemon +phil,pokemon +kisume,touhou +alouette (la pucelle),nippon ichi +barbatos,genshin impact +oswin,fire emblem +lycoris,girls' frontline +orange,oshiro project +prum,dragon ball +dr. nako,one piece +leonardo,fire emblem +zeus,fate series +hina,genshin impact +istina,arknights +ambriel,arknights +rotomi,pokemon +trieste,azur lane +audino,pokemon +selkie,fire emblem +minerva (fire emblem awakening),fire emblem +aoki shizuko,pretty cure +mojito,dragon ball +shi huang di,fate/grand order +acerola,pokemon +karol capel,tales of... +chen gong,fate series +sealeo,pokemon +mizaistom nana,hunter x hunter +maki (futari wa precure),pretty cure +fergus mac roich,fate/grand order +orbital 7,yu-gi-oh! +dancer's costume (dq),dragon quest +riyo servant (bearing),fate series +megurine luka,vocaloid +z1 leberecht maass,azur lane +mira,pokemon +belmod,dragon ball +suomi,girls' frontline +metal lee,naruto +uchiha kagami,naruto +jieyun,arknights +ripper,girls' frontline +roog,gensou suikoden +folly,pokemon +kadabra,pokemon +prinz adalbert,azur lane +gift of the sanguinarch,arknights +arcturus,ragnarok online +curly dadan,one piece +anzio school uniform,girls und panzer +kosofftro,hunter x hunter +pravda school uniform,girls und panzer +eyelashes,one piece +fuujin (ff8),final fantasy +matsuda jinpei,meitantei conan +machvise,one piece +ktullanux,ragnarok online +hatakaze,azur lane +st. louis,azur lane +nyatoran (precure),pretty cure +ebisu,naruto +mysterious neko w,fate series +nag'molada,final fantasy +colphne (girls' frontline 2),girls' frontline +incubus,ragnarok online +sailor aluminum seiren,sailor moon +saichoro,dragon ball +so-class submarine,kantai collection +sweet ann,vocaloid +cure kururun,pretty cure +tamamo no mae (swimsuit lancer),fate/grand order +tyranno kenzan,yu-gi-oh! +oogai daiichi middle school uniform,pretty cure +gamma 2,dragon ball +eisel weimar,atelier +mathias,tales of... +thara frog,ragnarok online +admire vega,umamusume +avicebron,fate/grand order +lear,pokemon +maschiff,pokemon +camel,one piece +pidgeotto,pokemon +tina,pokemon +magnemite,pokemon +drifblim,pokemon +yellow pansy,flower knight girl +hikari,bokujou monogatari +dhelmise,pokemon +tytree crowe,tales of... +limstella,fire emblem +mr. heartland,yu-gi-oh! +grail-kun,fate series +dace,azur lane +dorm supervisor,toaru majutsu no index +solene (precure),pretty cure +jaeger swap,girls' frontline +sasanqua,flower knight girl +arietta,tales of... +emily sevensheep,mahou sensei negima +jale,gensou suikoden +tanikaze,azur lane +yura (go! princess precure),pretty cure +dimitri alexandre blaiddyd,fire emblem +fumizuki (kancolle),kantai collection +marcus (ff9),final fantasy +piamette,ragnarok online +bellett,one piece +sims,azur lane +ajax,azur lane +ikazuchi,azur lane +hoshino,blue archive +cure star (twinkle style),pretty cure +zilart,final fantasy +sagiri (kancolle),kantai collection +kullamas blengkam,world witches series +kise chiharu,pretty cure +koby,one piece +spenser,pokemon +ylgr,fire emblem +chartreuse grande,nippon ichi +i-58 (kancolle),kantai collection +beluh,pokemon +bluno,pokemon +evil nymph,ragnarok online +zorak,gensou suikoden +heart hunter evil,ragnarok online +syuzanna,girls' frontline +m24 chaffee,girls und panzer +tousou,touken ranbu +wato takeru,digimon +france,girls und panzer +noise (suite precure),pretty cure +kamen rider zeronos,kamen rider +cornus,ragnarok online +warwick,oshiro project +bran,oshiro project +aida izuzu,pretty cure +james black,meitantei conan +barboach,pokemon +camie,one piece +palace,dragon ball +phantom (happinesscharge precure!),pretty cure +hom,atelier +admiral (kancolle),kantai collection +rabsca,pokemon +absol,pokemon +k2,girls' frontline +kamen rider kabuto (series),kamen rider +honshou chizuru,bleach +daitou (kancolle),kantai collection +lunar whale,final fantasy +zoisite,sailor moon +lunasa prismriver,touhou +barst,fire emblem +shingetsu rei,yu-gi-oh! +eudial,sailor moon +fionn mac cumhaill (fate/grand order),fate series +creamy,ragnarok online +swordsmith,touken ranbu +abo,dragon ball +tarantula,girls' frontline +ascalon,arknights +nishikitaitei-chan,kantai collection +walking corpse,dragon quest +sulpher (mana khemia),atelier +alma beoulve,final fantasy +luso clemens,final fantasy +kanemoto hiroko,pretty cure +hubble (neural cloud),girls' frontline +yat sen,azur lane +emeraude,tales of... +shikaku,hunter x hunter +harmira,dragon ball +fjorm,fire emblem +big eye (disgaea),nippon ichi +idunn,fire emblem +commandant teste (kancolle),kantai collection +ottilie kittel,world witches series +ppk,girls' frontline +vessa,pokemon +aphelandra,one piece +cure whip (a la mode style),pretty cure +laevatein,fire emblem +kanak,gensou suikoden +s1e13 umamusume,umamusume +raikou,pokemon +edytha rossmann,world witches series +horong,ragnarok online +heinz freihorn,atelier +shikiba santa,danganronpa +yamisaka ouma,toaru majutsu no index +dawn,pokemon +son goku,dragon ball +aida ayumi,pretty cure +alolan graveler,pokemon +aura blackquill,ace attorney +inuzuka kiba,naruto series +megami-sama,bokujou monogatari +floragato,pokemon +king slime,dragon quest +canna,flower knight girl +excadrill,pokemon +hagoromo lala,pretty cure +darui,naruto +souheil,hunter x hunter +irisviel von einzbern (caster),fate series +suzukaze (kancolle),kantai collection +flower sword vista,one piece +shouryuuji,oshiro project +persian,pokemon +juugo,naruto +salazzle,pokemon +juuban high school uniform,sailor moon +cure mint,pretty cure +gau,gensou suikoden +berserker,fate/grand order +lisette lander,atelier +sessyoin kiara (lily),fate series +fenimore,tales of... +mia streia,brave girl ravens +cerecere,sailor moon +koshiba naoto,pretty cure +yuna (ff10),final fantasy +umikaze (kancolle),kantai collection +judge,girls' frontline +xin hua,vocaloid +jeorge,fire emblem +ooshio,azur lane +unversed,kingdom hearts +amaia,arknights +squirtle,pokemon +gooyan,pretty cure +enemy aircraft (kancolle),kantai collection +cynthia,fire emblem +scotch,meitantei conan +yoshikawa kikyou,toaru majutsu no index +fuse=kazakiri,toaru majutsu no index +bacura,one piece +benson,azur lane +barbaracle,pokemon +dahut,fate series +wiegraf folles,final fantasy +pakura,naruto +shikano,oshiro project +ivanov,gensou suikoden +hitsugaya toushirou,bleach +clarent,fate series +hrid,fire emblem +hatchan,one piece +tanned cirno,touhou +atticus,pokemon +fuyo,gensou suikoden +kreis kuhl,atelier +dios,gensou suikoden +walnut,pokemon +bakebake,touhou +sm-1,girls' frontline +dr. faker,yu-gi-oh! +shiny tambourine (heartcatch precure!),pretty cure +craig laden,gensou suikoden +dipplin,pokemon +shachmono tocino,hunter x hunter +shimada chiyo,girls und panzer +hassan of serenity,fate series +gloom,pokemon +hansa cervantes,fate series +appletun,pokemon +scorbunny,pokemon +shinon,fire emblem +cure fontaine (healin' good style),pretty cure +batty (mahou girls precure!),pretty cure +tao,bokujou monogatari +akira (pokemon horizon),pokemon +specialized bulin mkiii,azur lane +skwovet,pokemon +shiina erena,pretty cure +frank sahwit,ace attorney +morga,sailor moon +bieko (disgaea),nippon ichi +sanaki kirsch altina,fire emblem +gengar,pokemon +lightning farron,final fantasy +carro veloce cv-33,girls und panzer +palkia,pokemon +severa,fire emblem +crescent compact,sailor moon +cure puca,pretty cure +sovetskaya belorussiya,azur lane +daimon suguru,digimon +ayaka's father (fate/prototype),fate series +dabura,dragon ball +symboli kris s,umamusume +grandpa gohan,dragon ball +buujin,dragon ball +kamen rider gai,kamen rider +hecatia lapislazuli (moon),touhou +hammann,azur lane +nekoyashiki yuki,pretty cure +hyur,final fantasy +shiho,naruto +krin,gensou suikoden +aoba (kancolle),kantai collection +illyasviel von einzbern (swimsuit archer),fate/grand order +cure ange (cheerful style),pretty cure +goz,dragon ball +morelull,pokemon +kado manabu,pokemon +pm-9,girls' frontline +cure felice,pretty cure +az,pokemon +rondoline e effenberg,tales of... +raimund,arknights +nakajima kanon,danganronpa +wakasa rumi,meitantei conan +muezli,dragon ball +clair,fire emblem +dia,bokujou monogatari +supreme thunder,sailor moon +tyrell badd,ace attorney +sailor pallas,sailor moon +kanou sayaka,pretty cure +apollo justice,ace attorney +tsuyama,oshiro project +bounsweet,pokemon +kira izuru,bleach +light cruiser princess,kantai collection +janus (kancolle),kantai collection +princess pumplulu,pretty cure +piccolo,dragon ball +nurse fairy,girls' frontline +ak-alfa,girls' frontline +kahseral,dragon ball +etzali,toaru majutsu no index +laurell weinder,ragnarok online +amori,hunter x hunter +gm6 lynx,girls' frontline +angry,arknights +amagi (kancolle),kantai collection +veluza,pokemon +rattata,pokemon +hugo (suikoden iii),gensou suikoden +harold,arknights +kuroba chikage,meitantei conan +norfolk,azur lane +luc,gensou suikoden +lee lianjie,digimon +hishikawa ryouko,pretty cure +doberman,one piece +mimizu,hunter x hunter +illuso,jojo no kimyou na bouken +drowzee,pokemon +l'avenir academy school uniform,pretty cure +jay,tales of... +norn,atelier +isomer,girls' frontline +helma lennartz,world witches series +rowen j. ilbert,tales of... +iyo,fate series +caster class,fate series +arctosz paleroche,arknights +torkoal,pokemon +kachua,ragnarok online +shiryuu,one piece +female protagonist (digimon story),digimon +horseman (disgaea),nippon ichi +forretress,pokemon +piyotan,girls und panzer +hero (dq1),dragon quest +maruzensky,umamusume +cutlass,girls und panzer +pouring,ragnarok online +saemonza,girls und panzer +caeldori,fire emblem +coburn,hunter x hunter +fritz,bokujou monogatari +u-410,azur lane +hishi amazon,umamusume +lunch,dragon ball +basil,dragon ball +austin o'brien,yu-gi-oh! +tornadus (therian),pokemon +entei,pokemon +wakaba,azur lane +lena,azur lane +whismur,pokemon +masked royal,pokemon +momoze hui guo rou,hunter x hunter +renzuka frunetti,nippon ichi +matsuwa (kancolle),kantai collection +furfrou (natural),pokemon +type 56-1,girls' frontline +iba tetsuzaemon,bleach +sydonia,gensou suikoden +hakase satomi,mahou sensei negima +parvis,arknights +kariya jin,bleach +metallica (majo to hyakkihei),nippon ichi +king cold,dragon ball +shirley,fate series +zoyrin geller,sailor moon +ted,gensou suikoden +comet,azur lane +watatsuki no yorihime,touhou +jesselton williams,arknights +berserker (fate/samurai remnant),fate series +strawberry candle,flower knight girl +abukuma,azur lane +kuji,oshiro project +alcremie (ribbon sweet),pokemon +richard hackett,hunter x hunter +spiritia rosenberg,rosenkreuzstilette +unicorn,azur lane +hourai doll,touhou +mori haruna,pretty cure +elaine,gensou suikoden +kroos the keen glint,arknights +merric,fire emblem +u-official,arknights +porche,one piece +suzaki airu,digimon +ken,pokemon +diver down (stand),jojo no kimyou na bouken +black frieza,dragon ball +paldean wooper,pokemon +nekoyashiki yuki (cat),pretty cure +alabama,azur lane +emanuele pessagno,azur lane +phione,pokemon +muka,ragnarok online +cure march,pretty cure +tatsugiri (droopy),pokemon +aylwin,azur lane +dynamax,pokemon +filir,ragnarok online +monique,arknights +fullbody,one piece +assisi,oshiro project +cure beat (crescendo),pretty cure +aogami pierce,toaru majutsu no index +pikachu phd,pokemon +snowsant,arknights +toyosatomimi no miko,touhou +ssg3000,girls' frontline +team skull grunt,pokemon +unne,final fantasy +zisu,pokemon +tequila,arknights +alolan golem,pokemon +bastet (stand),jojo no kimyou na bouken +han cunningham,gensou suikoden +kuchiki byakuya,bleach +liquid metal slime (dq),dragon quest +galarian weezing,pokemon +yo-class submarine,kantai collection +meganium,pokemon +hagakure yasuhiro,danganronpa series +time mage (fft),final fantasy +mash kyrielight,fate/grand order +george kurai,pretty cure +gulo,arknights +cure mermaid (dress up premium),pretty cure +daishinkan,dragon ball +cosmos (dff),final fantasy +great tusk,pokemon +zhed,ragnarok online +dalcom,ragnarok online +orange pekoe,girls und panzer +minneapolis,azur lane +sarkies,one piece +kamen rider ginga,kamen rider +kurotsuchi nemu,bleach +yagami susumu,digimon +void dark (disgaea),nippon ichi +linaly klauser,final fantasy +katagiri anjuro,jojo no kimyou na bouken +dominica s. gentile,world witches series +wurmple,pokemon +slowking,pokemon +charles babbage,fate/grand order +elly (rhapsody),nippon ichi +exusiai,arknights +hyousube ichibei,bleach +gaara,naruto series +horus (stand),jojo no kimyou na bouken +arbiter the empress iii,azur lane +jun'you (kancolle),kantai collection +tabuse haruna,meitantei conan +zabaniya,fate series +kamen rider eiki,kamen rider +gina lestrade,ace attorney +aegis swap,girls' frontline +rinkah,fire emblem +leon (ff2),final fantasy +evil druid,ragnarok online +brusquement,umamusume +ternet,tales of... +frankenstein's monster (swimsuit saber),fate/grand order +yamu,dragon ball +togami byakuya (danganronpa 2),danganronpa +saiba rei,digimon +greevil,pokemon +maxie,pokemon +godot,ace attorney +cure passion,pretty cure +wairu,dragon ball +caws,girls' frontline +p30,girls' frontline +roda frog,ragnarok online +shieldon,pokemon +shroomish,pokemon +elizabeth bathory,fate series +charles-henri sanson,fate/grand order +lazlo,gensou suikoden +okada izou (dog),fate series +muguruma kensei,bleach +disguised zoroark,pokemon +katsushika hokusai,fate/grand order +sora harewataru,pretty cure +kars,jojo no kimyou na bouken +yakumo yukari (young),touhou +p08,girls' frontline +de lisle,girls' frontline +jealous schoolgirl (dokidoki! precure),pretty cure +serah farron,final fantasy +bidoof,pokemon +pk,girls' frontline +gell,hunter x hunter +kiso (kancolle),kantai collection +yuriko (futari wa precure),pretty cure +ichimaru gin,bleach +pincurchin,pokemon +persicaria (neural cloud),girls' frontline +benienma alter,fate series +swablu,pokemon +lanette,pokemon +kudou taiki's mother,digimon +vigil,arknights +scamp (kancolle),kantai collection +crest worm,fate series +jenkins,azur lane +fusou (meta),azur lane +flandre scarlet (bat),touhou +revavroom,pokemon +sailor lead crow,sailor moon +kamen rider blades,kamen rider +wayousei,touhou +runaway girl,jojo no kimyou na bouken +atsugessho,sailor moon +snorunt,pokemon +russ,tales of... +poipole,pokemon +higo ryuusuke,meitantei conan +fillonce,one piece +alternative zero,kamen rider +juana olsys,atelier +merchant (dq3),dragon quest +zephyranthes,flower knight girl +alolan ninetales,pokemon +rance (dokidoki! precure) (human),pretty cure +garret,fire emblem +yu mei-ren,fate/grand order +circulas,pretty cure +angel slime,dragon quest +hoggmeister (disgaea),nippon ichi +jupiter cannon,girls' frontline +luviagelita edelfelt,fate series +alty,ragnarok online +venus chain,sailor moon +turks (ff7),final fantasy +leon (fire emblem echoes),fire emblem +scavenger,arknights +hibiki koyo,yu-gi-oh! +jouji joestar,jojo no kimyou na bouken +chepet,ragnarok online +droite,yu-gi-oh! +rosemary,flower knight girl +doppelganger (toaru kagaku no railgun),toaru majutsu no index +kirakira patisserie uniform,pretty cure +carcasonne,oshiro project +inaba tewi (bunny),touhou +california,azur lane +laslow,fire emblem +terapagos (terastal),pokemon +onion knight,final fantasy +odawara,oshiro project +osaka,oshiro project +carol masterson,one piece +emiya norikata,fate series +uzumaki mito,naruto +ukitake juushirou,bleach +navarre,fire emblem +goutokuji mike,touhou +zygarde (10%),pokemon +ushio (kancolle),kantai collection +kana,fire emblem +forbidden city,oshiro project +mansion manager,ragnarok online +calyrex (ice rider),pokemon +matsukaze rin,girls und panzer +kamen rider jeanne,kamen rider +thomas edison,fate/grand order +maria kates,ragnarok online +galarian farfetch'd,pokemon +familiar,ragnarok online +gogeta,dragon ball +selphie tilmitt,final fantasy +p22,girls' frontline +klavier gavin,ace attorney +nijimura kei,jojo no kimyou na bouken +velouria,fire emblem +fujiwara yuusuke,yu-gi-oh! +grimmsnarl,pokemon +alice margatroid (pc-98),touhou +tenjou haruto,yu-gi-oh! +mirai senshi,dragon ball +rosalie de la poype,world witches series +boku no rhythm wo kiitekure (stand),jojo no kimyou na bouken +bonneville (neural cloud),girls' frontline +mizuho (kancolle),kantai collection +giru,dragon ball +vulpix,pokemon +munchlax,pokemon +akai isamu,pokemon +witch king,arknights +falcon,girls' frontline +orsola aquinas,toaru majutsu no index +gammel dore,nippon ichi +morroc jeweler,ragnarok online +ruida,dragon quest +sylveon,pokemon +belda (majo to hyakkihei),nippon ichi +evil eye,touhou +ced,fire emblem +perona,one piece +mousse,arknights +kilmar,fire emblem +miyamoto musashi (swimsuit berserker),fate/grand order +airfield princess,kantai collection +sailor cosmos,sailor moon +south kaioushin,dragon ball +eldegoss,pokemon +shibata katsuie,fate series +ark royal (meta),azur lane +yun,gensou suikoden +cure melody (crescendo),pretty cure +gold experience requiem,jojo no kimyou na bouken +ushibuka,toaru majutsu no index +clemenceau,azur lane +chicago,azur lane +cagnazzo,final fantasy +aiwass,toaru majutsu no index +martha (santa),fate series +tessou tsuzuri,toaru majutsu no index +soraumi jupiel,nippon ichi +shi-long lang,ace attorney +mankey,pokemon +skogul,ragnarok online +nagae iku,touhou +kamen rider ghost (series),kamen rider +ioder,tales of... +raspberyl,nippon ichi +rakuyou,one piece +huai tianpei,arknights +liane mistlud,atelier +wish (go! princess precure),pretty cure +grand oak,pokemon +list of pokemon,pokemon +remoraid,pokemon +haguro,azur lane +blacksmith,ragnarok online +jose,one piece +arthur pendragon alter,fate series +zirconia,sailor moon +news coo,one piece +osakabehime (swimsuit archer),fate/grand order +charlotte daifuku,one piece +asaza,flower knight girl +mysterious heroine xx,fate/grand order +mizuki,meridian project +gromky,azur lane +pecharunt,pokemon +wasurenagusa,flower knight girl +chapman,gensou suikoden +shiratori yuriko,pretty cure +agares blight,gensou suikoden +gible,pokemon +mez,dragon ball +lycanroc (midday),pokemon +celio,pokemon +crisis core final fantasy vii,final fantasy +quickie,tales of... +broly (dragon ball z),dragon ball +vaike,fire emblem +sara,granblue fantasy +azuchi,oshiro project +korn,meitantei conan +survivor (stand),jojo no kimyou na bouken +elizabeth f. beurling,world witches series +priest seto,yu-gi-oh! +43m,girls' frontline +bridge comp,umamusume +jericho,girls' frontline +rod (bokujou monogatari hnd),bokujou monogatari +komano aunn,touhou +sukusuku hakutaku,touhou +savage babe,ragnarok online +yoshimoto,pokemon +kuriza,dragon ball +carcano m1891,girls' frontline +new submarine princess,kantai collection +pavel marmontov,girls' frontline +cyan garamonde,final fantasy +rage shenron,dragon ball +nagato (kancolle),kantai collection +cerberus,granblue fantasy +seal,ragnarok online +giorno giovanna,jojo no kimyou na bouken +medb,fate/grand order +penguin,one piece +seaport princess,kantai collection +chieri (go! princess precure),pretty cure +nelis,gensou suikoden +vinca,flower knight girl +kawashiro nitori (kappa),touhou +wugtrio,pokemon +key chain,sailor moon +girl with topknot (suite precure),pretty cure +kunieda ryou,bleach +kratos,girls' frontline +lalafell,final fantasy +suzumura miyuki,pretty cure +rotom bike,pokemon +sagara mao,pretty cure +gertrude strollo,arknights +icarus,dragon ball +marisha,fire emblem +toninjinka,dragon ball +manazuru chitose,fate series +leo (fire emblem fates),fire emblem +uhlan,girls' frontline +ryuki,pokemon +steward,arknights +cure summer,pretty cure +coldshot,arknights +kamen rider calibur,kamen rider +okada mayu,pretty cure +taiyou (kancolle),kantai collection +froakie,pokemon +artorius collbrande,tales of... +okamisty,touhou +mont saint-michel,oshiro project +happy robo,pretty cure +maas,gensou suikoden +maotelus,tales of... +tink (disgaea),nippon ichi +leschenaultia,flower knight girl +lilon,gensou suikoden +list,hunter x hunter +kagetora,pokemon +aishuwarya rai,digimon +asahi (kancolle),kantai collection +rigantona,umamusume +trudly,pokemon +bruce goodman,ace attorney +leone,girls' frontline +nenohi (kancolle),kantai collection +gareth (swimsuit saber),fate series +miyamoto iori,fate series +dondozo,pokemon +einbroch guard,ragnarok online +okita souji alter,fate/grand order +akimichi chouji,naruto series +ootori reika,digimon +babel,digimon +tatsuno tsurugi,digimon +tiger ii,girls und panzer +sig-556,girls' frontline +tachikawa keisuke,digimon +coeus,girls' frontline +mikazuki (kancolle),kantai collection +air groove,umamusume +vander,pokemon +l. a. boomboom,jojo no kimyou na bouken +iuchar,fire emblem +kyurene,sailor moon +ash (phantom brave),nippon ichi +fusou (kancolle),kantai collection +heavyrain,arknights +zagi,tales of... +t65,girls' frontline +nekoyashiki sumire,pretty cure +great wall of china,oshiro project +eizen,tales of... +momota kaito,danganronpa series +king cureslime,dragon quest +marco polo,azur lane +pekoyama peko,danganronpa series +benigio,pretty cure +ikuno dictus,umamusume +wu zetian,fate/grand order +lapras,pokemon +gabite,pokemon +bismarck zwei,azur lane +hoshina terumi,pretty cure +murasaki hanana,flower knight girl +isaku,hunter x hunter +ophelia,fire emblem +nakamuradate,oshiro project +enoshima junko,danganronpa series +alois rangeld,fire emblem +victreebel,pokemon +zihark,fire emblem +hagiwara kenji,meitantei conan +annette fantine dominic,fire emblem +unlovely (happinesscharge precure!),pretty cure +lusa,girls' frontline +miruca crotze,atelier +zuihou (kancolle),kantai collection +abelia,flower knight girl +oyashio (kancolle),kantai collection +nogi yuu,digimon +zacian (hero),pokemon +mysterious heroine x,fate/grand order +princess wriggle,touhou +gaspar,gensou suikoden +lucretia falstini,brave girl ravens +chew,one piece +mochizuki yume,pretty cure +magical ruby,fate series +yokomizo jugo,meitantei conan +ronin (disgaea),nippon ichi +jozu,one piece +unown a,pokemon +misaka misuzu,toaru majutsu no index +m249 saw,girls' frontline +transformation pen,sailor moon +gambier bay (kancolle),kantai collection +suicune,pokemon +clement dubois,arknights +bio suit (disgaea),nippon ichi +francie gerard,world witches series +victoria cindry,one piece +oda kippoushi,fate series +baran,dragon quest +king leo,final fantasy +dorodoron,pretty cure +slowpoke,pokemon +kazahana koyuki,naruto +marc,bokujou monogatari +callies room,umamusume +noin,atelier +ryoma,fire emblem +nagomi yui,pretty cure +iwamura,oshiro project +mihli aliapoh,final fantasy +perrine h. clostermann,world witches series +gae bolg,fate series +sarkany csont landzsa,fate series +naomi argento,meitantei conan +yoshida kooriyama,oshiro project +saiba neo,digimon +deutschland,azur lane +hearts,dragon ball +boco,final fantasy +ein,pokemon +fire (la pucelle),nippon ichi +cacalia,flower knight girl +primula,flower knight girl +stephany ferel,brave girl ravens +charjabug,pokemon +chateau d'amboise,oshiro project +male saniwa,touken ranbu +shallotte elminus,atelier +kuchiki kouga,bleach +suwa amaki,world witches series +tsunade,naruto series +mistel,bokujou monogatari +strudel,rosenkreuzstilette +kamen rider snipe,kamen rider +aliquis,pokemon +unown t,pokemon +kamado,pokemon +moulder,fire emblem +centaureissi (neural cloud),girls' frontline +clavat,final fantasy +'free',arknights +hatsushimo,azur lane +medusa (lancer),fate/grand order +daryan crescend,ace attorney +blue maiden,yu-gi-oh! +french battleship princess,kantai collection +meowstic (female),pokemon +hippolyta,fate series +spica nerius,ragnarok online +baki,naruto +oda nobunaga (swimsuit berserker),fate/grand order +balmung (fate/apocrypha),fate series +chelsea torn,tales of... +yatadera narumi,touhou +ephraim,fire emblem +setzer gabbiani,final fantasy +hatchiyack,dragon ball +farigiraf,pokemon +pearl jam (stand),jojo no kimyou na bouken +flametail,arknights +kastro,hunter x hunter +yith,arknights +shoukaku,azur lane +ayanami,azur lane +wolt,fire emblem +cure mermaid (mode elegant),pretty cure +takahata t takamichi,mahou sensei negima +rudolf von oberstein,girls' frontline +gompang-i,vocaloid +wiseman,sailor moon +hasta ekstermi,tales of... +boxy,sailor moon +chiyoda,azur lane +abe no seimei,fate series +thorn (ff9),final fantasy +martina (dq11),dragon quest +bloodis (disgaea),nippon ichi +knuckle bine,hunter x hunter +montpelier,azur lane +zed (disgaea),nippon ichi +nami,one piece +otonashi ryouko,danganronpa +shiba kaien,bleach +oikawa (go! princess precure),pretty cure +medb (swimsuit saber),fate/grand order +yvangelista xi,arknights +imagawa shuu,pretty cure +mottle slime,dragon quest +faylen,gensou suikoden +sin,sailor moon +fujiki yusaku,yu-gi-oh! +yahagi (kancolle),kantai collection +landmine fairy,girls' frontline +pkp,girls' frontline +blenheim,one piece +cid (ff2),final fantasy +ghost (disgaea),nippon ichi +itsumi erika,girls und panzer +dr. lee,hunter x hunter +ninja (fft),final fantasy +kugimiya madoka,mahou sensei negima +uchiha sasuke,naruto series +gerik,fire emblem +exeter,azur lane +philomel hartung,atelier +rope,arknights +g36,girls' frontline +ka-class submarine,kantai collection +kavach icarus,ragnarok online +himeji,oshiro project +max galactica,ace attorney +candre,one piece +faust,arknights +air defense princess,kantai collection +glameow,pokemon +cure katyusha,pretty cure +gedatsu,one piece +baud,dragon quest +lexaeus,kingdom hearts +bazba,gensou suikoden +illumise,pokemon +uranami (kancolle),kantai collection +quartz,arknights +riko (neural cloud),girls' frontline +tights (ginga patrol jaco),dragon ball +blue gilly,one piece +tuxedo kamen,sailor moon +rowan,fire emblem +kikuri,touhou +dragoon (fft),final fantasy +daz bones,one piece +seeker,ragnarok online +tynamo,pokemon +heracles,fate series +za priccio,dragon ball +magus sisters,final fantasy +shadowless,girls' frontline +karl der grosse,fate series +cure peach (angel),pretty cure +bisuke,naruto +kamen rider kuuga,kamen rider +tir mcdohl,gensou suikoden +khroma,tales of... +sharmista,gensou suikoden +meryl may qi,jojo no kimyou na bouken +cure cosmo (twinkle style),pretty cure +higashiyama seika,pretty cure +piapro,vocaloid +zigzagoon,pokemon +clive,fire emblem +shinko windy,umamusume +garchomp,pokemon +gargoyle,ragnarok online +nakayama festa,umamusume +imposter professor oak,pokemon +belias,final fantasy +adrienne,gensou suikoden +hero (dq swords),dragon quest +ickshonpe katocha,hunter x hunter +poliwag,pokemon +rina,gensou suikoden +princess mars,sailor moon +rain lily,flower knight girl +kamen rider amaki,kamen rider +yvette l. lehrman,fate series +byrne faraday,ace attorney +tucker,pokemon +salome harras,gensou suikoden +defender,girls' frontline +kischur zelretch schweinorg,fate series +cure precious (party up style),pretty cure +m1 garand,girls' frontline +artillery fairy,girls' frontline +zhi,arknights +yotsuba alice,pretty cure +sandslash,pokemon +ototachibana-hime,fate series +nazuna,flower knight girl +poco,jojo no kimyou na bouken +cormag,fire emblem +ariake (kancolle),kantai collection +lupinus,flower knight girl +fujimiya tsukumo,fate series +mothim,pokemon +coda,tales of... +fujinami (kancolle),kantai collection +furfrou (pharaoh),pokemon +diadora,gensou suikoden +bucky whet,ace attorney +male professor (neural cloud),girls' frontline +emily smith,pretty cure +cure star,pretty cure +hero (dq11),dragon quest +mizuki kotori,yu-gi-oh! +mizael,yu-gi-oh! +magenta,dragon ball +dusknoir,pokemon +pansage,pokemon +alcremie,pokemon +berunditte maiyal,brave girl ravens +shalua rui,final fantasy +izayoi sounosuke,danganronpa series +dude,pokemon +kangaskhan,pokemon +larry butz,ace attorney +hanashoubu,flower knight girl +higashimitarai kiyoshiro,digimon +kor meteor,tales of... +jiren,dragon ball +shingyoku,touhou +floris,toaru majutsu no index +virtuosa,arknights +shigetsufushimi,oshiro project +quilladin,pokemon +mist,fire emblem +electrike,pokemon +kumano (kancolle),kantai collection +terry (dq6),dragon quest +laurent,fire emblem +bruford,jojo no kimyou na bouken +gertrud barkhorn,world witches series +motochika,pokemon +yukuepirachashi,oshiro project +darmanitan (zen),pokemon +dalmatian,one piece +adaman,pokemon +st ar-15,girls' frontline +mantyke,pokemon +cheadle yorkshire,hunter x hunter +herrenlose spada,atelier +mercury harp,sailor moon +pop (smile precure!),pretty cure +wilhelm gottsreich sigismond ormstein,ace attorney +gajumaru,flower knight girl +picky,ragnarok online +tov,gensou suikoden +rene,gensou suikoden +kar98k,girls' frontline +marth (fire emblem awakening),fire emblem +lucciano,yu-gi-oh! +brand (hikari no 4 senshi),final fantasy +aurum (disgaea),nippon ichi +tare zonda,ragnarok online +chloe von einzbern,fate series +quistis trepe,final fantasy +morridow,girls' frontline +neubaufahrzeug,girls und panzer +bassdrum,pretty cure +penance,arknights +rasler heios nabradia,final fantasy +tome,meitantei conan +denzel (ff7),final fantasy +nishikido (go! princess precure),pretty cure +final fantasy fables,final fantasy +ficus finis,atelier +haruki,mahou sensei negima +natsuki kazuyo,pretty cure +yuria haltul,brave girl ravens +machyua,fire emblem +heine istari,fate series +lillie,pokemon +lila decyrus,atelier series +tomo,gensou suikoden +amy,vocaloid +panpour,pokemon +hurdy,final fantasy +bc freedom (emblem),girls und panzer +healslime,dragon quest +katyusha,girls und panzer +barbara (dq6),dragon quest +lex,fire emblem +riou,gensou suikoden +terapagos (stellar),pokemon +natsu (yes! precure 5),pretty cure +meowscarada,pokemon +andou,girls und panzer +danette (soul cradle),nippon ichi +aki,girls und panzer +morichika rinnosuke,touhou +hermit purple,jojo no kimyou na bouken +galarian corsola,pokemon +kamen rider double,kamen rider +tatemiya saiji,toaru majutsu no index +pompeo magno,azur lane +mia fey,ace attorney +unown q,pokemon +delphox,pokemon +hairy pichu,pokemon +jeanne d'arc alter (avenger),fate/grand order +trinicus d. morrison,tales of... +viviano westwood,jojo no kimyou na bouken +aisaki emiru,pretty cure +zweilous,pokemon +leonie pinelli,fire emblem +trance terra branford,final fantasy +eldridge,azur lane +kamen rider zangetsu,kamen rider +quincy,gensou suikoden +tilkis barone,tales of... +fujimoto (smile precure!),pretty cure +theokhuga,atelier +yakunohinaoshi,flower knight girl +kinsenka,flower knight girl +shin,gensou suikoden +fabre,ragnarok online +lucia,punishing: gray raven +manfred,arknights +ksenia (neural cloud),girls' frontline +makarov,girls' frontline +grolla seyfarth,rosenkreuzstilette +mordred (fate/prototype),fate series +origin,tales of... +psg-1,girls' frontline +ivlenkov,hunter x hunter +armeyer dinze,ragnarok online +futch,gensou suikoden +platinum,arknights +miqo'te,final fantasy +tiger,girls und panzer +yorck,azur lane +boyd,fire emblem +waltrud krupinski,world witches series +akashi,azur lane +eric the whirlwind,one piece +asashimo (kancolle),kantai collection +edogawa conan,meitantei conan +jubelo,fire emblem +ungaro,jojo no kimyou na bouken +lewyn,fire emblem +suisen (disgaea),nippon ichi +yo yo ma (stand),jojo no kimyou na bouken +ienzo,kingdom hearts +pascal,tales of... +cursola,pokemon +cure macherie,pretty cure +ermengarde,arknights +ariake,azur lane +cascadia (neural cloud),girls' frontline +cornell,tales of... +vesves,sailor moon +little enterprise,azur lane +shuumeigiku,flower knight girl +nawaki,naruto +asagiri asagi,nippon ichi +exeggutor,pokemon +mg42,girls' frontline +albert grandeioza,tales of... +kufei,mahou sensei negima +yoshida ayumi,meitantei conan +fara 83,girls' frontline +suzumura sango,pretty cure +cure moonlight (super silhouette),pretty cure +liloon,gensou suikoden +ninetales,pokemon +pzb39,girls' frontline +mother net,ragnarok online +tornadus (incarnate),pokemon +mountain,arknights +ariados,pokemon +mac-10,girls' frontline +gaimon,one piece +baphomet,ragnarok online +kinugasa,azur lane +luo tianyi,vocaloid +shiba ganju,bleach +ogerpon's friend,pokemon +diarmuid ua duibhne (lancer),fate/grand order +mephistopheles,fate/grand order +michishio,azur lane +cain (fire emblem: shadow dragon),fire emblem +central princess,kantai collection +kay faraday,ace attorney +smokie,ragnarok online +kamen rider vail,kamen rider +ricardo soldato,tales of... +manannan mac lir,fate series +fang,arknights +champagne,azur lane +oskar behlmer,atelier +geb (stand),jojo no kimyou na bouken +ptolemaea (neural cloud),girls' frontline +minotaurus,one piece +smarty,arknights +juppo,gensou suikoden +otohime,one piece +ri-class heavy cruiser,kantai collection +cid (ffta2),final fantasy +kaitou ace,sailor moon +cure black (phoenix form),pretty cure +adele,one piece +semih lafihna,final fantasy +cain (fire emblem: thracia 776),fire emblem +aoshidan (emblem),girls und panzer +steelix,pokemon +ionioi hetairoi,fate series +mikli,hunter x hunter +tamamo no mae (jk),fate series +vivillon (polar),pokemon +nagara (kancolle),kantai collection +hirose yasuho,jojo no kimyou na bouken +to-saka,fate series +benjamin boomboom,jojo no kimyou na bouken +sal manella,ace attorney +fukiyose seiri,toaru majutsu no index +sneasel,pokemon +nono shintarou,pretty cure +queen metalia,sailor moon +sefina,bokujou monogatari +paul bunyan,fate/grand order +aulick,azur lane +soul king,bleach +drohl drone,dragon quest +esmeralda tusspells,ace attorney +silverlance pegasi,arknights +rubicante,final fantasy +fallen bishop hibram,ragnarok online +exdeath,final fantasy +kamen rider danki,kamen rider +tamamo cross,umamusume +trainer minamizaka,umamusume +tsukino usagi,bishoujo senshi sailor moon +melvin weins,fate series +princess pluto,sailor moon +rosehip,girls und panzer +furykov,hunter x hunter +hino asukasei,danganronpa +tomimi,arknights +kamen rider shirowe,kamen rider +senbonzakura,bleach +oleana,pokemon +hiiragi yuzu,yu-gi-oh! +tsukinogi,arknights +ginji,tales of... +jack the ripper,fate series +shannan,fire emblem +jusqua,final fantasy +leonora,final fantasy +minior (orange core),pokemon +haze,flower knight girl +cheetu,hunter x hunter +cure la mer (excellen-tropical style),pretty cure +ishiyama,oshiro project +crystal,final fantasy +baphomet jr,ragnarok online +eclair (la pucelle),nippon ichi +barbara (disgaea),nippon ichi +nearl the radiant knight,arknights +miry,pretty cure +yubel,yu-gi-oh! +mordecai,fire emblem +riolu,pokemon +nidhoggr,ragnarok online +shroud of magdalene,fate series +yomogi,flower knight girl +odysseus,fate/grand order +kamen rider sigurd,kamen rider +zombie,ragnarok online +cure chocolat (a la mode style),pretty cure +isilud tengille,final fantasy +hakuryuu,azur lane +jessica,granblue fantasy +berserker class,fate series +s-acr,girls' frontline +velliv,arknights +two guns (male),final fantasy +tristan,fate/grand order +aino kaori,pretty cure +fenrir,granblue fantasy +milard rune,tales of... +nickit,pokemon +enies lobby,one piece +cumber,dragon ball +andre,ragnarok online +gilles de rais (saber),fate/grand order +ini miney,ace attorney +bessho emma,yu-gi-oh! +feitan portor,hunter x hunter +kamen rider zero-two,kamen rider +alomomola,pokemon +warrick rolando,tales of... +illumi zoldyck,hunter x hunter +shinonome miu,digimon +carracosta,pokemon +brunhild eikdopr,toaru majutsu no index +rock,gensou suikoden +julietta (dqh),dragon quest +courier,arknights +petz,sailor moon +flint,arknights +shenron,dragon ball +blue poison,arknights +blueno,one piece +genis sage,tales of... +king gurumes,dragon ball +onix,pokemon +wootan,ragnarok online +isemi aro,fate series +sailor mercury,sailor moon +hasedou,oshiro project +cuphea,flower knight girl +olwen,fire emblem +bellemere,one piece +tone rion,vocaloid +sarracenia,flower knight girl +vivillon (archipelago),pokemon +hierophant green,jojo no kimyou na bouken +marco,one piece +monkey d. dragon,one piece +kawasaki,girls' frontline +ranulf,fire emblem +previous cure flora,pretty cure +lee jiang-yu,digimon +zushi,hunter x hunter +artur,fire emblem +sex pistols (stand),jojo no kimyou na bouken +electabuzz,pokemon +mishou mai,pretty cure +bergenia,flower knight girl +palais de fontainebleau,oshiro project +dark sakura,fate series +madison,yu-gi-oh! +lugalszargus,arknights +viese blanchimont,atelier +windy,gensou suikoden +tokharone,hunter x hunter +thompson,girls' frontline +watcher,fate series +alolan raticate,pokemon +tsuzurao,oshiro project +lester,fire emblem +terremotus,ragnarok online +cha (kancolle),kantai collection +gray fly,jojo no kimyou na bouken +punisher,girls' frontline +saniwa,touken ranbu +elly,ragnarok online +yuri,limbus company +penomena,ragnarok online +suruga,azur lane +rulebreaker,fate series +murasa minamitsu,touhou +hol horse,jojo no kimyou na bouken +leo natal,umamusume +soleil,fire emblem +cure rosetta,pretty cure +high priestess (stand),jojo no kimyou na bouken +tanaka gundham,danganronpa series +titan,shingeki no kyojin +i am a rock (stand),jojo no kimyou na bouken +hanai,flower knight girl +akatsuchi,naruto +raboot,pokemon +caesar clown,one piece +souryuu,azur lane +kamen rider kabuto,kamen rider +venonat,pokemon +kagoshima,oshiro project +salamander coral,final fantasy +mirashon,jojo no kimyou na bouken +thrud (swimsuit assassin),fate series +panda,jujutsu kaisen +gorgon,fate/grand order +bluecher,azur lane +major hilgreitz,pokemon +khara,hunter x hunter +eeta,hunter x hunter +kiyonami,azur lane +cure blossom,pretty cure +puka,pokemon +pet shop,jojo no kimyou na bouken +skrub,pokemon +lilen,gensou suikoden +mofuji,touhou +spirit mirror,touhou +yaeno muteki's trainer,umamusume +summoner,final fantasy +vinsmoke yonji,one piece +cure yum-yum,pretty cure +hyssop,dragon ball +magal,girls' frontline +nuzleaf,pokemon +final fantasy viii,final fantasy +adriana visconti,world witches series +ludicolo,pokemon +thorton,pokemon +golbat,pokemon +nanaa mihgo,final fantasy +absalom,one piece +tamonyama,oshiro project +gladiator,girls' frontline +cure priestess,pretty cure +shannon atkins,atelier +snowflake,flower knight girl +goldeen,pokemon +sailor venus pose,sailor moon +bard,final fantasy +hachijou (kancolle),kantai collection +kuroshio (kancolle),kantai collection +cure blossom mirage,pretty cure +mao (precure),pretty cure +hydrapple,pokemon +cavendish,one piece +twin turbo,umamusume +rangers,arknights +pink leotard (dq),dragon quest +rengeteki,touhou +alolan sandslash,pokemon +takitsubo rikou,toaru majutsu no index +tester,azur lane +mosco,dragon ball +han xin,fate series +dartrix,pokemon +five-seven,girls' frontline +bonee (neural cloud),girls' frontline +20th century boy (stand),jojo no kimyou na bouken +gilliam,fire emblem +shishigou kairi,fate series +gokuhara gonta,danganronpa series +mose,gensou suikoden +rocksprings,tales of... +warp (go! princess precure),pretty cure +suzuka gozen (santa),fate/grand order +nomdieu,hunter x hunter +tohsaka tokiomi,fate series +yanni yogi,ace attorney +duca degli abruzzi,azur lane +minamoto no tametomo,fate series +cathy,yu-gi-oh! +android (disgaea),nippon ichi +dachsbun,pokemon +construct 8,final fantasy +light infantry,touken ranbu +high orc,ragnarok online +mathiu silverberg,gensou suikoden +wrestler (disgaea),nippon ichi +kricketot,pokemon +sl8,girls' frontline +mister seven,one piece +klaudia valentz,atelier series +tiger i,girls und panzer +hiyama kiyoteru,vocaloid +purple tulip,flower knight girl +patia,arknights +tsukiyono ruli,digimon +mogami ryouma,digimon +aleksandra i. pokryshkin,world witches series +princess taurus (precure),pretty cure +pan (xeno),dragon ball +shouzui,oshiro project +sage (disgaea),nippon ichi +ashelia b'nargin dalmasca,final fantasy +miss merry christmas,one piece +manfred von karma,ace attorney +queen diness,nippon ichi +misumi nagisa,pretty cure +trunks (future) (xeno),dragon ball +ayana,touhou +conviction,arknights +alm,fire emblem +sogou,oshiro project +roon,azur lane +nanaca grunden,atelier +bad end beauty,pretty cure +hisuian typhlosion,pokemon +raksha (soul cradle),nippon ichi +machoke,pokemon +minerva,fire emblem +kamen rider caucasus,kamen rider +oriana thomason,toaru majutsu no index +sulphur (phantom brave),nippon ichi +fu su lu,gensou suikoden +hell fighter 17,dragon ball +marblehead,azur lane +dudunsparce,pokemon +orc lord,ragnarok online +enterprise,azur lane +cure milky (twinkle style),pretty cure +alyssa,pokemon +anabel,pokemon +kudamaki tsukasa,touhou +cure twinkle (mode elegant),pretty cure +pierce nichody,ace attorney +hisuian zoroark,pokemon +golden thief bug,ragnarok online +jaguar,girls' frontline +mashikaku,one piece +girl with curly short hair (suite precure),pretty cure +romulus quirinus,fate/grand order +kyouraku shunsui,bleach +boey,fire emblem +kamen rider odin,kamen rider +trunks,dragon ball +hyacinth,flower knight girl +manov mistree,ace attorney +beloperone,flower knight girl +scathach,fate series +naito (suite precure),pretty cure +jade,azur lane +mordred (fate/stay night),fate series +boa sandersonia,one piece +kihara byouri,toaru majutsu no index +regidrago,pokemon +duke of york,azur lane +yattanya,nippon ichi +shabon,gensou suikoden +pika,pokemon +i-168,azur lane +norne,fire emblem +yumeko,touhou +mel,tales of... +yumiya rakko,toaru majutsu no index +raven (neural cloud),girls' frontline +t77,girls' frontline +iizunamaru megumu,touhou +dancer,final fantasy +kingdra,pokemon +kanamin,toaru majutsu no index +selena (fire emblem: the sacred stones),fire emblem +male builder (dqb2),dragon quest +criminal,meitantei conan +sain,fire emblem +mp40,girls' frontline +gassantoda,oshiro project +omega shenron,dragon ball +uji,pokemon +mogami,azur lane +massachusetts,azur lane +basculin,pokemon +seviper,pokemon +valiant,azur lane +portland,azur lane +robin,arknights +maki,blue archive +hoshizako,touhou +hatsuharu (kancolle),kantai collection +naturon shenron,dragon ball +pesmerga,gensou suikoden +thwackey,pokemon +pirate footballer,hunter x hunter +micaiah,fire emblem +awatsuki maaya,toaru majutsu no index +sabotender,final fantasy +anastasia,fate/grand order +shadow mewtwo,pokemon +masked hero (disgaea),nippon ichi +janus,azur lane +sieg,fate series +miming,ragnarok online +iwakuni,oshiro project +jean pierre polnareff,jojo no kimyou na bouken +prism green,nippon ichi +mipple,pretty cure +olivia (neural cloud),girls' frontline +vanguard,azur lane +lu bu,fate series +marjoly,nippon ichi +tokugawa osaka,oshiro project +mr. satan,dragon ball +bacterian,dragon ball +castor,fate/grand order +pelipper,pokemon +okada izou,fate/grand order +riku,kingdom hearts +chemist (fft),final fantasy +warlock,granblue fantasy +lilan,gensou suikoden +li shuwen (young),fate/grand order +fused zamasu,dragon ball +mysterious girl (pokemon conquest),pokemon +ishikura,oshiro project +nyto (generic),girls' frontline +smart falcon,umamusume +kamen rider zo,kamen rider +crystal animal (precure),pretty cure +yamaki mitsuo,digimon +king hassan,fate/grand order +honjo,oshiro project +tyranitar,pokemon +matoimaru,arknights +iron leaves,pokemon +phantom thief anniversary,ragnarok online +narutaki fumika,mahou sensei negima +skeledirge,pokemon +asbestos,arknights +haro,gundam +matchless,azur lane +hinoki,flower knight girl +cure fontaine (partner form),pretty cure +soobrazitelny,azur lane +masta,hunter x hunter +ilmeria von leinweber,atelier +shiramine nokia,digimon +castform (normal),pokemon +black pepper (precure),pretty cure +hideko,pokemon +kamen rider verde,kamen rider +pineapple,flower knight girl +princess jupiter,sailor moon +kyurem,pokemon +efreet,fate series +white,dragon ball +nacli,pokemon +kashino,azur lane +gordius wheel,fate series +kurosaki isshin,bleach +nazrin (mouse),touhou +gao (rhapsody),nippon ichi +kawanishi shinobu,girls und panzer +golurk,pokemon +nico olvia,one piece +yashamaru,naruto +tai ho,gensou suikoden +hyuuga saki,pretty cure +kite,hunter x hunter +nio altugle,atelier +lloyd irving,tales of... +durant,pokemon +cure mofurun (ruby style),pretty cure +marica (suikoden tierkreis),gensou suikoden +coupe (heartcatch precure!),pretty cure +love deluxe,jojo no kimyou na bouken +katsuyu,naruto +kamen rider v3,kamen rider +farrah wesheit,atelier +kgp-9,girls' frontline +kamen rider solomon,kamen rider +pink slime,dragon quest +artemis,fate/grand order +kurosaki karin,bleach +amakusa shirou,fate/grand order +oricorio (baile),pokemon +u ikasaman,sailor moon +observer alpha,azur lane +leonard bistario harway,fate series +sothe,fire emblem +adrian andrews,ace attorney +enemy wakizashi,touken ranbu +mathias ferrier adalett,atelier +northern water princess,kantai collection +kijin seija,touhou +kotetsu kiyone,bleach +analogman,digimon +higashi setsuna,pretty cure +sheila e,jojo no kimyou na bouken +rum,girls und panzer +ishida mitsunari,fate series +ledgem (rhapsody),nippon ichi +is-2,girls und panzer +cissnei,final fantasy +kamen rider ark-zero,kamen rider +salome,one piece +bah,dragon ball +shizuka joestar,jojo no kimyou na bouken +izumo no okuni,fate series +lancelot (fate/grand order),fate series +senju tobirama,naruto +taigei (kancolle),kantai collection +zacian (crowned),pokemon +joshua,fire emblem +hishikawa rikka,pretty cure +narumi tsuyu,kantai collection +miklotov,gensou suikoden +touka,utawarerumono +hydreigon,pokemon +yamamoto-genryuusai shigekuni,bleach +annihilape,pokemon +shinobi,ragnarok online +arak,dragon ball +vitamin c (stand),jojo no kimyou na bouken +mori kyouko,pretty cure +steyr scout,girls' frontline +masuo,umamusume +shuri,oshiro project +wobbuffet,pokemon +dragon (hikari no 4 senshi),final fantasy +semovente 75/18,girls und panzer +owari akane,danganronpa series +ellisia,ragnarok online +nett,pokemon +ira (dokidoki! precure),pretty cure +akutare (disgaea),nippon ichi +emperor,arknights +yogen-gyo,dragon ball +lo fong,gensou suikoden +charizard,pokemon +mikoto (ff9),final fantasy +nara shikadai,naruto +freed yamamoto,gensou suikoden +kado,dragon ball +makinami,azur lane +magical sapphire,fate series +hatsuzuki (kancolle),kantai collection +mae,fire emblem +kaname madoka,mahou shoujo madoka magica +charolic (girls' frontline 2),girls' frontline +princess leona,dragon quest +binacle,pokemon +hinata minoru,digimon +skarmory,pokemon +ryuuhou,azur lane +koga,oshiro project +psyduck,pokemon +aquila (kancolle),kantai collection +dr. sakura,pokemon +dark knight,final fantasy +witch-sama,bokujou monogatari +anzio (emblem),girls und panzer +eikei,gensou suikoden +ilkuubo,pretty cure +wallaby,girls und panzer +insider,arknights +iceburg,one piece +kalanchoe,flower knight girl +nion,dragon ball +thundurus (incarnate),pokemon +mega pokemon (other),pokemon +sailor star healer,sailor moon +arethusa,azur lane +elfriede schreiber,world witches series +miles edgeworth,ace attorney +cassin,azur lane +ark angel,final fantasy +himitsucalibur,fate series +mp-446,girls' frontline +minato,oshiro project +edain,fire emblem +shibayama junpei,digimon +stray cat,jojo no kimyou na bouken +gamma 1,dragon ball +m22 locust,girls und panzer +at4,girls' frontline +cure happy,pretty cure +northern little sister,kantai collection +fairy (kancolle),kantai collection +letty whiterock,touhou +popuri,bokujou monogatari +menchi,hunter x hunter +lithops,flower knight girl +pensacola,azur lane +galarian articuno,pokemon +shirou (bear),fate series +nishikigi,flower knight girl +hanasaki futaba,pretty cure +ayanokouji cheriel,nippon ichi +cyllene,pokemon +miss monday,one piece +avalon (fate/stay night),fate series +mimoza,flower knight girl +ultima (fft),final fantasy +wilder,gensou suikoden +fujiwara yukino,yu-gi-oh! +minori (digimon world 3),digimon +george joestar ii,jojo no kimyou na bouken +musse,hunter x hunter +yokomizo sango,meitantei conan +tsukino kenji,sailor moon +pidgey,pokemon +panakeia (neural cloud),girls' frontline +sasarai,gensou suikoden +hanamichi ran,pretty cure +python,fire emblem +machlian,girls' frontline +ballista,girls' frontline +sera masumi,meitantei conan +gambino,arknights +toudou koto,pretty cure +nidhoggr's shadow,ragnarok online +shino,bleach +magnolia,ragnarok online +boki,hunter x hunter +sawyer (pokemon masters ex),pokemon +chaos (dff),final fantasy +i-58,azur lane +tf-q,girls' frontline +deidara,naruto series +columbine,flower knight girl +trimmau,fate series +violet,dragon ball +imori,hunter x hunter +spark brushel,ace attorney +xu fu,fate/grand order +eula,genshin impact +yuuhi kurenai,naruto series +subala,gensou suikoden +kricketune,pokemon +hattori heizou,meitantei conan +oboro,fire emblem +miracle belltier,pretty cure +yagudo,final fantasy +misaka imouto 19090,toaru majutsu no index +aida mana,pretty cure +jeane,gensou suikoden +lude,ragnarok online +insector haga,yu-gi-oh! +bulbasaur,pokemon +feater,arknights +made in heaven (stand),jojo no kimyou na bouken +deen (fire emblem gaiden),fire emblem +sai,naruto series +guaiwaru,pretty cure +saratoga (kancolle),kantai collection +kamen rider zi-o,kamen rider +luca (ff4),final fantasy +michelle,bang dream! +saara,naruto +nan,tales of... +cure windy,pretty cure +iron bundle,pokemon +rotom (other),pokemon +goo goo dolls (stand),jojo no kimyou na bouken +kent,fire emblem +poland,girls und panzer +final fantasy crystal chronicles,final fantasy +ortega,pokemon +reeve tuesti,final fantasy +mamelon,nippon ichi +artillery imp,kantai collection +sheskarna,brave girl ravens +thatcher,azur lane +porunga,dragon ball +miss passadou,girls' frontline +taiga,hololive +otome,oshiro project +type 82,girls' frontline +kamen rider demons,kamen rider +super-shorty,girls' frontline +nehelenia,sailor moon +blue elfin,flower knight girl +ginter,pokemon +kenjou akira,pretty cure +corroserum,arknights +astos,final fantasy +i-201 (kancolle),kantai collection +twin fairies,girls' frontline +isolated island oni,kantai collection +lappland,arknights +ticking timeburrm,dragon quest +goredolf musik,fate/grand order +darnic prestone yggdmillennia,fate series +hisuian voltorb,pokemon +amanokawa hiro,digimon +cure coral,pretty cure +puff (go! princess precure),pretty cure +orc warrior,ragnarok online +maderas (disgaea),nippon ichi +morpeko,pokemon +mary read (swimsuit archer),fate series +cello (little princess),nippon ichi +izumi masami,digimon +indeedee,pokemon +yuugumo (kancolle),kantai collection +east kaiou,dragon ball +arboliva,pokemon +miyafuji ichirou,world witches series +zaku abumi,naruto +lee,arknights +sierra,pokemon +cure earth,pretty cure +palla,fire emblem +steven steel,jojo no kimyou na bouken +robert hammond,ace attorney +polly,ace attorney +nao,gensou suikoden +kenmi,hunter x hunter +umikaze,azur lane +hermina,atelier +soga no tojiko (radish),touhou +lyre,fire emblem +kamen rider ooo,kamen rider +aron,pokemon +sailor mars pose,sailor moon +tibany,one piece +master of masters,kingdom hearts +crow hogan,yu-gi-oh! +unknown blonde-haired cure (happinesscharge precure!),pretty cure +daisanngenn,umamusume +alligator,hunter x hunter +spence,azur lane +morioka yui,pretty cure +wong li,hunter x hunter +senica (dq11),dragon quest +garth,fire emblem +al,fire emblem +linssen,hunter x hunter +yazoo,final fantasy +hippopotamus,girls und panzer +foop,pretty cure +komachi naomi,pretty cure +executioner,girls' frontline +satake mei,umamusume +vendela,arknights +xingchen,vocaloid +uzuki (kancolle),kantai collection +ignatz victor,fire emblem +wyatt lightfellow,gensou suikoden +kirschtaria wodime,fate/grand order +makidera kaede,fate series +vespiquen,pokemon +jumpluff,pokemon +admiral graf spee,azur lane +tsurusaki,oshiro project +rhi,pokemon +kuli,fate series +ne-class heavy cruiser,kantai collection +kessler,gensou suikoden +gordie's brothers,pokemon +dean (dq swords),dragon quest +kamen rider zi-o (series),kamen rider +kyo,vocaloid +toteppo,dragon ball +fu shun,azur lane +tomoe gozen (swimsuit saber),fate/grand order +bad company (stand),jojo no kimyou na bouken +shining,arknights +uranami,azur lane +root of corruption,ragnarok online +moana,gensou suikoden +rikku (ff10),final fantasy +suelle marlen,atelier +list of sailor moon characters,sailor moon +germany,girls und panzer +ushouda hachigen,bleach +queen elizabeth,azur lane +piccolo daimaou,dragon ball +vel,tales of... +nadya,pokemon +vegetto (xeno),dragon ball +sakomizu haruka,world witches series +an,sailor moon +desaix,fire emblem +cenicienta,sailor moon +spewpa,pokemon +nanami,punishing: gray raven +irisviel von einzbern,fate/grand order +s35,girls und panzer +koeln,azur lane +bull,naruto +kurita mai,pretty cure +nekane springfield,mahou sensei negima +altera,fate/grand order +dingo (digimon adventure),digimon +imp (disgaea),nippon ichi +unown b,pokemon +shanhaizhong relayer,arknights +eilean donan,oshiro project +cure majesty,pretty cure +vsk-94,girls' frontline +evelyn (neural cloud),girls' frontline +kamen rider glaive,kamen rider +kathryne keyron,ragnarok online +gunter,gensou suikoden +uther,fire emblem +botanzuru,flower knight girl +rosie,pokemon +nice nature,umamusume +cevio,vocaloid +mao (pokemon expo gym),pokemon +leone abbacchio,jojo no kimyou na bouken +tuscaloosa (kancolle),kantai collection +nonomiya (futari wa precure),pretty cure +formidable,azur lane +claus lester,tales of... +okazaki yumemi,touhou +hidan,naruto series +scandinavia peperoncino,fate series +hitsujigusa,flower knight girl +saonel,dragon ball +eifer skute,rosenkreuzstilette +magikarp,pokemon +rat king,arknights +loudred,pokemon +cherrim (sunshine),pokemon +female swordmaster (phantom kingdom),nippon ichi +nickes,hunter x hunter +zun,touhou +skadi,arknights +frogadier,pokemon +nukesaku,jojo no kimyou na bouken +onmyo monk (disgaea),nippon ichi +limnanthes,flower knight girl +beehunter,arknights +driller,ragnarok online +doris warmind,rosenkreuzstilette +pozyomka,arknights +impidimp,pokemon +nelson,azur lane +pete,bokujou monogatari +kaze,fire emblem +scar-h,girls' frontline +tawara touta,fate series +android 8,dragon ball +akari (pokemon card),pokemon +andoain,arknights +daibutsu,oshiro project +senya (dq11),dragon quest +saotome jun,pretty cure +aporia,yu-gi-oh! +iwaza,dragon ball +gogo,final fantasy +goreinu,hunter x hunter +arrokuda,pokemon +houzukimaru,bleach +yune,fire emblem +kamen rider revice,kamen rider +bellamy,one piece +samson big,umamusume +saizo,fire emblem +smokey brown,jojo no kimyou na bouken +camus (dq11),dragon quest +shalem,arknights +motomiya daisuke,digimon +waltraud nowotny,world witches series +atlanta (kancolle),kantai collection +pallapalla,sailor moon +finizen,pokemon +solosis,pokemon +tapion,dragon ball +banteishi,flower knight girl +meg,gensou suikoden +carina,one piece +eleanor hume,tales of... +sakura chiyono o,umamusume +chitose (kancolle),kantai collection +deviace,ragnarok online +mariah,jojo no kimyou na bouken +valentine (majo to hyakkihei),nippon ichi +yuudachi (kancolle),kantai collection +ashe ubert,fire emblem +sinclairiana,flower knight girl +karibuchi hikari,world witches series +the world,jojo no kimyou na bouken +chourou (precure),pretty cure +kamen rider punkjack,kamen rider +taga,oshiro project +cure magical (sapphire style),pretty cure +kwanda rosman,gensou suikoden +larkspur,flower knight girl +myrrh,fire emblem +sumoto,oshiro project +akai tsutomu,meitantei conan +mikura (kancolle),kantai collection +gold experience,jojo no kimyou na bouken +tsukino shingo,sailor moon +sui-xiang,arknights +victorious,azur lane +turtonator,pokemon +fedorov,girls' frontline +graf michael zeppelin,rosenkreuzstilette +meigetsu kaede,flower knight girl +mars flame sniper,sailor moon +spandine,one piece +decus,tales of... +blemishine,arknights +hanasaki kaoruko,pretty cure +alvin,tales of... +segawa hitomi,pretty cure +estelle,arknights +bruenhilde,azur lane +akeishi tsubaki,umamusume +dieter,ragnarok online +squirtletwo,pokemon +forde,fire emblem +megumi,girls und panzer +asagiri asagi (prinny),nippon ichi +bongun,ragnarok online +lilty,final fantasy +kuromarimo,one piece +cacturne,pokemon +excalibur (fate/stay night),fate series +jagdpanzer 38(t),girls und panzer +hanadera nodoka,pretty cure +fonfon (little princess),nippon ichi +petra macneary,fire emblem +star power stick,sailor moon +snom,pokemon +madoka aguri,pretty cure +takizawa asuka,pretty cure +mikazuki,azur lane +witch (phantom brave),nippon ichi +konparu nozomi,girls und panzer +carr,pokemon +strawberry,one piece +bakene,sailor moon +kamen rider destream,kamen rider +greig (dq11),dragon quest +lock (go! princess precure),pretty cure +tison,tales of... +cure magical (ruby style),pretty cure +cornelia (ff11),final fantasy +unknown black-haired cure (happinesscharge precure!),pretty cure +cyrus,pokemon +unei,final fantasy +hisamura natsuki (munmu-san),kantai collection +cure amour,pretty cure +atom heart father (stand),jojo no kimyou na bouken +kazumi (happinesscharge precure!),pretty cure +cognac,dragon ball +sato,bokujou monogatari +pallas,arknights +sethan (stand),jojo no kimyou na bouken +ootsutsuki hagoromo,naruto +kinugasa (kancolle),kantai collection +isomer hivemind,girls' frontline +lady tanee,ragnarok online +nono sumire,pretty cure +fine motion,umamusume +makinami (kancolle),kantai collection +k11,girls' frontline +kishinami hakuno (male),fate series +trenia (phantom kingdom),nippon ichi +ukulele pichu,pokemon +poisson,tales of... +sapphire rhodonite,nippon ichi +miss valentine,one piece +pahn,gensou suikoden +koroku,gensou suikoden +juuban middle school uniform,sailor moon +cantabile,arknights +megure juuzou,meitantei conan +copycat,pokemon +mp-443,girls' frontline +tai yuan,azur lane +john garrideb,ace attorney +hassel,pokemon +sorciere (precure),pretty cure +big ugly,arknights +berry slime,dragon quest +biscuit krueger,hunter x hunter +oprichnik,fate series +kamen rider gaoh,kamen rider +portgas d. anne,one piece +fateen,pokemon +charleston 2,ragnarok online +julius belkisk harway,fate series +esidisi,jojo no kimyou na bouken +snow villiers,final fantasy +kraftwerk (stand),jojo no kimyou na bouken +drew misham,ace attorney +super sailor uranus (stars),sailor moon +ryan (dq4),dragon quest +chang'an,oshiro project +princess serenity,sailor moon +grookey,pokemon +cleopatra,fate/grand order +list of final fantasy characters,final fantasy +furret,pokemon +edelgard von hresvelg,fire emblem +p226,girls' frontline +koala forest (emblem),girls und panzer +pandawoman,one piece +oono aya,girls und panzer +xochitonal,fate series +maruoka,oshiro project +shinx,pokemon +type 81 carbine,girls' frontline +inukai youko,pretty cure +saias,fire emblem +fletchling,pokemon +alita tiala,ace attorney +stevens 520,girls' frontline +mejiro family butler,umamusume +arx-160,girls' frontline +tandemaus,pokemon +gordon (ff2),final fantasy +skel worker,ragnarok online +alium,flower knight girl +yashiro (kancolle),kantai collection +roland lazarus,gensou suikoden +alenia,gensou suikoden +tom,yu-gi-oh! +6p62,girls' frontline +pangoro,pokemon +erina pendleton,jojo no kimyou na bouken +capone,arknights +kakitsubata,flower knight girl +alice mccoy,digimon +kobayashi matcha,vocaloid +kurumi sakura,pretty cure +vaan (ff12),final fantasy +zeeun,dragon ball +konpaku youki (ghost),touhou +i-13,azur lane +x95,girls' frontline +paine (ff10),final fantasy +tsurumaru tsuyoshi,umamusume +whitey bay,one piece +souryuu (meta),azur lane +tsukabishi tessai,bleach +sansho,dragon ball +cure white (phoenix form),pretty cure +moon rabbit extra,touhou +midia,fire emblem +budew,pokemon +lo seng,gensou suikoden +yakumo ran (fox),touhou +organization xiii,kingdom hearts +misery,arknights +eucharist (neural cloud),girls' frontline +agrius metamorphosis,fate series +olivier (heartcatch precure!),pretty cure +hoshizora ikuyo,pretty cure +hinoka,fire emblem +fmg-9,girls' frontline +talking head (stand),jojo no kimyou na bouken +mistress,ragnarok online +shiranui (kancolle),kantai collection +pam-pam (precure) (human),pretty cure +fergus mac roich (young),fate series +cure earth (partner form),pretty cure +cure empress,pretty cure +kamen rider larc,kamen rider +helmet-chan,girls und panzer +arika anarchia entheofushia,mahou sensei negima +liliane (majo to hyakkihei),nippon ichi +miarow,arknights +morrison,azur lane +shionne,tales of... +impero,azur lane +ribbon (happinesscharge precure!),pretty cure +diggersby,pokemon +weddie (dq10),dragon quest +beretta model 38,girls' frontline +mekumeku,gensou suikoden +pain,naruto series +sailor luna,sailor moon +cure papaya (excellen-tropical style),pretty cure +k,girls' frontline +nishizumi maho,girls und panzer +mikumiku,gensou suikoden +male protagonist (digimon story),digimon +pawmi,pokemon +schia donnerstage,atelier +onigajo,oshiro project +marufuji sho,yu-gi-oh! +emotional engine - full drive,fate series +lassiu,one piece +neeji,dragon ball +ledian,pokemon +kamen rider delta,kamen rider +fnp-9,girls' frontline +floette,pokemon +radd,fire emblem +yuuki,princess connect! +corrin (male),fire emblem +c14,girls' frontline +yumi,gensou suikoden +sommy,hunter x hunter +gamakichi,naruto +aircraft carrier water oni,kantai collection +daimon sayuri,digimon +shizel,tales of... +mudrock,arknights +enlightened byleth (female),fire emblem +iru (dq),dragon quest +sawagikyou,flower knight girl +william (reverse collapse),girls' frontline +muto yugi,yu-gi-oh! +fodra queen,tales of... +elle mel martha,tales of... +ash-greninja,pokemon +nursery rhyme,fate/grand order +growlithe,pokemon +lycanroc,pokemon +daina,vocaloid +cid haze,final fantasy +daley vigil,ace attorney +west virginia,azur lane +salamence,pokemon +dellinger,one piece +glock 17,girls' frontline +stahl,fire emblem +guren,naruto +okita soushi,meitantei conan +enoch drebber,ace attorney +pps-43,girls' frontline +princess libra (precure),pretty cure +edel hangstein,atelier +asuka torajirou,digimon +super sailor moon,sailor moon +light cruiser oni,kantai collection +cubi,vocaloid +pakkun,naruto +haniyasushin keiki,touhou +pyonta,touhou +kazuma asogi,ace attorney +konoe eishun,mahou sensei negima +charles orleans,ragnarok online +unown o,pokemon +m1a1,girls' frontline +toland,arknights +kotsubaki sentarou,bleach +barghest,fate series +tenkyuu chimata,touhou +chemist,final fantasy +heatmor,pokemon +harbin,azur lane +the last knight,arknights +carabiniere,azur lane +marie,atelier series +chiffon (fresh precure!),pretty cure +kanzaki kaori,toaru majutsu no index +hp-35,girls' frontline +yamato (kancolle),kantai collection +gilgamesh,fate series +ophelia phamrsolone,fate/grand order +orator (fft),final fantasy +hiyou,azur lane +garlic jr.,dragon ball +ninjin,one piece +peter lietz,atelier +hyogo,oshiro project +gopinch,ragnarok online +falsetto (suite precure),pretty cure +di beast,arknights +belfast,azur lane +surcouf,azur lane +acheron,honkai: star rail +tengan kazuo,danganronpa +wannai kinuho,toaru majutsu no index +kei (mahou girls precure!),pretty cure +oceanus shenron,dragon ball +santa alter,fate/grand order +mini cu-chan,fate/grand order +yanagisako aomi,toaru majutsu no index +ike,fire emblem +wekapipo,jojo no kimyou na bouken +guldo,dragon ball +putty (phantom brave),nippon ichi +ibaraki douji,fate/grand order +geretta,hunter x hunter +saf,girls' frontline +briar,pokemon +cure pine,pretty cure +luke atmey,ace attorney +melanite,arknights +glowworm,azur lane +saiga 308,girls' frontline +linde,fire emblem +sakamoto ryouma,fate/grand order +metis cykes,ace attorney +jodio joestar,jojo no kimyou na bouken +joseph joestar (young),jojo no kimyou na bouken +shiun'in sora,yu-gi-oh! +pasana,ragnarok online +raijin (ff8),final fantasy +type 4,girls' frontline +glasses kappa,touhou +kisakata kosuke,digimon +nowi,fire emblem +clover,flower knight girl +kamen rider saber,kamen rider +misaka imouto 10032,toaru majutsu no index +loli ruri,ragnarok online +brandnew,one piece +april,arknights +aigami,yu-gi-oh! +hayanami (kancolle),kantai collection +orochimaru,naruto series +obr,girls' frontline +gowasu,dragon ball +mecha girl (disgaea),nippon ichi +i-503 (kancolle),kantai collection +matsunaka yuriko,meitantei conan +scylla,azur lane +jude mathis,tales of... +utoko,oshiro project +rydia (ff4),final fantasy +juno,fire emblem +ise udon,naruto +galarian zapdos,pokemon +misery (kamipara),nippon ichi +momotsuka takuma,digimon +matsuda yasuke,danganronpa series +star locket,sailor moon +repede,tales of... +alolan diglett,pokemon +clook,hunter x hunter +weather report (stand),jojo no kimyou na bouken +yumiko,sailor moon +sei shounagon,fate series +kishar,sailor moon +chimera,ragnarok online +starmie,pokemon +sasame oujiro,jojo no kimyou na bouken +cure ace,pretty cure +claire edgeworth,brave girl ravens +metallica (stand),jojo no kimyou na bouken +delsus,atelier +pansy,dragon ball +master eraqus,kingdom hearts +goki,touhou +jikochuu (dokidoki! precure),pretty cure +hoshi ryoma,danganronpa series +telestina kihara lifeline,toaru majutsu no index +motaricke,hunter x hunter +kamen rider g3,kamen rider +freudia neuwahl,rosenkreuzstilette +clevelad,azur lane +sanada maru,oshiro project +stallion,gensou suikoden +choco (neural cloud),girls' frontline +kirlia,pokemon +witch fairy,girls' frontline +kamakiri,one piece +gascogne (muse),azur lane +genner,hunter x hunter +alexandros,fate series +fraxure,pokemon +l'ecole des cinq lumieres school uniform,pretty cure +murisam,dragon ball +daiyousei mob,touhou +fabien de rousseau,ace attorney +chen,touhou +nidoqueen,pokemon +narushima harunobu,pretty cure +vulcanus (disgaea 1),nippon ichi +hailey,yu-gi-oh! +galarian moltres,pokemon +leto,arknights +lileep,pokemon +shaaru (dq11),dragon quest +armor knight (disgaea),nippon ichi +lola,one piece +inagi (kancolle),kantai collection +patchouli knowledge (book),touhou +aphrodite (suite precure),pretty cure +nyhill m. heine,ragnarok online +germatoid,sailor moon +korutopi,hunter x hunter +hitmonlee,pokemon +arclouze,ragnarok online +weather report,jojo no kimyou na bouken +les feuilles (stand),jojo no kimyou na bouken +kasugano urara (yes! precure 5),pretty cure +evangeline a.k. mcdowell (adult),mahou sensei negima +regigigas,pokemon +ruru amour,pretty cure +kikyou zoldyck,hunter x hunter +chimera ant queen,hunter x hunter +horst basler,atelier +marine sphere,ragnarok online +mysteltainn,ragnarok online +monarch,azur lane +remina eltfrom yggdmillennia,fate series +ro635,girls' frontline +sword guardian,ragnarok online +montjeu,umamusume +akikawa yayoi,umamusume +matikane tannhauser,umamusume +cure custard,pretty cure +ron delite,ace attorney +kazagumo (kancolle),kantai collection +r5,girls' frontline +maxine,gensou suikoden +yamanaka,oshiro project +beak,girls' frontline +kuzuryu natsumi,danganronpa +merchant (phantom kingdom),nippon ichi +wabisuke,bleach +warrior,final fantasy +nerve,yu-gi-oh! +cure egret,pretty cure +super sailor jupiter (stars),sailor moon +vileplume,pokemon +takao (kancolle),kantai collection +mercy (neural cloud),girls' frontline +driselle sharil,tales of... +metang,pokemon +nagoya,oshiro project +kurata akihiro,digimon +flik,gensou suikoden +yuunagi kakeru,pretty cure +lotte,gensou suikoden +alternate color,pokemon +hirudegarn,dragon ball +brom,fire emblem +lord el-melloi ii,fate series +raydric,ragnarok online +male protagonist (digimon rearise),digimon +milla maxwell,tales of... +creidne,fire emblem +akitsu maru (kancolle),kantai collection +dress-up key,pretty cure +crabrawler,pokemon +dustox,pokemon +seaport water oni,kantai collection +kiba windamier,gensou suikoden +inari one,umamusume +evelyn,pokemon +revolver,yu-gi-oh! +lent marslink,atelier +olibu,dragon ball +sory,pretty cure +nefertari,fate series +tsuchi kin,naruto +clownpiece,touhou +shrine tank,touhou +air shakur,umamusume +maestrale (kancolle),kantai collection +tokitsukaze (kancolle),kantai collection +ai (digimon tamers),digimon +team flare grunt,pokemon +itami,oshiro project +gelato,jojo no kimyou na bouken +zack fair,final fantasy +rama,fate/grand order +duma,fire emblem +ethlyn,fire emblem +spitfire,girls' frontline +iris wilson,ace attorney +nine,arknights +ananas,flower knight girl +kasuga,hunter x hunter +12f,arknights +klint van zieks,ace attorney +kamii tsubasa,danganronpa +justy,pokemon +altaria,pokemon +dwyer,fire emblem +majin vegeta,dragon ball +sphinx,toaru majutsu no index +phyco,pokemon +ghost (la pucelle),nippon ichi +maita,hunter x hunter +lita blanchimont,atelier +beruta,brave girl ravens +robelu,dragon ball +kasodani kyouko (yamabiko),touhou +agnes tachyon,umamusume +matthew hopkins,fate series +passimian,pokemon +zashiki-warashi,touhou +courtney,pokemon +feraligatr,pokemon +adnachiel,arknights +papas,dragon quest +asaello,fire emblem +karatachi,flower knight girl +kirisame marisa (pc-98),touhou +quale,final fantasy +smooth operators,jojo no kimyou na bouken +pig,hunter x hunter +l-kun,nippon ichi +kamen rider lance,kamen rider +gaillardia,flower knight girl +yamate,toaru majutsu no index +northampton (kancolle),kantai collection +wakamoto tetsuko,world witches series +sa-head saniwa,touken ranbu +piyon,hunter x hunter +bartolomeo,one piece +naclstack,pokemon +bashou,hunter x hunter +katou dan,naruto +gotan,dragon ball +dedenne,pokemon +sugimoto reimi,jojo no kimyou na bouken +dario,arknights +tanya volta,atelier +laphicet,tales of... +ramzan,girls' frontline +kanetsugu,pokemon +agent 416,girls' frontline +kamen rider kenzan,kamen rider +gogoat,pokemon +gengetsu,touhou +dactyl,girls' frontline +ash fon abenstein,atelier +monferno,pokemon +basilio,fire emblem +satan morroc,ragnarok online +matilda,world witches series +constance von nuvelle,fire emblem +goffard gaffgarion,final fantasy +type 97 te-ke,girls und panzer +rhyhorn,pokemon +atail ream,ragnarok online +anorith,pokemon +felix schultz,azur lane +houndstone,pokemon +reiuji utsuho (bird),touhou +leopon (animal),girls und panzer +frost,dragon ball +shaymin (sky),pokemon +west kaioushin,dragon ball +ryunosuke naruhodo,ace attorney +farina,fire emblem +shut (go! princess precure),pretty cure +isahaya,toaru majutsu no index +shiratori lanael,nippon ichi +hunter,girls' frontline +marcherra waschen,atelier +vendor from milk ranch,ragnarok online +big bob,arknights +salem,fire emblem +troy,gensou suikoden +saix,kingdom hearts +sneasler,pokemon +xuangzang sanzang,fate/grand order +hellhound,ragnarok online +calgara,one piece +aurea juniper,pokemon +sgt joe,gensou suikoden +swanna,pokemon +sockdolager (neural cloud),girls' frontline +ashlock,arknights +odium of thanatos,ragnarok online +dr. footstep,pokemon +pennsylvania,azur lane +inigo,fire emblem +magmaring,ragnarok online +malva,pokemon +sebastien,gensou suikoden +rosalind istari,fate series +chateau gaillard,oshiro project +lepant,gensou suikoden +magnus mcgilded,ace attorney +old man (the untold story of pecharunt),pokemon +infused originium slug,arknights +dark lord,ragnarok online +victorious (kancolle),kantai collection +lias falken,atelier +kamen rider type-1,kamen rider +bruxish,pokemon +r35,girls und panzer +type 89 i-gou,girls und panzer +catacombo,one piece +doore,dragon ball +duck,girls und panzer +thrud,fate/grand order +elysium,arknights +sendai (kancolle),kantai collection +g36c,girls' frontline +broca,arknights +centaur,azur lane +rotom (frost),pokemon +caeda,fire emblem +gawain,fate/grand order +seemannia,flower knight girl +aced,kingdom hearts +myst,ragnarok online +vitata,ragnarok online +playmaker,yu-gi-oh! +arare (kancolle),kantai collection +tobin,fire emblem +yodo,oshiro project +dark mint,pretty cure +elid,girls' frontline +enemy naginata,touken ranbu +rod (male),final fantasy +fu,dragon ball +monna,dragon ball +isaac netero,hunter x hunter +kubota rin,girls und panzer +duking,pokemon +gryphon,ragnarok online +kazuradrop,fate series +blaise,pokemon +refugee,girls' frontline +tapu koko,pokemon +kyuu,hunter x hunter +luud,dragon ball +kanie (precure),pretty cure +vexen,kingdom hearts +balan,tales of... +darmanitan,pokemon +pesselle,pokemon +wormadam,pokemon +kakuzu,naruto series +suzuya (kancolle),kantai collection +lynette bishop,world witches series +imp,ragnarok online +mister five,one piece +kamen rider cronus,kamen rider +cure magician,pretty cure +cure peace pose,pretty cure +major matou,fate series +calyrex (shadow rider),pokemon +chabashira tenko,danganronpa series +sasakibe choujirou,bleach +aki shizuha,touhou +espathra,pokemon +angela (neural cloud),girls' frontline +claudia hortensia,fate series +tim goodman,pokemon +cure twinkle (dress up premium),pretty cure +zygarde core,pokemon +mg3,girls' frontline +robert e. o. speedwagon,jojo no kimyou na bouken +martial arts (male),final fantasy +celeste inpax,ace attorney +eru (dqb),dragon quest +rery,pretty cure +crystal star,sailor moon +genny,fire emblem +ledgic,dragon ball +gliscor,pokemon +mikko,girls und panzer +clavell,pokemon +dinergate,girls' frontline +abercrombie,azur lane +lymsleia falenas,gensou suikoden +dark haired kappa,touhou +goat,ragnarok online +cavall the 2nd,fate/grand order +champo,gensou suikoden +sanka ku,dragon ball +fusionist (phantom brave),nippon ichi +hiei (kancolle),kantai collection +grimer,pokemon +pumpkaboo,pokemon +trebol,one piece +mag-7,girls' frontline +varoom,pokemon +toddifons,arknights +ultros,final fantasy +fernandia malvezzi,world witches series +eins,brave girl ravens +ying swei,azur lane +meloetta (other),pokemon +hargon,dragon quest +hobgoblin,touhou +fg42,girls' frontline +final fantasy mystic quest,final fantasy +sharp (suite precure),pretty cure +uzumaki kushina,naruto series +gun-toting ant,hunter x hunter +numeri (precure),pretty cure +cure heart (parthenon mode),pretty cure +kamen rider geats (series),kamen rider +minamoto kouji,digimon +fiji,azur lane +aki ross,final fantasy +kamei,oshiro project +miror b.,pokemon +mana,yu-gi-oh! +gracia,pokemon +tomoe gozen,fate/grand order +litleo,pokemon +sandaconda,pokemon +van grants,tales of... +cnoc na riabh,fate series +pokkle,hunter x hunter +setanta,fate/grand order +quercus alba,ace attorney +leonardo da vinci (rider),fate/grand order +chiave,arknights +dire,jojo no kimyou na bouken +don whitehorse,tales of... +tauroneo,fire emblem +minen,gensou suikoden +cell,dragon ball +ariana,pokemon +higashikata tsurugi,jojo no kimyou na bouken +selphina,fire emblem +alolan geodude,pokemon +g11,girls' frontline +agent vector,girls' frontline +benkaistein,ragnarok online +unown ?,pokemon +ting-lu,pokemon +thief (fft),final fantasy +emmeryn,fire emblem +zangyin (neural cloud),girls' frontline +black baccara,flower knight girl +ryuuboshi,one piece +commander,goddess of victory: nikke +sharinguru,one piece +vulcan,arknights +megumi (futari wa precure),pretty cure +usagigoke,flower knight girl +yagyuu munenori,fate/grand order +mr. nothing,arknights +fog,tales of... +higashikata jobin,jojo no kimyou na bouken +choppy,pretty cure +rodelero,girls' frontline +ishigakiyama,oshiro project +takeda tetsuo,yu-gi-oh! +hoshigaki kisame,naruto series +archer (fate/samurai remnant),fate series +jamke,fire emblem +konpaku youmu (ghost),touhou +dan,arknights +primarina,pokemon +elis,touhou +samuel,fire emblem +lycanroc (midnight),pokemon +sanada takahiro,meitantei conan +diarmuid ua duibhne (saber),fate series +lemo,dragon ball +maribel hearn,touhou +unown l,pokemon +battera's lover,hunter x hunter +dwarf (dq10),dragon quest +squawkabilly,pokemon +steely dan,jojo no kimyou na bouken +yuuki genbu,pretty cure +leva (dokidoki! precure),pretty cure +sailor astarte,sailor moon +takiyama,oshiro project +jeet,hunter x hunter +halkenburg hui guo rou,hunter x hunter +stefano torregrossa,arknights +ramua,sailor moon +kersaint,azur lane +seth,fire emblem +elefant,girls und panzer +blank (ff9),final fantasy +morgrem,pokemon +kuroda kunika,world witches series +ignatius,fire emblem +shellos,pokemon +type 97,girls' frontline +hot pants (sbr),jojo no kimyou na bouken +corrin (female),fire emblem +sichte meister,rosenkreuzstilette +fujimura shougo,pretty cure +princess neptune,sailor moon +pekuba,hunter x hunter +natalia luzu kimlasca lanvaldear,tales of... +dragon (disgaea),nippon ichi +walter,pokemon +strago magus,final fantasy +roxanne (dq9),dragon quest +kitanoshou,oshiro project +wa2000,girls' frontline +sephiroth,final fantasy +little boy admiral (kancolle),kantai collection +artoria pendragon (lancer alter),fate/grand order +unown h,pokemon +wizard,ragnarok online +marumo,dragon quest +tenochtitlan,fate/grand order +golden frieza,dragon ball +maebashi,oshiro project +ribombee,pokemon +kamen rider ryuki,kamen rider +hisuian qwilfish,pokemon +annie barrs,tales of... +kirisame marisa (seihou),touhou +master,one piece +chandler,gensou suikoden +ghetsis,pokemon +kotomine kirei,fate series +beryl gut,fate series +papillon,sailor moon +tine,fire emblem +ingo,pokemon +shiramine,gensou suikoden +kamen rider agito (series),kamen rider +shiny luminous,pretty cure +ags-30,girls' frontline +kadotani anzu,girls und panzer +nahyuta sahdmadhi,ace attorney +orthworm,pokemon +bat (la pucelle),nippon ichi +snackey,pretty cure +april may,ace attorney +greatest general,ragnarok online +sunkern,pokemon +saleh,tales of... +bronislava feoktistovna safonov,world witches series +gakidou pain,naruto +ansem the wise,kingdom hearts +gekidrago,pretty cure +abra,pokemon +bow guardian,ragnarok online +andre boomboom,jojo no kimyou na bouken +portgas d. ace,one piece +urshifu (rapid),pokemon +kuremi kyouko,digimon +blue,dragon ball +kitano tatsumi,fate series +notorious b.i.g. (stand),jojo no kimyou na bouken +teppouyuri,flower knight girl +blacksmith (phantom brave),nippon ichi +unagiya kaoru,bleach +cukatail,dragon ball +nida (ff8),final fantasy +yaag rosch,final fantasy +carrie,gensou suikoden +gunslinger (disgaea),nippon ichi +elizabeth bathory (cinderella rider),fate series +male thief bug,ragnarok online +mikawa (smile precure!),pretty cure +kobayashi satori,toaru majutsu no index +hero's daughter (dq5),dragon quest +golbez,final fantasy +magenta magenta,jojo no kimyou na bouken +spheal,pokemon +nikki yakata,oshiro project +roubai,flower knight girl +balsamilco might,hunter x hunter +naegi komaru,danganronpa series +archaludon,pokemon +fujisaki chihiro,danganronpa series +devo,jojo no kimyou na bouken +titania,fire emblem +perrault,last origin +hebihime,dragon ball +tenken,bleach +toppo,dragon ball +anita,hunter x hunter +bupleurum,flower knight girl +shale (neural cloud),girls' frontline +odda,arknights +touch of sanguinarch,arknights +kamen rider black rx,kamen rider +chibi usa,sailor moon +dwebble,pokemon +yunju,hunter x hunter +nyto larvae,girls' frontline +dirk (dqh),dragon quest +kasumiouji rurichiyo,bleach +flower shop lady,pokemon +orphan girl,girls' frontline +hisame,fire emblem +kecleon,pokemon +trunks (future),dragon ball +wyper,one piece +chat,tales of... +m26 pershing,girls und panzer +kawashiro nitori (turtle),touhou +atwight eks,tales of... +gorou,genshin impact +sasarina schily,atelier +beheeyem,pokemon +svch,girls' frontline +ruca milda,tales of... +rfb,girls' frontline +theseus,azur lane +zelgius,fire emblem +adashino hishiri,fate series +geomancer,final fantasy +fuiro,vocaloid +pincer shell (disgaea),nippon ichi +bon clay,one piece +vasco shot,one piece +daisy (dq),dragon quest +camilla,fire emblem +kamen rider ex-aid,kamen rider +koyanskaya (lostbelt beast:iv),fate/grand order +gig (soul cradle),nippon ichi +joker,ragnarok online +militsa,tales of... +masquerain,pokemon +kylie,yu-gi-oh! +special week's adoptive mom,umamusume +dendrobium,flower knight girl +hino jinsaku,toaru majutsu no index +u-81,azur lane +amiya,arknights +ibuki douji,fate/grand order +zakenna,pretty cure +araquanid,pokemon +griffith,berserk +mark iv tank,girls und panzer +motoori kosuzu (possessed),touhou +murid,sailor moon +norway,girls und panzer +ceanothus,flower knight girl +yuan,tales of... +kamen rider decade,kamen rider +ppq,girls' frontline +cure supreme,pretty cure +haruue erii,toaru majutsu no index +kasios,gensou suikoden +violy,ragnarok online +wailmer,pokemon +fuchsia,flower knight girl +dwun,hunter x hunter +terumi mei,naruto series +eyjafjalla,arknights +jingei (kancolle),kantai collection +etoile rosenqueen,nippon ichi +samurai (fft),final fantasy +sheffield (muse),azur lane +enterprise (hms),azur lane +xaldin,kingdom hearts +laura la mer,pretty cure +blonde haired cure (bomber girls precure) (happinesscharge precure!),pretty cure +aknamkanon,yu-gi-oh! +viscole dotrish,nippon ichi +marie antoinette,fate/grand order +jellicent (male),pokemon +cosmoem,pokemon +tomas,fire emblem +meika hime,vocaloid +mishou kanako,pretty cure +list of fire emblem characters,fire emblem +phenyl neet,atelier +ernst,gensou suikoden +musashi (kancolle),kantai collection +jefuty (bakery girl),girls' frontline +tower of grey (stand),jojo no kimyou na bouken +liebea palesch,rosenkreuzstilette +deerling (autumn),pokemon +honda aya,pretty cure +magmortar,pokemon +royal oak,azur lane +cure scarlet (dress up premium),pretty cure +ralts,pokemon +shiba kuukaku,bleach +stg44,girls' frontline +grune,tales of... +venusaur,pokemon +mithos yggdrasill,tales of... +sandshrew,pokemon +karim,yu-gi-oh! +miss crane,fate series +monokid,danganronpa +gneisenau (meta),azur lane +jake,pokemon +flay gunnar,atelier +jane t. godfrey,world witches series +copano rickey,umamusume +hisuian arcanine,pokemon +spandam,one piece +tsareena,pokemon +akaooni,pretty cure +mutsu,azur lane +sara altney,final fantasy +sanji,one piece +p90,girls' frontline +px4 storm,girls' frontline +chespin,pokemon +sussex,azur lane +seiren,sailor moon +noshiro,azur lane +angriff dahlmann,atelier +guy,fire emblem +marius sachsen,atelier +kale,dragon ball +bartholomew roberts,fate/grand order +manchester,azur lane +bunicorn,dragon quest +two-horn scaraba,ragnarok online +zeelandia,oshiro project +craven,azur lane +aung,girls und panzer +bang,gensou suikoden +sougyo no kotowari,bleach +charlotte pudding,one piece +katou danzou,fate/grand order +ns2000,girls' frontline +demon pillar,fate/grand order +avalugg,pokemon +mea holthaus,atelier +derringer,girls' frontline +wei yenwu,arknights +fiore,sailor moon +nephenee,fire emblem +transformed ditto,pokemon +madarai isshiki,danganronpa +algerie,azur lane +yonaga angie,danganronpa series +dirka,bokujou monogatari +kamen rider da-paan,kamen rider +vullaby,pokemon +dark knight (disgaea),nippon ichi +kumoi ichirin (monkey),touhou +swiftsure,azur lane +ginjou kuugo,bleach +agasa hiroshi,meitantei conan +lyozien,ragnarok online +maruyama saki,girls und panzer +kinosaki arisa,digimon +majora,dragon ball +pola (kancolle),kantai collection +sonia (fire emblem: the blazing blade),fire emblem +sier,girls' frontline +lion (ff11),final fantasy +clara,honkai: star rail +kamil,bokujou monogatari +helioptile,pokemon +kamen rider kivala,kamen rider +tennessee,azur lane +lao g,one piece +liu xiu (fate/empire of dirt),fate series +whip master (phantom kingdom),nippon ichi +angela salas larrazabal,world witches series +z20 karl galster,azur lane +kuromorimine (emblem),girls und panzer +wz.29,girls' frontline +umamusume: beginning of a new era,umamusume +usalia (disgaea),nippon ichi +chansey,pokemon +ootsutsuki momoshiki,naruto +elm,pokemon +helbindi,fire emblem +bernadette egan,gensou suikoden +fukuyama yakata,oshiro project +take yutaka,umamusume +bulbasaurtwo,pokemon +marius (rhapsody),nippon ichi +le triomphant,azur lane +scr,girls' frontline +otogi ryuuji,yu-gi-oh! +ea (fate/stay night),fate series +maeda hayato,yu-gi-oh! +pierre,one piece +aria gakuen school uniform,pretty cure +isolated island princess,kantai collection +benga,pokemon +wooper,pokemon +lute,fire emblem +tairinomodaka,flower knight girl +fuyusango,flower knight girl +qsb-91,girls' frontline +bogue,azur lane +yuunagi tsubasa,pretty cure +saiga-12,girls' frontline +myst case,ragnarok online +drum,dragon ball +god of destruction (disgaea),nippon ichi +dark dream,pretty cure +tiana paschen,atelier +seiren (suite precure),pretty cure +tachi kyouko,pretty cure +narciss,girls' frontline +uwajima,oshiro project +neon nostrade,hunter x hunter +erica hartmann,world witches series +tamamo aria,fate series +poring,ragnarok online +laguna loire,final fantasy +m1911,girls' frontline +bon homme richard (meta),azur lane +shimanto,azur lane +bangaa,final fantasy +senji muramasa,fate/grand order +walking wake,pokemon +veena,sailor moon +kihara enshuu,toaru majutsu no index +requiem,ragnarok online +mathilda,fire emblem +dunkerque,azur lane +lich,granblue fantasy +vrtra,tales of... +pappug,one piece +hiyou (kancolle),kantai collection +helianthus,girls' frontline +kameda onnyakusho dorui,oshiro project +kawai shizuka,yu-gi-oh! +eunectes,arknights +lyrica prismriver,touhou +pikachu rock star,pokemon +nakajima,girls und panzer +neil,bokujou monogatari +grumpig,pokemon +emolga,pokemon +vesper,ragnarok online +k5,girls' frontline +dushevnaya (neural cloud),girls' frontline +marilyn,world witches series +perfumer,arknights +morimoto eru,pretty cure +sera,ragnarok online +ichijouji ken,digimon +tadbulb,pokemon +hikone,oshiro project +vincent de boule,gensou suikoden +ruven filnir,atelier +uchiha tajima,naruto +maryland (kancolle),kantai collection +miyafuji yoshika,world witches series +obey your master,umamusume +lucy stevens,pokemon +prince of lorasia,dragon quest +pirin,dragon quest +thermal-ex,arknights +kuriarare kushimaru,naruto +galahad,fate series +patricia beate,ace attorney +alexa,pokemon +sorey,tales of... +benwick,tales of... +munna,pokemon +creed graphite,tales of... +evangeline a.k. mcdowell,mahou sensei negima +joffre,azur lane +kobayashi tamami,jojo no kimyou na bouken +anshar,sailor moon +jove justice,ace attorney +cecil,fire emblem +momonga,one piece +abigail williams (swimsuit foreigner),fate/grand order +kid (fate/zero),fate series +leysritt,fate series +kuina,one piece +gadget,gensou suikoden +magdeburg,azur lane +elizabeth bathory (halloween caster),fate/grand order +steel chonchon,ragnarok online +giratina,pokemon +avanna,vocaloid +wkp,girls' frontline +tenma taro,ace attorney +akigumo (kancolle),kantai collection +peri,fire emblem +koyomi,mahou sensei negima +cufant,pokemon +sig-510,girls' frontline +my sextans,atelier +mandricardo,fate/grand order +celica crowe,tales of... +kasodani kyouko,touhou +lopunny,pokemon +planet waves,jojo no kimyou na bouken +rhodes island medic,arknights +yousei (atelier elie),atelier +son gohan (xeno),dragon ball +nelke von luchetam,atelier +kami-sama,bokujou monogatari +nagao kagetora,fate/grand order +marguerite,one piece +elbing,azur lane +master xehanort,kingdom hearts +forest ledoyen,tales of... +gauche,yu-gi-oh! +ryuax,sailor moon +she-slime,dragon quest +kamen rider espada,kamen rider +taranum (neural cloud),girls' frontline +yam koo,gensou suikoden +medea (lily),fate/grand order +wakka,final fantasy +leavanny,pokemon +mireyu,dragon quest +landorus,pokemon +aisaka sayo,mahou sensei negima +rubeus,sailor moon +poliwhirl,pokemon +lwmmg,girls' frontline +wire,one piece +eagun,pokemon +hans christian andersen,fate/grand order +matsudaira nobutsuna,fate series +elena (ff2),final fantasy +tohsaka aoi,fate series +chloe,princess connect! +shibuya aoi,digimon +hippopotas (female),pokemon +dougami ikue,danganronpa +charlotte brulee,one piece +ootsutsuki ashura,naruto +jersey,azur lane +hero (suikoden tierkreis),gensou suikoden +don corneo,final fantasy +tsuchiya,girls und panzer +makoto (digimon tamers),digimon +luca,jojo no kimyou na bouken +head teacher (mahou girls precure!),pretty cure +scar-l,girls' frontline +maribelle,fire emblem +fukujyusou,flower knight girl +constant,ragnarok online +tamruan,ragnarok online +squire (fft),final fantasy +yve'noile,final fantasy +alessi,jojo no kimyou na bouken +erato,arknights +rotom (heat),pokemon +mondragon m1908,girls' frontline +professor,toaru majutsu no index +kuru,dragon ball +hyde,pokemon +yukishiro tarou,pretty cure +kiyama harumi,toaru kagaku no railgun +millie,gensou suikoden +castform (snowy),pokemon +paparoni,dragon ball +cement,arknights +stoneborn,fire emblem +tatara kogasa,touhou +nijino piyori,nippon ichi +magearna,pokemon +quaquaval,pokemon +shiki (digimon world -next 0rder-),digimon +gladion,pokemon +loz,final fantasy +fujibayashi sheena,tales of... +seiun sky,umamusume +hornet ii,azur lane +z19 hermann kunne,azur lane +princess of flowers (go! princess precure),pretty cure +hanna philine,world witches series +puar,dragon ball +rick,bokujou monogatari +zundamon,vocaloid +william shakespeare,fate series +chateau de chantilly,oshiro project +reinhold,gensou suikoden +yogurt (emblem),girls und panzer +meta-cooler,dragon ball +eiscue (ice),pokemon +shigure,azur lane +kamen rider den-o,kamen rider +kishime,dragon ball +minior (violet core),pokemon +atago (kancolle),kantai collection +cammy meele,ace attorney +chou-10cm-hou-chan,kantai collection +albion,azur lane +azama,fire emblem +okidogi,pokemon +rananculus,flower knight girl +ark royal,azur lane +chianti,meitantei conan +cid previa,final fantasy +protagonist (digimon world),digimon +whiscash,pokemon +marowak,pokemon +viktor,gensou suikoden +gholdengo,pokemon +hit,dragon ball +kuruma natalie,meitantei conan +mikuma (kancolle),kantai collection +lionela heinze,atelier +persica,girls' frontline +wraith,ragnarok online +cure macaron,pretty cure +bayleef,pokemon +servine,pokemon +lord tenma,touhou +list of kamen rider characters,kamen rider +hiiragi takumi,digimon +caren hortensia,fate/grand order +monodam,danganronpa +seri,flower knight girl +curly,hunter x hunter +vy1,vocaloid +the sun (stand),jojo no kimyou na bouken +white kyurem,pokemon +rhydon,pokemon +yellow,dragon ball +deathgaze,final fantasy +yuunagi tsubasa (bird),pretty cure +junyou,azur lane +kamen rider kiva (series),kamen rider +lord of the coast,one piece +charm,pokemon +silvally,pokemon +chilled,dragon ball +umigame,dragon ball +lal mel martha,tales of... +grieth,fire emblem +vict,hunter x hunter +kay,fate series +umamusume: cinderella gray,umamusume +gentlu (precure),pretty cure +playwright,arknights +cinderace,pokemon +nihonmatsu,oshiro project +kamen rider punch hopper,kamen rider +peritya (girls' frontline 2),girls' frontline +lucario,pokemon +aciddrop,arknights +yakushi nonou,naruto +alcremie (star sweet),pokemon +haguro (kancolle),kantai collection +kotone asagiri,brave girl ravens +lessar,toaru majutsu no index +mon (digimon rearise),digimon +evice,pokemon +yamabuki inori,pretty cure +witch zilant,ragnarok online +hibiki lui,vocaloid +hein (ff3),final fantasy +fletcher,azur lane +nail,dragon ball +gin (neural cloud),girls' frontline +manticore,arknights +brigitt sihern,atelier +toucan,ragnarok online +elf elder,gensou suikoden +rubia natwick,tales of... +yorigami jo'on,touhou +norn ace,umamusume +sueyoi (neural cloud),girls' frontline +siroma,ragnarok online +gino knab,atelier +bizarre,one piece +winged warrior (disgaea),nippon ichi +teireida mai,touhou +nincada,pokemon +kjera,arknights +perseus,azur lane +jiao,tales of... +kamen rider ginpen,kamen rider +byblos,final fantasy +shinpu,oshiro project +kenjya-sama,bokujou monogatari +annastra servatika,atelier +sham,pokemon +dier,girls' frontline +inubashiri momiji (wolf),touhou +srs,girls' frontline +nagashino,oshiro project +hiramitsu mei,pretty cure +mofurun (mahou girls precure!),pretty cure +caesar,girls und panzer +european princess,kantai collection +hino masaki,pretty cure +sokrates,touhou +corrin,fire emblem +carro armato p40,girls und panzer +elmerulia fryxell,atelier +utsunomiya,oshiro project +kazagumo,azur lane +breloom,pokemon +okayama,oshiro project +brute,girls' frontline +florence nightingale (santa),fate/grand order +formaggio,jojo no kimyou na bouken +huntail,pokemon +november rain (stand),jojo no kimyou na bouken +owain,fire emblem +shizuku murasaki,hunter x hunter +esmeralda,gensou suikoden +chadarnook,final fantasy +juneau,azur lane +lafitte,one piece +rudolph von stroheim,jojo no kimyou na bouken +kamen rider jin,kamen rider +hayakawa ai,final fantasy +akan,sailor moon +shiranui,azur lane +kutsuzawa giriko,bleach +nara shikaku,naruto +ryuuma,one piece +funghi,gensou suikoden +incarose,tales of... +vinegar doppio,jojo no kimyou na bouken +diz,kingdom hearts +koharu f riedenflaus,fate series +cure symphony,pretty cure +kagayama miu,pretty cure +bonny de famme,ace attorney +ingus,final fantasy +galarian linoone,pokemon +nero claudius (swimsuit caster),fate/grand order +colt revolver,girls' frontline +brynhildr,fate/grand order +demetri certaldo,arknights +axl ro,jojo no kimyou na bouken +kagamine rin,vocaloid +chiemon,fate series +kikuzuki (kancolle),kantai collection +hung,arknights +cheelai,dragon ball +dido (muse),azur lane +kamen rider woz,kamen rider +shinada an,pretty cure +kimberly,azur lane +faba,pokemon +one-horn scaraba,ragnarok online +spritzee,pokemon +shirouko,fate series +bushidora ambitious,hunter x hunter +hisuian decidueye,pokemon +rebecca,fire emblem +louis keeferson,gensou suikoden +paul,atelier +kashima (kancolle),kantai collection +cinccino,pokemon +archeops,pokemon +saver (fate/extra),fate series +keith howard,yu-gi-oh! +archangeling,ragnarok online +marina,blue archive +caroni,dragon ball +hata no kokoro,touhou +hattori hanzou,toaru majutsu no index +marine,one piece +wood goblin,ragnarok online +cure southern cross,pretty cure +okou,oshiro project +jurakudai,oshiro project +hervey,gensou suikoden +sherlotta,final fantasy +giblet,dragon ball +gigalith,pokemon +sen no rikyu,fate/grand order +archer (disgaea),nippon ichi +clamperl,pokemon +sebastian (dokidoki! precure),pretty cure +ozora yujin,digimon +uts-15,girls' frontline +odani,oshiro project +gotou moyoko,girls und panzer +kamen rider black rx (series),kamen rider +nishi kinuyo,girls und panzer +shakuyaku,one piece +giolla,one piece +v,yu-gi-oh! +fritillaria,flower knight girl +stefan,one piece +masquerade,pokemon +jack connery,meitantei conan +ruriiro kujaku,bleach +christmas rose,flower knight girl +petrel,pokemon +gotenks,dragon ball +nidoking,pokemon +qlon,gensou suikoden +type 62,girls' frontline +arion,fire emblem +krichevskoy (disgaea),nippon ichi +momozono love,pretty cure +cuzco,hunter x hunter +wapol,one piece +cloyster,pokemon +kamen rider eternal,kamen rider +haredas,one piece +leol,hunter x hunter +gossifleur,pokemon +wildrose,ragnarok online +mudsdale,pokemon +lucil,final fantasy +yuri lowell,tales of... +higan zesshousai,nippon ichi +myoukou (kancolle),kantai collection +wo-class aircraft carrier,kantai collection +hume,final fantasy +nightingale,arknights +type 100,girls' frontline +mithra (ff11),final fantasy +brey,dragon quest +mohji,one piece +metagross,pokemon +i-19,azur lane +u-47,azur lane +arjuna,fate/grand order +tengaar,gensou suikoden +prince of lan ling,fate/grand order +white mage,final fantasy +sylvain jose gautier,fire emblem +tenshinhan,dragon ball +kotomine shirou (fanfic),fate series +geddoe,gensou suikoden +margarita surprise,nippon ichi +ohwada lui,digimon +wormtail,ragnarok online +takaishi takeru,digimon +m1887,girls' frontline +nicodemus david dieter,atelier +felicia,fire emblem +galarian slowking,pokemon +les,ragnarok online +kaikouzu,flower knight girl +haar,fire emblem +kakine teitoku,toaru majutsu no index +himuro kane,fate series +uchiha mikoto,naruto +leaf cat,ragnarok online +g43,girls' frontline +kamen rider j (movie),kamen rider +tatsugiri,pokemon +yuezheng longya,vocaloid +euram barows,gensou suikoden +gonz,dragon quest +nachi (kancolle),kantai collection +armaldo,pokemon +great saiyaman,dragon ball +prism indigo,nippon ichi +south dakota (kancolle),kantai collection +kamishirasawa keine,touhou +scary monsters (stand),jojo no kimyou na bouken +bunbee (yes! precure 5),pretty cure +takao,azur lane +mimete,sailor moon +construction fairy,girls' frontline +hayato,fire emblem +helenoa foretto,brave girl ravens +kujo jotaro,jojo no kimyou na bouken +bordeaux,girls und panzer +mint,arknights +neuroi girl,world witches series +chester burklight,tales of... +jupiter,azur lane +otomeyuri,flower knight girl +berry sword,pretty cure +verity,ragnarok online +toledo,oshiro project +australia,girls und panzer +sailor mercury (prototype),sailor moon +arshtat falenas,gensou suikoden +finneon,pokemon +mechanist,arknights +trisha fellows,fate series +beni,pokemon +princess sailor moon,sailor moon +sparky,pokemon +arden,fire emblem +kamen rider v3 (series),kamen rider +tachiaoi,flower knight girl +galka,final fantasy +michael (digimon adventure),digimon +kamen rider saber (series),kamen rider +brahne raza alexandros xvi,final fantasy +gunblade,final fantasy +raditz,dragon ball +hamakaze (kancolle),kantai collection +elfir traum,atelier +iron thorns,pokemon +cure continental,pretty cure +meklet,atelier +marina (pokemon battle revolution),pokemon +dahlia hawthorne,ace attorney +conte di cavour,azur lane +casey,tales of... +maxmillian,gensou suikoden +ptilopsis,arknights +shaw,arknights +northern ocean princess,kantai collection +takebe saori,girls und panzer +archen,pokemon +pharaoh,ragnarok online +kamen rider falchion,kamen rider +m500,girls' frontline +yukikaze,azur lane +phinks magcub,hunter x hunter +amano yuu (digimon xros wars),digimon +mateus,final fantasy +cure earth (healin' good style),pretty cure +noumi (kancolle),kantai collection +seles wilder,tales of... +yabibi,hunter x hunter +salmon (kancolle),kantai collection +foxhound,azur lane +seifer almasy,final fantasy +higashio maria,meitantei conan +sharuru (dokidoki! precure),pretty cure +ayame (ff11),final fantasy +minior (indigo core),pokemon +kasai amane,pretty cure +big al,vocaloid +mantis,hunter x hunter +pan,dragon ball +orion (bear),fate/grand order +ishilly,one piece +ishiyama obou,oshiro project +venus love me chain,sailor moon +elezen,final fantasy +frigibax,pokemon +combo fairy,girls' frontline +flau,sailor moon +wilson philips,jojo no kimyou na bouken +petrine,fire emblem +rolling stones (stand),jojo no kimyou na bouken +u-101,azur lane +magical caren,fate series +calaba,pokemon +reunion soldier,arknights +bad end sunny,pretty cure +anne,shingeki no bahamut +matsukura,oshiro project +roberto,gensou suikoden +star sapphire,touhou +super sailor venus,sailor moon +broye,umamusume +sayo,digimon +ferid egan,gensou suikoden +tobiyama,oshiro project +killer queen,jojo no kimyou na bouken +georgette lemare,world witches series +durin,arknights +maid (disgaea),nippon ichi +berserker (disgaea),nippon ichi +alcremie (berry sweet),pokemon +angila,dragon ball +soga no tojiko,touhou +milcery,pokemon +roggenrola,pokemon +haruta,one piece +dikaiopolis,arknights +succubus (la pucelle),nippon ichi +etienne,gensou suikoden +necrozma,pokemon +kaoru (digimon xros wars),digimon +yakon,dragon ball +liang xun,arknights +old king groza,ragnarok online +avenger class,fate series +fumizuki,azur lane +nooj,final fantasy +jimmy firecracker,dragon ball +mars,pokemon +linus,fire emblem +childerich,gensou suikoden +crabominable,pokemon +mitsuzuri ayako,fate series +ning hai,azur lane +roegadyn,final fantasy +thief,final fantasy +iv,yu-gi-oh! +bel maana,fate series +healer (disgaea),nippon ichi +ookuma (precure),pretty cure +clint,tales of... +zelos wilder,tales of... +alf octrhein,atelier +karehaan,pretty cure +elen,fire emblem +yasuha,hunter x hunter +shiratsuyu (kancolle),kantai collection +auta magetta,dragon ball +wong ho,hunter x hunter +red magnus,nippon ichi +alexandra serbanescu,world witches series +lucy steel,jojo no kimyou na bouken +gimmighoul,pokemon +seira,one piece +m26-mass,girls' frontline +quizzing lady,hunter x hunter +baird,arknights +ferdinand marl e,nippon ichi +scorp,pretty cure +agrostemma,flower knight girl +mainz,azur lane +tohsaka rin (lancer),fate series +lampranthus,flower knight girl +masked man (pokemon adventures),pokemon +famfrit,final fantasy +oguri cap,umamusume +tama (kancolle),kantai collection +kururu (little princess),nippon ichi +phobos,sailor moon +jagen,fire emblem +acasta,azur lane +z-one,yu-gi-oh! +mina,blue archive +antenora (neural cloud),girls' frontline +dario brando,jojo no kimyou na bouken +kimijima saki,digimon +suedou akemi,digimon +izayoi aki,yu-gi-oh! +tenore sax (stand),jojo no kimyou na bouken +damian tenma,ace attorney +uchi,oshiro project +kon,fate/grand order +takanami (kancolle),kantai collection +galzus,fire emblem +mimino kurumi,pretty cure +antonio,gensou suikoden +volbeat,pokemon +laura,fire emblem +spartan,one piece +final fantasy vi,final fantasy +mystic knight,final fantasy +joe okada,pretty cure +team rocket grunt,pokemon +helena (meta),azur lane +clefable,pokemon +ilyana,fire emblem +bloody murderer,ragnarok online +zebstrika,pokemon +dr. flappe,dragon ball +chad,fire emblem +disco (sbr),jojo no kimyou na bouken +seihou,touhou +joutouguu mayumi,touhou +maginot (emblem),girls und panzer +sailor jupiter pose,sailor moon +ibaraki douji's arm,touhou +rinea,fire emblem +galahad alter,fate series +sedgar,fire emblem +panzer iii,girls und panzer +alisa,pokemon +m9,girls' frontline +mg338,girls' frontline +wingull,pokemon +correa,flower knight girl +shula valya,gensou suikoden +lucille ernella,atelier +konnosuke,touken ranbu +etorofu (kancolle),kantai collection +ooyodo (kancolle),kantai collection +spp-1,girls' frontline +bb (swimsuit mooncancer),fate/grand order +captain kuro,one piece +yamakaze,azur lane +west kaiou,dragon ball +dai kaiou,dragon ball +akagi (muse),azur lane +pekotero,hunter x hunter +mihono bourbon,umamusume +yamper,pokemon +hephaestion (fate) (non-official),fate series +mimikyu,pokemon +de ruyter (kancolle),kantai collection +valkyrie randgris,ragnarok online +tamada keito,digimon +salvatore (disgaea),nippon ichi +m99,girls' frontline +unown j,pokemon +imai chitose,digimon +sirfetch'd,pokemon +rotom (normal),pokemon +archetto,arknights +kamen rider birth,kamen rider +kitano ukyo,yu-gi-oh! +russelia,flower knight girl +dirge of cerberus final fantasy vii,final fantasy +justice robo,danganronpa +albert perriend,atelier +sabazushi,hunter x hunter +nico,gensou suikoden +fealena,bokujou monogatari +yagura,naruto +fukuda haru,girls und panzer +akershus fortress,oshiro project +enemy uchigatana,touken ranbu +kamen rider lazer,kamen rider +stone shooter,ragnarok online +speed jiru,one piece +paragus (dragon ball z),dragon ball +princeton,azur lane +baroness of retribution,ragnarok online +asteriscus,flower knight girl +felix,bokujou monogatari +defense machine,ragnarok online +regal bryan,tales of... +mohmoo,one piece +roberia,tales of... +super buu,dragon ball +necrozma (dusk mane),pokemon +aria benett,final fantasy +heavy cruiser summer princess,kantai collection +an shan,azur lane +arachnea (yes! precure 5),pretty cure +panbukin,dragon ball +symboli rudolf,umamusume +m1895 cb,girls' frontline +insas,girls' frontline +chimaera,dragon quest +arthur (fire emblem: genealogy of the holy war),fire emblem +cacnea,pokemon +souryuu (kancolle),kantai collection +cooler,dragon ball +medusa (rider),fate series +reizei hisako,girls und panzer +rosita,girls' frontline +list of kantai collection characters,kantai collection +kintoleski,pretty cure +ga'ran sigatar khura'in,ace attorney +trucy wright,ace attorney +alina,arknights +syn shenron,dragon ball +sailor mnemosyne,sailor moon +slugma,pokemon +executor the ex foedere,arknights +honda hiroto,yu-gi-oh! +xerneas,pokemon +baxcalibur,pokemon +blamenco,one piece +fujimaru ritsuka (male),fate/grand order +kamen rider gatack,kamen rider +cure wave,pretty cure +locke cole,final fantasy +volke,fire emblem +khai,dragon ball +courtney sithe,ace attorney +texas,arknights +ardent,azur lane +mary anning,fate series +minamino kanade,pretty cure +slayde,fire emblem +aruna,ragnarok online +himawari,flower knight girl +nejou,oshiro project +honey badger,girls' frontline +simon blackquill,ace attorney +blue badger,ace attorney +cutie moon rod,sailor moon +peony,pokemon +gary,gensou suikoden +udering,sailor moon +konoe konoka,mahou sensei negima +kreide,arknights +kusaka orie,pretty cure +fujisaki taichi,danganronpa +meloetta,pokemon +jaye,arknights +amaura,pokemon +mannish boy,jojo no kimyou na bouken +nire,flower knight girl +muscipular,ragnarok online +six12,girls' frontline +minami shun,pretty cure +princess snow kaguya,sailor moon +pica,one piece +sakibasu yuri,toaru majutsu no index +yu,gensou suikoden +edward teach,fate/grand order +astrid zexis,atelier +kurokawa,oshiro project +beholder,ragnarok online +hero (dq8),dragon quest +tank lepanto,one piece +row (dq11),dragon quest +tatoo you!,jojo no kimyou na bouken +wa-class transport ship,kantai collection +son goku (xeno),dragon ball +dissidia final fantasy,final fantasy +zangetsu,bleach +hiei,azur lane +florian,tales of... +elizabeth bathory (brave),fate/grand order +mutant dragonoid,ragnarok online +carl (pokemon adventures),pokemon +gokua,dragon ball +celine kimi,ragnarok online +dunsparce,pokemon +maushold (family of three),pokemon +georges,gensou suikoden +savami,vocaloid +yuuki kanako,pretty cure +command fairy,girls' frontline +caesar anthonio zeppeli,jojo no kimyou na bouken +zenno rob roy,umamusume +komoro,oshiro project +isla (tales of xillia),tales of... +kujo holy,jojo no kimyou na bouken +dr. myuu,dragon ball +edytha neumann,world witches series +koutei,touhou +maractus,pokemon +kuja,final fantasy +mimi houllier von schwarzlang,atelier series +helena blavatsky (christmas),fate series +panno,ragnarok online +sub,hunter x hunter +type 10 (tank),girls und panzer +alec's father,pokemon +franziska von karma,ace attorney +ruukoto,touhou +sun visor,umamusume +lemuen,arknights +seaplane tender water princess,kantai collection +evil eye (disgaea),nippon ichi +papilla,ragnarok online +merines,tales of... +jillia blight,gensou suikoden +unown g,pokemon +nemo (disgaea),nippon ichi +tabatha baskerville,tales of... +cecil harvey,final fantasy +yumehara nozomi,pretty cure +raigh,fire emblem +sakawa,azur lane +curren chan,umamusume +add,fate series +dhaos,tales of... +dracozolt,pokemon +gyarados,pokemon +sennichikou,flower knight girl +lizard,touhou +anshinzawa sasami,umamusume +sergei,gensou suikoden +samson oak,pokemon +hell tree,ragnarok online +unown v,pokemon +carnation,flower knight girl +heywood l. edwards (kancolle),kantai collection +damage control crew (kancolle),kantai collection +vidro,dragon ball +ootsutsuki toneri,naruto +sakawa (kancolle),kantai collection +satotz,hunter x hunter +hosomi shizuko,girls und panzer +neige chintreuil,atelier +yanagawa,oshiro project +cure nile,pretty cure +solle grumman,atelier +cheshire,azur lane +kingler,pokemon +bramedb,girls' frontline +type 95,girls' frontline +rocket fairy,girls' frontline +keneth,gensou suikoden +space-time key,sailor moon +shiryoukaku,oshiro project +fortuna,arknights +rosalie de hemricourt de grunne,world witches series +anne bonny (swimsuit archer),fate/grand order +keyblade,kingdom hearts +jekyll and hyde,fate/grand order +fortune teller,touhou +winter cosmos,flower knight girl +sizz flair,ragnarok online +suzuki jirokichi,meitantei conan +pamela,fire emblem +kalk,azur lane +pandaman,one piece +i-14 (kancolle),kantai collection +kingprotea,fate/grand order +sarashina kyuusuke,sailor moon +observer zero,azur lane +john,pokemon +sherlock holmes,fate/grand order +aegis,persona +yuminaga,meitantei conan +judith,tales of... +exeggcute,pokemon +conkeldurr,pokemon +moonlight knight,sailor moon +shachi,one piece +mima,touhou +gunter von goldberg ii,meitantei conan +jinako carigiri,fate/grand order +lucius tiberius,fate series +gyuuki,naruto +arceus,pokemon +cure lovely (innocent form),pretty cure +eusine,pokemon +gertie wie,ragnarok online +aburame shino,naruto +uchiha itachi,naruto series +mysterious man,fire emblem +ha-chan (mahou girls precure!),pretty cure +p99,girls' frontline +kamen rider kabuki,kamen rider +inanna,tales of... +sawayama,oshiro project +sandaime mizukage,naruto +cuderia von feuerbach,atelier +katabami,flower knight girl +cu chulainn (fate/stay night),fate series +kasugayama,oshiro project +van augur,one piece +inzagi,hunter x hunter +too many pikachu,pokemon +hayakawa yuu,final fantasy +popplio,pokemon +cocotte,dragon ball +elize lutus,tales of... +hisuian sneasel,pokemon +hyegun,ragnarok online +fletcher (kancolle),kantai collection +ishida yamato,digimon +nobunaga,pokemon +gevo,dragon ball +choy,pokemon +sv-98,girls' frontline +mismagius,pokemon +monkey d. garp,one piece +malik caesars,tales of... +aki (neural cloud),girls' frontline +carona (phantom brave),nippon ichi +kumano,azur lane +cooking club president (go! princess precure),pretty cure +kuchiki rukia,bleach +leon silverberg,gensou suikoden +grizzly mkv,girls' frontline +kome-kome (precure),pretty cure +p7,girls' frontline +remilia scarlet,touhou +hoederer,arknights +hirugao,flower knight girl +final fantasy unlimited,final fantasy +northa (fresh precure!),pretty cure +cure beauty (princess form),pretty cure +child assassin (fate/zero),fate series +kratos aurion,tales of... +fuga,fire emblem +grete m. gollob,world witches series +pravda military uniform,girls und panzer +liz (mahou girls precure!),pretty cure +hugo (suikoden i),gensou suikoden +doobie wah!,jojo no kimyou na bouken +akamatsu kaede,danganronpa series +marill,pokemon +billy,one piece +hallec,gensou suikoden +spopovich,dragon ball +richard,tales of... +matayoshi gorou,digimon +kyrie canaan,final fantasy +cure scarlet,pretty cure +yoyo,ragnarok online +kishi (suite precure),pretty cure +miss siamour (human),pretty cure +heaven's door,jojo no kimyou na bouken +purugly,pokemon +cure twinkle (grand princess),pretty cure +flonne (archangel),nippon ichi +gouging fire,pokemon +vincenzo gioberti,azur lane +hubert ozwell,tales of... +luna-p,sailor moon +kozukata,oshiro project +katharine ohare,world witches series +lulun,pretty cure +muzet,tales of... +akagi kanata,fate series +calill,fire emblem +perry steam,umamusume +chicobo,final fantasy +legion,fire emblem +prince demande,sailor moon +strelet,girls' frontline +ueda,oshiro project +lazy,ragnarok online +minori,bokujou monogatari +mannosuke,touhou +kamen rider garren,kamen rider +maika,vocaloid +sailor mercury pose,sailor moon +andreana,arknights +shiba koen middle school uniform,sailor moon +kamen rider psyga,kamen rider +amai ao,toaru majutsu no index +beastmaster,final fantasy +rodney (kancolle),kantai collection +silvia,fire emblem +absinthe,arknights +motsu,mahou sensei negima +monster master (dragon quest x),dragon quest +yuubari (kancolle),kantai collection +voltorb,pokemon +sadi-chan,one piece +scholar,final fantasy +gwendolyn,fire emblem +blue cat (precure),pretty cure +momochi zabuza,naruto +gabo,dragon quest +mat-49,girls' frontline +pirun,pretty cure +neroli,pokemon +oklahoma,azur lane +yosaku,one piece +katsuragi mekuru,danganronpa +manzairaku,touhou +karl,gensou suikoden +nagi,fire emblem +kamen rider drake,kamen rider +cure mofurun (sapphire style),pretty cure +lancelot (fate/zero),fate series +maeda kanazawa,oshiro project +hero (dq4),dragon quest +nagato shizuki,oshiro project +luce,gensou suikoden +fitz erberlin,atelier +jaffar,fire emblem +cresson,flower knight girl +bouvardia,flower knight girl +chuchu,pokemon +seeking the pearl,umamusume +matenshi,touhou +dusk,arknights +oyanagi ken,jojo no kimyou na bouken +kurosaki miki,digimon +hanamura teruteru,danganronpa series +munashi jinpachi,naruto +glen,pokemon +genesis rhapsodos,final fantasy +umamusume: road to the top,umamusume +shelly,pokemon +enkidu,fate/grand order +zepha,tales of... +po-uta,vocaloid +liliane vehlendorf,atelier +recoome,dragon ball +mr. reus,ace attorney +cleveland,azur lane +spidops,pokemon +saiyu,hunter x hunter +cure lovely (cherry flamenco),pretty cure +turo,pokemon +kaiba seto,yu-gi-oh! +heroine (dq4),dragon quest +yancy,pokemon +hody jones,one piece +tanaka,chainsaw man +terra (rhapsody),nippon ichi +oscar,fire emblem +jewel,dragon ball +nipasu,sailor moon +kirun,pretty cure +gardevoir,pokemon +paras,pokemon +ellone,final fantasy +cure tender,pretty cure +ots-39,girls' frontline +lucky,ragnarok online +stahn aileron,tales of... +frederick,fire emblem +ruby (ff9),final fantasy +relm arrowny,final fantasy +jakob,fire emblem +jiji,sailor moon +karl gerat,girls und panzer +girag,yu-gi-oh! +marshtomp,pokemon +clarine,fire emblem +nolan,fire emblem +colorado (kancolle),kantai collection +kana anaberal,touhou +divine spirit,touhou +aquila,azur lane +takuto (digimon world -next 0rder-),digimon +hera,one piece +saber class,fate series +alolan meowth,pokemon +seike taroumaru,toaru majutsu no index +colland grumman,atelier +kuro (neural cloud),girls' frontline +papple (precure),pretty cure +dune (heartcatch precure!),pretty cure +scene,arknights +gold city,umamusume +kinemon,one piece +enemy tachi,touken ranbu +ichijou ranze,pretty cure +sandile,pokemon +caway,dragon ball +maizono sayaka's sister,danganronpa +shielbert,pokemon +simisage,pokemon +niwatari kutaka (chicken),touhou +kamen rider baron,kamen rider +milleuda folles,final fantasy +menma,naruto +might duy,naruto +fujiwara no mokou (phoenix),touhou +hariyama,pokemon +m82a1,girls' frontline +melan (dokidoki! precure),pretty cure +yomikawa aiho,toaru majutsu no index +nanaly fletch,tales of... +xinghuan (neural cloud),girls' frontline +nagara sumiko,pretty cure +corselia,gensou suikoden +aire,final fantasy +fairy,girls' frontline +dreepy,pokemon +spada belforma,tales of... +colt,hunter x hunter +arthur pendragon,fate series +carola,pokemon +muppy oktavia vonderchek viii,atelier +munakata kyousuke,danganronpa series +knight (fft),final fantasy +aleis-tan,toaru majutsu no index +ar70,girls' frontline +black-masked saiyan,dragon ball +kazamatsuri fuuka,nippon ichi +kaiboukan no. 30 (kancolle),kantai collection +sajou ayaka (fate/prototype),fate series +tayuya,naruto series +jedah,fire emblem +akikoloid-chan,vocaloid +marsh (dokidoki! precure),pretty cure +utsugi yuuki,girls und panzer +minior,pokemon +laffey,azur lane +ira,kingdom hearts +excalibur galatine,fate series +san diego,azur lane +mp7,girls' frontline +marth,fire emblem +harukawa maki,danganronpa series +italy,girls und panzer +mid-boss (disgaea),nippon ichi +galapago,ragnarok online +peppino de rossi,ace attorney +okabe katsutoshi,pretty cure +u-1206,azur lane +dewgong,pokemon +kamen rider dcd,kamen rider +cottonee,pokemon +nurari,naruto +helena (girls' frontline 2),girls' frontline +naruko,naruto series +mikagura mirei,digimon +suzutsuki,azur lane +indeedee (male),pokemon +rhodanthe,flower knight girl +konki,oshiro project +kurapika,hunter x hunter +hateful avenger,arknights +jupiter oak evolution,sailor moon +super sailor mars (stars),sailor moon +jeitsari,hunter x hunter +hoozuki mangetsu,naruto +silva,granblue fantasy +allen,bokujou monogatari +squall leonhart,final fantasy +kido shin,digimon +miyu edelfelt,fate series +aldo,gensou suikoden +galleon,granblue fantasy +zegai,gensou suikoden +vermouth,meitantei conan +spis,oshiro project +kamen rider cross-z,kamen rider +dio,tales of... +surume,one piece +natu,pokemon +larxene,kingdom hearts +clodsire,pokemon +trish una,jojo no kimyou na bouken +uzumaki naruto,naruto series +shadow lord (final fantasy xi),final fantasy +morita yoshimi,pretty cure +cure flora (grand princess),pretty cure +springfield,girls' frontline +bergamo,dragon ball +loggins,jojo no kimyou na bouken +mccall,azur lane +little formidable,azur lane +mandom (stand),jojo no kimyou na bouken +dalzollene,hunter x hunter +harusame (kancolle),kantai collection +tsukumo akari,yu-gi-oh! +itou megumi,meitantei conan +tar-21,girls' frontline +deino,pokemon +eiscue (noice),pokemon +plusle,pokemon +himegami aisa,toaru majutsu no index +psm,girls' frontline +hannah (neural cloud),girls' frontline +chigachishi-jou,oshiro project +inteleon,pokemon +kamen rider drive (series),kamen rider +dracula,ragnarok online +cz2000,girls' frontline +shouhou,azur lane +kimahri ronso,final fantasy +luke fon fabre,tales of... +shamare,arknights +spica parfait,ragnarok online +edea kramer,final fantasy +nowaki (kancolle),kantai collection +harvest (stand),jojo no kimyou na bouken +mani,pokemon +cure soleil,pretty cure +basculegion,pokemon +bird sprite,pokemon +fuwa hatsuko,pretty cure +shirayuki hime,pretty cure +gekkou hayate,naruto +ai-chan (dokidoki! precure),pretty cure +dyle,tales of... +kanda youko,pretty cure +myoudouin satsuki,pretty cure +ch'en the holungday,arknights +bill,pokemon +sasaki kojirou,fate/grand order +svd,girls' frontline +ribeyrolles,girls' frontline +noelle,genshin impact +yamayuri,flower knight girl +vadon,ragnarok online +shinki,touhou +roselia,pokemon +asano keigo,bleach +matt,pokemon +weedy,arknights +nymble,pokemon +sakado,oshiro project +davi (dokidoki! precure),pretty cure +ducklett,pokemon +nephrite,sailor moon +lilin,gensou suikoden +mia,fire emblem +valvatorez (disgaea),nippon ichi +clark,tales of... +cancer,one piece +ak 5,girls' frontline +murmansk,azur lane +roche frain yggdmillennia,fate series +shimura danzou,naruto +cure magical (alexandrite style),pretty cure +verxina,umamusume +meteorite,arknights +bio broly,dragon ball +alberto saluzzo,arknights +japanese tankery league (emblem),girls und panzer +kleavor,pokemon +kronborg,oshiro project +asano misaki,danganronpa +jatimatic,girls' frontline +kizakura kouichi,danganronpa +tsu-class light cruiser,kantai collection +lady solace,ragnarok online +cure parfait (a la mode style),pretty cure +ghiaccio,jojo no kimyou na bouken +shuppet,pokemon +summoner (fft),final fantasy +jadeite,sailor moon +male builder (dqb),dragon quest +jigglypuff,pokemon +sprigatito,pokemon +north carolina,azur lane +midir,fire emblem +empoleon,pokemon +yarne,fire emblem +ohm,one piece +queen slime,dragon quest +cronin,arknights +regieleki,pokemon +nekomata (disgaea),nippon ichi +kuromorimine school uniform,girls und panzer +kamen rider shinobi,kamen rider +phoenix,azur lane +lebreau,final fantasy +tks tankette,girls und panzer +ernie lyttelton,atelier +furisode girl katherine,pokemon +caerphilly,oshiro project +chouno ami,girls und panzer +director hotti,ace attorney +dirty deeds done dirt cheap,jojo no kimyou na bouken +golett,pokemon +giratina (origin),pokemon +martha,fate/grand order +mendo (bakery girl),girls' frontline +nifsara,gensou suikoden +biden,pokemon +barbatos goetia,tales of... +run ru,fate series +hirato (kancolle),kantai collection +chim,atelier +okudaira fuuya,yu-gi-oh! +cure custard (a la mode style),pretty cure +deculture silvermint,arknights +sazanami (kancolle),kantai collection +daruizen,pretty cure +aim burst,toaru majutsu no index +cure rhythm,pretty cure +honolulu,azur lane +habetrot,fate/grand order +rororina fryxell,atelier series +tawrich & zarich,fate series +kibito,dragon ball +elderflower,flower knight girl +li'l sandy,azur lane +bergmite,pokemon +ceefore (disgaea),nippon ichi +jackie,arknights +tsumugiya ururu,bleach +kakine teitoku (dark matter),toaru majutsu no index +kamen rider ryugen,kamen rider +ark angel ev,final fantasy +tsumugi yukari,yu-gi-oh! +boa,ragnarok online +deborah,gensou suikoden +sasagawa kanon,girls und panzer +alolan sandshrew,pokemon +ingrid,atelier +the witch of delays,pretty cure +odile (neural cloud),girls' frontline +dancer (fft),final fantasy +landorus (incarnate),pokemon +small fry,dragon quest +sana,gensou suikoden +mikuma,azur lane +ya,arknights +dark young,fate series +kamen rider sabela,kamen rider +kanedaichi toyohiro,jojo no kimyou na bouken +soldier (dq3),dragon quest +goldenglow,arknights +cord,fire emblem +adelle bascud,one piece +gashta bellam,hunter x hunter +cure precious,pretty cure +konami-kun,yu-gi-oh! +deerling,pokemon +husky,dragon ball +kurotsuchi,naruto +kemuri jataro,danganronpa +tenma gekkou,yu-gi-oh! +charlotte galette,one piece +amazing nine-tails,ace attorney +nishino flower,umamusume +panther (tank),girls und panzer +amazon (phantom brave),nippon ichi +gordie's sister,pokemon +viy,fate/grand order +perne,fire emblem +rivers,one piece +cure sky,pretty cure +graveler,pokemon +houraisan kaguya,touhou +hope estheim,final fantasy +ulatane hiroshi,pokemon +chiyo,naruto +bayloupe,toaru majutsu no index +trilo quist,ace attorney +chaozu,dragon ball +beedrill,pokemon +selection university (emblem),girls und panzer +ines,arknights +ratatos browntail,arknights +oberon,fate/grand order +wind chimes,arknights +akizuki (kancolle),kantai collection +xenolith,nippon ichi +super sailor jupiter,sailor moon +leah,pokemon +kamen rider zanki,kamen rider +slime,genshin impact +frankenstein's monster (christmas),fate series +gregory,dragon ball +fary,pretty cure +ar-18,girls' frontline +female soldier (phantom kingdom),nippon ichi +atum (stand),jojo no kimyou na bouken +zirloin,dragon ball +z-62,girls' frontline +kajiki ryouta,yu-gi-oh! +reed,arknights +matou zouken,fate series +cecil damon,ragnarok online +eri,boku no hero academia +naganadel,pokemon +aono remi,pretty cure +liu-shen,gensou suikoden +gadot,final fantasy +victor kudo,ace attorney +viluy,sailor moon +hitmonchan,pokemon +higashikata mitsuba,jojo no kimyou na bouken +whitebeard pirates,one piece +elise phulie,atelier +tousen kaname,bleach +cindy stone,ace attorney +usagigiku,flower knight girl +ferus,ragnarok online +komaki noriko,pretty cure +klawf,pokemon +quitela,dragon ball +john wilson,ace attorney +ranger (kancolle),kantai collection +bernardo bellone,arknights +kamen rider meteor,kamen rider +leek,dragon ball +kitakaze asuka,pretty cure +hood,azur lane +kuroki rio,pretty cure +miyafuji sayaka,world witches series +komamura sajin,bleach +izayoi liko,pretty cure +priscilla,fire emblem +prinny,nippon ichi +cooking fairy,girls' frontline +saturn,pokemon +asclepius,fate/grand order +macro cosmos's,pokemon +taunt fairy,girls' frontline +m327,girls' frontline +anchorage oni,kantai collection +lens,arknights +powan,dragon quest +kitano furuko,world witches series +juan,gensou suikoden +kedama,touhou +elice,fire emblem +paldean tauros (aqua breed),pokemon +yukinoshita,flower knight girl +endymion,sailor moon +victor,tales of... +weepinbell,pokemon +inukai komugi (dog),pretty cure +usagi-san,nippon ichi +sherman firefly,girls und panzer +u-37,azur lane +wil,vocaloid +soft & wet,jojo no kimyou na bouken +machiko,dragon quest +uto,oshiro project +luffyko,one piece +axel,gensou suikoden +lun,gensou suikoden +nikolai vasileyevich,girls' frontline +tsuzuki shoma,digimon +puhat,hunter x hunter +melchior,tales of... +united kingdom,girls und panzer +passion harp,pretty cure +miyadeguchi mizuchi,touhou +jim crocodile cook,yu-gi-oh! +dun stallion,fate series +rocinante,arknights +swire,arknights +jean bart,azur lane +penstemon,flower knight girl +lucifer,granblue fantasy +galarian zigzagoon,pokemon +landing ship no. 101 (kancolle),kantai collection +tachibana yuu (precure),pretty cure +damon gant,ace attorney +touzokuou bakura,yu-gi-oh! +xu (ff8),final fantasy +majorina,pretty cure +peruru,sailor moon +domma,arknights +sinistea,pokemon +rensa #28,toaru majutsu no index +ijuuin rakiel,nippon ichi +ptolemy,fate series +azuki (vocaloid4),vocaloid +bunnelby,pokemon +evil buu,dragon ball +beowolf,fire emblem +astraea,fate series +jovi,pokemon +plumeria,fire emblem +huberta von bonin,world witches series +osakabehime,fate/grand order +rozalin,nippon ichi +rapha galthena,final fantasy +zaraki kenpachi,bleach +hatsushimo (kancolle),kantai collection +ursula hartmann,world witches series +nohara rin,naruto series +ornaze,dragon quest +kamen rider duke,kamen rider +orange piccolo,dragon ball +jeancle abel meuniere,fate series +achilles,fate series +jervis,azur lane +capone gang bege,one piece +crobat,pokemon +explorer,azur lane +keshigomu-sensei,pretty cure +izana,fire emblem +leo galan,gensou suikoden +franz,fire emblem +green green grass of home,jojo no kimyou na bouken +seaquant,hunter x hunter +evie vigil,ace attorney +gatou monji,fate series +amagai shuusuke,bleach +female saniwa,touken ranbu +oricorio (pa'u),pokemon +duval,one piece +cool boy,pokemon +mikasa,azur lane +kiryuuin aoi,umamusume +soulburner,yu-gi-oh! +celica,fire emblem +kamen rider mach,kamen rider +pupitar,pokemon +hirosaki,oshiro project +riku dold iii,one piece +joe (pokemon battle revolution),pokemon +specter the unchained,arknights +motoori kosuzu,touhou +heinrich,ragnarok online +galarian yamask,pokemon +fungami yuya,jojo no kimyou na bouken +manfroy,fire emblem +justin,arknights +shadow moon,kamen rider +anolian,ragnarok online +acanthus,flower knight girl +plasma,ragnarok online +rose,pokemon +snake-eyed kanako,touhou +ixia,flower knight girl +list of bleach characters,bleach +igglybuff,pokemon +sawatari shingo,yu-gi-oh! +chrom,fire emblem +gaius,tales of... +kazakiri hyouka,toaru majutsu no index +skimmia,flower knight girl +laegjarn,fire emblem +ilima,pokemon +jaco (ginga patrol jaco),dragon ball +gateau kagura von vandenburg,mahou sensei negima +xigbar,kingdom hearts +uss george washington,girls und panzer +inoue seiji,pretty cure +celestia ludenberg,danganronpa series +abarai renji,bleach +charon,pokemon +irish,meitantei conan +litten,pokemon +nijimura's father,jojo no kimyou na bouken +karna (santa),fate series +hinotake,oshiro project +vp70,girls' frontline +izou,one piece +galatea,fate series +mochizuki (kancolle),kantai collection +gridley,azur lane +caren hortensia (amor caren),fate/grand order +sawsbuck (winter),pokemon +revealing swimsuit (dq),dragon quest +dusclops,pokemon +paper moon king,jojo no kimyou na bouken +william shamspeare,ace attorney +funai,oshiro project +siper,hunter x hunter +clematis,flower knight girl +fir,fire emblem +gizel godwin,gensou suikoden +misumi takeshi,pretty cure +ootsutsuki indra,naruto +warfarin,arknights +sampaguita,ragnarok online +paldean tauros,pokemon +crowdia,nippon ichi +kaai yuki,vocaloid +hassan of the cursed arm,fate series +slime stack,dragon quest +laharl's mother,nippon ichi +mike,hunter x hunter +yagami taichi,digimon +reisalin stout,atelier series +nippaku zanmu,touhou +nico robin,one piece +manaphy,pokemon +piiman,one piece +k7,girls' frontline +heliconia,flower knight girl +sheffield (kancolle),kantai collection +masaoka azuki,vocaloid +prism orange,nippon ichi +chi-class torpedo cruiser,kantai collection +bartholomew,gensou suikoden +negev,girls' frontline +italia (kancolle),kantai collection +clash (stand),jojo no kimyou na bouken +hanyang type 88,girls' frontline +francis drake,fate series +knoll,fire emblem +before crisis final fantasy vii,final fantasy +gyro zeppeli,jojo no kimyou na bouken +natz,tales of... +romulus,fate/grand order +wisdom (neural cloud),girls' frontline +android 13 (fused),dragon ball +love (neural cloud),girls' frontline +zipper bear,ragnarok online +alter servant,fate series +yamakaji,one piece +ayanokouji fumimaro,meitantei conan +reshiram,pokemon +lif,fire emblem +kanjidol,hunter x hunter +imanami takatoshi,umamusume +kamen rider chaser,kamen rider +dedue molinaro,fire emblem +shuren,bleach +fairy tone,pretty cure +marlon rimes,ace attorney +wyrdeer,pokemon +miina,naruto +m1014,girls' frontline +moby dick,one piece +maginot military uniform,girls und panzer +acid originium slug,arknights +rozalin's mother,nippon ichi +heracross,pokemon +alcides,fate series +jail house lock (stand),jojo no kimyou na bouken +ninian,fire emblem +swire the elegant wit,arknights +furfrou,pokemon +macne nana,vocaloid +chiyoda (kancolle),kantai collection +cyndaquil,pokemon +cabaji,one piece +moumon,dragon quest +senko,oshiro project +takumi (digimon world 3),digimon +agravain,fate/grand order +cure candy,pretty cure +iron crown,pokemon +blossom's father,pokemon +donovan,jojo no kimyou na bouken +naegi makoto,danganronpa series +mysterious idol x alter,fate series +hyuuga neji,naruto series +esper roba,yu-gi-oh! +threia hazelgrimm,atelier +proto-jikochuu,pretty cure +saotome maria (precure),pretty cure +ms. watanabe,pokemon +yamamura misao,meitantei conan +wamuu,jojo no kimyou na bouken +mage (disgaea),nippon ichi +rengesou,flower knight girl +zas m21,girls' frontline +halcyon,fire emblem +thorr,fire emblem +toyotomi hideyoshi,fate series +oolong,dragon ball +vivillon (sandstorm),pokemon +kamen rider buffa,kamen rider +nakamori aoko,meitantei conan +dorsetshire,azur lane +perr,pokemon +dark eclair,nippon ichi +grace,atelier +daikokuten,fate series +natsuki rin,pretty cure +skuntank,pokemon +furfrou (matron),pokemon +urxu (mana khemia),atelier +nekonyaa,girls und panzer +fuugetsu hui guo rou,hunter x hunter +sanderiana,flower knight girl +gneisenau,azur lane +sheila,hunter x hunter +errende ebecee,ragnarok online +tapu lele,pokemon +millau (neural cloud),girls' frontline +palms,one piece +iku,gensou suikoden +desch,final fantasy +weavile,pokemon +honeyberry,arknights +clawitzer,pokemon +rowlet,pokemon +esty erhard,atelier +aizuwakamatsu,oshiro project +python (neural cloud),girls' frontline +jodie starling,meitantei conan +tkb-408,girls' frontline +buneary,pokemon +reath,pokemon +ceylon,arknights +suginome,oshiro project +shin'you (kancolle),kantai collection +blue girl,yu-gi-oh! +omega,final fantasy +the yuudachi-like creature,kantai collection +diana (sailor moon) (human),sailor moon +cus,dragon ball +banxsy (neural cloud),girls' frontline +revya (female),nippon ichi +ceodore harvey,final fantasy +heather,flower knight girl +sengoku's goat,one piece +kirarin bear,pretty cure +yoshino yamamoto,gensou suikoden +rukuriri,girls und panzer +bulma (future),dragon ball +cid (ff10),final fantasy +secc,pokemon +larva tiamat,fate/grand order +cure miracle (sapphire style),pretty cure +flail,gensou suikoden +orimoto izumi,digimon +llyud,final fantasy +tsuchimikado maika,toaru majutsu no index +ines fujin,umamusume +roh,dragon ball +hiryuu,azur lane +hippowdon,pokemon +failure penguin,kantai collection +ferrothorn,pokemon +togedemaru,pokemon +rob mccoy,digimon +tola,arknights +male soldier (phantom kingdom),nippon ichi +cookie,ragnarok online +yawata maru (kancolle),kantai collection +cliff,arknights +red eruma,ragnarok online +caliburn,fate series +eustass kid,one piece +karoo,one piece +gaeric,pokemon +berry,dragon ball +cure muse (yellow),pretty cure +constance courte,ace attorney +silas,fire emblem +medislime,dragon quest +whislash,arknights +majoruros,ragnarok online +toutetsu yuuma,touhou +yveltal,pokemon +kunoichi,pokemon +black (pokemon golden boys),pokemon +pinsir,pokemon +z24,azur lane +hakamo-o,pokemon +sarutobi mirai,naruto +flower tank,touhou +sister shakti,mahou sensei negima +charlotte corday,fate/grand order +claire bennett,tales of... +queen badiane,sailor moon +seeq,final fantasy +kihara kagun,toaru majutsu no index +datz are'bal,ace attorney +lilligant,pokemon +takamatsu,oshiro project +washington,azur lane +hey ya (stand),jojo no kimyou na bouken +kamijou touma,toaru majutsu no index +vigneron m2,girls' frontline +silverash,arknights +yamashiro,azur lane +kamen rider hercus,kamen rider +hoshizora tae,pretty cure +loken,arknights +cheria barnes,tales of... +lewis,girls' frontline +celia alde,ragnarok online +kumamoto castle,oshiro project +hisuian growlithe,pokemon +darumaka,pokemon +geomancer (fft),final fantasy +deerling (winter),pokemon +belladonna,flower knight girl +azelf,pokemon +yangus,dragon quest +biloxi,azur lane +khronos,tales of... +mister eleven,one piece +botamo,dragon ball +meroon,gensou suikoden +centurion (tank),girls und panzer +duke of windermere,arknights +carrion,fire emblem +tsukumo haru,yu-gi-oh! +emilia christie,pokemon +skyfire,arknights +zip.22,girls' frontline +primista,brave girl ravens +ancient mimic,ragnarok online +kiyoshimo (kancolle),kantai collection +cure fleuret,pretty cure +mikan,flower knight girl +kama,fate/grand order +gureru,pretty cure +deep impact,umamusume +kamen rider gouki,kamen rider +elza,gensou suikoden +princess venus,sailor moon +misaka tabigake,toaru majutsu no index +yang fang leiden,final fantasy +tsuruki shizuka,girls und panzer +solomon starbuck,ace attorney +yuukimaru,naruto +final fantasy xiii,final fantasy +utsugi kotoko,danganronpa series +crusader,ragnarok online +killia (disgaea),nippon ichi +katsura mimi,fate series +justice (stand),jojo no kimyou na bouken +guinevere,fire emblem +nadi,bokujou monogatari +lucy,cyberpunk series +ace,gensou suikoden +emperor's blade,arknights +quilava,pokemon +mime jr.,pokemon +yamato takeru,fate series +gill,bokujou monogatari +malamar,pokemon +toba,oshiro project +shiratsuyu,azur lane +tina (go! princess precure),pretty cure +klefki,pokemon +imhotep (neural cloud),girls' frontline +flonne,nippon ichi +axew,pokemon +cure miracle,pretty cure +konpaku youki,touhou +beryberie,pretty cure +kouzuki momonosuke,one piece +ururun,pretty cure +tiger eye,sailor moon +amaryllis,flower knight girl +bloodmoon ursaluna,pokemon +fukase,vocaloid +marshadow,pokemon +julius will kresnik,tales of... +sandygast,pokemon +jonathan joestar,jojo no kimyou na bouken +echo,azur lane +mckee,arknights +fortune tambourine,pretty cure +roberta,arknights +deoxys (speed),pokemon +oasis (stand),jojo no kimyou na bouken +ump40,girls' frontline +courtney (pokemon trading card game),pokemon +sheffield,azur lane +cherche,fire emblem +enrico pucci,jojo no kimyou na bouken +oshida,girls und panzer +jellicent (female),pokemon +sovetskaya rossiya,azur lane +rammot,hunter x hunter +nara yoshino,naruto +little boy commander,azur lane +nash skulkin,ace attorney +olivia,fire emblem +paladin,final fantasy +pharmakon,sailor moon +pilina,dragon ball +caladbolg,fate series +ntw-20,girls' frontline +rafflesia arnoldi,ragnarok online +murasaki,dragon ball +adolfine galland,world witches series +corsola,pokemon +girl with brown short hair (suite precure),pretty cure +uszka,girls und panzer +snorlax,pokemon +jeanne d'arc alter santa lily,fate/grand order +izunavi,hunter x hunter +fnc,girls' frontline +fae,fire emblem +priam,fire emblem +rumia (darkness),touhou +lysimachia,flower knight girl +kokutou,bleach +blackmore,jojo no kimyou na bouken +leticia,brave girl ravens +kuybyshev,azur lane +iws 2000,girls' frontline +yoizuki,azur lane +anato,dragon ball +echeveria,flower knight girl +hassan (dq6),dragon quest +gohan beast,dragon ball +gokusai kaibi,toaru majutsu no index +svt-38,girls' frontline +beatrice felstenbelk,brave girl ravens +uehara yui,meitantei conan +wiktoria urbanowicz,world witches series +hishita,hunter x hunter +matou kariya,fate series +yuliya,fire emblem +sherry cromwell,toaru majutsu no index +muneshige,pokemon +oomori tokunoshin,dragon ball +zuo le,arknights +kuluu,final fantasy +kisaragi (kancolle),kantai collection +howa type 64,girls' frontline +tsuchimikado motoharu,toaru majutsu no index +major reiter,fate series +tokushima,oshiro project +dulse,pokemon +izumi kae,digimon +beeswax,arknights +yomotsu hisami,touhou +older edelfelt sister,fate series +belzei gertrude,pretty cure +arugoru,ragnarok online +habranthus,flower knight girl +sakamoto,oshiro project +stainless,arknights +plymouth,azur lane +u-96,azur lane +slurpuff,pokemon +inukai komugi,pretty cure +kamen rider black (series),kamen rider +kurosaki yuzu,bleach +baal (disgaea),nippon ichi +akeboshi karin,pretty cure +aila,gensou suikoden +amagiri (kancolle),kantai collection +eblana,arknights +mitsuki,naruto +mable,pokemon +chang chun,azur lane +oyama,oshiro project +take (kancolle),kantai collection +cure sword,pretty cure +mihoshi middle school uniform,pretty cure +lisa lisa,jojo no kimyou na bouken +purple kecleon,pokemon +pp-19-01,girls' frontline +kanbara shinya,digimon +dorothy,goddess of victory: nikke +mejiro mcqueen,umamusume +kremeyna neju,atelier +revy berger,atelier +clobbopus,pokemon +janne,fire emblem +buddy faith,ace attorney +ushi gozen,fate series +popukar,arknights +kamen rider accel,kamen rider +kamen rider leangle,kamen rider +akumuda,sailor moon +jun (mahou girls precure!),pretty cure +yamagoya,flower knight girl +genzo,one piece +shy,ragnarok online +kamen rider gills,kamen rider +list of pokemon characters,pokemon +jabra,one piece +prinz heinrich,azur lane +kamen rider zero-one,kamen rider +centaurus,girls' frontline +black mage (fft),final fantasy +zacian,pokemon +cranidos,pokemon +gustav,fire emblem +takao dayu,fate series +takaishi natsuko,digimon +cioccolata,jojo no kimyou na bouken +alvero kronie,atelier +copperajah,pokemon +pochawompa,dragon ball +cure macherie (cheerful style),pretty cure +alolan dugtrio,pokemon +kurotsuchi mayuri,bleach +mascher,hunter x hunter +dewpider,pokemon +kamen rider knuckle,kamen rider +noshiro (kancolle),kantai collection +webley,girls' frontline +kawakaze,azur lane +ginchiyo,pokemon +ak-15,girls' frontline +aug,girls' frontline +manon alexiss,atelier +braig,kingdom hearts +i-400 (kancolle),kantai collection +aestus domus aurea,fate series +nidoran,pokemon +flygon,pokemon +eternal moon article,sailor moon +wormadam (trash),pokemon +mizuhiki,flower knight girl +saku tatsuhiko,toaru majutsu no index +hosoe junko,umamusume +taisui xingjun,fate series +waver velvet,fate series +bubble slime,dragon quest +old woman (the untold story of pecharunt),pokemon +a-91,girls' frontline +lilium,brave girl ravens +defense fairy,girls' frontline +lee jialing,digimon +minamino misora,pretty cure +cure sunshine,pretty cure +brandon,pokemon +martha meitner,girls' frontline +yamagumo (kancolle),kantai collection +cure flora (mode elegant rose),pretty cure +kurokawa eren,pretty cure +m12,girls' frontline +nele,girls' frontline +eelektross,pokemon +ao,naruto +octillery,pokemon +mai (future),dragon ball +vittorio veneto,azur lane +higiri,flower knight girl +luigi di savoia duca degli abruzzi (kancolle),kantai collection +bartholomaus platane,atelier +hero,azur lane +cure beauty,pretty cure +freija crescent,final fantasy +lady lilith,final fantasy +nazrin,touhou +miira-kun,dragon ball +iyo matsuyama,oshiro project +bra,dragon ball +pudding,arknights +sakagami ayumi,pretty cure +wingul,tales of... +youssef,pokemon +false angel,ragnarok online +shin kamen rider prologue,kamen rider +alexandre dumas,fate series +drilbur,pokemon +marcarita,dragon ball +plume,arknights +vigna,arknights +female professor (neural cloud),girls' frontline +antinomy,yu-gi-oh! +lon'qu,fire emblem +kingyousou,flower knight girl +arthur hopkins,yu-gi-oh! +maizie,pokemon +mysterious heroine x alter,fate/grand order +dragona joestar,jojo no kimyou na bouken +anji,gensou suikoden +hamazura shiage,toaru majutsu no index +kamen rider barlckxs,kamen rider +sarashina kotono,sailor moon +grapploct,pokemon +ellen wyatt,ace attorney +hiyoko (kancolle),kantai collection +kaufman,tales of... +newcastle,azur lane +klaus windamier,gensou suikoden +hitoyoshi,oshiro project +corrine,tales of... +scout,girls' frontline +kaidou masumi,pretty cure +emiya shirou,fate series +colm,fire emblem +suwa goshiki,world witches series +kihara yuiitsu,toaru majutsu no index +zara,azur lane +erbier mano,hunter x hunter +type 92,girls' frontline +kamen rider buster,kamen rider +vaida,fire emblem +braixen,pokemon +madarame ikkaku,bleach +kaguya kimimaro,naruto +peperomia,flower knight girl +kitashirakawa chiyuri,touhou +koshino natsuko,pretty cure +enomoto azusa,meitantei conan +meldia orkin,atelier +time holder,ragnarok online +kume,touhou +xm8,girls' frontline +raydric archer,ragnarok online +scarecrow,girls' frontline +danny,jojo no kimyou na bouken +granolah,dragon ball +rotom dex,pokemon +proviso,arknights +purestream,arknights +sakura bakushin o,umamusume +kirigiri jin,danganronpa +chloe hartog,atelier +alcremie (love sweet),pokemon +tellu,sailor moon +iinoya,oshiro project +scratchmen apoo,one piece +doc q,one piece +kaguya madoka,pretty cure +iggy,jojo no kimyou na bouken +utage,arknights +poliwrath,pokemon +fate averruncus,mahou sensei negima +galarian slowpoke,pokemon +liepard,pokemon +killer machine,dragon quest +albert harebrayne,ace attorney +click,arknights +kamen rider kuuga (series),kamen rider +sentret,pokemon +caterpie,pokemon +scream tail,pokemon +harryham harry,pretty cure +yobou banka,toaru majutsu no index +jara,arknights +final fantasy x-2,final fantasy +thorns,arknights +chimchar,pokemon +katarina,gensou suikoden +saccho kobayakawa,hunter x hunter +kinmokusei,flower knight girl +assassin class,fate series +doppelganger,ragnarok online +brunnya,fire emblem +outcast,arknights +heidimarie w. schnaufer,world witches series +melodia (disgaea),nippon ichi +hack,one piece +king schmidt,ragnarok online +dragonite,pokemon +tal,gensou suikoden +lenne (ff10),final fantasy +toyashima hidekazu,pretty cure +gigantamax (other),pokemon +fish sprite,pokemon +amma,arknights +kamen rider poppy,kamen rider +rockbomb,dragon quest +aki minoriko,touhou +zombie fairy,touhou +cure mermaid,pretty cure +barraskewda,pokemon +viera,final fantasy +yanma,pokemon +komiyama masami,umamusume +firefox,ragnarok online +tarutaru,final fantasy +tauros,pokemon +gangut (kancolle),kantai collection +sync,tales of... +motonari,pokemon +emporio ivankov,one piece +yakumo ran,touhou +dark aqua,pretty cure +omanyte,pokemon +flabebe (white flower),pokemon +female builder (dqb),dragon quest +tian dian,vocaloid +le terrible,azur lane +saiou mizuchi,yu-gi-oh! +karla,fire emblem +amond,dragon ball +aphmau,final fantasy +nagoya castle,oshiro project +ppsh-41,girls' frontline +laphicet crowe,tales of... +parfait recipipi,pretty cure +agnes,gensou suikoden +yamcha,dragon ball +peter strasser,azur lane +conis,one piece +nachtigal,tales of... +going merry,one piece +burmy (trash),pokemon +tangrowth,pokemon +myao (marl kingdom),nippon ichi +cure macaron (a la mode style),pretty cure +tsuji renta,girls und panzer +z16,azur lane +unagiya ikumi,bleach +dorry,one piece +evil dragon,touhou +magic bikini (dq),dragon quest +norma beatty,tales of... +kihara nayuta,toaru majutsu no index +ushizaki urumi,touhou +goldion (disgaea),nippon ichi +sleeper,ragnarok online +makigumo (kancolle),kantai collection +keldeo (resolute),pokemon +micro uzi,girls' frontline +probopass,pokemon +ferdinand von aegir,fire emblem +catch the rainbow,jojo no kimyou na bouken +sanvitalia,flower knight girl +satsuki,blue archive +centiskorch,pokemon +varkas,gensou suikoden +souma nakamura,oshiro project +viridiana,girls und panzer +mosquito,hunter x hunter +oogawa michiru,bleach +uranus (neural cloud),girls' frontline +lind (neural cloud),girls' frontline +pp-93,girls' frontline +nita,pokemon +daitokuji,yu-gi-oh! +tokitou jiroubou seizen,fate series +time mage,final fantasy +fiora,xenoblade chronicles series +general daehyun,ragnarok online +oingo,jojo no kimyou na bouken +sachiyo (happinesscharge precure!),pretty cure +irvine kinneas,final fantasy +khalitzburg,ragnarok online +kumoi ichirin,touhou +type 03,girls' frontline +invi,kingdom hearts +konori mii,toaru kagaku no railgun +gothitelle,pokemon +uuhei,naruto +adelbert steiner,final fantasy +dark cure (yes! precure 5),pretty cure +serizawa kamo,fate series +ninja,final fantasy +mawile,pokemon +regent,ace attorney +tanpopo,flower knight girl +kronya,fire emblem +orau,hunter x hunter +kalluto zoldyck,hunter x hunter +eternal sailor moon,sailor moon +hippopotas,pokemon +angelene,toaru majutsu no index +ark angel mr,final fantasy +armor fairy,girls' frontline +raichu,pokemon +anon,vocaloid +cu chulainn (fate/prototype),fate series +mouri ran,meitantei conan +fremea seivelun,toaru majutsu no index +langley (kancolle),kantai collection +pollux,fate/grand order +rookidee,pokemon +crea rosenqueen,nippon ichi +kamen rider femme,kamen rider +takatenjin,oshiro project +royal fortune,azur lane +demyx,kingdom hearts +romy riefenstahl,girls' frontline +implacable,azur lane +saunders military uniform,girls und panzer +slither wing,pokemon +gaura,flower knight girl +kolulu,tales of... +penthesilea,fate/grand order +silph co. president's secretary,pokemon +felt blanchimont,atelier +popote,atelier +priest (dq3),dragon quest +valant gramarye,ace attorney +ashigara,azur lane +lunasia,girls' frontline +iris zeppelin,rosenkreuzstilette +shelmet,pokemon +baltimore,azur lane +bomb,final fantasy +dur-nar,arknights +little girl admiral (kancolle),kantai collection +flame skull,ragnarok online +kess,hunter x hunter +lancer-tan,fate series +kamen rider new den-o,kamen rider +the roma-like snowman,kantai collection +ooarai military uniform,girls und panzer +lauren paups,ace attorney +tharja,fire emblem +pp-19,girls' frontline +oomaeda marechiyo,bleach +lippo,hunter x hunter +higashikata tomoko,jojo no kimyou na bouken +fred maxmilian,gensou suikoden +norma deplume,ace attorney +albert chamomille,mahou sensei negima +unfezant (female),pokemon +arl-44,girls und panzer +callisto yew,ace attorney +amanita,pokemon +kokoda kouji,pretty cure +oozora kakeru,sailor moon +majorin,pretty cure +jispa,hunter x hunter +alvida,one piece +liezerota (disgaea),nippon ichi +nishihara yasoko,girls und panzer +squid kid,dragon quest +kiun,oshiro project +i-26,azur lane +miyano elena,meitantei conan +creeper,ragnarok online +hiryuu (ff5),final fantasy +cid del norte marguez,final fantasy +steve,pokemon +chestnut,arknights +dodoria,dragon ball +tec-9,girls' frontline +lulis,one piece +natsugumo (kancolle),kantai collection +bodoro,hunter x hunter +minccino,pokemon +farah oersted,tales of... +harriet steer,world witches series +cure fortune (anmitsu komachi),pretty cure +rsx 0806,ragnarok online +abyssal jellyfish princess,kantai collection +nanase yui,pretty cure +golden fairy,girls' frontline +cure flamingo,pretty cure +kamen rider tsukuyomi,kamen rider +rakeru (dokidoki! precure) (human),pretty cure +kudou yuusaku,meitantei conan +lamg,girls' frontline +lisa basil,ace attorney +shell slime,dragon quest +eilfied raustiora,brave girl ravens +hornet (kancolle),kantai collection +kamen rider chalice,kamen rider +garganacl,pokemon +molayne,pokemon +porkmeister (disgaea),nippon ichi +oryou (lancer),fate series +previous cure twinkle,pretty cure +kibune makoto,bleach +tsuru sennin,dragon ball +zama sumire,pretty cure +conrad,fire emblem +akira (digimon world 2),digimon +black lady,sailor moon +dratini,pokemon +jesus burgess,one piece +wandering purple dragon,ragnarok online +mulberry,arknights +scolippi,jojo no kimyou na bouken +keizoku (emblem),girls und panzer +yamashina honganji,oshiro project +ghost girl (yu-gi-oh! vrains),yu-gi-oh! +mythology mystic code of emperor,fate series +iosys,touhou +chatot,pokemon +marseillaise,azur lane +alcazar of segovia,oshiro project +kurtis (disgaea),nippon ichi +satsuki (kancolle),kantai collection +devil fruit,one piece +kamen rider g4,kamen rider +sting,ragnarok online +rpg-29,girls' frontline +oulan,gensou suikoden +mystia lorelei,touhou +ibuki suika,touhou +veigue lungberg,tales of... +shuu,dragon ball +crisis moon compact,sailor moon +nero claudius (return match),fate series +hanasaki sora,pretty cure +pineco,pokemon +super sailor mercury,sailor moon +shalnark,hunter x hunter +dark blue moon,jojo no kimyou na bouken +andre camel,meitantei conan +fosse (dq7),dragon quest +lord eosphoros (neural cloud),girls' frontline +barbarossa rugner,gensou suikoden +slabbit,dragon quest +orchid,arknights +rutee katrea,tales of... +kenny g,jojo no kimyou na bouken +yura,azur lane +grimoirh,tales of... +borongo,dragon quest +sorrel,dragon ball +team rocket executive,pokemon +kamen rider kurokage,kamen rider +minnie bishop,world witches series +riehlvelt,hunter x hunter +fakemon,pokemon +lige (bakery girl),girls' frontline +d.d.d.,arknights +angeling,ragnarok online +ibuki tora no ou,flower knight girl +kamikaze shin,nippon ichi +ise nanao,bleach +monosuke,danganronpa +wriggle nightbug (bug),touhou +himekaidou hatate (crow),touhou +reverence (neural cloud),girls' frontline +xurkitree,pokemon +kaleidomoon scope,sailor moon +lady avalon,fate/grand order +shantotto,final fantasy +druddigon,pokemon +bonolenov ndongo,hunter x hunter +millcassee frobel,atelier +imabari,oshiro project +kino makoto,sailor moon +angel starr,ace attorney +munemoto shinya,pretty cure +tanaka shinbei,fate series +croissant,arknights +ichino sousuke,danganronpa +karibuchi takami,world witches series +tinkatink,pokemon +asuka cranekick,nippon ichi +katopesla,dragon ball +selizabeth m ingram,meitantei conan +hanna-justina marseille,world witches series +schloss schonbrunn,oshiro project +roto (dq3),dragon quest +zenea,brave girl ravens +red haired cure (bomber girls precure) (happinesscharge precure!),pretty cure +haruno momoka,pretty cure +grozny,azur lane +yamada hanatarou,bleach +wakimoto,oshiro project +elenor silverberg,gensou suikoden +patriot,arknights +shuradou pain,naruto +ridley wizen,gensou suikoden +sol (neural cloud),girls' frontline +mito freecss,hunter x hunter +kurosaki tarou,danganronpa +nalkul,gensou suikoden +cavalla,azur lane +tsukumo yuma,yu-gi-oh! +melmetal,pokemon +tialah,dragon quest +nishizawa yoshiko,world witches series +sawaizumi chiyu,pretty cure +hong meiling (panda),touhou +stunky,pokemon +shiina sakurako,mahou sensei negima +prototype bulin mkii,azur lane +deoxys (normal),pokemon +leviathan,final fantasy +kiel hyre,ragnarok online +biruricchi,pokemon +oosaka mayumi,sailor moon +plachta,atelier series +strelitzia,flower knight girl +grass wonder,umamusume +brook,one piece +mayer,arknights +arka,hunter x hunter +saiark,pretty cure +vikavolt,pokemon +flareon,pokemon +eishin flash,umamusume +rufaku,ragnarok online +logix ficsario,atelier series +issho (fujitora),one piece +hiroshima,oshiro project +morgan le fay,fate/grand order +nergal,fire emblem +amana,hunter x hunter +azuki,flower knight girl +lava the purgatory,arknights +kawajiri shinobu,jojo no kimyou na bouken +kamen rider vulcan,kamen rider +cat o' nine tails,ragnarok online +awamo,dragon ball +monotaro,danganronpa +samurai,final fantasy +arizona,azur lane +close (go! princess precure),pretty cure +earhart (neural cloud),girls' frontline +yuecheng,vocaloid +grey haired cure (bomber girls precure) (happinesscharge precure!),pretty cure +romia (dq11),dragon quest +baralai,final fantasy +balthus von albrecht,fire emblem +goddess (ff6),final fantasy +rillaboom,pokemon +kaiboukan no. 4 (kancolle),kantai collection +urahara kisuke,bleach +asugi,fire emblem +erinys,fire emblem +mayabashi,oshiro project +araide tomoaki,meitantei conan +sagara hyouma,fate series +little girl,pokemon +imaizumi kagerou,touhou +injustice,ragnarok online +fei,vocaloid +sugar,one piece +akai shuuichi,meitantei conan +matsu,flower knight girl +kagami,flower knight girl +beruche,sailor moon +bailey,azur lane +freyjadour falenas,gensou suikoden +zabimaru,bleach +senor pink,one piece +kira yoshikage,jojo no kimyou na bouken +lani (ff9),final fantasy +noir corne,arknights +ward zabac,final fantasy +fighter (dq3),dragon quest +alen,gensou suikoden +shinguu,oshiro project +misumi rie,pretty cure +kartana,pokemon +reila,final fantasy +shen lou,arknights +shiota hirokazu,digimon +guruko,naruto +clonco,ace attorney +coco (yes! precure 5),pretty cure +charlotte katakuri,one piece +spark,pokemon +geoffrey (disgaea),nippon ichi +mr. briney,pokemon +wu zetian (swimsuit caster),fate/grand order +astra revolver,girls' frontline +circe,fate/grand order +type 80,girls' frontline +champa,dragon ball +hildr (swimsuit assassin),fate series +arlong,one piece +rigel,ragnarok online +armored aircraft carrier princess,kantai collection +stonjourner,pokemon +i-47 (kancolle),kantai collection +the lock (stand),jojo no kimyou na bouken +kamen rider slash,kamen rider +massachusetts (kancolle),kantai collection +scarmiglione,final fantasy +withered knight,arknights +hildegard grimmacht,arknights +marmelo,flower knight girl +naganami (kancolle),kantai collection +saigyou ayakashi,touhou +takenouchi toshiko,digimon +kamen rider blade (series),kamen rider +arashio (kancolle),kantai collection +hapi,fire emblem +shichimi,mahou sensei negima +pork pie hat kid,jojo no kimyou na bouken +scovillain,pokemon +tania (dq6),dragon quest +sakazuki (akainu),one piece +shallot,dragon ball +fuma,gensou suikoden +blacky ale,umamusume +houston (kancolle),kantai collection +luigi torelli (kancolle),kantai collection +super sailor venus (stars),sailor moon +mamiya (kancolle),kantai collection +rensouhou-kun,kantai collection +flower girl,ragnarok online +dorothea coyett,fate series +roseanne,pokemon +oosaka naru,sailor moon +shuten douji,fate series +ulysses,dragon quest +san juan,azur lane +faris scherwiz,final fantasy +samurai (disgaea),nippon ichi +gilland,tales of... +anzio military uniform,girls und panzer +poco's sister,jojo no kimyou na bouken +oars,one piece +ebony devil,jojo no kimyou na bouken +lilli,rosenkreuzstilette +mg15,girls' frontline +azoth knife,fate series +tenryuu (kancolle),kantai collection +vyland,fire emblem +onui,fate series +ismaire,fire emblem +kohaku hearts,tales of... +rhajat,fire emblem +castle-3,arknights +vee (neural cloud),girls' frontline +master big star,nippon ichi +orthrus,girls' frontline +miyuki,azur lane +raviel,dragon quest +dinosaur ryuzaki,yu-gi-oh! +maya (kancolle),kantai collection +haineko,bleach +geshiko,girls und panzer +cure flower,pretty cure +kamen rider fourze (series),kamen rider +manettia,flower knight girl +ava,kingdom hearts +special week,umamusume +nola,one piece +jirachi,pokemon +owari,azur lane +bombtail,arknights +monokuma,danganronpa series +meowstic (male),pokemon +nabu,sailor moon +oshi,oshiro project +martinu,dragon ball +rei membami,ace attorney +haruno sakura,naruto series +rita mordio,tales of... +marla,fire emblem +dick gumshoe,ace attorney +kun to,gensou suikoden +shirabe otokichi,pretty cure +will raynard,tales of... +shadow (ff6),final fantasy +lilly pendragon,gensou suikoden +yuuri (bokujou monogatari hnd),bokujou monogatari +koizumi akako,meitantei conan +littorio (kancolle),kantai collection +okita souji alter (swimsuit saber),fate/grand order +angela,dragon ball +alfredo oriani,azur lane +rishi ramanathan,meitantei conan +chusendol (disgaea),nippon ichi +kirisame marisa,touhou +mohammed avdol,jojo no kimyou na bouken +nayotake himeko,sailor moon +blair,atelier +daring tact,umamusume +sedum,flower knight girl +nosepass,pokemon +hohensalzburg,oshiro project +stunfisk,pokemon +dio brando,jojo no kimyou na bouken +ohana (happinesscharge precure!),pretty cure +paphiopedilum,flower knight girl +canas,fire emblem +daiwa scarlet,umamusume +zhanyin lorra,vocaloid +fran (ff12),final fantasy +ledon,gensou suikoden +milky,one piece +hephaestion,fate series +red,pokemon +rakkaru,dragon ball +fei wong tomoe ignacio,digimon +jackie tristan,bleach +quagsire,pokemon +lily enstomach,one piece +eric bloodaxe,fate series +shi tian,vocaloid +cresso,pokemon +lessing,arknights +otaki,oshiro project +straw hats jolly roger,one piece +dalvin,fire emblem +princess buuko,danganronpa +will anthonio zeppeli,jojo no kimyou na bouken +meltan,pokemon +zamazenta,pokemon +bulldog,azur lane +ewen (ffta2),final fantasy +kurushima,oshiro project +tougou,pokemon +fuwa (precure),pretty cure +sten mkii,girls' frontline +rimea,toaru majutsu no index +misty lola,yu-gi-oh! +zealotus,ragnarok online +onil,gensou suikoden +hoppip,pokemon +zesel (dqb2),dragon quest +tareus,girls' frontline +sunflora,pokemon +chinen miyuki,pretty cure +date wataru,meitantei conan +ricken,fire emblem +chi-hatan military uniform,girls und panzer +kobold leader,ragnarok online +kamen rider rey,kamen rider +monomi,danganronpa series +chingling,pokemon +perrserker,pokemon +bellibolt,pokemon +matsuya kazuaki,pretty cure +noroiko,touhou +matt engarde,ace attorney +sailor galaxia,sailor moon +detardeurus,ragnarok online +mpl,girls' frontline +takano rei,pretty cure +galarian darumaka,pokemon +cream (stand),jojo no kimyou na bouken +lurantis,pokemon +quan,fire emblem +haze (phantom brave),nippon ichi +qiubai,arknights +marksburg,oshiro project +mizushima mitsuyoshi,pretty cure +destroyer water oni,kantai collection +long island,azur lane +oktyabrskaya revolyutsiya (kancolle),kantai collection +futatsuiwa mamizou (human),touhou +zetta (phantom kingdom) (book),nippon ichi +kamen rider gaim,kamen rider +shanna,fire emblem +itsuwa,toaru majutsu no index +magmar,pokemon +caligula,fate/grand order +mochizuki meiko,digimon +curacoa,azur lane +camilla hui guo rou,hunter x hunter +guy eldoon,ace attorney +kiel-d-01,ragnarok online +le malin,azur lane +oatmeel,dragon ball +feh (fire emblem heroes),fire emblem +valefor,final fantasy +dycedarg beoulve,final fantasy +higashikata ryohei,jojo no kimyou na bouken +bee,dragon ball +marufuji ryo,yu-gi-oh! +koga gou,bleach +luciana mazzei,world witches series +cidolfus orlandeau,final fantasy +jitterbug,ragnarok online +boa hancock,one piece +muk,pokemon +carrot,one piece +yaeno muteki,umamusume +ulrich von hutten,azur lane +ichijoudani,oshiro project +hayner,kingdom hearts +baron phobos,pokemon +flora (dq5),dragon quest +emil castagnier,tales of... +chelsea (neural cloud),girls' frontline +garland (ff9),final fantasy +cure wing,pretty cure +reinhardt,fire emblem +queen scaraba,ragnarok online +marione,hunter x hunter +psychic (disgaea),nippon ichi +tower keeper,ragnarok online +ls26,girls' frontline +cz100,girls' frontline +cath,fire emblem +carnivine,pokemon +siegfried,granblue fantasy +piplup,pokemon +child gilgamesh,fate/grand order +camazotz,fate series +blue mage,final fantasy +eyewon (precure),pretty cure +menthuthuyoupi,hunter x hunter +meer (dqh),dragon quest +kamen rider juuga,kamen rider +sanqua,pokemon +spoink,pokemon +younger edelfelt sister,fate series +farfetch'd,pokemon +octomammoth,final fantasy +yorugao,flower knight girl +concord,azur lane +franklin bordeau,hunter x hunter +higo chiba,oshiro project +soldier no. 15,dragon ball +yuri (digimon adventure),digimon +enemy ootachi,touken ranbu +sepiria,bokujou monogatari +manheim,hunter x hunter +kamen rider yuuki,kamen rider +junjun,sailor moon +brigid,fire emblem +agarte lindblum,tales of... +parasite,ragnarok online +kuwano yumi,pretty cure +schwann oltorain,tales of... +higashikata josuke (jojolion),jojo no kimyou na bouken +mireille ferrier adalett,atelier +reines el-melloi archisorte,fate/grand order +drango,dragon quest +daddy masterson,one piece +coco loo,hunter x hunter +arche klein,tales of... +whisper,ragnarok online +murasame soushun,danganronpa +balthier,final fantasy +aira (dq7),dragon quest +haunter,pokemon +selection university military uniform,girls und panzer +raleigh,azur lane +dymlos timber,tales of... +merli,vocaloid +yurin,dragon ball +morino,pokemon +sf-a2 miki,vocaloid +tiena,fire emblem +chong yue,arknights +kamen rider sabaki,kamen rider +cannoneer,final fantasy +inagaki mami,world witches series +kikono,dragon ball +amazons quartet,sailor moon +usas-12,girls' frontline +android 21,dragon ball +cid pollendina,final fantasy +darkonium slime,dragon quest +starly,pokemon +mudbray,pokemon +mysterious neko x,fate series +nolana,flower knight girl +pandel,dragon ball +acro,ace attorney +kotozume yukari,pretty cure +katsuragi,azur lane +overqwil,pokemon +humphrey mintz,gensou suikoden +maero of thanatos,ragnarok online +vincent valentine,final fantasy +ginbaisou,flower knight girl +junyou (meta),azur lane +paldean tauros (blaze breed),pokemon +egbert aethelbald,gensou suikoden +o kakugo wa yoroshikute?,pretty cure +texas the omertosa,arknights +buena vista,umamusume +yoshi,mario series +kafka,arknights +sakon,naruto +nappa,dragon ball +mandibuzz,pokemon +furuhata unazuki,sailor moon +puhray zeh'lot,ace attorney +alcremie (mint cream),pokemon +yakumaru itsuki,toaru majutsu no index +nuts (yes! precure 5),pretty cure +monohoshizao,fate series +hakkinen,world witches series +xande,final fantasy +hirose kouta,digimon +greythroat,arknights +pachirisu,pokemon +yamada hifumi,danganronpa series +suifu,oshiro project +ryuusei (kancolle),kantai collection +mana transfer dragon,fate series +alcremie (clover sweet),pokemon +copy goku,dragon ball +kumamoto,oshiro project +ashnard,fire emblem +sarai maya,atelier +emiya kiritsugu,fate/grand order +furfrou (kabuki),pokemon +toxtricity,pokemon +gretchen,gensou suikoden +mokomoko (dq),dragon quest +swoobat,pokemon +beerus,dragon ball +choiark,pretty cure +ikusaba mukuro,danganronpa series +macne series,vocaloid +bm59,girls' frontline +shinonome kaito,digimon +theta,hunter x hunter +kilowattrel,pokemon +avogadora,sailor moon +maxwell's demon,fate series +mareeta,fire emblem +grovyle,pokemon +sharte (rhapsody),nippon ichi +kujo jolyne,jojo no kimyou na bouken +nagase mayumi,pretty cure +suzurannoki,flower knight girl +zapdos,pokemon +lancer class,fate series +estara,arknights +yanmega,pokemon +verde,pokemon +onodera megumi,digimon +brianne de chateau,dragon ball +kayneth el-melloi archibald,fate series +eirika,fire emblem +silence glaive,sailor moon +xm3,girls' frontline +jowy atreides-blight,gensou suikoden +arctovish,pokemon +heavy cruiser princess,kantai collection +qanipalaat,arknights +kamen rider hibiki (series),kamen rider +wicca,one piece +sanada arata,digimon +sanbica norton,hunter x hunter +manboshi,one piece +akebino jinin,naruto +menoa bellucci,digimon +sora,blue archive +minimalist,arknights +hagakure hiroko,danganronpa +fukui,oshiro project +balm,sailor moon +alolan muk,pokemon +lady gray,girls' frontline +hijikata toshizou,fate/grand order +yahiko,naruto +babimyna,hunter x hunter +erendel,arknights +eila ilmatar juutilainen,world witches series +lechonk,pokemon +leilah,ragnarok online +sui-feng,bleach +diancie,pokemon +might guy,naruto series +takechi zuizan,fate series +mubal,gensou suikoden +kiyohime (swimsuit lancer),fate/grand order +kanonno grassvalley,tales of... +licorice,bokujou monogatari +frostnova,arknights +saegusa yukika,fate series +fn-49,girls' frontline +vashti,pokemon +orthie,tales of... +gae dearg,fate series +notray (precure),pretty cure +hyourinmaru,bleach +kazami yuuka (pc-98),touhou +beryl benito,tales of... +meloetta (pirouette),pokemon +sabiku,ragnarok online +libeccio,azur lane +hakuba saguru,meitantei conan +himmel,sousou no frieren +miyabi doll,ragnarok online +sal viento bishop quintus,arknights +semiramis,fate series +amanogawa kirara,pretty cure +hermit plant,ragnarok online +mask maker,pokemon +lilith aileron,tales of... +azuma seira,pretty cure +thundurus,pokemon +yurgen,tales of... +brian taylor,pretty cure +heliolisk,pokemon +latte (precure),pretty cure +panzerkampfwagen 38(t),girls und panzer +karel,fire emblem +the endspeaker,arknights +mansherry,one piece +kamen rider stronger (series),kamen rider +sailor heavy metal papillon,sailor moon +golduck,pokemon +bikke (ff1),final fantasy +corrupted knight,arknights +megg,pokemon +arctozolt,pokemon +percival,fate/grand order +collet falandoll,mahou sensei negima +togepi,pokemon +helmut,gensou suikoden +mastering,ragnarok online +hyakkihei,nippon ichi +dorcas,fire emblem +nealuchi,fire emblem +kv-2,girls und panzer +purifier,azur lane +m240l,girls' frontline +brinaranea,ragnarok online +intrepid (kancolle),kantai collection +utatane piko,vocaloid +torchic,pokemon +toucannon,pokemon +kieran,fire emblem +melady,fire emblem +surfing pikachu,pokemon +ferma,pokemon +kashimoto mayuka,pretty cure +akatsuki,kantai collection +akita,oshiro project +binz,one piece +claud (fire emblem: genealogy of the holy war),fire emblem +soft machine,jojo no kimyou na bouken +jenova,final fantasy +hiketa,oshiro project +bayeri,ragnarok online +dupin (neural cloud),girls' frontline +goutojuki mari,digimon +cure wonderful,pretty cure +thanatos,persona +mason milverton,ace attorney +hope kingdom queen,pretty cure +cannibox,dragon quest +rulah,dragon ball +gnosis,arknights +urshifu (single),pokemon +indeedee (female),pokemon +mitsumi,pokemon +ebizou,naruto +thunder,girls' frontline +obomi,yu-gi-oh! +luna (yu-gi-oh! zexal),yu-gi-oh! +bellsprout,pokemon +papa (disgaea),nippon ichi +unown k,pokemon +gogeta (xeno),dragon ball +hayashimo (kancolle),kantai collection +lip rod,sailor moon +girl behind a cat (kancolle),kantai collection +bruno,yu-gi-oh! +akon,bleach +nagi springfield,mahou sensei negima +boudica,fate/grand order +carissa,toaru majutsu no index +pope,ragnarok online +hesperus (neural cloud),girls' frontline +cure yum-yum (party up style),pretty cure +fin,bokujou monogatari +judas,tales of... +zexion,kingdom hearts +wakabayashi kaori,pretty cure +atram galiast,fate series +aircraft carrier princess,kantai collection +kawajiri hayato,jojo no kimyou na bouken +florges (yellow flower),pokemon +hyuuga (kancolle),kantai collection +rhea scarlet,tales of... +darius iii,fate series +prism yellow,nippon ichi +capsakid,pokemon +twin empresses,arknights +nightingale pledge,fate series +maduin (ff6),final fantasy +salamander,ragnarok online +eumenes,fate series +marisbury animusphere,fate series +fukuda tadaaki,pretty cure +hanna rudel,world witches series +mehmeh (wonderful precure!),pretty cure +ansem seeker of darkness,kingdom hearts +honedge,pokemon +kamijou touya,toaru majutsu no index +malt (phantom brave),nippon ichi +gothorita,pokemon +chonchon,ragnarok online +tsukuma,hunter x hunter +tympole,pokemon +akebono (kancolle),kantai collection +teresa wisemail,gensou suikoden +shellos (west),pokemon +alcremie (flower sweet),pokemon +agon,hunter x hunter +registeel,pokemon +basculin (red),pokemon +taro (disgaea),nippon ichi +kamen rider mage,kamen rider +flora,fire emblem +lindernia,flower knight girl +panille,tales of... +bonsly,pokemon +mithrenes,fate series +fusou,azur lane +goomy,pokemon +chauchat,girls' frontline +giuseppina ciuinni,world witches series +nanamura suisei,danganronpa +q,girls' frontline +charlotte e. yeager,world witches series +shellos (east),pokemon +sale,jojo no kimyou na bouken +chihaya,bokujou monogatari +pegasus,sailor moon +car,girls' frontline +lulu (ff10),final fantasy +romein letouse,ace attorney +wakaba (kancolle),kantai collection +mejiro palmer,umamusume +refia,final fantasy +emma (yu-gi-oh! duel links),yu-gi-oh! +sekibanki,touhou +brynhildr romantia,fate series +inaba kagerouza,bleach +lieselotte ewigegnade,arknights +will powers,ace attorney +javelin,azur lane +olive,flower knight girl +hotaru,naruto +metallic,dragon ball +don chinjao,one piece +kamen rider storious,kamen rider +princess kakyuu,sailor moon +mini demon,ragnarok online +faye (ffmq),final fantasy +kumura,pokemon +damo tamaki,jojo no kimyou na bouken +james moriarty (archer),fate/grand order +kamishiro ryouga,yu-gi-oh! +fukushima,oshiro project +bard (fft),final fantasy +an-94,girls' frontline +geoffrey,fire emblem +mary argent,tales of... +cosmog,pokemon +otomachi una,vocaloid +pikkon,dragon ball +g41,girls' frontline +helmeppo,one piece +olga marie animusphere,fate/grand order +hoshiguma yuugi,touhou +kuji kanesada,world witches series +point,vocaloid +aliot,ragnarok online +carla j. luksic,world witches series +oricorio,pokemon +grenville,azur lane +tokarev,girls' frontline +fourier,tales of... +kouya,pokemon +caprese,ragnarok online +don krieg,one piece +lucius,fire emblem +sandy shocks,pokemon +frea henil,brave girl ravens +full metal surfing instructor,arknights +gozu,hunter x hunter +mk23,girls' frontline +smoker,one piece +victoria,tales of... +shirakumo (kancolle),kantai collection +magissa,final fantasy +dart,fire emblem +ringo roadagain,jojo no kimyou na bouken +kamen rider sasword,kamen rider +girl with hairclip (suite precure),pretty cure +scrafty,pokemon +isuzu,azur lane +happiny,pokemon +renown,azur lane +cobalion,pokemon +p50,girls' frontline +kasuga misora,mahou sensei negima +amaretto,girls und panzer +mustard,pokemon +floette (white flower),pokemon +vados,dragon ball +alolan exeggutor,pokemon +scharnhorst (meta),azur lane +moses,fate series +valerie hawthorne,ace attorney +jongalli a,jojo no kimyou na bouken +la pluma,arknights +kanhizakura,flower knight girl +nariko,brave girl ravens +novalis,flower knight girl +freesia,flower knight girl +ak74m,girls' frontline +glalie,pokemon +cocco,hunter x hunter +percy,fire emblem +glimmet,pokemon +kamen rider todoroki,kamen rider +chkalov,azur lane +gerard doche,atelier +eyjafjalla the hvit aska,arknights +ullrid (girls' frontline 2),girls' frontline +modern costume of crimson,fate series +hero (dq7),dragon quest +lugh,fire emblem +i-13 (kancolle),kantai collection +mistress 9,sailor moon +selma,gensou suikoden +montreux,hunter x hunter +buyon,dragon ball +supreme king (yu-gi-oh! gx),yu-gi-oh! +lovers (stand),jojo no kimyou na bouken +scott (ff2),final fantasy +jamaica,azur lane +nasti,arknights +crescendo tone,pretty cure +armin,girls' frontline +beach boy (stand),jojo no kimyou na bouken +niwazekishyou,flower knight girl +yorktown ii,azur lane +aroma (go! princess precure),pretty cure +ushima,toaru majutsu no index +ookouchi akira,mahou sensei negima +lunatic,ragnarok online +woble hui guo rou,hunter x hunter +henry,fire emblem +corpse bride,girls' frontline +gotcha! boy,pokemon +janet,dragon ball +baby,dragon ball +miuccia miuller,jojo no kimyou na bouken +gear third,one piece +i-168 (kancolle),kantai collection +utatane koharu,naruto +mas-38,girls' frontline +caren fujimura,fate series +hiram menthe,nippon ichi +hatsuharu,azur lane +eraqus,kingdom hearts +prinz eugen (kancolle),kantai collection +mimi-chan,touhou +girafarig,pokemon +tifa lockhart,final fantasy +yome,naruto +kido jo,digimon +wonder acute,umamusume +setia,dragon quest +zygarde cell,pokemon +kochou ran,yu-gi-oh! +shihouin yuushirou,bleach +independence,azur lane +suigyoku,flower knight girl +denver,azur lane +kjelle,fire emblem +gloom under night,ragnarok online +caenis,fate/grand order +bourbon,hunter x hunter +kika,gensou suikoden +lee jianliang,digimon +blissey,pokemon +foote,azur lane +nakatsu,oshiro project +condor,ragnarok online +kamen rider touki,kamen rider +n'doul,jojo no kimyou na bouken +kamen rider agito,kamen rider +miyano shiho,meitantei conan +kanbara takuya,digimon +gula,kingdom hearts +p10c,girls' frontline +mog,final fantasy +cure parfait,pretty cure +rutger,fire emblem +amagi-chan,azur lane +nishijima daigo,digimon +bigfoot,ragnarok online +mutaito,dragon ball +fuuma sasame,naruto +yagami hikari,digimon +alolan rattata,pokemon +hatakaze (kancolle),kantai collection +carmilla,fate/grand order +waai fu,arknights +glorious,azur lane +hai chi,azur lane +bebel (dokidoki! precure),pretty cure +galaco,vocaloid +sasayama,oshiro project +arlecchino (majo to hyakkihei),nippon ichi +king vegeta,dragon ball +talonflame,pokemon +penny nichols,ace attorney +dialga,pokemon +quaxly,pokemon +kamen rider ark-one,kamen rider +aina,brave girl ravens +benn beckman,one piece +kanon,vocaloid +earth wind & fire (stand),jojo no kimyou na bouken +red (happinesscharge precure!),pretty cure +kamakura,oshiro project +asahina yuta,danganronpa +doppelsoldner,girls' frontline +thursday (disgaea),nippon ichi +blacephalon,pokemon +nitra (disgaea),nippon ichi +collins (dq5),dragon quest +fukurou,hunter x hunter +narancia ghirga,jojo no kimyou na bouken +shishio,naruto +evil eye sigma,touhou +puzzle,arknights +silver chariot,jojo no kimyou na bouken +kamen rider super-1,kamen rider +dr. gero,dragon ball +nevada,azur lane +arabia fats,jojo no kimyou na bouken +salus,arknights +berezovich kryuger,girls' frontline +rice shower,umamusume +tiziano,jojo no kimyou na bouken +komakiyama,oshiro project +opalneria rain,nippon ichi +regirock,pokemon +ball guy,pokemon +white tulip,flower knight girl +schtolteheim reinbach iii,gensou suikoden +little renown,azur lane +bardock,dragon ball +kuroshio,azur lane +willow (neural cloud),girls' frontline +shimabara,oshiro project +infinity,ragnarok online +aonuma kiriha,digimon +sunomata,oshiro project +leaf,arknights +enma daiou,dragon ball +chris (pokemon battrio),pokemon +cure la mer,pretty cure +frieza,dragon ball +rakeru (dokidoki! precure),pretty cure +cameron (pokemon hgss),pokemon +gunnthra,fire emblem +houso,touhou +forrest,fire emblem +devdan,fire emblem +tsukishima shuukurou,bleach +julius,fire emblem +yagiyama yotsuyu,jojo no kimyou na bouken +thueringen,azur lane +onozuka komachi,touhou +kadoc zemlupus,fate/grand order +kaiboukan no. 22 (kancolle),kantai collection +chabo,one piece +niren,ragnarok online +pancho salas,arknights +rassius luine,tales of... +venipede,pokemon +admiral shiro (shino),kantai collection +ribet,dragon ball +ahlbi ur'gaid,ace attorney +fujimasa march,umamusume +kanokoyuri,flower knight girl +arsh,bokujou monogatari +takashima remi,girls und panzer +nyna,fire emblem +yuugenmagan,touhou +salvia,flower knight girl +okiya subaru,meitantei conan +elise,fire emblem +vinsmoke reiju,one piece +u-110,azur lane +beldum,pokemon +maribel (dq7),dragon quest +furutaka,azur lane +kazami yuuya,meitantei conan +kamen rider aqua,kamen rider +jester karture,fate series +dium,dragon ball +surtr,arknights +gulpin,pokemon +stheno,fate/grand order +yuni (precure),pretty cure +neo queen serenity,sailor moon +sherry leblanc,yu-gi-oh! +sailor jupiter,sailor moon +randy (little princess),nippon ichi +fujikawa ami,pretty cure +intrepid,azur lane +zodiac fairy,girls' frontline +ford,bokujou monogatari +alice margatroid,touhou +giaggiolo,umamusume +whis,dragon ball +sion eltnam sokaris,fate series +namikaze minato,naruto series +toxtricity (amped),pokemon +chengdu,oshiro project +minea (dq4),dragon quest +hazamada toshikazu,jojo no kimyou na bouken +chi-hatan school uniform,girls und panzer +burmy (sandy),pokemon +sawsbuck (summer),pokemon +elizabello ii,one piece +soseki natsume,ace attorney +eas (fresh precure!),pretty cure +ulmia,final fantasy +aircraft carrier oni,kantai collection +ross,fire emblem +kamen rider ibuki,kamen rider +qbu-88,girls' frontline +primal groudon,pokemon +anya,spy x family +kaiba noah,yu-gi-oh! +cure prism,pretty cure +gouryoku tomohiko,danganronpa +kirigiri kyoko,danganronpa series +hans christian andersen (adult),fate series +chevalier d'eon,fate/grand order +mem-mem (precure) (human),pretty cure +captain,honkai series +floatzel,pokemon +gon freecss,hunter x hunter +dist,tales of... +kurumi erika,pretty cure +chloe ferel,brave girl ravens +geronimo,fate/grand order +roushi,naruto +houzouin inshun,fate series +roshea,fire emblem +franklin,girls' frontline +frillish,pokemon +grady,gensou suikoden +yamakaze (kancolle),kantai collection +minnie the lady,umamusume +bouffalant,pokemon +dubwool,pokemon +kaiou michiru,sailor moon +luna child,touhou +unown !,pokemon +saphir,sailor moon +satono's trainer,umamusume +female warrior (disgaea),nippon ichi +wild mane,arknights +shiki eiki,touhou +richelieu,azur lane +kamen rider blade,kamen rider +stechkin,girls' frontline +kingambit,pokemon +new jersey,azur lane +peonia's mother,pokemon +chateau de chinon,oshiro project +g28,girls' frontline +nu mou,final fantasy +hagel boldness,atelier +fat gotenks,dragon ball +sharpner,dragon ball +cure mermaid (grand princess),pretty cure +iru,dragon ball +kasumi,princess connect! +catch lightrace,arknights +noella martyr,atelier +goodra,pokemon +christopher-kun,fate series +jennifer j deblanc,world witches series +ise (kancolle),kantai collection +girl holding a cat (kancolle),kantai collection +saber lily,fate series +royce and royce,umamusume +cure marine,pretty cure +alcremie (caramel swirl),pokemon +elisio (precure),pretty cure +ryuuhou (kancolle),kantai collection +holy sword,sailor moon +kursk,azur lane +hammond,one piece +aoki junnosuke,pretty cure +z23,azur lane +rainbow rose,flower knight girl +hinata hajime,danganronpa series +meltryllis,fate series +iori muga,meitantei conan +shiraishi kiriko,pretty cure +anping,oshiro project +tooyama ginshirou,meitantei conan +primeape,pokemon +suzi q,jojo no kimyou na bouken +mareep,pokemon +cure princess,pretty cure +sawk,pokemon +kommo-o,pokemon +pinguicula,ragnarok online +tsukikage yuri,pretty cure +gavial the invincible,arknights +ramuh,final fantasy +nikka edvardine katajainen,world witches series +phanpy,pokemon +kamen rider black,kamen rider +touch,arknights +velvet crowe,tales of... +neumann (neural cloud),girls' frontline +saunders school uniform,girls und panzer +angelonia,flower knight girl +taihou-chan,azur lane +kibayashi erena,digimon +vegeta jr.,dragon ball +unzen,azur lane +mayano top gun,umamusume +seattle,azur lane +cubchoo,pokemon +shiftry,pokemon +cure oasis,pretty cure +chef (phantom kingdom),nippon ichi +kimberley,gensou suikoden +masuko mika,pretty cure +koichi,pokemon +rikie,gensou suikoden +tooyama kazuha,meitantei conan +satou,danganronpa +nitocris (swimsuit assassin),fate/grand order +abyssal sun princess,kantai collection +mk48,girls' frontline +napoleon bonaparte,fate/grand order +note,dragon ball +trance zidane tribal,final fantasy +firis mistlud,atelier series +abyssal twin princess (white),kantai collection +paldean tauros (combat breed),pokemon +patricia schade,world witches series +jurie crotze,atelier +sashay,pokemon +prince of wales,azur lane +cure mermaid (mode elegant bubble),pretty cure +isin,arknights +red-haired cowgirl,fate series +argenta,pokemon +rekenber guard,ragnarok online +cyber songman,vocaloid +magby,pokemon +rewrich wallach,atelier +gol d. roger,one piece +mori nagayoshi,fate/grand order +northampton ii,azur lane +m16a1,girls' frontline +myoudou gakuen middle school uniform,pretty cure +dew,fire emblem +cameo,jojo no kimyou na bouken +kamio reiji (yua),kantai collection +vector,girls' frontline +luna (sailor moon) (human),sailor moon +shallistera,atelier +diamante,one piece +sarah (ff1),final fantasy +futatsuiwa mamizou,touhou +izumo,azur lane +hanzou (pokemon conquest),pokemon +habanero,flower knight girl +fukae (kancolle),kantai collection +snake,hunter x hunter +floette (eternal),pokemon +adenium,flower knight girl +alexey,atelier +sentoumaru,one piece +wickebine,ragnarok online +cutie beauty,hunter x hunter +alolan persian,pokemon +cody hackins,ace attorney +cresselia,pokemon +magic knight (disgaea),nippon ichi +sedokan,hunter x hunter +lilia (mahou girls precure!),pretty cure +stormy knight,ragnarok online +shining dream,pretty cure +deghinsea,fire emblem +miss friday,one piece +king kamehameha,umamusume +k1-b0,danganronpa series +helena,azur lane +mienshao,pokemon +chen hai,azur lane +trapinch,pokemon +hawlucha,pokemon +son goten (xeno),dragon ball +daigin,one piece +kudou yukiko,meitantei conan +lulu,final fantasy +minazuki karen,pretty cure +chiba kazunobu,meitantei conan +oda nobunaga (genuine),fate series +hisuian electrode,pokemon +chitose charma,tales of... +the damazti cluster,arknights +mg36,girls' frontline +rude (ff7),final fantasy +raifort,pokemon +prince kanata,pretty cure +tobias gregson,ace attorney +rikka (dq9),dragon quest +marc mcbrine,atelier +bear thief,dragon ball +merchant (pokemon conquest),pokemon +babylon (phantom kingdom),nippon ichi +cid highwind,final fantasy +incantation samurai,ragnarok online +ivar,tales of... +professor (phantom kingdom),nippon ichi +razel,dragon quest +negatone,pretty cure +sphere,atelier +samidare (kancolle),kantai collection +minior (blue core),pokemon +garnet rod,sailor moon +asuka,digimon +ryubence (majo to hyakkihei),nippon ichi +lailah,tales of... +george joestar,jojo no kimyou na bouken +ermes costello,jojo no kimyou na bouken +miranda,fire emblem +aat-52,girls' frontline +imahama,oshiro project +klara barbier,atelier +z21,azur lane +yuri cosmos,ace attorney +noibara,flower knight girl +astolfo,fate series +etward deisler,atelier +reala,tales of... +yujin mikotoba,ace attorney +taihou (muse),azur lane +arjuna alter,fate/grand order +mua,gensou suikoden +byrocks burrows,tales of... +encyclopedia caterpillar,kantai collection +queen mirage,pretty cure +cleo,gensou suikoden +oniwabandana,sailor moon +isuzu yuri,girls und panzer +komori hanae,pretty cure +g-clef (suite precure),pretty cure +saiken,naruto +jyami,dragon quest +team galactic grunt,pokemon +cure tomorrow,pretty cure +orc archer,ragnarok online +team aqua grunt,pokemon +yungoos,pokemon +sakuragawa saki,pretty cure +midorikawa yui,pretty cure +ten'ou haruka,sailor moon +edward newgate,one piece +peonia,pokemon +tatsumiya mana,mahou sensei negima +behemoth,final fantasy +meliadoul tengille,final fantasy +kubfu,pokemon +seishiro jigoku,ace attorney +akagi towa,pretty cure +tess heitzmann,atelier +itajima marugushi,oshiro project +cure flora (mode elegant),pretty cure +gilbert pronislav,fire emblem +fujigawa shuuji,danganronpa +flat (suite precure),pretty cure +matikanefukukitaru,umamusume +grecale (kancolle),kantai collection +orla shipley,ace attorney +iucharba,fire emblem +lay d. furst,ace attorney +kamen rider g den-o,kamen rider +salome (phantom kingdom),nippon ichi +josephine,gensou suikoden +valkyrie (phantom brave),nippon ichi +shotgun (female),final fantasy +zaj quilous,gensou suikoden +kuwata leon,danganronpa series +orok,gensou suikoden +kurokoma saki,touhou +recce centre,girls' frontline +rain megumi,yu-gi-oh! +altina,fire emblem +gillian clout,atelier +queen beret,umamusume +tricia,pokemon +ganglati,girls' frontline +silva zoldyck,hunter x hunter +marvin jackson,digimon +venus,ace attorney +florges,pokemon +dolly,arknights +fire demon (disgaea),nippon ichi +wailord,pokemon +melusine (ff5),final fantasy +milia,gensou suikoden +corphish,pokemon +caius qualls,tales of... +re-class battleship,kantai collection +oichi,pokemon +souya (kancolle),kantai collection +welrod mkii,girls' frontline +dr. wheelo,dragon ball +petite,ragnarok online +batetemouda,pretty cure +cure pekorin,pretty cure +typhon,arknights +keithgrif hazeldine,atelier +marche radiuju,final fantasy +sangou,girls und panzer +specter,arknights +sussurro,arknights +okino youko,meitantei conan +nora (neural cloud),girls' frontline +gilgamesh (fate/prototype),fate series +hanazuki,azur lane +viburnum,flower knight girl +zara (kancolle),kantai collection +indra,arknights +snow dancer,sailor moon +chimera (disgaea),nippon ichi +wheel of fortune (stand),jojo no kimyou na bouken +urshifu,pokemon +m110,girls' frontline +snake youkai,touhou +thief (disgaea),nippon ichi +explosion,ragnarok online +kiss (stand),jojo no kimyou na bouken +adventure galley,azur lane +bubble,arknights +chanzhi (neural cloud),girls' frontline +yunalesca,final fantasy +super sailor uranus,sailor moon +japan ground self-defense force,girls und panzer +ema skye,ace attorney +pancham,pokemon +fossa,one piece +urawa ryou,sailor moon +seruka,bokujou monogatari +fujibayashi suzu,tales of... +bagon,pokemon +darill,final fantasy +gilda ulrich,girls' frontline +chikorita,pokemon +keldeo,pokemon +elizabeth bathory (corroded),fate series +uno,digimon +alphoccio basil,ragnarok online +kanno naoe,world witches series +akujou (little princess),nippon ichi +vanilluxe,pokemon +haranishi (smile precure!),pretty cure +scatterbug,pokemon +hugh o'conner,ace attorney +edmond dantes,fate/grand order +lino en kuldes,gensou suikoden +kicchou yachie,touhou +kamen rider abyss,kamen rider +flame champion,gensou suikoden +melone,jojo no kimyou na bouken +koushirou,one piece +zeromus,final fantasy +silva papilla,ragnarok online +oda nobukatsu,fate/grand order +the judge,ace attorney +arondight,fate series +inoue orihime,bleach +reis duelar,final fantasy +pirilika (disgaea),nippon ichi +inuyama,oshiro project +amuro tooru,meitantei conan +constantia cantacuzino,world witches series +hell corgi (phantom brave),nippon ichi +number 128,final fantasy +minazuki,azur lane +symonne,tales of... +zakuro,flower knight girl +cure honey (popcorn cheer),pretty cure +laika,touhou +atena (bakery girl),girls' frontline +mike o.,jojo no kimyou na bouken +solrock,pokemon +otonashi etsuko,umamusume +janome erika,flower knight girl +tsezguerra,hunter x hunter +saguaro,pokemon +hanged man (stand),jojo no kimyou na bouken +zoma,dragon quest +miyazaki nodoka,mahou sensei negima +curtis,pokemon +yagyuu,oshiro project +bellona,azur lane +chimecho,pokemon +palm siberia,hunter x hunter +judgement (stand),jojo no kimyou na bouken +harienju,flower knight girl +gamatatsu,naruto +hector,fate/grand order +coleus,flower knight girl +tashigi,one piece +jacques portsman,ace attorney +nash latkje,gensou suikoden +ar-57,girls' frontline +ban keiko,pretty cure +phantom,arknights +wynaut,pokemon +wadatsumi,one piece +inugami kotarou,mahou sensei negima +colza,pokemon +cologne (heartcatch precure!),pretty cure +mochizuki chiyome,fate/grand order +nimaiya ouetsu,bleach +ivysaur,pokemon +staravia,pokemon +kamen rider j,kamen rider +solon jhee,gensou suikoden +amdarias,ragnarok online +mejiro family maid,umamusume +david,fate series +tidus,final fantasy +hunter fly,ragnarok online +meriel,atelier +tashkent (muse),azur lane +anna laemmle,atelier +milky rose,pretty cure +eternity larva,touhou +kumokawa seria,toaru majutsu no index +teruzuki (kancolle),kantai collection +cheerleader fairy,girls' frontline +cargo,dragon ball +mrs. kujo,jojo no kimyou na bouken +charlotte linlin,one piece +pansear,pokemon +spectre m4,girls' frontline +avila,oshiro project +cosplay pikachu,pokemon +donatello versus,jojo no kimyou na bouken +ameruda,dragon quest +kortes,atelier +gremlin,ragnarok online +agnese sanctis,toaru majutsu no index +ragged zombie,ragnarok online +furutaka (kancolle),kantai collection +zb-26,girls' frontline +bepo,one piece +lilibeu,dragon ball +arioka,oshiro project +stapo,ragnarok online +nishizawa kiriko,danganronpa +yui,princess connect! +nakamura midori,pretty cure +lairon,pokemon +helena (kancolle),kantai collection +healing animal,pretty cure +girl beaten by a cat (kancolle),kantai collection +cruiser,ragnarok online +ak-74u,girls' frontline +linne hors-d'oeuvre,hunter x hunter +georg prime,gensou suikoden +leena,pokemon +haydee,fate series +prunce (precure),pretty cure +maria gorey,ace attorney +ichimonji pirohiko,nippon ichi +kirisame marisa (crow),touhou +ikalgo,hunter x hunter +pannacotta fugo,jojo no kimyou na bouken +cure flamingo (excellen-tropical style),pretty cure +ulpianus,arknights +effie,fire emblem +tatiana,fire emblem +aggron,pokemon +galina kostylev,world witches series +kamen rider fifteen,kamen rider +erma,girls' frontline +cure gelato,pretty cure +octogen (neural cloud),girls' frontline +pawmo,pokemon +kamen rider x (series),kamen rider +ardos,pokemon +leif,fire emblem +genesect,pokemon +dragalge,pokemon +curlew,azur lane +es cade,pokemon +fennel,flower knight girl +skeleton,dragon quest +hilda valentine goneril,fire emblem +shion,tensei shitara slime datta ken +tsukuyomi komoe,toaru majutsu no index +yajirobe,dragon ball +queen of obel,gensou suikoden +carro veloce cv-35,girls und panzer +universal bulin,azur lane +cure mirage,pretty cure +moda,one piece +dobrynya nikitich,fate/grand order +flower sprite,pokemon +sailor mars,sailor moon +funghoul,dragon quest +list of pretty cure characters,pretty cure +beyond netero,hunter x hunter +octopus,hunter x hunter +brogy,one piece +gavial,arknights +hazuki,gensou suikoden +kamen rider skull,kamen rider +scathach skadi (swimsuit ruler),fate/grand order +kingu,fate series +sasaki makie,mahou sensei negima +shanghai doll,touhou +secret garden (fate/extra ccc),fate series +tanikaze (kancolle),kantai collection +cure muse (crescendo),pretty cure +bad end happy,pretty cure +oerba dia vanille,final fantasy +yukio hans vorarlberna,bleach +ring suzune,vocaloid +zygarde,pokemon +iria animi,tales of... +azelle,fire emblem +lunarre,tales of... +asanagi,azur lane +cecile,gensou suikoden +rabirin (precure),pretty cure +kyougoku makoto,meitantei conan +dolor of thanatos,ragnarok online +ts12,girls' frontline +matsukaze (kancolle),kantai collection +romauge bremer,atelier +rastel biheusen,atelier +mary celeste,azur lane +sugita junzaburo,world witches series +saihara shuichi,danganronpa series +index,toaru majutsu no index +sakunami karera,jojo no kimyou na bouken +feodor kamolovich kamolov,girls' frontline +armored aircraft carrier oni,kantai collection +mahado,yu-gi-oh! +guido mista,jojo no kimyou na bouken +wilma bishop,world witches series +flora beast (disgaea),nippon ichi +unown n,pokemon +fine motion's bodyguard captain,umamusume +garon,fire emblem +ereshkigal,fate/grand order +aak,arknights +rock lee,naruto series +valon,yu-gi-oh! +dsr-50,girls' frontline +inari,naruto +annin,dragon ball +cream starter (stand),jojo no kimyou na bouken +final fantasy ix,final fantasy +toriyama akira (character),dragon ball +hikawa iona,pretty cure +sei (go! princess precure),pretty cure +giulio cesare,azur lane +fidough,pokemon +white album (stand),jojo no kimyou na bouken +andalucia,girls und panzer +mirage precure,pretty cure +bronius,pokemon +fubuki (disgaea),nippon ichi +mr. medal,pokemon +cronos de medici,yu-gi-oh! +kannonji,oshiro project +misawa daichi,yu-gi-oh! +kujou hikari,pretty cure +tap dance city,umamusume +tamamo cat,fate/grand order +isuzu hana,girls und panzer +futatsuiwa mamizou (tanuki),touhou +koala,hunter x hunter +boitata,ragnarok online +ayesha altugle,atelier series +hala,pokemon +kijita kazufumi,pretty cure +c96,girls' frontline +rex goodwin,yu-gi-oh! +sailor ceres,sailor moon +photon ray,fate series +z18,azur lane +lian,pokemon +lycaste,flower knight girl +kreutz,gensou suikoden +smasher,girls' frontline +ragnar lodbrok,fate series +baikeisou,flower knight girl +kamen rider rogue,kamen rider +franky,one piece +herlock sholmes,ace attorney +sarutobi konohamaru,naruto +cure miracle (alexandrite style),pretty cure +elivira gogol,final fantasy +bucephalus,fate series +agu,dragon ball +nine tail,ragnarok online +marona (phantom brave),nippon ichi +allen m. sumner,azur lane +sanguinarch,arknights +super creek,umamusume +jessie (neural cloud),girls' frontline +greninja,pokemon +lily black,touhou +draug,fire emblem +chi-yu,pokemon +isabel,gensou suikoden +color trap,one piece +ark angel tt,final fantasy +kin'iro ryotei,umamusume +thea,fire emblem +hardin,fire emblem +maria (ff2),final fantasy +hayasui (kancolle),kantai collection +kamen rider gridon,kamen rider +botobai gigante,hunter x hunter +rinoa heartilly,final fantasy +kagurazaka asuna,mahou sensei negima +minsk,azur lane +etou toshiko,world witches series +a-545,girls' frontline +ksvk,girls' frontline +moe,blue archive +guile hideout,pokemon +kamishirasawa keine (hakutaku),touhou +akashi (kancolle),kantai collection +baba yoshio,toaru majutsu no index +mary ann (precure),pretty cure +burun,pretty cure +red-leg zeff,one piece +hiryuu (kancolle),kantai collection +herman crab,ace attorney +roma (kancolle),kantai collection +kamen rider super-1 (series),kamen rider +momogaa,girls und panzer +lorelai,gensou suikoden +satou kazuya,pretty cure +joseph stone,pokemon +kikaza,dragon ball +whisperain,arknights +ashera,fire emblem +jacques,gensou suikoden +bear (disgaea),nippon ichi +zeppy,rosenkreuzstilette +sailor neptune,sailor moon +corneria,atelier +sanjuan wolf,one piece +muuna,hunter x hunter +kamen rider horobi,kamen rider +astolfo (saber),fate/grand order +degiro,hunter x hunter +rou kaioushin,dragon ball +bagin,pokemon +kitahara tomofumi,pretty cure +leeds,oshiro project +muranaka,oshiro project +euryale,fate series +gascogne,azur lane +shaman (disgaea),nippon ichi +glasgow,azur lane +bulma,dragon ball +argus,azur lane +narita taishin,umamusume +vivillon (sun),pokemon +hug-tan (precure),pretty cure +selena (fire emblem fates),fire emblem +kumacy,one piece +cure soleil (twinkle style),pretty cure +kolibri,girls' frontline +panther pink (precure),pretty cure +hisuian sliggoo,pokemon +pignite,pokemon +skiddo,pokemon +ramada,gensou suikoden +beast master (disgaea),nippon ichi +enrica tarantola,world witches series +punk,ragnarok online +kudou taiki,digimon +cure happy pose,pretty cure +tobiume,bleach +gorebyss,pokemon +raticate,pokemon +super sailor saturn,sailor moon +pheromosa,pokemon +zygarde (complete),pokemon +kadar,one piece +saint shalria,one piece +georgios,fate series +osanai nazuna,flower knight girl +sky high (stand),jojo no kimyou na bouken +list of vocaloid derivatives,vocaloid +manectric,pokemon +choukai,azur lane +cureslime,dragon quest +tera,ragnarok online +accelerator,toaru majutsu no index +isadora,fire emblem +lord,oshiro project +prinz eugen,azur lane +pisard,pretty cure +zorua,pokemon +portrait of exotic girls,touhou +poneglyph,one piece +despero of thanatos,ragnarok online +battleship water oni,kantai collection +bamboo memory,umamusume +hakurei reimu (pc-98),touhou +sakamoto ryouma (lancer),fate series +hindenburg,azur lane +t-cms,girls' frontline +kururun (precure),pretty cure +hiei-chan,azur lane +soga no tojiko (living),touhou +ted tonate,ace attorney +fukuchiyama,oshiro project +beowulf cadmus,final fantasy +kaidou,one piece +mareanie,pokemon +kobayashi sumiko,meitantei conan +simo (neural cloud),girls' frontline +mitsuaami,sailor moon +jacques de molay (foreigner),fate/grand order +sherles,pokemon +kagurazaka izumi,digimon +dagama,one piece +oite,azur lane +yuukari,flower knight girl +rensa,toaru majutsu no index +star color pen,pretty cure +charlotte,genshin impact +dagllas mcrain,atelier +sasori,naruto series +candela,pokemon +lang wrangler,jojo no kimyou na bouken +hana,fire emblem +sawa azusa,girls und panzer +mr. c.b.,umamusume +skyrider,kamen rider +kamen rider dark kabuto,kamen rider +carmine,dragon ball +krookodile,pokemon +cure gelato (a la mode style),pretty cure +leander,azur lane +colt m1851n,girls' frontline +isobe noriko,girls und panzer +garoben,sailor moon +rasiel,brave girl ravens +biko pegasus,umamusume +emmie (pokemon ecchi),pokemon +granbull,pokemon +juniper woods,ace attorney +cherie espoir,nippon ichi +magallan,arknights +boingo,jojo no kimyou na bouken +cygnet,azur lane +reiroukan misaya,fate series +dakim,pokemon +micky,gensou suikoden +w,arknights +sailor senshi uniform,sailor moon +alanis,gensou suikoden +clemens,atelier +pena palace,oshiro project +tsu,oshiro project +minior (red core),pokemon +x drake,one piece +michishio (kancolle),kantai collection +luche,digimon +silque,fire emblem +chachazero,mahou sensei negima +lin koshi,hunter x hunter +sengoku,one piece +bitter glasse,umamusume +le temeraire,azur lane +jintsuu,azur lane +android 17,dragon ball +yangu shigekiyo,jojo no kimyou na bouken +anchorage,azur lane +ghostring,ragnarok online +hypnos,tales of... +dr. indigo,one piece +ortlinde,fate/grand order +prisma illya,fate series +lilac,flower knight girl +azumarill,pokemon +flutter,hunter x hunter +horace,fire emblem +onigumo,one piece +linda (fire emblem: genealogy of the holy war),fire emblem +altera the santa,fate/grand order +viviana,arknights +kodama shichirou,girls und panzer +red xiii,final fantasy +trung nhi,fate/grand order +pm-06,girls' frontline +zazan,hunter x hunter +serperior,pokemon +hsm10,girls' frontline +ponyta,pokemon +kiyosu,oshiro project +koiceareta,dragon ball +crustle,pokemon +fumi,nijisanji +ootori kohaku,vocaloid +aircraft carrier summer princess,kantai collection +substitute,pokemon moves +mercury aqua rhapsody,sailor moon +tsuchimikado yasuhiro,fate series +chutaro,pretty cure +remover,ragnarok online +hamanami (kancolle),kantai collection +arc (ff3),final fantasy +warspite (kancolle),kantai collection +karakuri chachamaru,mahou sensei negima +edna,tales of... +wing,hunter x hunter +kuroro (go! princess precure),pretty cure +super sailor mercury (stars),sailor moon +enishida,one piece +takatoo,oshiro project +susato mikotoba,ace attorney +okinami (kancolle),kantai collection +sturmgeschutz iii,girls und panzer +espurr,pokemon +sylvina,gensou suikoden +cleaner robot,ragnarok online +striker,girls' frontline +msbs,girls' frontline +oinkologne,pokemon +saldeath,one piece +osiris (stand),jojo no kimyou na bouken +zalbaag beoulve,final fantasy +prototype fairy,girls' frontline +escha malier,atelier series +bache,azur lane +mark,bokujou monogatari +yuveria,atelier +plankton,ragnarok online +kamen rider poseidon,kamen rider +alternate shiny pokemon,pokemon +brynhildr (swimsuit berserker),fate series +timburr,pokemon +meisho doto,umamusume +sasha kruschschev,toaru majutsu no index +otto von alvensleben,azur lane +lamington (disgaea),nippon ichi +natural (suite precure),pretty cure +agrias oaks,final fantasy +filly erhard,atelier +gsh-18,girls' frontline +illustrious,azur lane +bagpipe,arknights +fake strawhat crew,one piece +antonio salieri,fate/grand order +christine,arknights +hoothoot,pokemon +portgas d. rouge,one piece +miriel,fire emblem +suzuka gozen,fate series +luna,honkai series +nakajima nishiki,world witches series +croconaw,pokemon +aegir,azur lane +cure etoile,pretty cure +kujo sadao,jojo no kimyou na bouken +asakura kazumi,mahou sensei negima +eallie mitter,atelier +mister four,one piece +drake,goddess of victory: nikke +magneton,pokemon +tallinn,azur lane +doris (fresh precure!),pretty cure +rockrock,arknights +grani,arknights +hino akane (smile precure!),pretty cure +athena cykes,ace attorney +kamen rider specter,kamen rider +cure nyammy,pretty cure +l'arachel,fire emblem +sonya schulen,gensou suikoden +elli,bokujou monogatari +anxious moustached villager,touhou +wi-fi plaza attendant,pokemon +alexander,fate/grand order +murkrow,pokemon +as val,girls' frontline +meditite,pokemon +darley arabian,umamusume +zahha,dragon ball +sazh katzroy,final fantasy +benienma,fate/grand order +toxtricity (low key),pokemon +theresis,arknights +cinna (ff9),final fantasy +guichen,azur lane +female protagonist (digimon rearise),digimon +britomart,fate/grand order +shoot mcmahon,hunter x hunter +misaka worst,toaru majutsu no index +northampton,azur lane +lia,bokujou monogatari +ollerus,toaru majutsu no index +reserve operator melee,arknights +nijigaoka yoyo,pretty cure +rayquaza,pokemon +ortlinde (swimsuit assassin),fate series +galarian meowth,pokemon +cooper,azur lane +sadaso,hunter x hunter +asha,fate series +ks-23,girls' frontline +neiz,dragon ball +herman von efesiers,ragnarok online +list of tales of... characters,tales of... +palom,final fantasy +ursaring,pokemon +herbal,bokujou monogatari +touhoku zunko,vocaloid +sakurao,oshiro project +typhlosion,pokemon +cress albane,tales of... +loupe highland,hunter x hunter +spas-12,girls' frontline +larsa ferrinas solidor,final fantasy +isokaze,azur lane +tirtouga,pokemon +du yaoye,arknights +jewelry star bracelet,sailor moon +sizzlipede,pokemon +sea angel (disgaea),nippon ichi +ingraham,azur lane +kuroba kaito,meitantei conan +veku,dragon ball +taisch (neural cloud),girls' frontline +mega pokemon,pokemon +nanakamado,flower knight girl +nidai nekomaru,danganronpa series +orc hero,ragnarok online +yamanin zephyr,umamusume +enemy naval mine (kancolle),kantai collection +hix,gensou suikoden +green haired cure (wonderful net precure) (happinesscharge precure!),pretty cure +diglett,pokemon +hayley,pokemon +riyo servant (babydoll),fate series +crawdaunt,pokemon +shalala (precure),pretty cure +gurdurr,pokemon +tristan gaebolg iii,ragnarok online +shuckle,pokemon +lissa,fire emblem +maus (tank),girls und panzer +wickebine tres,ragnarok online +cure white,pretty cure +felix hugo fraldarius,fire emblem +drapion,pokemon +cleffa,pokemon +gen,gensou suikoden +kairi,kingdom hearts +taiki shuttle,umamusume +pence,kingdom hearts +philip m ingram,meitantei conan +hijiri byakuren,touhou +ishigaki (kancolle),kantai collection +alexemia (soul cradle),nippon ichi +zombie (la pucelle),nippon ichi +bryony,pokemon +sailor juno,sailor moon +oozu,oshiro project +krile mayer baldesion (ff5),final fantasy +leivinia birdway,toaru majutsu no index +takagi wataru,meitantei conan +king jikochuu,pretty cure +charlot,fire emblem +darkrai,pokemon +shirley fennes,tales of... +midorikawa haru,pretty cure +kazamatsuri moegi,naruto +gioia,ragnarok online +misdreavus,pokemon +tchikin strogenov,ace attorney +sandy,pokemon +inoue momoe,digimon +coconut,pokemon +miraidon,pokemon +hisuian samurott,pokemon +moogle,final fantasy +student no. 0,fate series +rapid builder,umamusume +tosa,azur lane +cure ange,pretty cure +red mage,final fantasy +xerosic,pokemon +trainer,umamusume +north pole,flower knight girl +morrin,gensou suikoden +demiurge (neural cloud),girls' frontline +itsuki (digimon universe: appli monsters),digimon +akitsushima (kancolle),kantai collection +brother (ff10),final fantasy +lycoris princess,kantai collection +rosso the crimson,final fantasy +raiten menimemo,ace attorney +anacondy (yes! precure 5),pretty cure +miakis,gensou suikoden +cloud of darkness,final fantasy +judith volltone,atelier +final fantasy xii,final fantasy +ines lorenzen,tales of... +drednaw,pokemon +tentacruel,pokemon +fuu-chan (precure),pretty cure +cure amour (cheerful style),pretty cure +necromancer,ragnarok online +eselin freeden,atelier +shoko,pokemon +cramorant,pokemon +rufflet,pokemon +marilith,final fantasy +tsumugi (happinesscharge precure!),pretty cure +noel (bakery girl),girls' frontline +edgar roni figaro,final fantasy +kohza,one piece +kamoi (kancolle),kantai collection +shoukaku (kancolle),kantai collection +southampton,azur lane +ishida hiroaki,digimon +takasugi shinsaku,fate/grand order +akiyama yukari,girls und panzer +magnezone,pokemon +baccarat,one piece +gas,dragon ball +cure peace,pretty cure +gorizia,azur lane +kadaj,final fantasy +napapa,dragon ball +toedscruel,pokemon +yuuto,yu-gi-oh! +widow,sailor moon +ooarai school uniform,girls und panzer +tanuki mob,touhou +westminster palace,oshiro project +lunatone,pokemon +asbel lhant,tales of... +high priest,arknights +axe hand morgan,one piece +snubbull,pokemon +tuberose,flower knight girl +percival fraulein,gensou suikoden +himeryukinka,flower knight girl +rensa #29,toaru majutsu no index +shedinja,pokemon +cure aqua,pretty cure +watanabe no tsuna,fate/grand order +zenon (disgaea),nippon ichi +kurumi momoka,pretty cure +kokia,flower knight girl +minozebra,one piece +suri kurume,sailor moon +celdia,fire emblem +final fantasy vii remake,final fantasy +yukihiro ayaka,mahou sensei negima +hattrem,pokemon +rasin,dragon ball +pure flonne,nippon ichi +daishoji,oshiro project +f1,girls' frontline +tobari ren,digimon +saver (fate/prototype),fate series +puntar,dragon ball +redd white,ace attorney +jeremy,gensou suikoden +midorikawa nao,pretty cure +victini,pokemon +dazaifu,oshiro project +clefairy,pokemon +tosen jordan,umamusume +drifloon,pokemon +flynn scifo,tales of... +culotte,nippon ichi +leknaat,gensou suikoden +ak-12,girls' frontline +nilgiri,girls und panzer +kakuyoku fubuki,naruto +hokuto,naruto +kurodani yamame,touhou +nailah,fire emblem +teddiursa,pokemon +suzumebachi,bleach +maiko (disgaea),nippon ichi +kotomi,bokujou monogatari +jezaille brett,ace attorney +alva (fire emblem: genealogy of the holy war),fire emblem +mugino shizuri,toaru majutsu no index +final fantasy vii,final fantasy +utsumi erice (swimsuit avenger),fate series +kinkazan,oshiro project +saint-louis,azur lane +box slime,dragon quest +stiria,final fantasy +k31,girls' frontline +dragonair,pokemon +kriemhild,fate/grand order +adelheid,world witches series +charmeleon,pokemon +miyamoto musashi,fate/grand order +disguise pen,sailor moon +amatsukaze (kancolle),kantai collection +ominaeshi,flower knight girl +queen draco,fate/grand order +crowley,gensou suikoden +florges (orange flower),pokemon +nemma,ragnarok online +nijimura keicho,jojo no kimyou na bouken +fuyutsuki (kancolle),kantai collection +annand,fire emblem +komakusa sannyo,touhou +tsan dire,yu-gi-oh! +captain nemo,fate/grand order +charlemagne,fate/grand order +super sass,girls' frontline +riyo servant (bunnygirl),fate/grand order +pyroar (female),pokemon +daimon masaru (digimon savers),digimon +dilan,kingdom hearts +kitaoka junko,pretty cure +tony tony chopper,one piece +vomi,dragon ball +liberator,girls' frontline +eagle,azur lane +archer alter,fate series +procella,ragnarok online +kamen rider tycoon,kamen rider +mini merry,one piece +attilio regolo,azur lane +higashikata daiya,jojo no kimyou na bouken +shellder,pokemon +giuseppe garibaldi (kancolle),kantai collection +tabata nao,pretty cure +stalker,one piece +ziska villa,atelier +oresky,pretty cure +micie sun mussemburg,atelier +koffing,pokemon +bombirdier,pokemon +thundurus (therian),pokemon +hisui hearts,tales of... +kiriku,bokujou monogatari +lickilicky,pokemon +vivillon (garden),pokemon +tasuke,fate series +mono,brave girl ravens +chi-chi,dragon ball +prestidigitator,dragon quest +clothed pokemon,pokemon +looker,pokemon +hida iori,digimon +kurt godel,mahou sensei negima +frostleaf,arknights +kasuga no tsubone,fate series +chipapa,hunter x hunter +obi,oshiro project +munkidori,pokemon +inaba mob,touhou +lambda,tales of... +inazuma (kancolle),kantai collection +magic school uniform,pretty cure +zorne zeppelin,rosenkreuzstilette +cure fortune,pretty cure +gager,girls' frontline +airgetlam,fate series +aoda,naruto +kenzaki ryuusei,bleach +birmingham,azur lane +bobby fulbright,ace attorney +cure angie,pretty cure +unabara mitsuki,toaru majutsu no index +wattrel,pokemon +selen (dq11),dragon quest +mosin-nagant,girls' frontline +general carter,girls' frontline +medjed,fate/grand order +kowaiina,pretty cure +pinecone,arknights +asakaze (kancolle),kantai collection +nonna,girls und panzer +captain ginyu,dragon ball +terapagos (normal),pokemon +mononobe no futo (chicken),touhou +corsair,final fantasy +bramblin,pokemon +mighty mask,dragon ball +won,bokujou monogatari +articuno,pokemon +altena,fire emblem +galarian slowbro,pokemon +atomina,atelier +kamijou tatsuhisa,yu-gi-oh! +silcoon,pokemon +mg4,girls' frontline +indomitable,azur lane +rotom phone,pokemon +heavy knight (disgaea),nippon ichi +lettuce,bokujou monogatari +cleveland (muse),azur lane +princess meer,ragnarok online +creil,brave girl ravens +kamen rider drive,kamen rider +sakata kintoki (rider),fate series +archer class,fate series +fujimaru ritsuka (female),fate/grand order +misumi miya,world witches series +marigold,flower knight girl +perth (kancolle),kantai collection +little bel,azur lane +gotcha! girl,pokemon +tendou,oshiro project +hachigata,oshiro project +jung sing,atelier +bellerophon,fate series +eniac (neural cloud),girls' frontline +z2 georg thiele,azur lane +marianne von edmund,fire emblem +medea,fate series +kuzuki souichirou,fate series +scheherazade,fate/grand order +hk433,girls' frontline +phendark,ragnarok online +charlotte smoothie,one piece +shadow (fate/stay night),fate series +professor houjou,final fantasy +zygarde (50%),pokemon +marvin grossberg,ace attorney +shelgon,pokemon +bibeak,arknights +shindoine,pretty cure +wolfrun,pretty cure +to-class light cruiser,kantai collection +alcremie (strawberry sweet),pokemon +tart (fresh precure!),pretty cure +fern (neural cloud),girls' frontline +klaus,atelier +donquixote doflamingo,one piece +shiba,naruto +richelieu (kancolle),kantai collection +wakin,pokemon +green baby,jojo no kimyou na bouken +odelia,atelier +satou miwako,meitantei conan +painleve,azur lane +vincennes,azur lane +vanillish,pokemon +k3,girls' frontline +ulrika myberg,atelier +betty de famme,ace attorney +atalanta alter,fate/grand order +kellam,fire emblem +kamen rider thouser,kamen rider +sasaki namie,pretty cure +black sabbath (stand),jojo no kimyou na bouken +kurinsou,flower knight girl +baby 5,one piece +abyssal twin princess (black),kantai collection +kyros,one piece +male warrior (disgaea),nippon ichi +pidgeot,pokemon +kuzan (aokiji),one piece +furfrou (star),pokemon +coalossal,pokemon +tsukino kousagi,sailor moon +rafflesia,ragnarok online +elbe,azur lane +sutera,granblue fantasy +senel coolidge,tales of... +sothis,fire emblem +jintsuu (kancolle),kantai collection +fairy maid,touhou +hoopa,pokemon +peco peco,ragnarok online +cetitan,pokemon +gladiolus,flower knight girl +derrick mathis,tales of... +rumi,blue archive +luste teuber,rosenkreuzstilette +witch-sama (bokujou monogatari wwam),bokujou monogatari +cure fortune (pine arabian),pretty cure +rotom (fan),pokemon +shinshuu maru (kancolle),kantai collection +minegumo (kancolle),kantai collection +supply depot summer princess,kantai collection +gottos,final fantasy +marta lualdi,tales of... +gregory edgeworth,ace attorney +chained sarkaz girl,arknights +zoroark,pokemon +nidoran (male),pokemon +super sailor pluto (stars),sailor moon +magic marionette,dragon quest +protea,flower knight girl +pram (phantom kingdom),nippon ichi +lostelle,pokemon +dark precure,pretty cure +murao,oshiro project +iowa (kancolle),kantai collection +kamen rider revi,kamen rider +white pansy,flower knight girl +galarian rapidash,pokemon +blackman,gensou suikoden +space ishtar,fate/grand order +cheerleader (disgaea),nippon ichi +kigaan,sailor moon +kamen rider ooo (series),kamen rider +skrelp,pokemon +darach,pokemon +kiyohime,fate series +fenrich (disgaea),nippon ichi +cure princess (macadamia hula dance),pretty cure +byleth (male),fire emblem +zima,arknights +urasoe,oshiro project +honchkrow,pokemon +pitaya boss,ragnarok online +cid fabool ix,final fantasy +lolotte stasille,atelier +konngara,touhou +vivillon (tundra),pokemon +makalov,fire emblem +kamen rider w,kamen rider +kuga yuuya,digimon +juliano (fresh precure!),pretty cure +loni dunamis,tales of... +midorikawa genji,pretty cure +north kaiou,dragon ball +nisshin (kancolle),kantai collection +fat buu,dragon ball +trode,dragon quest +eri (hugtto! precure),pretty cure +qin liangyu,fate/grand order +sicily (disgaea),nippon ichi +palafin (hero),pokemon +lily white,touhou +qbu-191,girls' frontline +chaco,gensou suikoden +anna ferrara,world witches series +slaking,pokemon +mark space,toaru majutsu no index +blue lotus,flower knight girl +vlad iii (fate/extra),fate series +mecha eli-chan mk.ii,fate series +kazama shoto,digimon +atachi mimi,yu-gi-oh! +hawes,pokemon +thievul,pokemon +kai holthaus,atelier +zubat,pokemon +shingetsu nagisa,danganronpa +klein,sword art online +yukimura,pokemon +oonoki,naruto +vivlos,umamusume +ping hai,azur lane +rabbit (disgaea),nippon ichi +tsuchimiya tsumiko,bleach +tristan alcock,atelier +orange haired cure (wonderful net precure) (happinesscharge precure!),pretty cure +dr. hiluluk,one piece +lilie,atelier +fearow,pokemon +salza,dragon ball +cogita,pokemon +genshin asogi,ace attorney +deleter,ragnarok online +bitey,arknights +maru-yu (kancolle),kantai collection +harold berselius,tales of... +shishito,hunter x hunter +anubis (stand),jojo no kimyou na bouken +musaka ginjirou,umamusume +buzzwole,pokemon +shouhou (kancolle),kantai collection +mominoki,flower knight girl +lavinia whateley,fate/grand order +heinrike prinzessin zu sayn-wittgenstein,world witches series +kamen rider saikou,kamen rider +aek-999,girls' frontline +rocker,ragnarok online +komeiji koishi (cat),touhou +paula snow,girls' frontline +maqui,final fantasy +anthe,pokemon +dana,pokemon +wicke,pokemon +pink moon stick,sailor moon +enemy nagaeyari,touken ranbu +marietta muir,atelier +gallade,pokemon +combee,pokemon +justeaze lizrich von einzbern,fate series +toyama satoru,pretty cure +elhart,atelier +aversa,fire emblem +kitagawa kenta,digimon +majin (disgaea),nippon ichi +geiru toneido,ace attorney +kirishima romin,yu-gi-oh! +vlad iii (fate/apocrypha),fate series +mk3a1,girls' frontline +zorn (ff9),final fantasy +big sis prinny (disgaea),nippon ichi +uraganos,pretty cure +kamen rider 3,kamen rider +mantine,pokemon +edward chris von muir,final fantasy +iii,yu-gi-oh! +kaena swaya,atelier +maltran,tales of... +smoochum,pokemon +dalton,one piece +flabebe,pokemon +blindey,arknights +super sailor chibi moon (stars),sailor moon +nishimine ayaka,pretty cure +omastar,pokemon +inatomi hibiki,girls und panzer +hk512,girls' frontline +caserta,oshiro project +faldeus dioland,fate series +kisumi mayumi,pretty cure +dark guardian kades,ragnarok online +fuurin asumi,pretty cure +alva,fire emblem +noivern,pokemon +lucia borthayre,atelier +u-73,azur lane +kazemaru,arknights +rahal,gensou suikoden +lombre,pokemon +maenore,hunter x hunter +kotohime,touhou +amamiya elena,pretty cure +mao guai,ragnarok online +mary read,fate/grand order +myoukou,azur lane +cf05,girls' frontline +drake slime,dragon quest +gaia,final fantasy +bristol,azur lane +valvoga (phantom kingdom),nippon ichi +oozaru,dragon ball +peach rod,pretty cure +grafaiai,pokemon +dungeon monk (phantom brave),nippon ichi +engineer (phantom kingdom),nippon ichi +matsumoto kiyonaga,meitantei conan +jaeger,girls' frontline +sorano gurio,sailor moon +st. gloriana's school uniform,girls und panzer +snivy,pokemon +grenseal,gensou suikoden +furisode girl kali,pokemon +buggy the clown,one piece +yagami yuuko,digimon +cure lovely (lollipop hip hop),pretty cure +syrene,fire emblem +poltchageist,pokemon +vander decken ix,one piece +mepple,pretty cure +poison spore,ragnarok online +reserve operator caster,arknights +biwa hayahide,umamusume +male angel (disgaea),nippon ichi +peggy,hunter x hunter +moon tiara action,sailor moon +u choten,sailor moon +kira's co-worker,jojo no kimyou na bouken +nameless dagger,fate series +wormadam (sandy),pokemon +akafuyu,arknights +lucky board (disgaea),nippon ichi +viking fisheries (emblem),girls und panzer +scharnhorst,azur lane +banchina,one piece +hilda (ff2),final fantasy +enya geil,jojo no kimyou na bouken +madame shirley,one piece +richard i,fate series +howe,azur lane +penelope,azur lane +wester (fresh precure!),pretty cure +bunny joe,one piece +ringo skulkin,ace attorney +toxapex,pokemon +hoopa (unbound),pokemon +eternatus (eternamax),pokemon +gibbet,ragnarok online +omaha,azur lane +bb,fate series +bean,hunter x hunter +zahhak,gensou suikoden +r93,girls' frontline +rance (dokidoki! precure),pretty cure +yamabuki naoko,pretty cure +nidoran (female),pokemon +orlocke caesarmund,fate series +kino makoto's school uniform,sailor moon +appule,dragon ball +dai,dragon quest +valbar,fire emblem +mightyena,pokemon +eugene gallardo,tales of... +kuzunoha toko,mahou sensei negima +giin,dragon ball +keiji,pokemon +kubo daiki,danganronpa +unown z,pokemon +james,vocaloid +kanzai,hunter x hunter +zarc,yu-gi-oh! +urakaze,azur lane +henna,flower knight girl +people die if they are killed (meme),fate series +prinz rupprecht,azur lane +witches 5,sailor moon +bartz klauser,final fantasy +gria,final fantasy +zone (ff8),final fantasy +volga,azur lane +banner,hunter x hunter +final fantasy legend of the crystals,final fantasy +phantom lady (magic kaito),meitantei conan +exploud,pokemon +pitaya,ragnarok online +solider,ragnarok online +xavier,fire emblem +rosa farrell,final fantasy +sterkenburg cranach,atelier series +nicoloso da recco,azur lane +fujibakama,flower knight girl +sailor chi,sailor moon +monika ellmenreich,atelier +presa,tales of... +z28,azur lane +mishima ryuuji,digimon +abel (dq),dragon quest +ririn,bleach +silence suzuka,umamusume +uit-24 (kancolle),kantai collection +reid hershel,tales of... +bad end peace,pretty cure +churchill (tank),girls und panzer +katou takeko,world witches series +orc lady,ragnarok online +ivu,bokujou monogatari +prosciutto,jojo no kimyou na bouken +potpourri (heartcatch precure!),pretty cure +philia felice,tales of... +grand tutor,arknights +tamanami (kancolle),kantai collection +morpeko (full),pokemon +phoenix wright,ace attorney +vivillon (jungle),pokemon +shiva,final fantasy +minorhinoceros,one piece +bloster,hunter x hunter +kuririn,dragon ball +ouroboros,granblue fantasy +kuromimi,gensou suikoden +sono midoriko,girls und panzer +keaton,fire emblem +juna (futari wa precure),pretty cure +cook (precure),pretty cure +zenorc,ragnarok online +ludman,dragon quest +inaba tewi,touhou +yucatan,arknights +yushima hiroshi,digimon +lary,pretty cure +gladius,one piece +roderick,fire emblem +cecilia helmold,atelier +flandre,azur lane +katou masahiko,digimon +wooden fairy,ragnarok online +king drake,nippon ichi +spinda,pokemon +flat escardos,fate series +nagant revolver,girls' frontline +tricia (soul cradle),nippon ichi +eileen,gensou suikoden +asahina kyouko (mahou girls precure!),pretty cure +humphrey,one piece +nou,pokemon +acr,girls' frontline +donphan,pokemon +tiamat,fate/grand order +yukishiro sanae,pretty cure +kannogi shuu,bleach +fujimura taiga,fate series +spriggan,fate series +jonouchi katsuya,yu-gi-oh! +christian private white clover academy school uniform,pretty cure +hikiuma,oshiro project +sugar mountain,jojo no kimyou na bouken +kamen rider orga,kamen rider +ameli,girls' frontline +moop,pretty cure +marie ange,pretty cure +rod (pokemon trading card game),pokemon +unown m,pokemon +atlas,fire emblem +yukimaru takemichi,danganronpa +verdant,arknights +sailor moon narikiri bra set,sailor moon +ichigo,darling in the franxx +tanuqn,vocaloid +katsuki kana,pretty cure +dr. brief,dragon ball +tethys,fire emblem +fukaboshi,one piece +android 19,dragon ball +pikachu libre,pokemon +hattori shizuka,world witches series +ots-14,girls' frontline +new orleans,azur lane +maha zoldyck,hunter x hunter +pearl fey,ace attorney +secretoru (precure),pretty cure +sakaki yuya,yu-gi-oh! +vika,fire emblem +nidorino,pokemon +bardock (xeno),dragon ball +warrior of light (ff14),final fantasy +ashigara (kancolle),kantai collection +katou juri,digimon +bianca,punishing: gray raven +admiral arisugawa,kantai collection +golisopod,pokemon +teresia,dragon quest +elvaan,final fantasy +albacore,azur lane +arcanine,pokemon +alicia combatir,tales of... +thatch,one piece +aeos,dragon ball +taragette,hunter x hunter +yukikaze (kancolle),kantai collection +shiinotic,pokemon +velvet falteus,brave girl ravens +fanfan,dragon ball +kokone,vocaloid +sliggoo,pokemon +kishinami (kancolle),kantai collection +glaucus,arknights +damage control goddess (kancolle),kantai collection +shidore,hunter x hunter +omoteura tokunosuke,yu-gi-oh! +belle (ffcc),final fantasy +rico,gensou suikoden +angra mainyu,fate series +pepperoni,girls und panzer +uchiha sarada,naruto series +charlotte corday (swimsuit caster),fate/grand order +dexio,pokemon +cetoddle,pokemon +l'opiniatre,azur lane +horikawa raiko,touhou +cure grace (healin' good style),pretty cure +peperoncino,atelier +tendrilrion,ragnarok online +zen'ou,dragon ball +lorenz hellman gloucester,fire emblem +cure echo,pretty cure +candy (smile precure!),pretty cure +baikasou,flower knight girl +patricia,world witches series +mystia lorelei (bird),touhou +cait sith (ff7),final fantasy +zheng qingyue,arknights +cecilia e harris,world witches series +beans,hunter x hunter +tatacho,ragnarok online +warden,girls' frontline +littorio,azur lane +seedle (phantom kingdom),nippon ichi +tsukino ikuko,sailor moon +nora taylor,world witches series +justice knight,arknights +yokozuna,one piece +elena (ff7),final fantasy +wakasagihime (fish),touhou +ads,girls' frontline +uendo toneido,ace attorney +tezcatlipoca,fate/grand order +princess anne,meitantei conan +ken'ichirou,danganronpa +rodney,azur lane +essentia,pokemon +archangel gabriel,toaru majutsu no index +frus,ragnarok online +colorado,azur lane +hikawa maria,pretty cure +rubber soul,jojo no kimyou na bouken +con,fate series +hanasaki mizuki,pretty cure +mozambia,one piece +choco,ragnarok online +khan,jojo no kimyou na bouken +sei shounagon (swimsuit berserker),fate/grand order +cuora,arknights +cure matador,pretty cure +bisley karcsi bakur,tales of... +misaka imouto 10032's cat,toaru majutsu no index +crusader (tank),girls und panzer +lancet-2,arknights +heat,one piece +rakgi,gensou suikoden +noba,bleach +adell (disgaea),nippon ichi +nika,one piece +sanchez,gensou suikoden +ogasawara kaya,fate series +layla prismriver,touhou +kawakaze (kancolle),kantai collection +gaspen payne,ace attorney +mizuhashi parsee,touhou +amber (pokemon adventures),pokemon +aya (pokemon conquest),pokemon +kayama shuuji,digimon +sandman,ragnarok online +kaitou kid,meitantei conan +aozora middle school uniform,pretty cure +masamune,pokemon +de lacey (neural cloud),girls' frontline +unown,pokemon +chouchou,one piece +succubus (disgaea),nippon ichi +scan (stand),jojo no kimyou na bouken +akishimo (kancolle),kantai collection +rikudou reika,fate series +braham,one piece +snowier,ragnarok online +doctor fudo,yu-gi-oh! +mozu,fire emblem +hatsuyuki (kancolle),kantai collection +beartic,pokemon +dorgann klauser,final fantasy +imagawa,oshiro project +pirate boxer,hunter x hunter +naoto (digimon universe: appli monsters),digimon +colress,pokemon +yuber,gensou suikoden +oyecomova,jojo no kimyou na bouken +dinn,gensou suikoden +aegis (kcco),girls' frontline +hoshiguma,arknights +seedot,pokemon +kettle,dragon ball +aureolus ezzard,toaru majutsu no index +keizoku military uniform,girls und panzer +king chappa,dragon ball +pierrot (smile precure!),pretty cure +kaleido sapphire,fate series +mrs. robinson,jojo no kimyou na bouken +rudeshia,brave girl ravens +yellow tulip,flower knight girl +lucas,mother game +android 14,dragon ball +serra,fire emblem +spartacus,fate series +komakusa,flower knight girl +shabon spray,sailor moon +akuto (dqh),dragon quest +sugar (bakery girl),girls' frontline +thief (phantom kingdom),nippon ichi +kalina,girls' frontline +matou shinji,fate series +jecht,final fantasy +intruder,girls' frontline +tietra heiral,final fantasy +groove (neural cloud),girls' frontline +scraggy,pokemon +transformation brooch,sailor moon +toyosatomimi no miko (owl),touhou +momo,gundam +sumia,fire emblem +little feat (stand),jojo no kimyou na bouken +melantha,arknights +illua (ffta2),final fantasy +duck lord,arknights +spinarak,pokemon +sisuca,gensou suikoden +ampharos,pokemon +kuruoka tsubaki,fate series +artina (disgaea),nippon ichi +venus love and beauty shock,sailor moon +aisa,one piece +anya cocolova,mahou sensei negima +chibi chibi,sailor moon +space sword,sailor moon +wendy oldbag,ace attorney +pisac,hunter x hunter +anvin,pokemon +surf sprite,pokemon +assassin (fate/zero),fate series +armie buff,ace attorney +ak-47,girls' frontline +zola project,vocaloid +pikario (precure),pretty cure +li shuwen (old),fate series +shinsen middle school uniform,pretty cure +kishibe rie,digimon +death 13,jojo no kimyou na bouken +han,naruto +donquixote homing,one piece +palina,pokemon +tenzen (ff11),final fantasy +eternatus,pokemon +enkidu (ff5),final fantasy +hinata,blue archive +catarina devon,one piece +omoi,naruto +abigail (neural cloud),girls' frontline +north kaioushin,dragon ball +yuugure (kancolle),kantai collection +natsuumi manatsu,pretty cure +henry (dq5),dragon quest +maggey byrde,ace attorney +type 56 carbine,girls' frontline +pokemon tower ghost,pokemon +aoki lapis,vocaloid +stanly,azur lane +pine flute,pretty cure +jormungandr,girls' frontline +johness,hunter x hunter +brec,gensou suikoden +ru-class battleship,kantai collection +cure friendy,pretty cure +teramoto tomiko,girls und panzer +professor sabaku,pretty cure +salvatore,pokemon +sniper fairy,girls' frontline +ougi,fate series +tonio,vocaloid +arsloid,vocaloid +pentas,flower knight girl +usami gen'ichirou,pretty cure +nerrick,final fantasy +brigitte frankle,brave girl ravens +locusta,fate series +the harusame-like bouzu,kantai collection +meleoron,hunter x hunter +mallow (dokidoki! precure),pretty cure +parvati,fate/grand order +finland,girls und panzer +kamen rider hibiki,kamen rider +hyuuga hiashi,naruto +dark priest,ragnarok online +brooklyn (kancolle),kantai collection +hamada kiyo,girls und panzer +ex-keine,touhou +ledyba,pokemon +mullany,azur lane +urakaze (kancolle),kantai collection +nojiko,one piece +colonel olcott,fate/grand order +sage (dq3),dragon quest +female majin,dragon ball +eos (neural cloud),girls' frontline +bad end march,pretty cure +advocat,nippon ichi +wallace carroll,pokemon +chamoro,dragon quest +yato,arknights +richard wellington,ace attorney +zell dincht,final fantasy +fururu,tales of... +kubota,oshiro project +croix raoul,nippon ichi +stronger,one piece +alolan grimer,pokemon +zamazenta (hero),pokemon +deoxys,pokemon +charlotte oven,one piece +georgia,azur lane +dryad,ragnarok online +kamen rider diend,kamen rider +kamen rider beast,kamen rider +messina,jojo no kimyou na bouken +sterling,girls' frontline +hida chikara,digimon +kain highwind,final fantasy +accelgor,pokemon +kise yuuichi,pretty cure +wilbell voll=erslied,atelier +winning ticket,umamusume +hugo (disgaea),nippon ichi +kamen rider knight,kamen rider +nicole mimi tithel,atelier +habotan,flower knight girl +liquid flame,final fantasy +craig,arknights +weezing,pokemon +cure milky,pretty cure +claude von riegan,fire emblem +treecko,pokemon +eucharis,flower knight girl +scout (disgaea),nippon ichi +cure marine (super silhouette),pretty cure +cure bright,pretty cure +warmy,arknights +golden oozaru,dragon ball +tps,girls' frontline +silver,dragon ball +nomah,fire emblem +kamen rider (1st series),kamen rider +kaleido ruby,fate series +maikaze (kancolle),kantai collection +ruru (dqb2),dragon quest +sancraid phahn,fate series +little illustrious,azur lane +areuhat,final fantasy +alcremie (matcha cream),pokemon +jeralt reus eisner,fire emblem +shamir nevrand,fire emblem +forte,granblue fantasy +final fantasy xiv,final fantasy +pa-15,girls' frontline +wan qing,arknights +yatsude,flower knight girl +hakumokuren,flower knight girl +merlin prismriver,touhou +unlimited blade works,fate series +musujime awaki,toaru majutsu no index +cp9,one piece +sephiran,fire emblem +lilina,fire emblem +ark royal (kancolle),kantai collection +isokaze (kancolle),kantai collection +narita brian,umamusume +aug para,girls' frontline +aran,fire emblem +calaveras,sailor moon +juli,bokujou monogatari +ernest amano,ace attorney +ancient worm,ragnarok online +marley,pokemon +heatran,pokemon +pop roxie,pokemon +cure melody,pretty cure +bubbles,dragon ball +ms. shitataare,pretty cure +dracky,dragon quest +ringo (touhou) (bunny),touhou +anchovy,girls und panzer +vivi ornitier,final fantasy +eremes guile,ragnarok online +mervia siebel,atelier +digimon kaiser,digimon +kamen rider para-dx,kamen rider +sheila (ff11),final fantasy +reno (ff7),final fantasy +kyle,gensou suikoden +eyre,dragon ball +marugame,oshiro project +eilie,gensou suikoden +delphine,arknights +jugemu,ace attorney +calamity jane,fate/grand order +kiran,fire emblem +tatsunamisou,flower knight girl +ail,sailor moon +hayakawa tazuna,umamusume +gebbennu,girls' frontline +noire,fire emblem +kishibe rohan,jojo no kimyou na bouken +haruno haruka,pretty cure +mina mathers,toaru majutsu no index +shirakawa komine,oshiro project +jolteon,pokemon +bora,dragon ball +lunala,pokemon +ultimecia,final fantasy +hanakari jinta,bleach +chongire,pretty cure +la galissonniere,azur lane +hagakushi,hunter x hunter +cure selene,pretty cure +airstrike fairy,girls' frontline +mermaid queen (precure),pretty cure +europa,granblue fantasy +ogerpon,pokemon +dictus striker,umamusume +krokorok,pokemon +grig,girls' frontline +cure finale,pretty cure +abengane,hunter x hunter +hohma,pokemon +kakuzawa ryuuichirou,pretty cure +hibiscus the purifier,arknights +kaya,blue archive +hoshizora hiroshi,pretty cure +teepo,tales of... +athena,granblue fantasy +aiba takumi,digimon +ukon,naruto +berryblue,dragon ball +azumi,girls und panzer +shinagawa daiba,oshiro project +nono hana,pretty cure +transformed mew,pokemon +bewear,pokemon +kai (pokemon conquest),pokemon +andrea doria,azur lane +furuya riko,pretty cure +voroshilov,azur lane +koraidon,pokemon +dozla,fire emblem +asahija,one piece +jagdpanther,girls und panzer +tranquill,pokemon +ushiwakamaru,fate/grand order +amane,hunter x hunter +hatenna,pokemon +winter palace,oshiro project +kamen rider build,kamen rider +ishimaru takaaki,danganronpa +dorizetta,brave girl ravens +seadra,pokemon +flying pikachu,pokemon +zekrom,pokemon +medi,pokemon +sailor pluto,sailor moon +kamen rider kick hopper,kamen rider +trung trac,fate/grand order +hinomoto akari,digimon +poin stadt,atelier +kamen rider ketaros,kamen rider +riku replica,kingdom hearts +neo universe,umamusume +hopps,girls' frontline +team yell grunt,pokemon +houshou (kancolle),kantai collection +mabashi,bleach +nian,arknights +terapagos,pokemon +jamanen,sailor moon +isuzu (kancolle),kantai collection +maya (dq11),dragon quest +liriope,flower knight girl +anastasia (swimsuit archer),fate/grand order +midway princess,kantai collection +otogirisou,flower knight girl +atmos,one piece +the first to talk,arknights +swordfish,ragnarok online +taichi (yu-gi-oh! zexal),yu-gi-oh! +mukumuku,gensou suikoden +north flight,umamusume +enenra,touhou +katagiri kanae,bleach +mao (disgaea),nippon ichi +kamen rider raia,kamen rider +smoliv,pokemon +lua,yu-gi-oh! +angelique (la pucelle),nippon ichi +passenger,arknights +witcher,tales of... +orifiel,tales of... +suzu (suite precure),pretty cure +agni,ragnarok online +kamen rider gotchard (series),kamen rider +general liu,girls' frontline +abel,fire emblem +tomoe souichi,sailor moon +muspellskoll,ragnarok online +kira yoshikage (jojolion),jojo no kimyou na bouken +crescent,azur lane +jikan sokougun,touken ranbu +braviary,pokemon +t-head admiral,kantai collection +lisa pacifist,final fantasy +puniyo (mana khemia),atelier +alt,atelier +list of mahou sensei negima characters,mahou sensei negima +tenjouin asuka,yu-gi-oh! +maushold (family of four),pokemon +paradox,yu-gi-oh! +yorigami shion,touhou +monet,one piece +shiratori ninzaburou,meitantei conan +wesley stickler,ace attorney +castel del monte,oshiro project +johan andersen,yu-gi-oh! +reisen udongein inaba (bunny),touhou +cure scarlet (grand princess),pretty cure +amelie planchard,world witches series +charlotte lueder,world witches series +harol simens,atelier +hanami kotoha,pretty cure +kanata,bokujou monogatari +refi (go! princess precure),pretty cure +gorm,pokemon +shuu (pgdz),pokemon +kurokuma,danganronpa +i-401 (kancolle),kantai collection +alphen,tales of... +vp9,girls' frontline +kihara gensei,toaru majutsu no index +gopnik,arknights +seaplane tender princess,kantai collection +rink refraktia,rosenkreuzstilette +kurozuma wataru,toaru majutsu no index +irie (smile precure!),pretty cure +despair god morroc,ragnarok online +orran durai,final fantasy +gecko moria,one piece +momohara momoko,sailor moon +red pepper,ragnarok online +lump mage,dragon quest +bruce fairplay,ace attorney +jacq,pokemon +mononobe no futo,touhou +gastrodon,pokemon +luis bester,atelier +laylea,fire emblem +hondou eisuke,meitantei conan +pocoloco,jojo no kimyou na bouken +puck (ff9),final fantasy +galarian mr. mime,pokemon +anabuki tomoko,world witches series +vinsmoke niji,one piece +angelus (neural cloud),girls' frontline +nikaidou takuya,pretty cure +poochyena,pokemon +missingno.,pokemon +aranya,atelier +pop windibank,ace attorney +harry olson,atelier +kijo kouyou,fate series +xiang yu,fate series +tsutsujigasaki,oshiro project +wooden warrior,ragnarok online +josef,final fantasy +cure princess (innocent form),pretty cure +anise tatlin,tales of... +tanba kameyama,oshiro project +yumeta,pretty cure +goblin leader,ragnarok online +super orion,fate/grand order +jennifer (disgaea),nippon ichi +onini,pretty cure +gold city's manager,umamusume +mark max,arknights +sexy underwear (dq),dragon quest +christmas begonia,flower knight girl +mimi miney,ace attorney +wander man,ragnarok online +shiranui genma,naruto +milk (yes! precure 5),pretty cure +goodybag,dragon quest +heidi,arknights +green day (stand),jojo no kimyou na bouken +saotomebana,flower knight girl +cr-21,girls' frontline +maam,dragon quest +almond,arknights +ventus,ragnarok online +kamen rider 01 (series),kamen rider +brady,fire emblem +borgen,final fantasy +brest,azur lane +gray (atelier iris 2),atelier +asahina mirai,pretty cure +tithonia,flower knight girl +geographer,ragnarok online +okita trainer,umamusume +chandelure,pokemon +king crimson (stand),jojo no kimyou na bouken +erasa,dragon ball +vivillon (high plains),pokemon +little cheshire,azur lane +fly sprite,pokemon +happy meek,umamusume +kamen rider ghost,kamen rider +tonberry,final fantasy +regine,pretty cure +dark soldier (la pucelle),nippon ichi +perrin,pokemon +nirinsou,flower knight girl +nesvizh,oshiro project +comil,one piece +pilika,gensou suikoden +drizzile,pokemon +emiya alter,fate/grand order +edward geraldine,final fantasy +amoretta virgine,nippon ichi +cure selene (twinkle style),pretty cure +ringo,touhou +lelouch vi britannia,code geass +toxel,pokemon +doreking,touhou +berserker (fate/zero),fate series +nittakanayama,oshiro project +caramel,ragnarok online +nagahama,oshiro project +ansel,arknights +elena bolkova,ragnarok online +saria,arknights +cineraria,flower knight girl +kankurou,naruto +titilist (phantom brave),nippon ichi +arash,fate/grand order +amon (ff3),final fantasy +barry,hunter x hunter +bruno bucciarati,jojo no kimyou na bouken +opener (disgaea),nippon ichi +ooi (kancolle),kantai collection +guruguru,naruto +samurott,pokemon +jewelry bonney,one piece +snowe vingerhut,gensou suikoden +yuzuki yukari,vocaloid +dien,ragnarok online +shinjou michi,digimon +kamen rider 2,kamen rider +koneruto,hunter x hunter +hilda rhambling,tales of... +pure heart crystal,sailor moon +richie,one piece +u-522,azur lane +tachikawa satoe,digimon +cure twinkle (mode elegant shooting star),pretty cure +cure sunny (princess form),pretty cure +eddga,ragnarok online +grubbin,pokemon +senritsu,hunter x hunter +archerfish,azur lane +momoi keiko (magic kaito),meitantei conan +peropero,sailor moon +comfey,pokemon +nascita (neural cloud),girls' frontline +iron valiant,pokemon +tupper,dragon ball +arthur hume,girls' frontline +sei,yu-gi-oh! +cz75,girls' frontline +ushiwakamaru (corrupted),fate series +cmr-30,girls' frontline +sailor moon redraw challenge (meme),sailor moon +kamen rider joker,kamen rider +kamen rider den-o (series),kamen rider +melli,pokemon +little spee,azur lane +another agito,kamen rider +sorin sprocket,ace attorney +porygon-z,pokemon +kliff,fire emblem +precure heartcatch orchestra,pretty cure +xochitl,toaru majutsu no index +phineas filch,ace attorney +hannibal,fire emblem +harley (ff4),final fantasy +aladdin,one piece +hippopotas (male),pokemon +takeda,oshiro project +florence nightingale,fate series +ibuki douji (swimsuit berserker),fate/grand order +masuko miyo,pretty cure +flameu,atelier +ikuta kotomi,danganronpa +torneko,dragon quest +chanoki,flower knight girl +ivan the terrible,fate series +lehko habhoka,final fantasy +fujiwara no mokou (young),touhou +rob lucci,one piece +dwarf elder,gensou suikoden +enel,one piece +sird,pokemon +hisuian lilligant,pokemon +lobo,fate/grand order +spiral heart moon rod,sailor moon +hardy,azur lane +mp41,girls' frontline +ootsutsuki kaguya,naruto +m870,girls' frontline +emile bertin,azur lane +team magma grunt,pokemon +bt-42,girls und panzer +gangut,azur lane +mizuki (digimon xros wars),digimon +ponko,sailor moon +alexander (phantom kingdom),nippon ichi +catherine ponzi,girls' frontline +battera,hunter x hunter +provence,arknights +ping pong mum,flower knight girl +cure mofurun (topaz style),pretty cure +father salade,nippon ichi +mustadio bunansa,final fantasy +iris blanchimont,atelier +biburi (precure),pretty cure +kamen rider aguilera,kamen rider +ranko (neural cloud),girls' frontline +erika (neural cloud),girls' frontline +shichibukai,one piece +ayerscarpe,arknights +rhythm (digimon savers),digimon +gamecen,sailor moon +zeldalia,atelier +willie,pokemon +shuraiya bascud,one piece +cassius,pokemon +florent l'belle,ace attorney +madam momere,pretty cure +jiroubou,naruto +byakuren,gensou suikoden +orina (happinesscharge precure!),pretty cure +volcarona,pokemon +muto,gensou suikoden +vhs,girls' frontline +sakakura juuzou,danganronpa series +yang guifei,fate/grand order +cure twinkle (mode elegant lunar),pretty cure +murasaki shikibu (swimsuit rider),fate/grand order +mama (disgaea),nippon ichi +daniel j. d'arby,jojo no kimyou na bouken +kitagou fumika,world witches series +anubis,ragnarok online +kamen rider na-go,kamen rider +he-class light cruiser,kantai collection +gyuu mao,dragon ball +kurume,oshiro project +cure summer (excellen-tropical style),pretty cure +kamishiro yuuto,danganronpa +neo exdeath,final fantasy +mephisto (suite precure),pretty cure +kris,fire emblem +hayashio (kancolle),kantai collection +zeed,fire emblem +nono,final fantasy +eternal tiare,sailor moon +aroma (go! princess precure) (human),pretty cure +m2,girls' frontline +delcatty,pokemon +eelektrik,pokemon +super shenron,dragon ball +sailor phi,sailor moon +rideword,ragnarok online +kronshtadt,azur lane +2b14,girls' frontline +arkhangelsk,azur lane +daimon chika,digimon +maybelle,gensou suikoden +laura toth,world witches series +mudkip,pokemon +tamaki,princess connect! +shi jun,girls' frontline +milotic,pokemon +airship,final fantasy +joltik,pokemon +flayn,fire emblem +walnut (phantom brave),nippon ichi +little cocon,umamusume +rasa,naruto +risotto nero,jojo no kimyou na bouken +dragapult,pokemon +ambipom,pokemon +fireworks fairy,girls' frontline +bismarck,azur lane +dd girls,sailor moon +toobi,dragon ball +tserriednich hui guo rou,hunter x hunter +dessier horstna arls,atelier +someya ryouta,danganronpa +su roas,dragon ball +clovisia,arknights +yoita,oshiro project +hagikaze (kancolle),kantai collection +goryoukaku,oshiro project +fujiwara no michinaga,fate series +ameria,gensou suikoden +kukre,ragnarok online +waki daisuke,pretty cure +maryland,azur lane +igrene,fire emblem +yui shousetsu,fate series +chao ho,azur lane +yasopp,one piece +vibrava,pokemon +klang,pokemon +recipipi,pretty cure +imperfect cell,dragon ball +zarbon,dragon ball +marscal godwin,gensou suikoden +constantine xi,fate/grand order +dottler,pokemon +kamen rider geiz,kamen rider +helena blavatsky (swimsuit archer),fate/grand order +vrb,girls' frontline +niles,fire emblem +priest,ragnarok online +rin (pgdz),pokemon +tommy,pokemon +keele zeibel,tales of... +lee-enfield,girls' frontline +chikushoudou pain,naruto +artoria pendragon (swimsuit archer),fate/grand order +acidus,ragnarok online +musashi,azur lane +hatsukaze (kancolle),kantai collection +empress (stand),jojo no kimyou na bouken +ryoku,pokemon +sr-3mp,girls' frontline +celesteela,pokemon +mao,gensou suikoden +calens,pokemon +tsunagi first middle school uniform,pretty cure +shutara senjumaru,bleach +king furry,dragon ball +meira,touhou +firion,final fantasy +mugen silhouette,pretty cure +soviet,girls und panzer +linca,atelier +shaiapouf,hunter x hunter +type 63,girls' frontline +sarah,gensou suikoden +xion,kingdom hearts +beat,dragon ball +japan,girls und panzer +blossom's mother,pokemon +cardigan,arknights +golding,arknights +agano,azur lane +tokitarou,fate/grand order +mizuno ami,sailor moon +female admiral (kancolle),kantai collection +kaiba mokuba,yu-gi-oh! +n,pokemon +vermeil,arknights +js 9,girls' frontline +cure sunshine mirage,pretty cure +banshee,ragnarok online +mp5,girls' frontline +narciso anasui,jojo no kimyou na bouken +akiyama ryo,digimon +cure grace (partner form),pretty cure +diarmuid,fire emblem +reks,final fantasy +final fantasy tactics,final fantasy +rider class,fate series +duraludon,pokemon +pidove,pokemon +tokai teio,umamusume +skadi the corrupting heart,arknights +bakedanuki,touhou +ibul,dragon quest +kyoko needleworker,nippon ichi +t-34,girls und panzer +kuchiku i-kyuu,kantai collection +chiba mamoru,sailor moon +kurodo alshe,brave girl ravens +mage (dq3),dragon quest +u-556,azur lane +forever lovely,pretty cure +karasuuri,flower knight girl +kotone,fate series +london,azur lane +carvanha,pokemon +riley,pokemon +sakisuke njiji,hunter x hunter +sailor star maker,sailor moon +matsuda chiyohiko,kantai collection +suffolk,azur lane +trentini,ragnarok online +chao,dragon ball +kasa,ragnarok online +tatsuta (kancolle),kantai collection +munak,ragnarok online +wiglett,pokemon +yuugure,azur lane +katen kyoukotsu,bleach +fuji (disgaea),nippon ichi +ty,pokemon +z1 leberecht maass (kancolle),kantai collection +sticky fingers (stand),jojo no kimyou na bouken +sailor uranus,sailor moon +rinwell,tales of... +ishar-mla,arknights +highmore,arknights +saotome haruna,mahou sensei negima +echoes (stand),jojo no kimyou na bouken +placido,yu-gi-oh! +rika,one piece +apple,gensou suikoden +cesario,umamusume +erk,fire emblem +rana,vocaloid +koh,digimon +sol badguy,counter:side +death knight,fire emblem +john giant,one piece +hino daigo,pretty cure +admiral shinonome harutora,kantai collection +zepile,hunter x hunter +blanche,pokemon +sailor v,sailor moon +fionn mac cumhaill (fate/zero),fate series +mutsuki,azur lane +vivillon (fancy),pokemon +hibiki (kancolle),kantai collection +niko,blue archive +diabolic,ragnarok online +moules,girls und panzer +vivillon (poke ball),pokemon +bizeff,hunter x hunter +inoue miyako,digimon +swinub,pokemon +duke kashchey,arknights +houjuu nue (snake),touhou +sajou ayaka (fate/strange fake),fate series +choukai (kancolle),kantai collection +montblanc,final fantasy +yatadera narumi (jizou),touhou +purrloin,pokemon +suzuya,azur lane +muuri,dragon ball +meiko,vocaloid +cure magical (topaz style),pretty cure +turtle,hunter x hunter +gegetsuburi,bleach +jeanne d'arc alter (swimsuit berserker),fate/grand order +ellen,touhou +doga,final fantasy +charmander trainer (pokekyun),pokemon +adeline,girls' frontline +hisuian braviary,pokemon +chacha,fate/grand order +kurata (smile precure!),pretty cure +kise yayoi,pretty cure +mk 12,girls' frontline +world shaking,sailor moon +eggyra,ragnarok online +merlin (fate/prototype),fate/grand order +baritone (suite precure),pretty cure +bartido ballentyne,nippon ichi +cipher peon,pokemon +flamebringer,arknights +tachikawa mimi,digimon +katou keiko,world witches series +usamen,hunter x hunter +severin hawthorn,arknights +bellossom,pokemon +t91,girls' frontline +evo 3,girls' frontline +duke beriel,atelier +nero claudius,fate series +mikleo,tales of... +ortho siblings,hunter x hunter +anankos,fire emblem +healing wand,pretty cure +rafael,yu-gi-oh! +gan fall,one piece +leigh andrea archer,world witches series +hyuuga hizashi,naruto +super sailor saturn (stars),sailor moon +tyrannosaurus,one piece +broly (dragon ball super),dragon ball +trance kuja,final fantasy +seaking,pokemon +lampent,pokemon +charlotte cracker,one piece +yuki ryuunosuke,bleach +katsushika hokusai (swimsuit saber),fate/grand order +sp9,girls' frontline +rodefried santar,atelier +mermaid,dragon ball +shinden (kancolle),kantai collection +cyclizar,pokemon +lysithea von ordelia,fire emblem +battleship summer princess,kantai collection +kadomaru misa,world witches series +star dragon sword,gensou suikoden +alcremie (no sweet),pokemon +acqua of the back,toaru majutsu no index +ogami sakura,danganronpa series +iizumi rita,toaru majutsu no index +kirinji tenjirou,bleach +katsuragi (kancolle),kantai collection +dosu kinuta,naruto +pirozhki,dragon ball +artoria pendragon (swimsuit ruler),fate series +billy jo,pokemon +ogerpon (teal mask),pokemon +asai narumi,meitantei conan +rood,pokemon +wriggle nightbug,touhou +daimon masaru,danganronpa +pui pui,dragon ball +doublade,pokemon +heartless,kingdom hearts +swampert,pokemon +thomas,gensou suikoden +kishin sagume,touhou +cranberry,flower knight girl +ichijou kazuki,pretty cure +minamoto no raikou (swimsuit lancer),fate/grand order +irida,pokemon +hata no kokoro (mask),touhou +destroyer,girls' frontline +jellicent,pokemon +miruru dize,brave girl ravens +spiritomb,pokemon +murakumo (kancolle),kantai collection +kanou ashido,bleach +akagi,kantai collection +conrad jackson,arknights +oboro (kancolle),kantai collection +scyther,pokemon +sergei strelka,tales of... +xane,fire emblem +bulchi,dragon ball +rosso,pokemon +cure sunny,pretty cure +kamandol,gensou suikoden +charmandertwo,pokemon +fenris fenrir,ragnarok online +yukiyanagi,flower knight girl +utagawa ryou,bleach +stick dinner,hunter x hunter +oren argiolas,arknights +sasorina,pretty cure +lunacub,arknights +st. gloriana's military uniform,girls und panzer +donquixote rocinante,one piece +m1918,girls' frontline +sawsbuck (spring),pokemon +ho-class light cruiser,kantai collection +amai shirou,pretty cure +yuke,final fantasy +puca (precure),pretty cure +shirley aldritch,brave girl ravens +dame of sentinel,ragnarok online +meteor,arknights +moriya suwako (frog),touhou +charmander,pokemon +bedivere,fate/grand order +mela,pokemon +friston-3,arknights +kamen rider ex-aid (series),kamen rider +ogaki,oshiro project +daigen,dragon ball +statice,flower knight girl +pope's brother,ragnarok online +onoushiro kiyomi,pretty cure +fujiwara no mokou,touhou +gyro,hunter x hunter +poppy,flower knight girl +ringo ameyuri,naruto +m4 sherman,girls und panzer +ronald,pokemon +evil snake lord,ragnarok online +thief bug,ragnarok online +kamen rider amazon,kamen rider +cure happy (princess form),pretty cure +rommy,tales of... +gonryoumaru,bleach +hisagi shuuhei,bleach +wakayama,oshiro project +cloud strife,final fantasy +orm,pokemon +servant card (fate/grand order),fate series +luvdisc,pokemon +kachou hui guo rou,hunter x hunter +hubert von vestra,fire emblem +concordia,pokemon +crocalor,pokemon +lava,arknights +tapu fini,pokemon +demeter,fate series +pompeii,arknights +kishimoto masashi (character),naruto +graf zeppelin (kancolle),kantai collection +fee,fire emblem +white mage (fft),final fantasy +roger marlen,atelier +dreamer,girls' frontline +izumi kyouka,jojo no kimyou na bouken +prague,oshiro project +tiffani hildebrand,atelier +yasaka kanako,touhou +matara okina,touhou +sasaki akebi,girls und panzer +pawmot,pokemon +shirokuma,danganronpa +czerny,arknights +asagumo (kancolle),kantai collection +stufful,pokemon +greedent,pokemon +adelle (fft),final fantasy +fuwa kokone,pretty cure +drosera,ragnarok online +rani viii,fate series +ivona kawski,hunter x hunter +kroos,arknights +annabelle,flower knight girl +nanna,fire emblem +bella,yu-gi-oh! +falinks,pokemon +sougetsu gakuto,yu-gi-oh! +drossel weissberg,atelier +gild tesoro,one piece +sakaki,flower knight girl +tonpa,hunter x hunter +naga raja,fate series +lotad,pokemon +cure infini,pretty cure +fudo yusei,yu-gi-oh! +hagane kotetsu,naruto +bel (dokidoki! precure),pretty cure +qwilfish,pokemon +mesprit,pokemon +majorita (disgaea),nippon ichi +motomiya jun,digimon +cure twinkle,pretty cure +repre,atelier +henrikka asmus,atelier +charles ausburne,azur lane +kirov,azur lane +team plasma grunt,pokemon +kamen rider 1,kamen rider +deep aqua mirror,sailor moon +star platinum,jojo no kimyou na bouken +kapha,ragnarok online +matsuri,naruto +viblis,pretty cure +toudou,hunter x hunter +camus,gensou suikoden +cu chulainn alter,fate/grand order +le mars,azur lane +galion,ragnarok online +yumeno himiko,danganronpa series +oyafune suama,toaru majutsu no index +nigella,flower knight girl +kako (kancolle),kantai collection +mata hari,fate/grand order +cure sparkle (partner form),pretty cure +kawashima momo,girls und panzer +gumshoos,pokemon +nishimura reika,sailor moon +yami bakura,yu-gi-oh! +marron,dragon ball +kanonno earhart,tales of... +ellee-chan,pretty cure +santanka,flower knight girl +angry student pyuriel,ragnarok online +nautilus,azur lane +team spica's trainer,umamusume +baro,hunter x hunter +tulip,arknights +kamen rider gaim (series),kamen rider +nabegama,oshiro project +ebisu eika,touhou +lina alterier,atelier +wolfgang amadeus mozart,fate/grand order +hai tien,azur lane +aqua elemental,ragnarok online +cascoon,pokemon +kirishima,azur lane +leonidas,fate/grand order +machamp,pokemon +porun,pretty cure +mr. rime,pokemon +najelith,final fantasy +shroud of martin,fate series +ekaterina (railgun),toaru majutsu no index +type 97 shotgun,girls' frontline +rindou akiho,digimon +mejiro family doctor,umamusume +super sailor chibi moon,sailor moon +plum kitaki,ace attorney +biwa,flower knight girl +roger retinz,ace attorney +bush,azur lane +matsue,oshiro project +edward,fire emblem +thriller bark,one piece +muramasa,bleach +medic (phantom kingdom),nippon ichi +numel,pokemon +fighter (phantom brave),nippon ichi +byerley turk,umamusume +lord of death,ragnarok online +slug,dragon ball +myoudou gakuen high school uniform,pretty cure +edoshiyakata,oshiro project +christo (disgaea),nippon ichi +himi tomoki,digimon +masked woman,pokemon +chadli,gensou suikoden +lisa (digimon world 3),digimon +rockruff,pokemon +cure sparkle,pretty cure +cure heart,pretty cure +kiryuu michiru,pretty cure +edo phoenix,yu-gi-oh! +tsuruga,oshiro project +nishi hayato,pretty cure +mitarashi anko,naruto series +super sailor neptune,sailor moon +rinji,naruto +seraphina (disgaea),nippon ichi +bloody knight,ragnarok online +minamino sousuke,pretty cure +stephen potter,azur lane +staryu,pokemon +tac-50,girls' frontline +unown x,pokemon +stg-940,girls' frontline +mejiro ryan,umamusume +ronnie bell,gensou suikoden +fukashi,oshiro project +nachi,azur lane +florges (red flower),pokemon +katzo,hunter x hunter +pharaoh 90,sailor moon +fuecoco,pokemon +sailor venus,sailor moon +united states,girls und panzer +seres,tales of... +incineroar,pokemon +side winder,ragnarok online +lexington,azur lane +stiyl magnus,toaru majutsu no index +elder willow,ragnarok online +aino megumi,pretty cure +professor (disgaea),nippon ichi +vivillon (monsoon),pokemon +homura takeru,yu-gi-oh! +lapis,fire emblem +uvogin,hunter x hunter +hans ahrens,atelier +blue (happinesscharge precure!),pretty cure +civil war (stand),jojo no kimyou na bouken +temari,hololive +the grateful dead (stand),jojo no kimyou na bouken +larcei,fire emblem +killer bee,naruto +kurokoma saki (pegasus),touhou +matsumoto,oshiro project +midler,jojo no kimyou na bouken +cm901,girls' frontline +wigglytuff,pokemon +larvitar,pokemon +mp-448,girls' frontline +calyrex,pokemon +master artoria,fate series +yuffie kisaragi,final fantasy +kuma (kancolle),kantai collection +torterra,pokemon +foongus,pokemon +jess,yu-gi-oh! +p2000,girls' frontline +cline sharil,tales of... +kobold,ragnarok online +sour,dragon ball +yukino bijin,umamusume +redwood,hunter x hunter +v-pm5,girls' frontline +marach galthena,final fantasy +vivillon (river),pokemon +kagiyama hina,touhou +earl grey,girls und panzer +simipour,pokemon +misty fey,ace attorney +claire,bokujou monogatari +jinxie tenma,ace attorney +taihe,arknights +gae buidhe,fate series +tsukumo ayano,meitantei conan +agria,tales of... +flower,vocaloid +sunflower fairy,touhou +lizlette,dragon quest +ishtar (swimsuit rider),fate/grand order +hanging gardens of babylon,fate series +cure felice (alexandrite style),pretty cure +vasilissa,toaru majutsu no index +enemy tantou,touken ranbu +eclipse,ragnarok online +skorupi,pokemon +fujieda yoshino,digimon +nemuri hachigou,bleach +paisley park (stand),jojo no kimyou na bouken +tetsumou,toaru majutsu no index +galdino,one piece +lana skye,ace attorney +peterhof palace,oshiro project +plume (arcadias no ikusahime),nippon ichi +jean armstrong,ace attorney +nicholas,azur lane +giran,dragon ball +langley,azur lane +saionji hiyoko,danganronpa series +tupai,touhou +king george v,azur lane +jaguar d. saul,one piece +komeiji koishi,touhou +hosshiwa,pretty cure +unown i,pokemon +milluki zoldyck,hunter x hunter +hamamatsu,oshiro project +caineghis,fire emblem +desco (disgaea),nippon ichi +son gohan (future),dragon ball +shihouin yoruichi,bleach +mieu,tales of... +yanhe,vocaloid +sprout (phantom brave),nippon ichi +furfrou (diamond),pokemon +rpk-203,girls' frontline +mister popo,dragon ball +hero (dq5),dragon quest +marik ishtar,yu-gi-oh! +zonpa-zippa,final fantasy +zoiray,dragon ball +himi yutaka,digimon +tailtiu,fire emblem +umino gurio,sailor moon +akaboshi koume,girls und panzer +vauquelin,azur lane +saber alter,fate series +hk416,girls' frontline +great gozu,danganronpa +aisaki masato,pretty cure +delfina,arknights +yohioloid,vocaloid +sand dancer fairy,girls' frontline +laharl,nippon ichi +jack the ripper (berserker),fate series +gloucester,azur lane +ro-class destroyer,kantai collection +bartre,fire emblem +hagiwara chihaya,meitantei conan +foo fighters (jojo),path to nowhere +chitose,azur lane +muelsyse,arknights +basculin (white),pokemon +sode no shirayuki,bleach +log pose,one piece +sailor moon (prototype),sailor moon +m1919a4,girls' frontline +wishiwashi (solo),pokemon +gurkinn,pokemon +fortune,last origin +varmunt,ragnarok online +raphael (phantom brave),nippon ichi +lumi,vocaloid +mugino shizuri (cyborg),toaru majutsu no index +fletchinder,pokemon +shirma,final fantasy +zarude (dada),pokemon +riderman,kamen rider +frimelda lotice,final fantasy +daihouji,oshiro project +nichinichisou,flower knight girl +kefka palazzo,final fantasy +setsu,gensou suikoden +electrode,pokemon +ahat,ragnarok online +shinryuu,final fantasy +haneda shuukichi,meitantei conan +iga ueno,oshiro project +burnet,pokemon +lillet blan,nippon ichi +pyonko,toaru majutsu no index +cure fortune (innocent form),pretty cure +list of gensou suikoden characters,gensou suikoden +miki,oshiro project +prism blue,nippon ichi +apocalypse,ragnarok online +harry,pokemon +gregor,limbus company +enkougawa rusaburou,bleach +donnel,fire emblem +joshua levenheit,gensou suikoden +avalo pizarro,one piece +clukay (neural cloud),girls' frontline +amiya (guard),arknights +mugetsu,touhou +radio director,pokemon +ume (kancolle),kantai collection +ikazuchi (kancolle),kantai collection +rebecca hopkins,yu-gi-oh! +team flare admin,pokemon +sitonai,fate/grand order +laura stuart,toaru majutsu no index +pyukumuku,pokemon +mila,fire emblem +ooshio (kancolle),kantai collection +inam,arknights +karla outway,tales of... +pravda (emblem),girls und panzer +strength (stand),jojo no kimyou na bouken +janemba,dragon ball +robin hood,fate series +gemini s58,ragnarok online +amalda,fire emblem +wagahai,ace attorney +ruler class,fate series +ugaki,bleach +shigure rangetsu,tales of... +manemane musume,sailor moon +kamen rider kikai,kamen rider +raimund seyfarth,rosenkreuzstilette +groudon,pokemon +viki,gensou suikoden +dimik,ragnarok online +mitsugashiwa,flower knight girl +c-ms,girls' frontline +muranaka tsutomu,meitantei conan +pika pika pikarin jankenpon,pretty cure +basil hawkins,one piece +aburame torune,naruto +ancient destroyer oni,kantai collection +great saiyaman 2,dragon ball +laboon,one piece +koenigsberg,azur lane +fritz weissberg,atelier +giovanna rossati,arknights +akiyama yoshiko,girls und panzer +hyouzou,one piece +glimmora,pokemon +halsey powell,azur lane +tokiko,touhou +talulah,arknights +hasegawa chisame,mahou sensei negima +quina quen,final fantasy +aihara yuuki (go! princess precure),pretty cure +cerynitis swap,girls' frontline +bahamut,final fantasy +ancient destroyer princess,kantai collection +folinic,arknights +daiyousei,touhou +qbz-191,girls' frontline +minior (meteor),pokemon +frankenstein's castle,oshiro project +riyo servant (bronco),fate series +libra,fire emblem +m45,girls' frontline +trauare wrede,rosenkreuzstilette +lumiere (precure),pretty cure +baku (ff9),final fantasy +siegbert,fire emblem +blitzle,pokemon +kac-pdw,girls' frontline +gobbler (phantom kingdom),nippon ichi +swadloon,pokemon +testament,fate series +biagio busoni,toaru majutsu no index +marin,ragnarok online +luxu,kingdom hearts +roaring moon,pokemon +goblin,ragnarok online +kamonohashi,girls und panzer +sakura mei,mahou sensei negima +aurorus,pokemon +satsuma rentarou,digimon +iimoriyama,oshiro project +turner grey,ace attorney +irene,arknights +magician's red,jojo no kimyou na bouken +ooarai (emblem),girls und panzer +wuim (mana khemia),atelier +ninja (disgaea),nippon ichi +spotty,ragnarok online +saionji mysiel,nippon ichi +dercori,dragon ball +yoshinogari,oshiro project +yatome,oshiro project +juraku,oshiro project +sylvia (dq11),dragon quest +ch'en,arknights +dragon egg,ragnarok online +libeccio (kancolle),kantai collection +kaminoseki,oshiro project +dezel,tales of... +mary sera,meitantei conan +raiongoroshi,flower knight girl +aisaka sayo (doll),mahou sensei negima +brionne,pokemon +rachel (ff6),final fantasy +duessel,fire emblem +kamikaze,azur lane +yamagishi yukako,jojo no kimyou na bouken +kujaku mai,yu-gi-oh! +oifey,fire emblem +leanne,fire emblem +satoru hosonaga,ace attorney +antonina (neural cloud),girls' frontline +sailor vesta,sailor moon +glen elg,ace attorney +faceless,fire emblem +ditto,pokemon +fondue,girls und panzer +shinomiya rina,digimon +pam-pam (precure),pretty cure +edasaki banri,toaru majutsu no index +boys,girls' frontline +ptrd,girls' frontline +kisaki eri,meitantei conan +innominat,tales of... +ancient mummy,ragnarok online +mira (ffcc),final fantasy +ooarai naval school uniform,girls und panzer +yagokoro eirin,touhou +kunoichi (disgaea),nippon ichi +man o' war,dragon quest +sinner (disgaea),nippon ichi +marluxia,kingdom hearts +ryuuto,vocaloid +uub,dragon ball +zarude,pokemon +steenee,pokemon +ashley graydon,ace attorney +negoro,oshiro project +thief bug egg,ragnarok online +umori,hunter x hunter +butterfree,pokemon +nase fumino,umamusume +bearn,azur lane +hs.50,girls' frontline +minotauron,sailor moon +kaga (battleship),azur lane +enlightened byleth (male),fire emblem +travant,fire emblem +soan,fire emblem +houjou sakura,pretty cure +barbaneth beoulve,final fantasy +gordin,fire emblem +fantasy tree,fate series +lunaria,flower knight girl +buizel,pokemon +homeros (dq11),dragon quest +obot,yu-gi-oh! +patrat,pokemon +haku,naruto +black prince,azur lane +furfrou (debutante),pokemon +kagamine len,vocaloid +m14,girls' frontline +sailor moon pose,sailor moon +maille-breze,azur lane +souchun (neural cloud),girls' frontline +genthru,hunter x hunter +am mut,ragnarok online +keldeo (ordinary),pokemon +dos,digimon +slakoth,pokemon +kiragi,fire emblem +skeggiold,ragnarok online +warrior fairy,girls' frontline +sailor jupiter (prototype),sailor moon +love love deluxe (stand),jojo no kimyou na bouken +ning ciqiu,arknights +lance,gensou suikoden +jill,fire emblem +anthurium,flower knight girl +bismarck (kancolle),kantai collection +mime (fft),final fantasy +kokuou,naruto +ryuu,hunter x hunter +garnet til alexandros xvii,final fantasy +manaril,gensou suikoden +balda,hunter x hunter +yuubari,azur lane +rhea,fire emblem +leonotis,flower knight girl +elliott,pokemon +akanbe (smile precure!),pretty cure +laki,one piece +aoki reika,pretty cure +inoue mantarou,digimon +spr a3g,girls' frontline +prelati's spellbook,fate series +ovjang,final fantasy +bebe,pokemon +regensburg,azur lane +namakeruda,pretty cure +kira yoshihiro,jojo no kimyou na bouken +percival yil mid asgard,tales of... +oooka momiji,meitantei conan +erin,gensou suikoden +mai (neural cloud),girls' frontline +rohngall,fate series +manu,gensou suikoden +enamorus,pokemon +elisa,girls' frontline +florina,fire emblem +tamatsukuri misumaru,touhou +hippowdon (female),pokemon +petta (phantom kingdom),nippon ichi +priestess of the alien god,fate series +archer's master (fate/prototype),fate series +seiran,touhou +jimmy ken,digimon +agent,girls' frontline +enarsia deisler,atelier +cramp,ragnarok online +kamen rider wizard (series),kamen rider +sada,pokemon +gerhard konev,atelier +blugori,one piece +aizen sousuke,bleach +vespid,girls' frontline +castform (sunny),pokemon +seyren windsor,ragnarok online +lon berk,dragon quest +commeson vegeta,dragon ball +keira (pokemon dppt),pokemon +phen,ragnarok online +winfred kitaki,ace attorney +samui,naruto +alarm,ragnarok online +deimne,fire emblem +elizard,toaru majutsu no index +cure honey,pretty cure +vulcanus (disgaea 4),nippon ichi +johnny,one piece +anping kohou,oshiro project +ice titan,ragnarok online +killua zoldyck,hunter x hunter +previous cure mermaid,pretty cure +trap fairy,girls' frontline +owen,girls' frontline +hirado,oshiro project +nascour,pokemon +hypno,pokemon +troude,fire emblem +puzzle (neural cloud),girls' frontline +desert eagle,girls' frontline +kitakami (kancolle),kantai collection +naomi,girls und panzer +lumen,arknights +old man,arknights +etna (disgaea),nippon ichi +caules forvedge yggdmillennia,fate series +bokuden,one piece +forbin,azur lane +choujuurou,naruto +salt lake city,azur lane +shimushu (kancolle),kantai collection +jane thach,world witches series +kill bear,toaru majutsu no index +kotetsu isane,bleach +charleston 1,ragnarok online +hodremlin,ragnarok online +weser,azur lane +ijuuin kimimaro,pretty cure +cure fontaine,pretty cure +teddy bear,ragnarok online +merus,dragon ball +kamen rider vice,kamen rider +rosmontis,arknights +eugene rugosa,girls' frontline +kamishiro yuugo,digimon +leonhardt,arknights +ayra,fire emblem +7tp,girls und panzer +torricelli,azur lane +est,fire emblem +palmer,pokemon +yagurumagiku,flower knight girl +natalie kohdelia,atelier +bena,arknights +asanuma ittou,sailor moon +aerosmith (stand),jojo no kimyou na bouken +pavianne,ragnarok online +matsukaze,azur lane +yu mei-ren (swimsuit lancer),fate/grand order +crocus,one piece +lettie,final fantasy +altera larva,fate series +latios,pokemon +aerodactyl,pokemon +mlynar,arknights +dark knight (fft),final fantasy +en'en,pretty cure +august von parseval,azur lane +ebifurya,dragon ball +cure passion (angel),pretty cure +hoozuki suigetsu,naruto +magnhilda (neural cloud),girls' frontline +amelia (pokemon desolation),pokemon +himiko,fate/grand order +heater,ragnarok online +higashikata joshu,jojo no kimyou na bouken +tashkent (kancolle),kantai collection +sidoh (dqb2),dragon quest +wooden golem,ragnarok online +dr. rota,dragon ball +mr. mcphy,ragnarok online +gastrodon (east),pokemon +clima-tact,one piece +columbia,azur lane +trainer kuronuma,umamusume +lycanroc (dusk),pokemon +sailor iron mouse,sailor moon +malevolantern,dragon quest +acacia,flower knight girl +artoria caster,fate/grand order +fenia,tales of... +bicine (precure),pretty cure +nzambi,fate series +nerine,flower knight girl +ump45,girls' frontline +frosmoth,pokemon +fury,arknights +helix (neural cloud),girls' frontline +hoshiguma yuugi (kimono),touhou +south kaiou,dragon ball +panzer ii,girls und panzer +naba chizuru,mahou sensei negima +theodora,mahou sensei negima +taifu toneido,ace attorney +deerling (spring),pokemon +angelo (ff8),final fantasy +umamusume: star blossom,umamusume +itsutsuboshi reina,pretty cure +wakamatsu,oshiro project +boldore,pokemon +son gohan,dragon ball +hecatia lapislazuli (earth),touhou +sphiel,gensou suikoden +elgyem,pokemon +myrtle,arknights +cecilia glinda miles,world witches series +tenjou (precure),pretty cure +nicky,dragon ball +keizoku school uniform,girls und panzer +zemus,final fantasy +infernape,pokemon +kisaragi,azur lane +nekomura iroha,vocaloid +hordeum,flower knight girl +avrora,azur lane +hawk eye,sailor moon +babidi,dragon ball +sphinx awlad,fate series +kochi,oshiro project +annie eilenberg,atelier +gentiane,girls' frontline +magnifi gramarye,ace attorney +yamashiro takane,touhou +samuel b. roberts (kancolle),kantai collection +yuiri,gensou suikoden +hakushaku (suite precure),pretty cure +ranfan,dragon ball +cure blossom (super silhouette),pretty cure +hellion,gensou suikoden +ryouga,pokemon +ginryousou,flower knight girl +m200,girls' frontline +gine,dragon ball +tamada nozomi,digimon +lava golem,ragnarok online +astoria,azur lane +reisen udongein inaba,touhou +diego armando,ace attorney +caernarfon,oshiro project +birch,pokemon +dex,vocaloid +nomozaki,toaru majutsu no index +gazeti,ragnarok online +floating fortress (kancolle),kantai collection +akamaru,naruto +ishida ryuuken,bleach +nena,jojo no kimyou na bouken +pp-2000,girls' frontline +miracle peace,pretty cure +marietta lixiss,atelier +yuji,pokemon +minakuchi,oshiro project +i-56,azur lane +final fantasy vii advent children,final fantasy +eryngium,flower knight girl +catria,fire emblem +kinu (kancolle),kantai collection +gigantamax,pokemon +luxord,kingdom hearts +goku black,dragon ball +misaka imouto 10777,toaru majutsu no index +tsurugi zenjirou,digimon +galarian darmanitan (zen),pokemon +den den mushi,one piece +max (neural cloud),girls' frontline +mo qingxian,vocaloid +yahr,gensou suikoden +oito hui guo rou,hunter x hunter +avan de ginual the third,dragon quest +paulie,one piece +satono crown,umamusume +shimakaze,kantai collection +unown w,pokemon +hiru,hunter x hunter +yuugo,yu-gi-oh! +prima,vocaloid +super sailor neptune (stars),sailor moon +matsumae,oshiro project +pp-90,girls' frontline +suiseiran,flower knight girl +bicchuutakamatsu,oshiro project +chaz,pokemon +kukui,pokemon +nikola tesla,fate/grand order +yamashio maru (kancolle),kantai collection +little queen,tales of... +urazoe kai,digimon +idol emperor,fate series +lickitung,pokemon +basculin (blue),pokemon +meika mikoto,vocaloid +eleven men (sbr),jojo no kimyou na bouken +kazeshini,bleach +polpo,jojo no kimyou na bouken +tamada tamaki,girls und panzer +rabbit,girls und panzer +hanadera yasuko,pretty cure +estellise sidos heurassein,tales of... +sr-2,girls' frontline +sachiko,vocaloid +teradein neutral,hunter x hunter +sakita mari,pretty cure +jack (pokemon trading card game),pokemon +yotsuba shouko,pretty cure +red tulip,flower knight girl +deerling (summer),pokemon +desert wolf,ragnarok online +hyoutan,flower knight girl +phanphan (happinesscharge precure!),pretty cure +duskull,pokemon +achillea,flower knight girl +mini nobu,fate/grand order +android 16,dragon ball +natori,azur lane +queen of sheba,fate/grand order +taiki kou,sailor moon +aoki soutarou,pretty cure +ogerpon (wellspring mask),pokemon +tan yang (kancolle),kantai collection +mg5,girls' frontline +raine sage,tales of... +uehara minami,digimon +pongo,hunter x hunter +amber fort,oshiro project +hideo yoshida,pokemon +relena norstein,digimon +lagss,dragon ball +merman,ragnarok online +celenike icecolle yggdmillennia,fate series +chou-10cm-hou-chan (teruzuki's),kantai collection +pegitan (precure),pretty cure +katla larchica,atelier +midorikawa tomoko,pretty cure +non-human admiral (kancolle),kantai collection +shingyoku (male),touhou +ipana,dragon ball +kung fu dugong,one piece +iwabitsu,oshiro project +natsui mahana,bleach +messam elmdore,final fantasy +chocobo,final fantasy +tentacool,pokemon +puni,atelier series +gun mage,final fantasy +tsubone,hunter x hunter +kamen rider valkyrie,kamen rider +zenki,touhou +jeanne d'arc (swimsuit archer),fate/grand order +rabbit yukine,vocaloid +attack machine,ragnarok online +roserade,pokemon +nasir,fire emblem +noctowl,pokemon +sansuke,gensou suikoden +penelo,final fantasy +tseng,final fantasy +tonio trussardi,jojo no kimyou na bouken +mikoto,fire emblem +umesawa aiko,danganronpa +owl duke,ragnarok online +dokugamine riruka,bleach +misty,ragnarok online +vesna mikovic,world witches series +akarun,pretty cure +rurafisu,brave girl ravens +banette,pokemon +shimakaze (kancolle),kantai collection +rhoda teneiro,ace attorney +tibarn,fire emblem +lime,dragon ball +grotle,pokemon +haxorus,pokemon +chariot requiem,jojo no kimyou na bouken +ting an,azur lane +dyspear,pretty cure +tachibana,flower knight girl +coco jumbo,jojo no kimyou na bouken +elizabeth bathory (japan),fate series +man in the mirror (stand),jojo no kimyou na bouken +kamen rider: beyond generations,kamen rider +kyril,gensou suikoden +hitorishizuka,flower knight girl +duramente,umamusume +murasaki shikibu,fate/grand order +akatsuki (kancolle),kantai collection +alisha diphda,tales of... +razor,genshin impact +vayne carudas solidor,final fantasy +inutade,flower knight girl +tomoe hotaru,sailor moon +cure honey (innocent form),pretty cure +rhys,fire emblem +puff (go! princess precure) (human),pretty cure +beruka,fire emblem +melodye,gensou suikoden +kasumi (kancolle),kantai collection +nylen fedrock,tales of... +maritime shipper,umamusume +sakata kintoki,fate/grand order +vampire,azur lane +sakura laurel,umamusume +konrad,gensou suikoden +venus paques,umamusume +princess mercury,sailor moon +final fantasy xii revenant wings,final fantasy +archer skeleton,ragnarok online +natsuumi aoi,pretty cure +nemeum swap,girls' frontline +reptile sprite,pokemon +mecha eli-chan,fate series +murakami,girls und panzer +uchiha obito,naruto series +charlotte perospero,one piece +siege,arknights +eleore,atelier +space xu fu,fate series +kuromorimine military uniform,girls und panzer +welwitschia,flower knight girl +milhaust selkirk,tales of... +spring rabbit,ragnarok online +sharpedo,pokemon +kako,azur lane +boise,azur lane +chateau de chenonceau,oshiro project +white lady,ragnarok online +watachorogi,flower knight girl +akagi-chan,azur lane +kusaka soujirou,bleach +karura,naruto +marshall d. teach,one piece +shimon muuran,yu-gi-oh! +kirara,blue archive +elincia ridell crimea,fire emblem +cheap trick (stand),jojo no kimyou na bouken +gonzap,pokemon +giratina (altered),pokemon +arashio,azur lane +yellow temperance,jojo no kimyou na bouken +machop,pokemon +verit,ragnarok online +mito,sword art online +yohn,gensou suikoden +kiriko,hunter x hunter +yamask,pokemon +anis ryftchen,atelier +francesca lucchini,world witches series +neferpitou,hunter x hunter +z3 max schultz (kancolle),kantai collection +greavard,pokemon +earl dervish,pokemon +pikachu,pokemon +sarutobi asuma,naruto series +chapayev,azur lane +leila,fire emblem +minwu,final fantasy +lee shaochung,digimon +primal kyogre,pokemon +nagatsuki (kancolle),kantai collection +ose,bokujou monogatari +homard,nippon ichi +kotomine risei,fate series +south dakota,azur lane +auron,final fantasy +orlando reeve,fate series +cure dream,pretty cure +battleship princess,kantai collection +sanctifiers (neural cloud),girls' frontline +yami marik,yu-gi-oh! +abe,hunter x hunter +helmet musume (kancolle),kantai collection +unfezant (male),pokemon +mohn,pokemon +tangela,pokemon +eir,fire emblem +agi,bokujou monogatari +bicchu matsuyama,oshiro project +kyle eugrald,atelier +helmina lent,world witches series +leia rolando,tales of... +deborah (dq5),dragon quest +super sailor mars,sailor moon +paris,fate series +asterios,fate/grand order +mutsu (kancolle),kantai collection +ain gide,gensou suikoden +coin,pokemon +iron moth,pokemon +mishima erika,digimon +window,gensou suikoden +lutonada,arknights +montblanc noland,one piece +valeria,gensou suikoden +vy2,vocaloid +videl,dragon ball +boodle,one piece +kitahara jou,umamusume +small lady serenity,sailor moon +nyanko (marl kingdom),nippon ichi +sunpu,oshiro project +vanitas,kingdom hearts +franka,arknights +chesnaught,pokemon +ursaluna,pokemon +nanairogaoka middle school uniform,pretty cure +akagi (kancolle),kantai collection +kearsarge,azur lane +dan blackmore,fate series +uit-25 (kancolle),kantai collection +hermione,azur lane +oricorio (sensu),pokemon +tornadus,pokemon +yappy,pokemon +fury fairy,girls' frontline +sonika,vocaloid +vaclav bolud,tales of... +saratoga,azur lane +asakura rikako,touhou +vivillon (modern),pokemon +tiger thief,dragon ball +ootoribashi roujuurou,bleach +m3,girls' frontline +kamen rider kiva,kamen rider +layle,final fantasy +augustine sycamore,pokemon +ichijou ranko,pretty cure +kamijou shiina,toaru majutsu no index +tashkent,azur lane +mos,one piece +etzel,fire emblem +mejiro ramonu,umamusume +bombardier beetle,hunter x hunter +z25,azur lane +arashi (kancolle),kantai collection +nishio uta,pretty cure +rolf,fire emblem +charybdis,azur lane +suffren,azur lane +pith,arknights +sophie neuenmuller,atelier series +unown (other),pokemon +meowstic,pokemon +unown y,pokemon +seydlitz,azur lane +fiamma of the right,toaru majutsu no index +alus restor,final fantasy +rpk-16,girls' frontline +tullece,dragon ball +eis shenron,dragon ball +mamo (dokidoki! precure),pretty cure +gotou (mana khemia),atelier +serpens,ragnarok online +kimura satoshi (smile precure!),pretty cure +febail,fire emblem +unown r,pokemon +ibuki,blue archive +hazekura mikitaka,jojo no kimyou na bouken +monophanie,danganronpa +kasim hazil,gensou suikoden +lahmu,fate/grand order +olive green,ace attorney +kurosaki kazui,bleach +knov,hunter x hunter +mint adenade,tales of... +canary,hunter x hunter +g3,girls' frontline +kiichi hougen,fate/grand order +beatrice monroe,mahou sensei negima +hakurei reimu (fox),touhou +hiking bear,one piece +brenda,pokemon +zion (neural cloud),girls' frontline +linoone,pokemon +shishigawara moe,bleach +kilbert hennes,atelier +tsukumo benben,touhou +kyza,fire emblem +nemesis (girls' frontline 2),girls' frontline +kamen rider thebee,kamen rider +nagatsuki,azur lane +giuseppe garibaldi,azur lane +myanmar,girls und panzer +misaka imouto 10046,toaru majutsu no index +dartz,yu-gi-oh! +hanneman von essar,fire emblem +secco,jojo no kimyou na bouken +shigure (kancolle),kantai collection +potion,final fantasy +aoshidan school uniform,girls und panzer +hk33,girls' frontline +money,ace attorney +rengoku,fate/grand order +bandit (disgaea),nippon ichi +gujo hachiman,oshiro project +aliza,granblue fantasy +brownie,dragon quest +friedrich der grosse,azur lane +cecelia,arknights +seteth,fire emblem +reggie mackenzie,yu-gi-oh! +kristen,arknights +stremitelny,azur lane +rufus shinra,final fantasy +kurarindou,flower knight girl +yotsuba satsuki,mahou sensei negima +sawsbuck (autumn),pokemon +sagiri,gensou suikoden +hildagarde fabool,final fantasy +lin,arknights +hope kingdom king,pretty cure +umamusume,umamusume +dagda,arknights +boris mcrae,atelier +siduri,fate/grand order +rolycoly,pokemon +cure peach,pretty cure +male brawler (disgaea),nippon ichi +lamia,punishing: gray raven +mycen,fire emblem +cure pine (angel),pretty cure +xemnas,kingdom hearts +pupa,ragnarok online +ginger,dragon ball +zossie,pokemon +kabutops,pokemon +jade curtiss,tales of... +morio shishou,vocaloid +sigma,fate series +peony ix,tales of... +stoutland,pokemon +akashi tagiru,digimon +pichu,pokemon +wishiwashi (school),pokemon +light cavalry,touken ranbu +may,gundam +ritz malheur,final fantasy +mael stronghart,ace attorney +morioka,oshiro project +isabella,tales of... +yama inu,hunter x hunter +helios,sailor moon +landorus (therian),pokemon +vayne aurelius,atelier +croque (neural cloud),girls' frontline +kamen rider grease,kamen rider +guy cecil,tales of... +norimaki arale,dragon ball +malboro,final fantasy +dp28,girls' frontline +bastille,one piece +ganesha,fate/grand order +mdr,girls' frontline +maou prier,nippon ichi +zombie (disgaea),nippon ichi +goetia,fate series +i-class destroyer,kantai collection +saotome rei,yu-gi-oh! +kamui gakupo,vocaloid +hatake kakashi,naruto series +martini-henry,girls' frontline +serena,yu-gi-oh! +liquiir,dragon ball +virizion,pokemon +oruru (digimon story: cyber sleuth),digimon +sailor kakyuu,sailor moon +medicine melancholy,touhou +porygon,pokemon +stock,flower knight girl +beautifly,pokemon +kumomagusa,flower knight girl +argiope,ragnarok online +medea (dq8),dragon quest +totter,arknights +reyson,fire emblem +seihai,sailor moon +announcer,dragon ball +android 15,dragon ball +model l,girls' frontline +tropius,pokemon +paracelsus,fate series +ripper swap,girls' frontline +kitamori reiko,yu-gi-oh! +weedle,pokemon +cure rouge,pretty cure +guy (ff2),final fantasy +clone,atelier +kibitoshin,dragon ball +unohana retsu,bleach +queen beryl,sailor moon +yamagou ayumi,girls und panzer +tamahime satsuki,digimon +alexei dinoia,tales of... +eini a lukkanen,world witches series +tsuwano,oshiro project +luxembourg,oshiro project +iskandar,fate series +carly nagisa,yu-gi-oh! +kidoumaru,naruto +aido nosa,ace attorney +unnamed girl (pokemon masters ex),pokemon +leafeon,pokemon +kamen rider faiz,kamen rider +raging bolt,pokemon +puppetmaster,final fantasy +gastrodon (west),pokemon +milo green,pokemon +corvisquire,pokemon +batsubyou,kantai collection +taoist hermit,ragnarok online +olette,kingdom hearts +yushohi,hunter x hunter +luxio,pokemon +edge vanhite,atelier +dish of aceso,girls' frontline +ridovia lorenzetti,toaru majutsu no index +pot dofle,ragnarok online +slowbro,pokemon +mr. backlot,pokemon +doctor ferdinand,jojo no kimyou na bouken +glaceon,pokemon +little boy abyssal admiral (kancolle),kantai collection +rennac,fire emblem +red lightning,fate series +vritra,fate/grand order +kusajishi yachiru,bleach +shinguji korekiyo,danganronpa series +iron hands,pokemon +jindaiji mami,pretty cure +hikifune kirio,bleach +esmeraude,sailor moon +leipzig,azur lane +javelin (kancolle),kantai collection +souryuu asuka langley,neon genesis evangelion +warrior of light,final fantasy +akiyama mio,k-on! +2b,nier:automata +gotoh hitori,bocchi the rock! +ayanami rei,neon genesis evangelion +joseph joestar,jojo no kimyou na bouken +matoi ryuuko,kill la kill +tainaka ritsu,k-on! +megumin,kono subarashii sekai ni shukufuku wo! +pyra,xenoblade chronicles series +makima,chainsaw man +mythra,xenoblade chronicles series +kotobuki tsumugi,k-on! +c.c.,code geass +asuna,blue archive +senketsu,kill la kill +kiryuuin satsuki,kill la kill +midoriya izuku,boku no hero academia +nishikigi chisato,lycoris recoil +power,chainsaw man +zero two,darling in the franxx +ikari shinji,neon genesis evangelion +suletta mercury,gundam +oshino shinobu,monogatari series +kitagawa marin,sono bisque doll wa koi wo suru +oyama mahiro,onii-chan wa oshimai! +uraraka ochako,boku no hero academia +kita ikuyo,bocchi the rock! +denji,chainsaw man +mirko,boku no hero academia +gokou ruri,ore no imouto ga konna ni kawaii wake ga nai +bakugou katsuki,boku no hero academia +miorine rembran,gundam +gojou satoru,jujutsu kaisen +ijichi nijika,bocchi the rock! +kirito,sword art online +mikasa ackerman,shingeki no kyojin +nakano nino,go-toubun no hanayome +shirogane naoto,persona +hoto cocoa,gochuumon wa usagi desu ka? +emilia,re:zero kara hajimeru isekai seikatsu +nakano miku,go-toubun no hanayome +tatsumaki,one-punch man +satonaka chie,persona +mankanshoku mako,kill la kill +yoshida yuuko,machikado mazoku +makise kurisu,steins;gate +amamiya ren,persona +nagisa kaworu,neon genesis evangelion +kousaka kirino,ore no imouto ga konna ni kawaii wake ga nai +yamada ryo,bocchi the rock! +kallen stadtfeld,code geass +twilight,spy x family +eren yeager,shingeki no kyojin +kirima syaro,gochuumon wa usagi desu ka? +chitanda eru,hyouka +ram,neptune series +yuuki makoto,persona +nakano yotsuba,go-toubun no hanayome +izumi sagiri,eromanga sensei +makinami mari illustrious,neon genesis evangelion +toga himiko,boku no hero academia +itadori yuuji,jujutsu kaisen +tippy,gochuumon wa usagi desu ka? +hanekawa tsubasa,monogatari series +senjougahara hitagi,monogatari series +junketsu,kill la kill +fushiguro megumi,jujutsu kaisen +adventurer,final fantasy +kujikawa rise,persona +kochou shinobu,kimetsu no yaiba +amagi yukiko,persona +darkness,kono subarashii sekai ni shukufuku wo! +higashiyama kobeni,chainsaw man +shinjou akane,gridman universe +shinomiya kaguya,kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~ +shima rin,yurucamp +satou kazuma,kono subarashii sekai ni shukufuku wo! +jakuzure nonon,kill la kill +asui tsuyu,boku no hero academia +christa renz,shingeki no kyojin +endeavor,boku no hero academia +kanna kamui,kobayashi-san chi no maidragon +tedeza rize,gochuumon wa usagi desu ka? +robin (female),fire emblem +chiyoda momo,machikado mazoku +reze,chainsaw man +9s,nier series +sinon,sword art online +shiomi kotone,persona +oumae kumiko,hibike! euphonium +levi,shingeki no kyojin +kanroji mitsuri,kimetsu no yaiba +komi shouko,komi-san wa komyushou desu +hiroi kikuri,bocchi the rock! +hanamura yousuke,persona +chouzetsusaikawa tenshi-chan,needy girl overdose +sakura futaba,persona +takamaki anne,persona +hayakawa aki,chainsaw man +yaoyorozu momo,boku no hero academia +kirigaya suguha,sword art online +todoroki shouto,boku no hero academia +tohru,kobayashi-san chi no maidragon +leafa,sword art online +fujiwara chika,kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~ +edward elric,fullmetal alchemist +purple heart,neptune series +gamagoori ira,kill la kill +oreki houtarou,hyouka +hikawa sayo,bang dream! +nanami kento,jujutsu kaisen +hirasawa ui,k-on! +hikawa hina,bang dream! +kamado tanjirou,kimetsu no yaiba +hawks,boku no hero academia +kirijou mitsuru,persona +yoru,chainsaw man +natsuki subaru,re:zero kara hajimeru isekai seikatsu +yukinoshita yukino,yahari ore no seishun lovecome wa machigatteiru. +nakano itsuki,go-toubun no hanayome +robin (male),fire emblem +tatsumi kanji,persona +kugisaki nobara,jujutsu kaisen +nakano ichika,go-toubun no hanayome +rex,xenoblade chronicles series +getou suguru,jujutsu kaisen +kagamihara nadeshiko,yurucamp +reiner braun,shingeki no kyojin +ashido mina,boku no hero academia +sengoku nadeko,monogatari series +oyama mihari,onii-chan wa oshimai! +kousaka reina,hibike! euphonium +blanc,goddess of victory: nikke +nepgear,neptune series +yuigahama yui,yahari ore no seishun lovecome wa machigatteiru. +niijima makoto,persona +himeno,chainsaw man +pochita,chainsaw man +katsuragi misato,neon genesis evangelion +rias gremory,high school dxd +pod,nier:automata +araragi koyomi,monogatari series +kuma,persona +hoshino fumina,gundam +saitama,one-punch man +hozuki momiji,onii-chan wa oshimai! +alear,fire emblem +silica,sword art online +armin arlert,shingeki no kyojin +hachikuji mayoi,monogatari series +rydia,final fantasy +uzaki hana,uzaki-chan wa asobitai! +kururugi suzaku,code geass +takeba yukari,persona +ryoumen sukuna,jujutsu kaisen +elaina,majo no tabitabi +inuyama aoi,yurucamp +jirou kyouka,boku no hero academia +yoroizuka mizore,hibike! euphonium +albedo,genshin impact +kaneki ken,tokyo ghoul +hayasaka ai,kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~ +a2,nier series +mitake ran,bang dream! +winry rockbell,fullmetal alchemist +nia (blade),xenoblade chronicles series +kamukura izuru,danganronpa series +violet evergarden,violet evergarden series +okumura haru,persona +sanageyama uzu,kill la kill +yunyun,kono subarashii sekai ni shukufuku wo! +manabe nodoka,k-on! +suzukaze aoba,new game! +raphtalia,tate no yuusha no nariagari +lucoa,kobayashi-san chi no maidragon +alphonse elric,fullmetal alchemist +guts,kill la kill +mio,xenoblade chronicles series +rengoku kyoujurou,kimetsu no yaiba +ame-chan,needy girl overdose +araragi karen,monogatari series +yuna,sword art online +ishmael,limbus company +roxy migurdia,mushoku tensei +kasaki nozomi,hibike! euphonium +annie leonhardt,shingeki no kyojin +ilulu,kobayashi-san chi no maidragon +himejima akeno,high school dxd +y'shtola rhul,final fantasy +eunie,xenoblade chronicles series +alice zuberg,sword art online +okabe rintarou,steins;gate +damian desmond,spy x family +eva 02,neon genesis evangelion +oshino ougi,monogatari series +rimuru tempest,tensei shitara slime datta ken +mitaka asa,chainsaw man +aragaki ayase,ore no imouto ga konna ni kawaii wake ga nai +eris greyrat,mushoku tensei +kanbaru suruga,monogatari series +alear (female),fire emblem +kousaka kyousuke,ore no imouto ga konna ni kawaii wake ga nai +tiki (adult),fire emblem +tieria erde,gundam +sinclair,limbus company +rx-78-2,gundam +kiss-shot acerola-orion heart-under-blade,monogatari series +pyra (pro swimmer),xenoblade chronicles series +yamagishi fuuka,persona +don quixote,limbus company +kirishima touka,tokyo ghoul +kaine,nier series +isshiki iroha,yahari ore no seishun lovecome wa machigatteiru. +yoshizawa kasumi,persona +eva 01,neon genesis evangelion +araragi tsukihi,monogatari series +doujima nanako,persona +maruyama aya,bang dream! +kirby,kirby series +inumuta houka,kill la kill +meer campbell,gundam +tomioka giyuu,kimetsu no yaiba +vert,neptune series +agatsuma zenitsu,kimetsu no yaiba +morgana,persona +sylphiette,mushoku tensei +yi sang,limbus company +navia,genshin impact +aoba moca,bang dream! +hange zoe,shingeki no kyojin +uzaki tsuki,uzaki-chan wa asobitai! +riza hawkeye,fullmetal alchemist +melia antiqua,xenoblade chronicles series +harime nui,kill la kill +hadou nejire,boku no hero academia +char aznable,gundam +yamada elf,eromanga sensei +jouga maya,gochuumon wa usagi desu ka? +lisbeth,sword art online +hong lu,limbus company +nakagawa natsuki,hibike! euphonium +aragaki shinjirou,persona +quanxi,chainsaw man +yamada anna,boku no kokoro no yabai yatsu +black heart,neptune series +tsuyuri kanao,kimetsu no yaiba +angel devil,chainsaw man +setsuna f. seiei,gundam +shiina mayuri,steins;gate +link,the legend of zelda +roy mustang,fullmetal alchemist +chomusuke,kono subarashii sekai ni shukufuku wo! +sanada akihiko,persona +wiz,kono subarashii sekai ni shukufuku wo! +black hanekawa,monogatari series +iori rinko,gundam +matsubara kanon,bang dream! +nakiri erina,shokugeki no souma +lunamaria hawke,gundam +uehara himari,bang dream! +murosaki miyo,onii-chan wa oshimai! +kirishima eijirou,boku no hero academia +feldt grace,gundam +okusawa misaki,bang dream! +shirasagi chisato,bang dream! +imai lisa,bang dream! +grima,fire emblem +hozuki kaede,onii-chan wa oshimai! +adult neptune,neptune series +uesugi fuutarou,go-toubun no hanayome +bertolt hoover,shingeki no kyojin +tomori nao,charlotte anime +clive rosfield,final fantasy +minato yukina,bang dream! +admiral,kantai collection +xenovia quarta,high school dxd +beatrice,re:zero kara hajimeru isekai seikatsu +oka asahi,onii-chan wa oshimai! +tiki (young),fire emblem +euphemia li britannia,code geass +suzuki jun,k-on! +iino miko,kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~ +sasha braus,shingeki no kyojin +kawakami sadayo,persona +nunnally vi britannia,code geass +jibril,no game no life +udagawa tomoe,bang dream! +platelet,hataraku saibou +yoshikawa yuuko,hibike! euphonium +mythra (massive melee),xenoblade chronicles series +shulk,xenoblade chronicles series +ijichi seika,bocchi the rock! +ichigaya arisa,bang dream! +shez,fire emblem +tennouboshi uzume,neptune series +hagakure tooru,boku no hero academia +white blood cell,hataraku saibou +lacus clyne,gundam +rossweisse,high school dxd +zaku ii,gundam +ghislaine dedoldia,mushoku tensei +yamanaka sawako,k-on! +adachi tooru,persona +toudou aoi,jujutsu kaisen +white heart,neptune series +elma,xenoblade chronicles series +ivy,fire emblem +eraser head,boku no hero academia +kuroka,high school dxd +ononoki yotsugi,monogatari series +anya alstreim,code geass +akemi homura,mahou shoujo madoka magica +enlightened byleth,fire emblem +fushiguro touji,jujutsu kaisen +morag ladair,xenoblade chronicles series +ibara mayaka,hyouka +byleth (female) (summer),fire emblem +okkotsu yuuta,jujutsu kaisen +bond,spy x family +pa-san,bocchi the rock! +iori junpei,persona +hashibira inosuke,kimetsu no yaiba +mikisugi aikurou,kill la kill +uta,one piece +all might,boku no hero academia +dante,limbus company +sasaki chiho,hataraku maou-sama! +toujou koneko,high school dxd +samus aran,metroid +broly,dragon ball +anko,gochuumon wa usagi desu ka? +secelia dote,gundam +artoria pendragon,fate series +g'raha tia,final fantasy +venat,final fantasy +hikigaya hachiman,yahari ore no seishun lovecome wa machigatteiru. +asia argento,high school dxd +zen'in maki,jujutsu kaisen +haman karn,gundam +elizabeth,persona +poppi,xenoblade chronicles series +minami yume,gridman universe +amane suzuha,steins;gate +eugeo,sword art online +sazaki kaoruko,gundam +shirley fenette,code geass +tanaka asuka,hibike! euphonium +tachibana makoto,free! +firefly,honkai: star rail +amuro ray,gundam +high elf archer,goblin slayer! +eruruu,utawarerumono +hazawa tsugumi,bang dream! +meowy,chainsaw man +lockon stratos,gundam +iris heart,neptune series +mythra (radiant beach),xenoblade chronicles series +wang liu mei,gundam +kamille bidan,gundam +jean kirchstein,shingeki no kyojin +david martinez,cyberpunk series +gundam aerial,gundam +shez (female),fire emblem +oogaki chiaki,yurucamp +foo fighters,jojo no kimyou na bouken +inui sajuna,sono bisque doll wa koi wo suru +dabi,boku no hero academia +elan ceres,gundam +ryoshu,limbus company +nayuta,chainsaw man +princess zelda,the legend of zelda +hibiki yuuta,gridman universe +ruan mei,honkai: star rail +shigaraki tomura,boku no hero academia +nanase haruka,free! +akechi gorou,persona +rikku,final fantasy +genos,one-punch man +cagalli yula athha,gundam +toyama kasumi,bang dream! +shirokane rinko,bang dream! +matsuoka rin,free! +yunaka,fire emblem +allelujah haptism,gundam +guel jeturk,gundam +nena trinity,gundam +mario,mario series +l,death note +princess peach,mario series +soma peries,gundam +ryne waters,final fantasy +liv,punishing: gray raven +takemi tae,persona +cheese-kun,code geass +pina,sword art online +jill warrick,final fantasy +villetta nu,code geass +tier harribel,bleach +akagi ritsuko,neon genesis evangelion +fukube satoshi,hyouka +meteion,final fantasy +sumeragi lee noriega,gundam +kaminari denki,boku no hero academia +mochizuki ryouji,persona +elpeo puru,gundam +outis,limbus company +krile mayer baldesion,final fantasy +mineva lao zabi,gundam +yoshida hirofumi,chainsaw man +ieiri shoko,jujutsu kaisen +seta kaoru,bang dream! +yagami light,death note +kiryuuin ragyou,kill la kill +if,neptune series +xianyun,genshin impact +shirogane miyuki,kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~ +gladiolus amicitia,final fantasy +brighid,xenoblade chronicles series +kiran (male),fire emblem +matsuoka gou,free! +wild geese,gochuumon wa usagi desu ka? +hinatsuki mikan,machikado mazoku +scary monsters,jojo no kimyou na bouken +cornelia li britannia,code geass +ulti,one piece +tokitou muichirou,kimetsu no yaiba +red blood cell,hataraku saibou +morgan (female),fire emblem +esdeath,akame ga kill! +urushibara ruka,steins;gate +cloud retainer,genshin impact +zaku,gundam +aruruu,utawarerumono +shinazugawa sanemi,kimetsu no yaiba +gojou wakana,sono bisque doll wa koi wo suru +amada ken,persona +green heart,neptune series +marina ismail,gundam +chuatury panlunch,gundam +ichikawa kyoutarou,boku no kokoro no yabai yatsu +unicorn gundam,gundam +felix argyle,re:zero kara hajimeru isekai seikatsu +nelliel tu odelschwanck,bleach +sakamoto ryuuji,persona +shidou irina,high school dxd +rom,neptune series +alear (male),fire emblem +hinata shouyou,haikyuu!! +erwin smith,shingeki no kyojin +milly ashford,code geass +heathcliff,limbus company +kudelia aina bernstein,gundam +alpha,punishing: gray raven +grayfia lucifuge,high school dxd +yamabuki saya,bang dream! +kitagawa yuusuke,persona +ae-3803,hataraku saibou +athrun zala,gundam +black swan,honkai: star rail +emet-selch,final fantasy +nu gundam,gundam +koromaru,persona +tamura manami,ore no imouto ga konna ni kawaii wake ga nai +alisaie leveilleur,final fantasy +prompto argentum,final fantasy +aila jyrkiainen,gundam +fami,chainsaw man +nobi nobita,doraemon +amane misa,death note +hanazono tae,bang dream! +ignis scientia,final fantasy +nanakusa nazuna,yofukashi no uta +sena,blue archive +togata mirio,boku no hero academia +mineta minoru,boku no hero academia +iida tenya,boku no hero academia +nika nanaura,gundam +saitou ena,yurucamp +bell cranel,dungeon ni deai wo motomeru no wa machigatteiru darou ka +akiha rumiho,steins;gate +iguro obanai,kimetsu no yaiba +tianzi,code geass +aventurine,honkai: star rail +tenkawa nayuta,onii-chan wa oshimai! +kuroko tetsuya,kuroko no basuke +kinagase tsumugu,kill la kill +goldmary,fire emblem +pandoria,xenoblade chronicles series +zeta gundam,gundam +meursault,limbus company +purple sister,neptune series +u-1146,hataraku saibou +uzui tengen,kimetsu no yaiba +yagi toshinori,boku no hero academia +krul tepes,owari no seraph +makoto,genshin impact +zeke von genbu,xenoblade chronicles series +strelizia,darling in the franxx +palutena,kid icarus +rudeus greyrat,mushoku tensei +kishibe,chainsaw man +tadano hitohito,komi-san wa komyushou desu +momonosuke,one piece +inkling player character,splatoon series +eva 00,neon genesis evangelion +connie springer,shingeki no kyojin +inumaki toge,jujutsu kaisen +director chimera,spy x family +udagawa ako,bang dream! +kira yamato,gundam +meta knight,kirby series +hiiragi shinoa,owari no seraph +suou tatsuya,persona +shalltear bloodfallen,overlord maruyama +marida cruz,gundam +yotsuyu goe brutus,final fantasy +milim nava,tensei shitara slime datta ken +sword maiden,goblin slayer! +mujina,gridman universe +pururut,neptune series +karenina,punishing: gray raven +robin (female) (summer),fire emblem +kuon,utawarerumono +asada shino,sword art online +goblin slayer,goblin slayer! +rizu-kyun,sono bisque doll wa koi wo suru +yagami kou,new game! +lora,xenoblade chronicles series +no.21,punishing: gray raven +ainz ooal gown,overlord maruyama +kaburamaru,kimetsu no yaiba +hazuki nagisa,free! +rodion,limbus company +llenn,sword art online +dark elven forest ranger,last origin +iijima yun,new game! +ardbert hylfyst,final fantasy +becky blackbell,spy x family +sayla mass,gundam +mount lady,boku no hero academia +iwatani naofumi,tate no yuusha no nariagari +kiryuu moeka,steins;gate +yuri briar,spy x family +nakiri alice,shokugeki no souma +pit,kid icarus +yusa emi,hataraku maou-sama! +nagato yuki,suzumiya haruhi no yuuutsu +doujima ryoutarou,persona +aomine daiki,kuroko no basuke +kuroe shizuku,sono bisque doll wa koi wo suru +feh,fire emblem +kousaka china,gundam +emil,nier series +dr. ratio,honkai: star rail +lumine,genshin impact +casca,berserk +lucia: plume,punishing: gray raven +choso,jujutsu kaisen +kamiki mirai,gundam +lunafreya nox fleuret,final fantasy +nier,granblue fantasy +karulau,utawarerumono +irisu fuyumi,hyouka +poppi qtpi,xenoblade chronicles series +ganyu,genshin impact +mikazuki augus,gundam +mahito,jujutsu kaisen +suzuya juuzou,tokyo ghoul +aida kensuke,neon genesis evangelion +servant,danganronpa series +alphinaud leveilleur,final fantasy +tachibana himeko,k-on! +kagamihara sakura,yurucamp +alcryst,fire emblem +colossal titan,shingeki no kyojin +serafall leviathan,high school dxd +hashida itaru,steins;gate +corrin (female) (summer),fire emblem +hot pants,jojo no kimyou na bouken +iori shirou,kill la kill +hortensia,fire emblem +kromer,limbus company +u-1196,hataraku saibou +maomao,kusuriya no hitorigoto +sonic the hedgehog,sonic series +gundam barbatos,gundam +luigi,mario series +audrey burne,gundam +veyle,fire emblem +komi shuuko,komi-san wa komyushou desu +fiona frost,spy x family +cindy aurum,final fantasy +izanagi,persona +shirogane kei,kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~ +senju muramasa,eromanga sensei +kageyama tobio,haikyuu!! +quattro bajeena,gundam +banagher links,gundam +dazai osamu,bungou stray dogs +tora,xenoblade chronicles series +makishima saori,ore no imouto ga konna ni kawaii wake ga nai +genocider shou,danganronpa series +rosalina,mario series +beatrix,granblue fantasy +jeremiah gottwald,code geass +hatsume mei,boku no hero academia +kochou kanae,kimetsu no yaiba +selena,fire emblem +aoyama blue mountain,gochuumon wa usagi desu ka? +rolo lamperouge,code geass +nakaseko kaori,hibike! euphonium +ness,mother game +turn a gundam,gundam +kousaka tamaki,to heart series +xi gundam,gundam +sano manjirou,tokyo revengers +utsushimi kemii,boku no hero academia +mass production eva,neon genesis evangelion +timerra,fire emblem +shimizu kiyoko,haikyuu!! +aiz wallenstein,dungeon ni deai wo motomeru no wa machigatteiru darou ka +gundam exia,gundam +kawashima sapphire,hibike! euphonium +kagami taiga,kuroko no basuke +raynare,high school dxd +vera,punishing: gray raven +tokoyami fumikage,boku no hero academia +hoto mocha,gochuumon wa usagi desu ka? +minamoto shizuka,doraemon +bowser,mario series +niijima sae,persona +petra ral,shingeki no kyojin +daki,kimetsu no yaiba +rogue titan,shingeki no kyojin +yoshida ryouko,machikado mazoku +citrinne,fire emblem +rain mikamura,gundam +glimmer,xenoblade chronicles series +dogoo,neptune series +cerestia of life,last origin +heero yuy,gundam +orimoto rika,jujutsu kaisen +ryu lion,dungeon ni deai wo motomeru no wa machigatteiru darou ka +louise halevy,gundam +gigi andalusia,gundam +abyssal admiral,kantai collection +inkling girl,splatoon series +stellar loussier,gundam +ultima,final fantasy +chihaya anon,bang dream! +huohuo,honkai: star rail +lucia: crimson abyss,punishing: gray raven +sumeragi kaguya,code geass +meyrin hawke,gundam +ushigome rimi,bang dream! +loran cehack,gundam +jack frost,persona +entoma vasilissa zeta,overlord maruyama +ibuki maya,neon genesis evangelion +mito ikumi,shokugeki no souma +bakugou mitsuki,boku no hero academia +lunch (bad),dragon ball +sonya,fire emblem +meruru,hoshikuzu witch meruru +katou hazuki,hibike! euphonium +lust,fullmetal alchemist +douma,kimetsu no yaiba +katana man,chainsaw man +hisaishi kanade,hibike! euphonium +ulquiorra cifer,bleach +may of doom,last origin +2p,nier series +wakamiya eve,bang dream! +kuroo tetsurou,haikyuu!! +boryeon,last origin +penpen,neon genesis evangelion +toon link,the legend of zelda +histoire,neptune series +aida rayhunton,gundam +pieck finger,shingeki no kyojin +sakura nene,new game! +horaki hikari,neon genesis evangelion +ravel phenex,high school dxd +ethel,xenoblade chronicles series +judau ashta,gundam +labrys,persona +villager,animal crossing +filo,tate no yuusha no nariagari +sawamura daichi,haikyuu!! +oikura sodachi,monogatari series +orange heart,neptune series +panette,fire emblem +ryuugazaki rei,free! +miku,darling in the franxx +shinn asuka,gundam +elven forest maker,last origin +poppi alpha,xenoblade chronicles series +gm,gundam +sachiel,neon genesis evangelion +domon kasshu,gundam +atra mixta,gundam +olivier mira armstrong,fullmetal alchemist +narberal gamma,overlord maruyama +rhea (summer),fire emblem +compa,neptune series +kamishiro rize,tokyo ghoul +kos-mos,xenosaga +liliruca arde,dungeon ni deai wo motomeru no wa machigatteiru darou ka +sparkle,honkai: star rail +ryuk,death note +nagasaki soyo,bang dream! +taion,xenoblade chronicles series +onsoku no sonic,one-punch man +yoko littner,tengen toppa gurren lagann +shinoda hajime,new game! +shez (male),fire emblem +christina sierra,gundam +margaret,persona +bayonetta,bayonetta series +akihiro altland,gundam +otosaka yuu,charlotte anime +dromarch,xenoblade chronicles series +morgan (male),fire emblem +matsuno chifuyu,tokyo revengers +maple,itai no wa iya nano de bougyoryoku ni kyokufuri shitai to omoimasu +saikawa riko,kobayashi-san chi no maidragon +hythlodaeus,final fantasy +kitazawa hagumi,bang dream! +pien cat,needy girl overdose +yamazaki sousuke,free! +bambietta basterbine,bleach +camyu,utawarerumono +welt yang,honkai series +gawr gura,hololive +captain falcon,f-zero +freyja,fire emblem +dianna soreil,gundam +sawatari akane,chainsaw man +solid snake,metal gear series +lady nagant,boku no hero academia +sommie,fire emblem +kendou itsuka,boku no hero academia +gotoh futari,bocchi the rock! +graham aker,gundam +iori utahime,jujutsu kaisen +cait sith,final fantasy +zaku ii s char custom,gundam +komekko,kono subarashii sekai ni shukufuku wo! +kyon,suzumiya haruhi no yuuutsu +yoshino chidori,persona +felt,re:zero kara hajimeru isekai seikatsu +haruno shiobana,jojo no kimyou na bouken +yamato maya,bang dream! +raiden shogun,genshin impact +king crimson,jojo no kimyou na bouken +gridman,gridman universe +crystal exarch,final fantasy +hakuowlo,utawarerumono +hakodate omiko,kill la kill +clorinde,genshin impact +mankanshoku sukuyo,kill la kill +donkey kong,donkey kong series +relena peacecraft,gundam +suzuhara touji,neon genesis evangelion +tusk,jojo no kimyou na bouken +leila malcal,code geass +shinsou hitoshi,boku no hero academia +kozume kenma,haikyuu!! +vaan,final fantasy +rebecca bluegarden,eden's zero +roux louka,gundam +sazabi,gundam +shinazugawa genya,kimetsu no yaiba +frieren,sousou no frieren +diamant,fire emblem +bomb devil,chainsaw man +estinien varlineau,final fantasy +ikuno,darling in the franxx +elsa granhilte,re:zero kara hajimeru isekai seikatsu +allenby beardsley,g gundam +asanaka yomogi,gridman universe +mega man,mega man classic +theodore,persona +sasaki haise,tokyo ghoul +poi,last origin +stephanie dora,no game no life +ling yao,fullmetal alchemist +falling devil,chainsaw man +fox mccloud,star fox +toudou naoya,persona +kurusu kanako,ore no imouto ga konna ni kawaii wake ga nai +porco galliard,shingeki no kyojin +hyakuya yuuichirou,owari no seraph +etie,fire emblem +mei mei,jujutsu kaisen +hiyajou maho,steins;gate +mori calliope,hololive +dom,gundam +oikawa tooru,haikyuu!! +lunch (good),dragon ball +commandant,punishing: gray raven +gino weinberg,code geass +fan la norne,xenoblade chronicles series +rosado,fire emblem +amano maya,persona +wakaouji ichigo,k-on! +moblit berner,shingeki no kyojin +nakahara chuuya,bungou stray dogs +ganondorf,the legend of zelda +qubeley,gundam +g-spring goddess,gundam +yukihira souma,shokugeki no souma +baji keisuke,tokyo revengers +mitsuru,darling in the franxx +lupusregina beta,overlord maruyama +fuiba fuyu,gochuumon wa usagi desu ka? +kanzaki aoi,kimetsu no yaiba +alfred,fire emblem +fa yuiry,gundam +kaji ryouji,neon genesis evangelion +felsi rollo,gundam +joshua rosfield,final fantasy +maou sadao,hataraku maou-sama! +morrigan aensland,vampire game +present mic,boku no hero academia +black sister,neptune series +liv: empyrea,punishing: gray raven +miwa kasumi,jujutsu kaisen +yachi hitoka,haikyuu!! +greed,fullmetal alchemist +haurchefant greystone,final fantasy +lucina (spring),fire emblem +sero hanta,boku no hero academia +hirume of heavenly incense,last origin +sex pistols,jojo no kimyou na bouken +gundam mk ii,gundam +bokuto koutarou,haikyuu!! +sensei,blue archive +komaki manaka,to heart series +garma zabi,gundam +ishigami yuu,kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~ +torgal,final fantasy +hikigaya komachi,yahari ore no seishun lovecome wa machigatteiru. +yukinoshita haruno,yahari ore no seishun lovecome wa machigatteiru. +yuigahama yui's mother,yahari ore no seishun lovecome wa machigatteiru. +princess daisy,mario series +prospera mercury,gundam +aether,genshin impact +mankanshoku matarou,kill la kill +tooyama rin,new game! +hongryeon,last origin +rude,final fantasy +kaneki ichika,tokyo ghoul +senkawa minato,onii-chan wa oshimai! +sticky fingers,jojo no kimyou na bouken +guncannon,gundam +todoroki touya,boku no hero academia +wii fit trainer,wii fit +riselia ray crystalia,seiken gakuin no maken tsukai +envy,fullmetal alchemist +gouf,gundam +grimmjow jaegerjaquez,bleach +quinella,sword art online +hiiragi kagami,lucky star +god gundam,gundam +kana (female),fire emblem +anew returner,gundam +ericht samaya,gundam +jinno megumi,eromanga sensei +asahina mikuru,suzumiya haruhi no yuuutsu +iori sei,gundam +orga itsuka,gundam +anosillus ii,gridman universe +ninomae ina'nis,hololive +magatsuchi shouta,kobayashi-san chi no maidragon +duo maxwell,gundam +00 gundam,gundam +angelise reiter,final fantasy +chikuwa,yurucamp +freedom gundam,gundam +g-self,gundam +sakurai shin'ichi,uzaki-chan wa asobitai! +metis,persona +hyakuya mikaela,owari no seraph +crusch karsten,re:zero kara hajimeru isekai seikatsu +wario,mario series +corrin (female) (nohr noble),fire emblem +tiffa adill,gundam +tsukishima kei,haikyuu!! +sakurada yuuta,onii-chan wa oshimai! +osana najimi,komi-san wa komyushou desu +amajiki tamaki,boku no hero academia +noumu,boku no hero academia +akame,akame ga kill! +king dedede,kirby series +luma,mario series +master asia,gundam +zenos yae galvus,final fantasy +tamade chiyu,bang dream! +lum,urusei yatsura +hyoudou issei,high school dxd +nitori aiichirou,free! +hu tao,genshin impact +shenhe,genshin impact +ryu,street fighter +takamachi nanoha,lyrical nanoha +sheik,the legend of zelda +nina einstein,code geass +akaza,kimetsu no yaiba +ouro kronii,hololive +paimon,genshin impact +mankanshoku barazou,kill la kill +totsuka saika,yahari ore no seishun lovecome wa machigatteiru. +thancred waters,final fantasy +arsene,persona +zorome,darling in the franxx +kihel heim,gundam +hi-nu gundam,gundam +shiina taki,bang dream! +isabelle,animal crossing +tougou hifumi,persona +lyle dylandy,gundam +shaddiq zenelli,gundam +marco bodt,shingeki no kyojin +watson amelia,hololive +killer t,hataraku saibou +philia,sword art online +jinshi,kusuriya no hitorigoto +pac-man,pac-man game +hatsuse izuna,no game no life +triandra,fire emblem +luluko,code geass +gundam aerial rebuild,gundam +kibutsuji muzan,kimetsu no yaiba +nyubara reona,bang dream! +marlene wallace,final fantasy +fei fakkuma,final fantasy +kohaku,dr. stone +takanashi kiara,hololive +mr. game & watch,super smash bros. +lrl,last origin +ronye arabel,sword art online +eto,tokyo ghoul +houshou marine,hololive +mecha-fiora,xenoblade chronicles series +kos-mos re:,xenoblade chronicles series +oerba yun fang,final fantasy +oshino meme,monogatari series +norea du noc,gundam +ahagon umiko,new game! +hanemiya kazutora,tokyo revengers +tayelle ebonclaw,final fantasy +inui shinju,sono bisque doll wa koi wo suru +usada pekora,hololive +machine,nier:automata +cham-p,danganronpa series +uzaki yanagi,uzaki-chan wa asobitai! +tiese schtrinen,sword art online +devola,nier series +kinomoto sakura,cardcaptor sakura +destiny gundam,gundam +himejima gyoumei,kimetsu no yaiba +popola,nier series +framme,fire emblem +anti,gridman universe +yonah,nier series +reiji,gundam +astrologian,final fantasy +kimura seiko,danganronpa series +night angel,last origin +iihara nao,resort boin +toki ayano,yurucamp +franky franklin,spy x family +asukagawa chise,gridman universe +tusk act1,jojo no kimyou na bouken +izanami,persona +zeke yeager,shingeki no kyojin +kuromi,sanrio +caroline,persona +diddy kong,donkey kong series +olimar,pikmin series +lafter frankland,gundam +li xingke,code geass +ewen egeburg,spy x family +octopus devil,chainsaw man +kurata mashiro,bang dream! +tenryuu,kantai collection +00 qan[t],gundam +aida taketo,kobayashi-san chi no maidragon +minfilia warde,final fantasy +garou,one-punch man +aura bella fiora,overlord maruyama +cow girl,goblin slayer! +lanz,xenoblade chronicles series +armored titan,shingeki no kyojin +nakahara mizuki,lycoris recoil +beam,chainsaw man +mutsuki tooru,tokyo ghoul +kaiki deishuu,monogatari series +hydaelyn,final fantasy +ojiro mashirao,boku no hero academia +reinhard van astrea,re:zero kara hajimeru isekai seikatsu +frederica baumann,re:zero kara hajimeru isekai seikatsu +little red riding hood,little red riding hood +cecile croomy,code geass +riki,xenoblade chronicles series +nina (thief),fire emblem +rosetta,granblue fantasy +mona,genshin impact +yumemi riamu,idolmaster +chainsaw devil,chainsaw man +futoshi,darling in the franxx +lyn (summer),fire emblem +zz gundam,gundam +gabi braun,shingeki no kyojin +maga-g,danganronpa series +hachiko of castling,last origin +otosaka ayumi,charlotte anime +suigintou,rozen maiden +shinozaki sayoko,code geass +lalah sune,gundam +momoi satsuki,kuroko no basuke +auruo bossard,shingeki no kyojin +fuyukawa kagari,hakanai kimi wa moukou wo hajimeru +draculina,last origin +mochizuki momiji,new game! +kamiki sekai,gundam +gundam calibarn,gundam +sabrith ebonclaw,final fantasy +sun-d,danganronpa series +izumi masamune,eromanga sensei +murrue ramius,gundam +aranea highwind,final fantasy +reaper,final fantasy +female titan,shingeki no kyojin +emile elman,spy x family +yoshizawa sumire,persona +luna: laurel,punishing: gray raven +nishimori yusa,charlotte anime +fujimaru ritsuka,fate/grand order +purple haze,jojo no kimyou na bouken +dark pit,kid icarus +falco lombardi,star fox +f91 gundam,gundam +jum-p,danganronpa series +monica kruszewski,code geass +invincible dragon,last origin +sekhmet of death,last origin +takiya makoto,kobayashi-san chi no maidragon +justine,persona +unicorn gundam banshee,gundam +fox devil,chainsaw man +themis,final fantasy +ayla,punishing: gray raven +my melody,sanrio +black lilith,last origin +popo,ice climber +oribe tsubasa,fire emblem +strike gundam,gundam +sochie heim,gundam +emma sheen,gundam +sabito,kimetsu no yaiba +shimura nana,boku no hero academia +terakomari gandezblood,hikikomari kyuuketsuki no monmon +echoes,jojo no kimyou na bouken +simon,tengen toppa gurren lagann +tiki (adult) (summer),fire emblem +monica von ochs,fire emblem +reiko holinger,gundam +yashio rui,bang dream! +altera moontail,final fantasy +gun devil,chainsaw man +bambinata,punishing: gray raven +lilique kadoka lipati,gundam +lisa silverman,persona +minato aqua,hololive +hathaway noa,gundam +fat gum,boku no hero academia +may chang,fullmetal alchemist +black rock shooter,black rock shooter +wing gundam zero custom,gundam +camilla (spring),fire emblem +yashiro momoka,gundam +hots,gundam +payila,granblue fantasy +argo the rat,sword art online +no.21: xxi,punishing: gray raven +sakazuki,one piece +spider-man,marvel +sophie pulone,gundam +camilla (summer),fire emblem +kamazuki suzuno,hataraku maou-sama! +akaashi keiji,haikyuu!! +kiana kaslana,honkai series +petelgeuse romaneeconti,re:zero kara hajimeru isekai seikatsu +kampfer,gundam +piranha plant,mario series +malos,xenoblade chronicles series +kana (male),fire emblem +flay allster,gundam +tabris-xx,neon genesis evangelion +tadokoro megumi,shokugeki no souma +tail,honkai: star rail +shiki haruomi,kanojo x kanojo x kanojo +borsalino,one piece +lucia: crimson weave,punishing: gray raven +no.21: feral scent,punishing: gray raven +prototype labiata,last origin +doodle sensei,blue archive +aerosmith,jojo no kimyou na bouken +terui soushichi,hakanai kimi wa moukou wo hajimeru +zeong,gundam +mileina vashti,gundam +gouda takeshi,doraemon +twice,boku no hero academia +strea,sword art online +cosmo,chainsaw man +priscilla barielle,re:zero kara hajimeru isekai seikatsu +arato hisako,shokugeki no souma +yazawa nico,love live! +whitesnake,jojo no kimyou na bouken +minase inori,gochuumon wa usagi desu ka? +sugawara koushi,haikyuu!! +utsumi shou,gridman universe +shaula,re:zero kara hajimeru isekai seikatsu +miho,last origin +furina,genshin impact +kaban,kemono friends +fate testarossa,lyrical nanoha +family computer robot,fire emblem +hilda ware,final fantasy +lauda neill,gundam +pharos,persona +santa claus,chainsaw man +fuyutsuki kouzou,neon genesis evangelion +001,darling in the franxx +kshatriya,gundam +julietta juris,gundam +sunday,honkai: star rail +vergil,devil may cry series +kouzuki hiyori,one piece +tsugikuni yoriichi,kimetsu no yaiba +komori kinoko,boku no hero academia +kinoshita shizuka,k-on! +mare bello fiore,overlord maruyama +ash,fire emblem +zen'in mai,jujutsu kaisen +shin-chan,neon genesis evangelion +fafnir,kobayashi-san chi no maidragon +pish,neptune series +sharla,xenoblade chronicles series +riko,machikado mazoku +fushimi chihiro,persona +four murasame,gundam +midorima shintarou,kuroko no basuke +gaelio bauduin,gundam +kaijin hime do-s,one-punch man +hassu,gridman universe +erd gin,shingeki no kyojin +yonebayashi saiko,tokyo ghoul +takanashi rikka,chuunibyou demo koi ga shitai! +guild girl,goblin slayer! +dunban,xenoblade chronicles series +corrin (female) (adrift),fire emblem +gundam age-1,gundam +takamatsu tomori,bang dream! +murasakibara atsushi,kuroko no basuke +iris amicitia,final fantasy +kagenui yozuru,monogatari series +hayami saori,spy x family +young link,the legend of zelda +zaku ii f/j,gundam +quess paraya,gundam +charles zi britannia,code geass +leprechaun,last origin +tsutsukakushi tsukiko,hentai ouji to warawanai neko. +yuudachi kai ni,kantai collection +strike freedom gundam,gundam +na'el,xenoblade chronicles series +urianger augurelt,final fantasy +ogasawara haruka,hibike! euphonium +shinra tsubaki,high school dxd +agil,sword art online +kanade,beast tamer +rein shroud,beast tamer +yukine,noragami +kazuma,noragami +iki hiyori,noragami +segawa hiro,kakkou no iinazuke +amano erika,kakkou no iinazuke +umino sachi,kakkou no iinazuke +umino nagi,kakkou no iinazuke +villhaze,hikikomari kyuuketsuki no monmon +sakuna memoire,hikikomari kyuuketsuki no monmon +jeanne d'arc alter,fate/grand order +tamamo,fate series +shirakami fubuki,hololive +zhongli,genshin impact +yae miko,genshin impact +manjuu,azur lane +nishikino maki,love live! +toujou nozomi,love live! +yuuka,blue archive +ayase eli,love live! +keqing,genshin impact +nekomata okayu,hololive +tokoyami towa,hololive +minami kotori,love live! +toki,blue archive +kamisato ayaka,genshin impact +nanashi mumei,hololive +tartaglia,genshin impact +shirogane noel,hololive +klee,genshin impact +arona's sensei doodle,blue archive +kousaka honoka,love live! +,original +sakura miko,hololive +inugami korone,hololive +amane kanata,hololive +watanabe you,love live! +scaramouche,genshin impact +hoshizora rin,love live! +asuna (bunny),blue archive +oozora subaru,hololive +ookami mio,hololive +boo tao,genshin impact +uruha rushia,hololive +xiao,genshin impact +yukihana lamy,hololive +karyl,princess connect! +shishiro botan,hololive +higuchi madoka,idolmaster +djeeta,granblue fantasy +koizumi hanayo,love live! +nahida,genshin impact +kiryu coco,hololive +koharu,blue archive +tsushima yoshiko,love live! +murasaki shion,hololive +aris,blue archive +nilou,genshin impact +fischl,genshin impact +yelan,genshin impact +shiranui flare,hololive +nakiri ayame,hololive +la+ darknesss,hololive +toki (bunny),blue archive +barbara,genshin impact +sakurauchi riko,love live! +jean,genshin impact +natsuiro matsuri,hololive +hakos baelz,hololive +pecorine,princess connect! +sangonomiya kokomi,genshin impact +hanako,blue archive +narmaya,granblue fantasy +tamamo no mae,fate series +kokkoro,princess connect! +bronya zaychik,honkai series +don-chan,hololive +mayuzumi fuyuko,idolmaster +takami chika,love live! +cu chulainn,fate/grand order +kaedehara kazuha,genshin impact +ceres fauna,hololive +raiden mei,honkai series +kisaki,blue archive +mari,blue archive +aru,blue archive +hasumi,blue archive +fu hua,honkai series +yoimiya,genshin impact +diluc,genshin impact +jeanne d'arc (ruler),fate series +arona,blue archive +karin (bunny),blue archive +akai haato,hololive +shiroko (swimsuit),blue archive +tsukino mito,nijisanji +trailblazer,honkai: star rail +qiqi,genshin impact +gran,granblue fantasy +matsuura kanan,love live! +hakui koyori,hololive +yuuka (track),blue archive +tsunomaki watame,hololive +arima kana,oshi no ko +kunikida hanamaru,love live! +momoi,blue archive +miyu,blue archive +asakura toru,idolmaster +irys,hololive +ako,blue archive +ui,blue archive +omaru polka,hololive +hachimiya meguru,idolmaster +hifumi,blue archive +takodachi,hololive +plana,blue archive +ningguang,genshin impact +kayoko,blue archive +kurosawa ruby,love live! +fukumaru koito,idolmaster +kazama iroha,hololive +wanderer,genshin impact +march 7th,honkai: star rail +dodoco,genshin impact +neru,blue archive +momosuzu nene,hololive +kazusa,blue archive +kaeya,genshin impact +seele vollerei,honkai series +kujou sara,genshin impact +nonomi,blue archive +yae sakura,honkai series +lize helesta,nijisanji +lisa,genshin impact +alhaitham,genshin impact +shirase sakuya,idolmaster +morino rinze,idolmaster +elira pendora,nijisanji +tokisaki kurumi,date a live +hanako (swimsuit),blue archive +iori,blue archive +ohara mari,love live! +izuna,blue archive +saren,princess connect! +kuwayama chiyuki,idolmaster +theresa apocalypse,honkai series +hoshino ai,oshi no ko +selen tatsuki,nijisanji +himemori luna,hololive +yuuki setsuna,love live! +tsukioka kogane,idolmaster +stelle,honkai: star rail +bloop,hololive +bremerton (scorching-hot training),azur lane +t-head trainer,umamusume +hoshikawa sara,nijisanji +yanfei,genshin impact +beidou,genshin impact +higuchi kaede,nijisanji +azusa,blue archive +shiina yuika,nijisanji +jeanne d'arc alter (ver. shinjuku 1999),fate/grand order +takane lui,hololive +osaki amana,idolmaster +ange katrina,nijisanji +inui toko,nijisanji +hibiki (cheer squad),blue archive +miyako,princess connect! +yuzuki choco,hololive +tighnari,genshin impact +elysia,honkai series +serizawa asahi,idolmaster +kureiji ollie,hololive +yuzu,blue archive +bibi,hololive +ichika,blue archive +tokino sora,hololive +silver wolf,honkai series +sonoda chiyoko,idolmaster +kaguya luna,the moon studio +uehara ayumu,love live! +tanaka mamimi,idolmaster +cagliostro,granblue fantasy +rita rossweisse,honkai series +komiya kaho,idolmaster +jumpy dumpty,genshin impact +hatoba tsugu,tsugu vtuber +makaino ririmu,nijisanji +anila,granblue fantasy +zeta,granblue fantasy +dan heng,honkai series +fern,sousou no frieren +sakuragi mano,idolmaster +tenma tsukasa,project sekai +hoshino (swimsuit),blue archive +shinonome ena,project sekai +hasumi (track),blue archive +cyno,genshin impact +peroro,blue archive +kaveh,genshin impact +chongyun,genshin impact +tsukumo sana,hololive +kamisato ayato,genshin impact +arisugawa natsuha,idolmaster +tennouji rina,love live! +osaki tenka,idolmaster +kazano hiori,idolmaster +xingqiu,genshin impact +suzuhara lulu,nijisanji +pomu rainpuff,nijisanji +ichikawa hinana,idolmaster +dehya,genshin impact +ootori emu,project sekai +rosaria,genshin impact +shiroko terror,blue archive +moona hoshinova,hololive +xiangling,genshin impact +serika,blue archive +artoria pendragon (alter swimsuit rider) (second ascension),fate/grand order +vikala,granblue fantasy +asahina mafuyu,project sekai +mari (track),blue archive +takasaki yuu,love live! +akiyama mizuki,project sekai +akane,blue archive +arlecchino,genshin impact +nonomi (swimsuit),blue archive +sasaki saku,nijisanji +hilichurl,genshin impact +hina (swimsuit),blue archive +kuki shinobu,genshin impact +sucrose,genshin impact +prinz eugen (unfading smile),azur lane +ferry,granblue fantasy +izumi mei,idolmaster +nerissa ravencroft,hololive +wakamo,blue archive +abigail williams (traveling outfit),fate/grand order +hyakumantenbara salome,nijisanji +finana ryugu,nijisanji +hoshino ruby,oshi no ko +murata himeko,honkai series +yukoku kiriko,idolmaster +mococo abyssgard,hololive +florence nightingale (trick or treatment),fate/grand order +meltryllis (swimsuit lancer) (first ascension),fate/grand order +anis,goddess of victory: nikke +fuwawa abyssgard,hololive +miyamoto musashi (swimsuit berserker) (second ascension),fate/grand order +danua,granblue fantasy +nakasu kasumi,love live! +kuzuha,nijisanji +aki rosenthal,hololive +lyria,granblue fantasy +collei,genshin impact +shizuka rin,nijisanji +ousaka shizuku,love live! +kusanagi nene,project sekai +shigure ui,indie virtual youtuber +neru (bunny),blue archive +arataki itto,genshin impact +ryugasaki rene,nanashi inc. +astolfo (sailor paladin),fate series +isekai joucho,kamitsubaki studio +hoshino aquamarine,oshi no ko +shibuya kanon,love live! +shishio chris,nanashi inc. +vira,granblue fantasy +kamishiro rui,project sekai +yoisaki kanade,project sekai +pavolia reine,hololive +yang guifei (second ascension),fate/grand order +taihou (enraptured companion),azur lane +daitaku helios,umamusume +yozora mel,hololive +shiori novella,hololive +vane,granblue fantasy +diona,genshin impact +sister cleaire,nijisanji +himari,blue archive +saijo juri,idolmaster +crystalfly,genshin impact +lynette,genshin impact +thoma,genshin impact +producer,idolmaster +scathach (piercing bunny),fate/grand order +artoria caster (second ascension),fate/grand order +sirius (azure horizons),azur lane +koharu (swimsuit),blue archive +enna alouette,nijisanji +atago (stunning speedster),azur lane +roboco-san,hololive +bb (swimsuit mooncancer) (second ascension),fate/grand order +iori (swimsuit),blue archive +haruka,blue archive +zara (poolside coincidence),azur lane +jeanne d'arc alter (avenger) (third ascension),fate/grand order +yorumi rena,nijisanji +konoe kanata,love live! +homu,honkai series +abigail williams (third ascension),fate/grand order +sukoya kana,nijisanji +friend,hololive +seia,blue archive +island fox,kemono friends +st. louis (luxurious wheels),azur lane +izuna (swimsuit),blue archive +seele,honkai series +blade,honkai series +akane (bunny),blue archive +aoyagi touya,project sekai +keqing (opulent splendor),genshin impact +saber alter (ver. shinjuku 1999),fate/grand order +zooey,granblue fantasy +asaka karin,love live! +andira,granblue fantasy +mudrock (elite ii),arknights +shinonome akito,project sekai +justice task force member,blue archive +crow,hololive +abigail williams (swimsuit foreigner) (third ascension),fate/grand order +meltryllis (swimsuit lancer) (second ascension),fate/grand order +caelus,honkai: star rail +pekomon,hololive +kyouka,princess connect! +male doctor,arknights +jeanne d'arc (swimsuit archer) (first ascension),fate/grand order +tang keke,love live! +blue poison (shoal beat),arknights +heanna sumire,love live! +guoba,genshin impact +neuvillette,genshin impact +miyashita ai,love live! +azki,hololive +sirius (scorching-hot seirios),azur lane +shikanoin heizou,genshin impact +miyako (swimsuit),blue archive +kokona,blue archive +kaf,kamitsubaki studio +takamiya rion,nijisanji +le malin (listless lapin),azur lane +emma verde,love live! +petra gurin,nijisanji +yun jin,genshin impact +bianka durandal ataegina,honkai series +yuni,princess connect! +bb (swimsuit mooncancer) (third ascension),fate/grand order +saren (summer),princess connect! +oberon (third ascension),fate/grand order +yuel,granblue fantasy +amamiya kokoro,nijisanji +taihou (forbidden feast),azur lane +kanae,nijisanji +kaho,blue archive +karyl (summer),princess connect! +mysterious heroine x alter (first ascension),fate/grand order +nagisa,blue archive +natsu,blue archive +layla,genshin impact +honma himawari,nijisanji +rindou mikoto,nijisanji +reisa,blue archive +lain paterson,nijisanji +morinaka kazaki,nijisanji +nekomiya hinata,hinata channel +vyrn,granblue fantasy +kashino (hot springs relaxation),azur lane +siro,dennou shoujo youtuber siro +mitsumine yuika,idolmaster +skadi (waverider),arknights +sayu,genshin impact +lyney,genshin impact +bubba,hololive +nui sociere,nijisanji +baobhan sith (first ascension),fate/grand order +jeanne d'arc (swimsuit archer) (second ascension),fate/grand order +himeko,honkai: star rail +aris (maid),blue archive +faruzan,genshin impact +atago (summer march),azur lane +subaru duck,hololive +kama (first ascension),fate/grand order +bronya rand,honkai series +atsuko,blue archive +mr. squeaks,hololive +aranara,genshin impact +miyamoto musashi (third ascension),fate/grand order +neko,hololive +ao-chan,hololive +lancelot,granblue fantasy +nemo,fate/grand order +a-chan,hololive +elysia (miss pink elf),honkai series +jeanne d'arc (third ascension),fate series +female commander,azur lane +arashi chisato,love live! +kojo anna,nanashi inc. +pecorine (summer),princess connect! +mobius,honkai series +rozaliya olenyeva,honkai series +jingliu,honkai: star rail +kurokami fubuki,hololive +nice nature (run&win),umamusume +mifune shioriko,love live! +baron bunny,genshin impact +millie parfait,nijisanji +texas (willpower),arknights +saki (swimsuit),blue archive +ui (swimsuit),blue archive +hakase fuyuki,nijisanji +vampy,granblue fantasy +kotori,hololive +ayunda risu,hololive +nanakusa nichika,idolmaster +azusawa kohane,project sekai +wakamo (swimsuit),blue archive +shun,blue archive +35p,hololive +sakurako,blue archive +koseki bijou,hololive +tsurugi,blue archive +fuuka,blue archive +aketa mikoto,idolmaster +kenmochi touya,nijisanji +bennett,genshin impact +tamamo cat (third ascension),fate/grand order +kallen kaslana,honkai series +ike eveland,nijisanji +koyuki,blue archive +dan heng (imbibitor lunae),honkai: star rail +shiraishi an,project sekai +texas (winter messenger),arknights +vox akuma,nijisanji +mononobe alice,nijisanji +suzuran (spring praise),arknights +surtr (colorful wonderland),arknights +miyu (swimsuit),blue archive +vajra,granblue fantasy +barbara (summertime sparkle),genshin impact +fu xuan,honkai series +hifumi (swimsuit),blue archive +ayane,blue archive +oz,genshin impact +tamamo cat (first ascension),fate/grand order +kson,vshojo +tamamo no mae (swimsuit lancer) (second ascension),fate/grand order +ssrb,hololive +mudrock (silent night),arknights +catura,granblue fantasy +wriothesley,genshin impact +shuten douji (first ascension),fate/grand order +suou patra,nanashi inc. +akira,blue archive +rapi,goddess of victory: nikke +anya melfissa,hololive +tweyen,granblue fantasy +fighter,granblue fantasy +abigail williams (second ascension),fate/grand order +yatogami tooka,date a live +sebastian piyodore,nijisanji +chise,blue archive +amano pikamee,voms +rosemi lovelock,nijisanji +mordred (swimsuit rider) (first ascension),fate/grand order +serina,blue archive +kurokawa akane,oshi no ko +airani iofifteen,hololive +ars almal,nijisanji +zhongli (archon),genshin impact +eriko,princess connect! +luca kaneshiro,nijisanji +shirayuki tomoe,nijisanji +nero claudius (olympian bloomers),fate/grand order +venti (archon),genshin impact +mysta rias,nijisanji +kumbhira,granblue fantasy +candace,genshin impact +ironmouse,vshojo +reimu endou,nijisanji +xinyan,genshin impact +rice shower (make up vampire!),umamusume +monika weisswind,granblue fantasy +nero claudius (swimsuit caster) (third ascension),fate/grand order +charlotta,granblue fantasy +yoshimi,blue archive +nian (unfettered freedom),arknights +aponia,honkai series +eimi,blue archive +scaramouche (kabukimono),genshin impact +takao (beach rhapsody),azur lane +formidable (the lady of the beach),azur lane +vei,vshojo +tomoe gozen (swimsuit saber) (first ascension),fate/grand order +artoria pendragon (lancer alter) (royal icing),fate/grand order +skadi (elite ii),arknights +tamamo no mae (swimsuit lancer) (third ascension),fate/grand order +furen e lustario,nijisanji +silvervale,vshojo +liliya olenyeva,honkai series +lappland (refined horrormare),arknights +mirai akari,mirai akari project +zhong lanzhu,love live! +korwa,granblue fantasy +serika (swimsuit),blue archive +daifuku,hololive +haruna (track),blue archive +itsuka kotori,date a live +smol ame,hololive +narmaya (summer),granblue fantasy +belfast (shopping with the head maid),azur lane +kotori (cheer squad),blue archive +elysia (herrscher of human:ego),honkai series +hazuki ren,love live! +okita souji alter (first ascension),fate/grand order +vestia zeta,hololive +grim,azur lane +koyanskaya (assassin) (first ascension),fate/grand order +bb (swimsuit mooncancer) (first ascension),fate/grand order +justina follower,blue archive +shizuru,princess connect! +shu yamino,nijisanji +sen,granblue fantasy +kaela kovalskia,hololive +ichinose uruha,vspo! +death-sensei,hololive +bremerton (kung fu cruiser),azur lane +katalina,granblue fantasy +siberian chipmunk,kemono friends +tenma saki,project sekai +tamamo cat (second ascension),fate/grand order +mashiro,nijisanji +tobiichi origami,date a live +mano aloe,hololive +kagura mea,kagura gumi +new jersey (exhilarating steps!),azur lane +haaton,hololive +ch'en (ageless afterglow),arknights +kageyama shien,holostars +hanasato minori,project sekai +astel leda,holostars +chihiro,blue archive +kobo kanaeru,hololive +yaoyao,genshin impact +brown long-eared bat,kemono friends +chieru,princess connect! +meowfficer,azur lane +columbina,genshin impact +melody,vshojo +tingyun,honkai series +ilsa,granblue fantasy +magisa,granblue fantasy +chinatsu,blue archive +nanakusa hazuki,idolmaster +african penguin,kemono friends +mordred (memories at trifas),fate series +anis (sparkling summer),goddess of victory: nikke +seelie,genshin impact +kama (second ascension),fate/grand order +grea,shingeki no bahamut +m4a1 (mod3),girls' frontline +threo,granblue fantasy +utage (summer flowers),arknights +herta,honkai series +25-ji miku,project sekai +hoshino ichika,project sekai +abigail williams (emerald float),fate/grand order +jean (sea breeze dandelion),genshin impact +shiroko (cycling),blue archive +pokobee,hololive +rex lapis,genshin impact +ayase arisa,love live! +moe (swimsuit),blue archive +azusa (swimsuit),blue archive +listener,hololive +hanasaki miyabi,holostars +female trainer,umamusume +sturm,granblue fantasy +m16a1 (boss),girls' frontline +nitocris (swimsuit assassin) (second ascension),fate/grand order +okita j. souji (first ascension),fate/grand order +viper,goddess of victory: nikke +eyjafjalla (summer flower),arknights +jing yuan,honkai: star rail +societte,granblue fantasy +ilya,princess connect! +perseus (unfamiliar duties),azur lane +jeanne d'arc alter (avenger) (first ascension),fate/grand order +fischl (ein immernachtstraum),genshin impact +sandalphon,granblue fantasy +shun (small),blue archive +hiyori,princess connect! +fungi,genshin impact +sukonbu,hololive +hanae,blue archive +nekko,hololive +megu,blue archive +shigure (hot spring),blue archive +signora,genshin impact +the emperor,arknights +mikoko,kemomimi oukoku kokuei housou +female sensei,blue archive +yu mei-ren (first ascension),fate/grand order +alicia,granblue fantasy +hatsune,princess connect! +helm,goddess of victory: nikke +kama (third ascension),fate/grand order +jingwei,honkai series +la pluma (summer flowers),arknights +miyamoto musashi (first ascension),fate/grand order +onigirya,hololive +luo xiaohei,luo xiaohei zhanji +mysterious heroine x alter (second ascension),fate/grand order +kayoko (new year),blue archive +freminet,genshin impact +mahira,granblue fantasy +abigail williams (festival outfit),fate/grand order +yoshino,date a live +aragami oga,holostars +pikl,nijisanji +abigail williams (swimsuit foreigner) (first ascension),fate/grand order +surtr (liberte echec),arknights +akatsuki uni,uni create +godsworn alexiel,granblue fantasy +kiyohime (swimsuit lancer) (first ascension),fate/grand order +suo sango,nijisanji +banana,girls' frontline +fallenshadow,indie virtual youtuber +izumi,blue archive +kanade izuru,holostars +taihou (temptation on the sea breeze),azur lane +kintsuba,hololive +yukoku roberu,holostars +daiichi ruby,umamusume +prinz eugen (final lap),azur lane +kazuno sarah,love live! +heixiu,arknights +izmir,granblue fantasy +yuzuki roa,nijisanji +kira tsubasa,love live! +female doctor,arknights +shylily,indie virtual youtuber +ikaruga luca,idolmaster +ratna petit,nijisanji +hk416 (black kitty's gift),girls' frontline +memcho,oshi no ko +warabeda meijii,nijisanji +honolulu (umbrella girl),azur lane +rupee,goddess of victory: nikke +yuuki chihiro,nijisanji +artoria caster (swimsuit),fate/grand order +fuwa minato,nijisanji +barghest (second ascension),fate/grand order +miyamoto musashi (second ascension),fate/grand order +michiru,blue archive +baltimore (after-school ace),azur lane +pom-pom,honkai: star rail +humboldt penguin,kemono friends +metera,granblue fantasy +shizuko,blue archive +gold ship (run revolt launcher),umamusume +zeta (summer),granblue fantasy +,blue archive +vlad iii,fate/grand order +griseo,honkai series +sukeban (smg),blue archive +tsukuyo,blue archive +taihou (sweet time after school),azur lane +kishido temma,holostars +reijo,blue archive +chise (swimsuit),blue archive +elizabeth bathory (first ascension),fate series +dola,nijisanji +artoria caster (third ascension),fate/grand order +kama (swimsuit avenger) (third ascension),fate/grand order +hinomori shizuku,project sekai +hare,blue archive +tomari mari,indie virtual youtuber +ayanami (retrofit),azur lane +yoshinon,date a live +artoria caster (first ascension),fate/grand order +aoi,princess connect! +indomitable (ms. motivationless maid),azur lane +lady avalon (second ascension),fate/grand order +lecia,granblue fantasy +takao (full throttle charmer),azur lane +kiritani haruka,project sekai +koyanskaya (chinese lostbelt outfit),fate/grand order +yuzu (maid),blue archive +nyatasha nyanners,vshojo +mia taylor,love live! +surtr's golem,arknights +mutsuki (new year),blue archive +gundou mirei,nijisanji +udin,hololive +shoto,indie virtual youtuber +female tourist c,arknights +topaz,honkai: star rail +yang guifei (first ascension),fate/grand order +kousaka yukiho,love live! +oruyanke,hololive +boros,hololive +nakagawa nana,love live! +yukimin,hololive +eden,honkai series +pardofelis,honkai series +angelina (summer flower),arknights +apricot the lich,vshojo +ushiwakamaru (swimsuit assassin) (first ascension),fate/grand order +aizawa ema,vspo! +angelina (distinguished visitor),arknights +stark,sousou no frieren +tachibana hinano,vspo! +zooey (summer),granblue fantasy +artoria pendragon (swimsuit archer) (first ascension),fate/grand order +elu,nijisanji +yakumo beni,vspo! +mudrock (obsidian),arknights +atago (school traumerei),azur lane +yuegui,genshin impact +bradamante (first ascension),fate/grand order +amemiya nazuna,vshojo +unicorn (long-awaited date),azur lane +taihou (phoenix's spring song),azur lane +pola (seaside coincidence),azur lane +p-head producer,idolmaster +cernunnos,fate/grand order +yuisis,granblue fantasy +nun bora,nijisanji +yorick,hololive +morte,arknights +daiwa scarlet (trifle vacation),umamusume +oda nobunaga (swimsuit berserker) (first ascension),fate/grand order +himiko (first ascension),fate/grand order +melusine (second ascension),fate/grand order +mejiro mcqueen (ripple fairlady),umamusume +dusk (everything is a miracle),arknights +dokuro-kun,hololive +arurandeisu,holostars +k.s.miracle,umamusume +yaia,granblue fantasy +misogi,princess connect! +niyon,granblue fantasy +rikka,holostars +camieux,granblue fantasy +li shuwen,fate/grand order +rim,kamitsubaki studio +zentreya,vshojo +st ar-15 (mod3),girls' frontline + (robot),blue archive +baizhu,genshin impact +kokkoro (summer),princess connect! +ankimo,hololive +ningguang (orchid's evening gown),genshin impact +orfevre,umamusume +tonelico,fate/grand order +debidebi debiru,nijisanji +souchou,vshojo +ump45 (mod3),girls' frontline +momoi airi,project sekai +yuuhi riri,nijisanji +nozomi,princess connect! +tsumugi,princess connect! +hk416 (starry cocoon),girls' frontline +kurumi noah,vspo! +kazuno leah,love live! +bao,indie virtual youtuber +springfield (stirring mermaid),girls' frontline +nero claudius (bride) (second ascension),fate series +katsushika hokusai (traveling outfit),fate/grand order +skadi the corrupting heart (sublimation),arknights +anthuria,granblue fantasy +bradamante (third ascension),fate/grand order +shiokko,hololive +belial,granblue fantasy +yui (ceremonial),princess connect! +otogibara era,nijisanji +amatsuka uto,indie virtual youtuber +hinata (swimsuit),blue archive +maria marionette,nijisanji +cucouroux,granblue fantasy +scaramouche (cat),genshin impact +inuyama tamaki,noripro +crewmate,among us +anila (summer),granblue fantasy +astolfo (memories at trifas),fate series +baobhan sith (swimsuit pretender),fate/grand order +cu chulainn alter (third ascension),fate/grand order +belmond banderas,nijisanji +okita j. souji (third ascension),fate/grand order +piyoko,hololive +mon3tr,arknights +honolulu (summer accident?!),azur lane +kiyohime (swimsuit lancer) (third ascension),fate/grand order +ember,nijisanji +sussurro (summer flower),arknights +mimori,blue archive +yukari,princess connect! +axel syrios,holostars +regis altare,holostars +hk416 (mod3),girls' frontline +frankenstein's monster (swimsuit saber) (first ascension),fate/grand order +christina,princess connect! +taihou (seaside daydreams),azur lane +mochizuki honami,project sekai +baltimore (finish line flagbearer),azur lane +kintoki,hololive +eunectes (forgemaster),arknights +carro pino,.live +yggdrasil,granblue fantasy +yagoo,hololive +wakana shiki,love live! +ryuushen,nijisanji +sirin,honkai series +tien,granblue fantasy +uzuki kou,nijisanji +li sushang,honkai series +tamamo no mae (third ascension),fate/grand order +sonny brisko,nijisanji +emma august,nijisanji +saria (the law),arknights +dainsleif,genshin impact +project bunny,honkai series +luocha,honkai: star rail +sekishiro mico,nanashi inc. +shisui kiki,nanashi inc. +misora,princess connect! +neon,goddess of victory: nikke +souya ichika,nanashi inc. +cherino,blue archive +kiyohime (third ascension),fate/grand order +meltryllis (third ascension),fate/grand order +poyoyo,hololive +kevin kaslana,honkai series +uki violeta,nijisanji +zhuge kongming,honkai series +murasaki shikibu (swimsuit rider) (first ascension),fate/grand order +nekota tsuna,vspo! +sideroca (light breeze),arknights +helena blavatsky (third ascension),fate/grand order +caracal,kemono friends +yaezawa natori,.live +hikasa tomoshika,voms +koyanskaya (foreigner) (first ascension),fate/grand order +delutaya,indie virtual youtuber +magni dezmond,holostars +shigure ui (1st costume),indie virtual youtuber +qingque,honkai: star rail +yang guifei (third ascension),fate/grand order +shuten douji (festival outfit),fate/grand order +astolfo (saber) (third ascension),fate/grand order +karma,hololive +hoso-inu,hololive +rurudo lion,indie virtual youtuber +scarle yonaguni,nijisanji +large-spotted genet,kemono friends +ai-chan,honkai series +female assassin,fate series +formidable (timeless classics),azur lane +utaha,blue archive +momoi (maid),blue archive +artoria caster (swimsuit) (first ascension),fate/grand order +sunday silence,umamusume +agnes tachyon (lunatic lab),umamusume +suzuran (yukibare),arknights +tanaka hime,himehina channel +noir,goddess of victory: nikke +bagpipe (queen no. 1),arknights +shizuko (swimsuit),blue archive +arulumaya,granblue fantasy +martha (swimsuit ruler) (third ascension),fate/grand order +fediel,granblue fantasy +ebi frion,hololive +kakyouin chieri,.live +yamagami karuta,nijisanji +nicola,granblue fantasy +illustrious (morning star of love and hope),azur lane +antonio salieri (second ascension),fate/grand order +ishigami nozomi,nijisanji +baobhan sith (second ascension),fate/grand order +kaga sumire,vspo! +zain,hololive +jungle cat,kemono friends +neneka,princess connect! +jeanne d'arc (summer),granblue fantasy +takane,blue archive +razia,granblue fantasy +kazuha's friend,genshin impact +ichijou ririka,hololive +machita chima,nijisanji +saegusa akina,nijisanji +yatagarasu,hololive +platinum (shimmering dew),arknights +changsheng,genshin impact +suzuka utako,nijisanji +tenochtitlan (second ascension),fate/grand order +suzuki hina,himehina channel +daiwa scarlet (scarlet nuit etoile),umamusume +scathacha,granblue fantasy +midori (maid),blue archive +geoffroy's cat,kemono friends +nishizono chigusa,nijisanji +illustrious (maiden lily's radiance),azur lane +alban knox,nijisanji +aura,sousou no frieren +kfp employee,hololive +guizhong,genshin impact +abigail williams (swimsuit foreigner) (second ascension),fate/grand order +kyouka (halloween),princess connect! +gavis bettel,holostars +ayane (swimsuit),blue archive +suomi (midsummer pixie),girls' frontline +shining (silent night),arknights +vill-v,honkai series +jeanne d'arc (girl from orleans),fate series +shoukaku (sororal wings),azur lane +hoshiguma (ronin huntress),arknights +jingburger,waktaverse +azhdaha,genshin impact +inaba haneru,nanashi inc. +rpk-16 (renate),girls' frontline +richelieu (fleuron of the waves),azur lane +melusine (swimsuit ruler),fate/grand order +bremerton (day-off date),azur lane +venus park,umamusume +misato,princess connect! +projekt red (light breeze),arknights +wu zetian (first ascension),fate/grand order +tosa (hometown zest),azur lane +august von parseval (the conquered unhulde),azur lane +miyamoto musashi (swimsuit berserker) (first ascension),fate/grand order +fushimi gaku,nijisanji +irys (irys 2.0),hololive +snuffy,indie virtual youtuber +itsuka shidou,date a live +suzuki masaru,nijisanji +kenmochi touko,nijisanji +akumi,vyugen +saya,blue archive +sigewinne,genshin impact +arcueid brunestud,fate/grand order +massachusetts (dressed to impress),azur lane +vaseraga,granblue fantasy +pholia,granblue fantasy +momoka,blue archive +rukkhadevata,genshin impact +dsr-50 (highest bid),girls' frontline +kirino,blue archive +yuuki anju,love live! +mayuzumi kai,nijisanji +maruzensky (blasting off summer night),umamusume +baltimore (black ace),azur lane +julius caesar,fate/grand order +nitocris alter,fate/grand order +ienaga mugi,nijisanji +yashiro kizuku,nijisanji +shinano (dreams of the hazy moon),azur lane +ashiya douman (third ascension),fate/grand order +yoneme mei,love live! +makoto (summer),princess connect! +seofon,granblue fantasy +yamato iori,.live +mika melatika,nijisanji +meloco kyoran,nijisanji +m4 sopmod ii jr,girls' frontline +nagato (great fox's respite),azur lane +saionji mary,nanashi inc. +yatogami fuma,holostars +takao (school romanza),azur lane +klee (blossoming starlight),genshin impact +azki (4th costume),hololive +pipkin pippa,phase connect +brid,goddess of victory: nikke +metal crab,arknights +oda nobunaga (swimsuit berserker) (second ascension),fate/grand order +onitsuka natsumi,love live! +kushizaki,indie virtual youtuber +euryale (third ascension),fate series +ashiya douman (second ascension),fate/grand order +kronie,hololive +noir vesper,holostars +elfriend,hololive +minase rio,holostars +dottore,genshin impact +ameth,princess connect! +cheshire (summery date!),azur lane +minamoto no raikou (swimsuit lancer) (second ascension),fate/grand order +kagami hayato,nijisanji +aiba uiha,nijisanji +graf zeppelin (beachside urd),azur lane +florence nightingale (third ascension),fate series +kou,granblue fantasy +fubuzilla,hololive +soda,goddess of victory: nikke +chloe (school festival),princess connect! +unicorn (the gift of spring),azur lane +martha (swimsuit ruler) (second ascension),fate/grand order +shiromiya mimi,animare +vikala (blooming summer wallflower),granblue fantasy +m4 sopmod ii (mod3),girls' frontline +rino,princess connect! +chinatsu (hot spring),blue archive +modernia,goddess of victory: nikke +prinz eugen (cordial cornflower),azur lane +barghest (swimsuit archer),fate/grand order +fumino tamaki,nijisanji +ump45 (agent lop rabbit),girls' frontline +snow white,goddess of victory: nikke +lunalu,granblue fantasy +jitomi monoe,voms +bai,granblue fantasy +wonderlands x showtime miku,project sekai +nodoka,blue archive +artoria pendragon (alter swimsuit rider) (first ascension),fate/grand order +danua (summer),granblue fantasy +miteiru,hololive +ak-12 (quiet azure),girls' frontline +hinomori shiho,project sekai +hoshino (young),blue archive +problem solver sensei,blue archive +dori,genshin impact +miori celesta,tsunderia +irys (irys 1.0),hololive +huang,granblue fantasy +jean (gunnhildr's legacy),genshin impact +gepard landau,honkai: star rail +akabane youko,nijisanji +lucie,nijisanji +tsurugi (swimsuit),blue archive +elizabeth bathory (second ascension),fate series +silence suzuka (emerald on the waves),umamusume +jun,princess connect! +utsugi uyu,holostars +drang,granblue fantasy +special week (hopping vitamin heart),umamusume +dunkerque (summer sucre),azur lane +mona (pact of stars and moon),genshin impact +shinomiya runa,vspo! +focalors,genshin impact +yamai kaguya,date a live +kitakoji hisui,nijisanji +persicaria,girls' frontline +azki (3rd costume),hololive +hizaki gamma,holostars +kuramochi meruto,nijisanji +ex albio,nijisanji +ouga saki,amaryllis gumi +cecilia schariac,honkai series +saren (christmas),princess connect! +enterprise (wind catcher),azur lane +roto,nijisanji +dido (anxious bisque doll),azur lane +gretel,granblue fantasy +hansel,granblue fantasy +taroumaru,genshin impact +scathach skadi (third ascension),fate/grand order +kotoka torahime,nijisanji +sushang,honkai: star rail +yamai yuzuru,date a live +mejiro mcqueen (end of sky),umamusume +komori met,vspo! +hootsie,hololive +red hood,goddess of victory: nikke +haruna (new year),blue archive +bb (bb shot!),fate/grand order +matsukai mao,nijisanji +hebiyoi tier,nanashi inc. +oinomori may,nanashi inc. +satyr,granblue fantasy +commander (girls' frontline),girls' frontline +akagi (paradise amaryllis),azur lane +bremerton (relaxation consultation),azur lane +sakurakouji kinako,love live! +neuro-sama,indie virtual youtuber +utage (disguise),arknights +kirin r yato,arknights +shinano (moonlit chrome),azur lane +jill stingray,va-11 hall-a +mikeneko,indie virtual youtuber +zuikaku (the wind's true name),azur lane +surcouf (loisirs balneaires),azur lane +pela,honkai: star rail +space ishtar (second ascension),fate/grand order +helm (aqua marine),goddess of victory: nikke +belfast (iridescent rosa),azur lane +ban hada,nijisanji +yumeoi kakeru,nijisanji +pinky pop hepburn,the moon studio +karyl (new year),princess connect! +hatsune (summer),princess connect! +mashiro (swimsuit),blue archive +haruka (new year),blue archive +hanabatake chaika,nijisanji +shyrei faolan,vyugen +tomimi (silent night),arknights +helel ben shalem,granblue fantasy +kama (swimsuit avenger) (second ascension),fate/grand order +bhima,fate/grand order +prinz eugen (symphonic fate),azur lane +ikuchan kaoru,indie virtual youtuber +ch'en the holungday (elite ii),arknights +mine,blue archive +shuro,blue archive +ganyu (china merchants bank),genshin impact +type 95 (summer cicada),girls' frontline +sampo koski,honkai: star rail +helena blavatsky (swimsuit archer) (third ascension),fate/grand order +feower,granblue fantasy +fulgur ovid,nijisanji +fugee,granblue fantasy +yamashiro (summer offensive?),azur lane +marie antoinette (third ascension),fate/grand order +nero claudius (bride) (third ascension),fate series +baobhan sith (swimsuit pretender) (first ascension),fate/grand order +fraux,granblue fantasy +mym,dragalia lost +lincoro,indie virtual youtuber +duryodhana,fate/grand order +mc lita,kmnz +kagura nana,indie virtual youtuber +vei (vtuber),vshojo +ebi-chan,hololive +nemone,granblue fantasy +huyan zhuo,fate/grand order +ereshkigal (third ascension),fate/grand order +nora cat,nora cat channel +amiya (newsgirl),arknights +sumire,blue archive +serina (christmas),blue archive +s-head commander,girls' frontline +super creek (chiffon ribbon mummy),umamusume +morgan le fay (queen of winter),fate/grand order +ushimi ichigo,nijisanji +kaniko,hololive +dvalin,genshin impact +keqing (lantern rite),genshin impact +timido cute,honkai series +eugen,granblue fantasy +maho,princess connect! +noelle (kfc),genshin impact +koyanskaya (assassin) (second ascension),fate/grand order +barawa,granblue fantasy +azuma lim,cyber v +nachoneko,indie virtual youtuber +an-94 (silent rouge),girls' frontline +amagi (wending waters serene lotus),azur lane +eustace,granblue fantasy +miyamoto musashi (swimsuit berserker) (third ascension),fate/grand order +admiral graf spee (girl's sunday),azur lane +orchis,granblue fantasy +vivid bad squad miku,project sekai +ceobe (unfettered),arknights +cicin mage,genshin impact +otto apocalypse,honkai series +ibaraki douji (swimsuit lancer) (first ascension),fate/grand order +smol mumei,hololive +type 95 (narcissus),girls' frontline +irene (voyage of feathers),arknights +admiral graf spee (peaceful daily life),azur lane +nameless bard,genshin impact +seox,granblue fantasy +katsushika hokusai (third ascension),fate/grand order +akuma nihmune,indie virtual youtuber +shigure ui (young),indie virtual youtuber +kagura suzu,.live +annytf,indie virtual youtuber +henya the genius,vshojo +aru (new year),blue archive +otogi,blue archive +frankenstein's monster (swimsuit saber) (second ascension),fate/grand order +marine nemo,fate/grand order +u-olga marie,fate/grand order +kaga (everlasting killing stone),azur lane +izayoi miku,date a live +shimamura charlotte,nanashi inc. +fionn mac cumhaill,fate/grand order +martha (swimsuit ruler) (first ascension),fate/grand order +usaslug,hololive +hk416 (herbal-flavored hard candy),girls' frontline +prinz eugen (profusion of flowers),azur lane +le malin (sleepy sunday),azur lane +tashkent (the bound cruiser),azur lane +niya,blue archive +melusine (swimsuit ruler) (first ascension),fate/grand order +hallessena,granblue fantasy +aia amare,nijisanji +koshimizu toru,nijisanji +diola,granblue fantasy +le malin (mercredi at the secret base),azur lane +adam,honkai series +can,honkai series +bailu,honkai: star rail +sakura ayane,genshin impact +debi tarou,idolmaster +pengy,granblue fantasy +kamiko kana,indie virtual youtuber +otonose kanade,hololive +wa2000 (date in the snow),girls' frontline +cupitan,granblue fantasy +viper (toxic rabbit),goddess of victory: nikke +ayanami (niconico),azur lane +ibuki douji (second ascension),fate/grand order +serval landau,honkai: star rail +dark jeanne,granblue fantasy +artoria pendragon (alter swimsuit rider) (third ascension),fate/grand order +haruka karibu,vshojo +tenjin kotone,prismplus +kusunoki shio,indie virtual youtuber +wa2000 (op. manta ray),girls' frontline +farrah,granblue fantasy +toudou erena,love live! +nini yuuna,tsunderia +yanqing,honkai: star rail +shimamura uzuki,idolmaster +taira no kagekiyo,fate/grand order +ping hai (summer vacation),azur lane +nine-colored deer,a deer of nine colors +hanae (christmas),blue archive +charlotte corday (third ascension),fate/grand order +sakura ritsuki,nijisanji +vira (summer),granblue fantasy +arama,genshin impact +durga,fate/grand order +koko,kamitsubaki studio +igarashi rika,nijisanji +saren (real),princess connect! +matsurisu,hololive +seffyna,nijisanji +harusaki nodoka,hololive +chen hai (vestibule of wonders),azur lane +mimori (swimsuit),blue archive +abyss mage,genshin impact +tamamo no mae (swimsuit lancer) (first ascension),fate/grand order +soriz,granblue fantasy +anastasia (swimsuit archer) (third ascension),fate/grand order +rackam,granblue fantasy +tenochtitlan (first ascension),fate/grand order +amano nene,production kawaii +kurikoma komaru,aogiri koukou +machina x flayon,holostars +ump9 (mod3),girls' frontline +reno (biggest little cheerleader),azur lane +hina misora,wactor production +aster arcadia,nijisanji +suomi (korvatunturi pixie),girls' frontline +shizuru (summer),princess connect! +eriko (summer),princess connect! +vittorio veneto (the flower of la spezia),azur lane +jururu,waktaverse +kama (swimsuit avenger) (first ascension),fate/grand order +caenis (swimsuit rider) (first ascension),fate/grand order +aizono manami,nijisanji +kagami kira,holostars +kaminari qpi,vspo! +perroccino,hololive +todoroki hajime,hololive +ro635 (mod3),girls' frontline +carmelina,granblue fantasy +diantha,granblue fantasy +suzume,princess connect! +izumi (swimsuit),blue archive +florence nightingale (chaldea lifesavers),fate/grand order +honoka,dead or alive +suzuka gozen (swimsuit rider),fate/grand order +natsumi,date a live +blue poison (elite ii),arknights +rurun rururica,.live +serina (nurse),blue archive +more more jump! miku,project sekai +schwarz (skyline),arknights +kurusu natsume,nijisanji +oura rukako,nanashi inc. +suzumi nemo,nanashi inc. +rinne,rinrinne +dark angel olivia,granblue fantasy +aegir (iron blood's dragon maid),azur lane +implacable (shepherd of the "lost"),azur lane +higokumaru,honkai series +yae kasumi,honkai series +numby,honkai: star rail +marie antoinette (swimsuit caster) (third ascension),fate/grand order +fall guy,fall guys +yamiyono moruru,nijisanji +banzoin hakka,holostars +valkyrie police academy student,blue archive +curren chan (sakutsuki ma cherie),umamusume +lisa (a sobriquet under shade),genshin impact +osakabehime (swimsuit archer) (second ascension),fate/grand order +archetype earth,fate/grand order +amemori sayo,nijisanji +yang nari,nijisanji +javelin (beach picnic!),azur lane +minamoto no raikou (swimsuit lancer) (third ascension),fate/grand order +ren zotto,nijisanji +kaga nazuna,vspo! +azura cecillia,nijisanji +mari (swimsuit),blue archive +luis cammy,nijisanji +almeida,granblue fantasy +leo/need miku,project sekai +laffey (retrofit),azur lane +algerie (white sand paradise),azur lane +reno (reno bunnino),azur lane +frederica nikola tesla,honkai series +melusine (first ascension),fate/grand order +ibuki douji (swimsuit berserker) (first ascension),fate/grand order +agnes digital (lovely jiangshi),umamusume +fuuka (new year),blue archive +saint-louis (holy knight's resplendence),azur lane +warp trotter,honkai: star rail +kishinami hakuno,fate/grand order +mysterious heroine x alter (third ascension),fate/grand order +fuji aoi,aoi ch. +tweyen (eternal's summer vacation),granblue fantasy +ruin guard,genshin impact +kokkoro (ceremonial),princess connect! +minamoto no raikou (swimsuit lancer) (first ascension),fate/grand order +tonelico (first ascension),fate/grand order +musubime yui,avatar 2.0 project +isonade orca,indie virtual youtuber +manticore (under a veil),arknights +bonanus,genshin impact +sin mal,honkai series +paul bunyan (third ascension),fate/grand order +chevalier d'eon (maid knight),fate/grand order +carmilla (swimsuit rider) (third ascension),fate/grand order +artoria pendragon (swimsuit ruler) (second ascension),fate series +marie rose,dead or alive +tikoh,granblue fantasy +ifrit (sunburn),arknights +hammann (rebellious summer),azur lane +skirk,genshin impact +blanca,fate/grand order +queen draco (second ascension),fate/grand order +kitakami futaba,.live +yozakura tama,.live +wamdus,granblue fantasy +tamamo no mae (spring casual),fate/grand order +bismarck (beacon of the iron blood),azur lane +space ishtar (first ascension),fate/grand order +mokota mememe,.live +asuka hina,nijisanji +ibrahim,nijisanji +saruei,indie virtual youtuber +axia krone,nijisanji +sanya,nijisanji +north carolina (the heart's desire),azur lane +marie antoinette (swimsuit caster) (second ascension),fate/grand order +professor nemo,fate/grand order +deutschland (service time?!),azur lane +sanallite,hololive +jean bart (private apres midi),azur lane +sovetskaya rossiya (the lackadaisical lookout),azur lane +hana macchia,nijisanji +tokai teio (beyond the horizon),umamusume +aquila (a sip of sardegnian elegance),azur lane +cuilein-anbar,genshin impact +shiitake,love live! +james moriarty (ruler),fate/grand order +amami haruka,idolmaster +beanstalk (gift uncompleted),arknights +gilzaren iii,nijisanji +coyopotato,kemono friends +hiodoshi ao,hololive +nagant revolver (mod3),girls' frontline +spas-12 (midsummer fruit),girls' frontline +ots-14 (sangria succulent),girls' frontline +geegee,granblue fantasy +perlica,arknights +yuudachi (shogun of snowballs),azur lane +carole peppers,honkai series +space ishtar (third ascension),fate/grand order +reinhardtzar,granblue fantasy +mc liz,kmnz +artemis of the blue,atelier live +melissabelle,granblue fantasy +kokkoro (new year),princess connect! +astesia (starseeker),arknights +gravel (modeling night),arknights +carnelian (shimmering dew),arknights +laplace,goddess of victory: nikke +suzuran (lostlands flowering),arknights +susannah manatt,honkai series +medb (alluring chief warden look),fate/grand order +tomoe gozen (traveling outfit),fate/grand order +medb (swimsuit saber) (second ascension),fate/grand order +kotohara hinari,amaryllis gumi +naraka,nijisanji +smol gura,hololive +oliver evans,nijisanji +diluc (red dead of night),genshin impact +kii-kun (agnes tachyon),umamusume +heles (summer),granblue fantasy +gabriel,granblue fantasy +syuen,goddess of victory: nikke +serika (new year),blue archive +rosa (masterpiece),arknights +aurora (elite ii),arknights +ning hai (summer hunger),azur lane +aegir (golden dragon among auspicious clouds),azur lane +sumomo,blue archive +hk416 (midnight evangelion),girls' frontline +boudica (third ascension),fate/grand order +nitocris (third ascension),fate/grand order +gonzalez,nijisanji +mashiro (1st costume),nijisanji +enma-chan,hololive +madame ping,genshin impact \ No newline at end of file diff --git a/tagger/danbooru_e621.csv b/tagger/danbooru_e621.csv new file mode 100644 index 0000000000000000000000000000000000000000..7d281fe2c99dd158317bc45e352dd3e62c7dc7b1 --- /dev/null +++ b/tagger/danbooru_e621.csv @@ -0,0 +1,3875 @@ +lemonice,lemon +locking,rock +omuretsu,omelette +proofmeh,niniidawns +pinky (boku no hero academia),ashido mina +darwin nunez,darkereve +takahara,plateau +hanako (pokemon),delia ketchum +fireballs,fireball +beckoning cat,maneki-neko +serving food on male,nantaimori +blowfish,pufferfish +hand bag,handbag +hal-bard,halberd +ibuki (pokemon),clair (pokemon) +henry sword,victor (pok・・スゥmon) +super street fighter ii x,street fighter +double hair bun,double bun +holding peach,holding fruit +lapcup,wakamezake +nightmare-doom,nightmare +moru,kret +bell-bottoms,bellbottoms +people,jalmu +kamabo ko,sunspotfish +liquid between thighs,wakamezake +nel tu,nelliel tu odelschwanck +sunken nipples,inverted nipples +rearend,butt +spacezin,space zin +barbecue (object),grill +g scream,as109 +boob slip,one breast out +whyt,why +girls' frontline,girls frontline +stuffed otter,plushie +galaxea,galaxy +hair bells,hair bell +another,keidran +necktie pin,tie clip +pile-up,dog pile +prof. juniper,professor aurea juniper +open track jacket,open jacket +ohmu,arh +patting head,headpat +animal pelt,animal skin +green pantyhose,green legwear +don't toy with me,ijiranaide nagatoro-san +fairyfloss,fairy tales +ambiguous white liquid,suggestive fluid +amazon.com,amazon (company) +onani,masturbation +glock 19,glock +sakatsuki,sakura +tiny top hat,mini top hat +eyebrow cut,eyebrows +faint smile,light smile +tagme (artist),unknown artist +yuuri (pokemon),gloria (pok・・スゥmon) +tamamo no mae (fate/extra),caster tamamo-no-mae +long pants,pants +resampling artifacts,aliasing +queen of hearts (wonderland),queen of hearts (alice in wonderland) +off-shoulder,off shoulder +hat ribbons,hat ribbon +shantae (character),shantae +exploitable,template +putting on makeup,applying makeup +ouendan (artist),eu03 +love chunibyo & other delusions,chuunibyou demo koi ga shitai! +prof juniper,professor aurea juniper +spirit flame,hitodama +mono lith,monolith +samantha samsung,samsung sam +caustic lighting,caustics +tissue wad,used tissue +sakuradou,sakura +side braids,side braid +superrobotwars,super robot wars +cogs,gears +cream,reymur +sheer clothes,translucent +ankle bracelets,anklet +akatsuki mao,cotora +tonbo,dragonfly +harpie queen,harpyqueen +class room,classroom +sitting in lap,sitting on lap +ladic,redick +soiree (fire emblem),orangesoiree +leica,rayka +pee tube,catheter +aerial view,high-angle view +gouguru,google +fakeshot,fake screenshot +uhui,uhoh +fire emblem: awakening,fire emblem awakening +toropp,ttrop +queen complex,queencomplex +deku (boku no hero academia),izuku midoriya +borderless panels,borderless panel +print swimsuit,print swimwear +flash with sound,sound +cum on buruma,cum on clothing +you gonna get caved,cave +mikan (pokemon),jasmine (pokemon) +heart stickers,heart sticker +garuku,garruuk +view from above,high-angle view +pastels,pastel +pov pointing,pointing at viewer +bikesuit,bicycle +lining up,queue +shah,sher +fox suit,fox costume +pinata party,nagami yuu +gotgituey,neoartcore +jamison fawkes,junkrat (overwatch) +large forehead,big forehead +hairclips,hairclip +loud,larid +luminous,bright +succulent plant,succulent +zero (rockman),zero (mega man) +gary (pokemon),gary oak +peeing in cup,pee in a cup +walking in liquid,partially submerged +the powerpuff girls,powerpuff girls +amelie lacroix,widowmaker (overwatch) +pick-ax,pickaxe +yellow leggings,yellow legwear +mr pavlov,tomotsuka haruomi +pink thighhighs,pink legwear +fake ad,fake advertisement +consoling,comforting +purpleeyes,purple eyes +writing on ass,writing on butt +masturbation (female),masturbation +etna,etna (disgaea) +tomie,tommyowo +amethyst (gemstone),purple gem +armored dragon legend villgust,kouryuu densetsu villgust +open back,backless outfit +meguroco,sandile +ff6,final fantasy vi +histoire,history +humany,human +licking own pussy,autocunnilingus +green tea,greentea +asymmetrical pupils,mismatched pupils +pajama party,sleepover +pointing to the sky,pointing up +ze (sawakihein),z-ton +yu-ri,yurii +kojirou (pokemon),james (team rocket) +double braid,twin braids +collar bell,neck bell +nurse's office,infurmary +firecrackers,firecracker +kaminosaki1,kaminosaki +dream diary,yume nikki +test,testing +sucking cock,fellatio +about to be raped,imminent rape +gomipomi,sapphire1010 +strainer,sitku +gumi,gummi +collared blouse,collared shirt +ika,cuttlefish +kyle (kairunoburogu),kairunoburogu +dimitrescu,alcina dimitrescu +black cat (animal),domestic cat +clitslip,clitoris slip +melissa (pokemon),fantina (pokemon) +lap cup,wakamezake +grimmjow,grimmjow jaegerjaquez +shoveling,shovel +sukimizu,school swimsuit +gradient clothes,gradient clothing +kazu-koto,kazukoto +tie tack,tie clip +nanaya (daaijianglin),club3 +painttool sai,paint tool sai +erect clit,erect clitoris +lmsketch,legoman +frilled hairband,frilly hairband +chunli,chun-li +torn thighhighs,torn legwear +icelolly,popsicle +shinonoko,grim reaper +scar through eyebrow,eyebrows +line-up,lineup +shoujo-ai,female/female +izumi (pokemon),aqua admin shelly +pokemon fushigi no dungeon,pokemon mystery dungeon +purple-hair,purple hair +floating hand,disembodied limb +the cecile,cecil +salaryman,salarian +chang'e,imlutio +metallic skin,metal skin +traffic cones,traffic cone +shon,tion +hinghoi,princess hinghoi +infirmary,infurmary +m1 bazooka,rocket launcher +necktie between pectorals,necktie between breasts +lozelia,roselia +dj takowasa,dj octavio +foam peanuts,packing peanuts +forelocks,sidelocks +bananang,itou yuuji +pecfuck,pecjob +jennifer wakeman,jenny wakeman +f (milfaaaaa),mirufuaa +air kon,air conditioner +loose blouse,loose shirt +hair raising,hair strands +inside bubble,in bubble +stuffed duck,plushie +ahen,opium +playing sports,playing sport +yellow bikini top,yellow bikini +yvonne (pokemon),serena (pok・・スゥmon) +medikit,first aid kit +two sides up,two side up +wafuku,japanese clothing +octopus balls,takoyaki +flower hair ornament,flower in hair +ferri (granblue fantasy),ferry (granblue fantasy) +quintuple persona,multiple persona +shitagi,underwear +nuigurumi,plushie +vhs cassette,video cassette +noise (visual),film grain +stuffed horse,plushie +harakiri,disembowelment +towel on shoulders,towel around neck +tanuki tail,raccoon tail +female protagonist (pokemon legends: arceus),akari (pokemon) +ufo catcher,crane game +holding gemstone,holding gem +apocalypse (event),apocalypse +horse legs,equine legs +one hand raised,raised hand +adjusting clothes,adjusting clothing +a-soul,soul +hundred,hondra +flannel (fire emblem if),keaton (fire emblem) +bandage bra,chest wraps +fhang,fans +framed,picture frame +shattering,breaking +gigaiath,gigalith +tuck,tack +brock,brock (pokemon) +club,club (weapon) +half apron,waist apron +vegacolors,vegetable +patterned,patterns +alternative form,alternate form +telephone booth,phone booth +white yukata,white kimono +megaman legends,mega man legends +torso (pixiv),torso (hjk098) +power board,power strip +torii gate,torii +bobbed hair,bob cut +onegaimymelody,onegai my melody +todee,toedi +see you,seeumai +yotsubato,yotsubato! +romaji,romaji text +exploding clothes,exploding clothing +pov ass,butt focus +1boys,male +zha yu bu dong hua,iro ame (amewaagada) +hair iron,hair strands +when the seagulls cry,umineko no naku koro ni +sucking own penis,autofellatio +leilin,reylin +melon soda,mellonsoda +maruco,marco +yatterman,yattermang +haiero,hiorou +mario grant,mario-grant +tokusatsu,tokyo +makaron,macaronneko +yangire,insane +hyper ball,ultra ball +disc cover,album cover +monochorme,monochrome +crotchless clothes,crotchless clothing +mephisto pheles,mephistopheles (tas) +starlight starsapphire,star sapphire +underwear thief,underwear theft +peek,piilsud +kara zor-el,supergirl +summerdress,sundress +oil painting (medium),oil painting (artwork) +lemon raimu,lemonlime +60's,1960s +braided rice rope,shimenawa +tsumaseu,tidalwave +shadowsinking,shadow +brown pantyhose,brown legwear +piloting,pilot +red bandana,red bandanna +biohazard,resident evil +aize,aids +digimon adventures,digimon adventure +mizuryuu kei,mizuryu kei +nakedribbon,naked ribbon +tomo (user hes4085),tomo (tmtm mf mf) +pee drink,drinking urine +soulcalibur,soul calibur +red yukata,red kimono +hulahoop,hula hoop +inaba tei,tewi inaba +biological hazard symbol,biohazard symbol +nile (doubutsu no mori),ankha (animal crossing) +shimada genji,genji (overwatch) +karin (pokemon),karen (pokemon) +pipe (smoking),smoking pipe +glblumen,picnic +stuffed chicken,plushie +multicolored leggings,multicolored legwear +two-tone bow,two tone bow +anjerain,angelan +flowerchorus,llirika +kyouhei (pokemon),nate (pok・・スゥmon) +shioboi,saltydanshark +bitten,mordu +spritesheet,sprite sheet +butcha u,butcha-u +gray bodysuit,grey bodysuit +puppets,puppet +shakugannoshana,shakugan no shana +space (uchuu),yuzhou +male protagonist (pokemon bw2),nate (pok・・スゥmon) +gang sex,gangbang +verse,poem +cherry blossom viewing,kanji +gangsex,gangbang +polka-dot,polka dots +ffxv,final fantasy xv +blooming,bloom +peach,peaches +chestnut,castagno +mini tophat,mini top hat +opplove22,snowball22 +plantgirl,flora fauna +lick balls,ball lick +cat fight,catfight +patxi,patxi (fate) +burning eye,fiery eyes +raiden,raiden (metal gear) +gray bra,grey bra +twelve,deuzion +black earrings,ear ring +microa,micro +skullworms,skull +demashita! powerpuff girls z,powerpuff girls z +knolling,gnoll +polygonal,low poly +soryuu asuka langly,asuka langley soryu +commentaries,commentary +frilled garter,frilly garter +hot,gapao +naga-ette,lamia +kirby's dreamland 3,kirby's dream land 3 +shade,loreking +the drying off yoako,yoako +back,mayar +sabitsuki,sasaki +bar maid,barmaid +jakoujika,asicah +giving,mipha +rave master,rave +kamitsure (pokemon),elesa (pok・・スゥmon) +translationrequest,translation request +videos,animated +frills,rufflet +annilingus,rimming +whois,keeshee +miry,millie +cleave gagged,cleave gag +smile precure,smile pretty cure +clothed humping,dry humping +fingalphoneix,musth +blast wave,shockwave +sarja,tharja (fire emblem) +black magician girl,dark magician girl +punched,punch +yellow bikini bottom,yellow bikini +thighighs,thigh highs +maochao,maoochao +dim sum,dimsun +inko,parakeet +longhorn,long horn +fire emblem kakusei,fire emblem awakening +metaring,metalling +goggles on hat,goggles on headwear +thong panties,thong +tsutsuji (pokemon),roxanne (pokemon) +hachikuji,kanji +kamui (fire emblem if),corrin (fire emblem) +kakutasu,cactus +citron (pokemon),clemont (pokemon) +pop can,beverage can +tempura,moetempura +meron,melon +swirling,swirl +animalprint,animal print +.hack//tasogare no udewa densetsu,.hack +angela ziegler,mercy (overwatch) +vieny,whinnie +satetsu,satellite +panty gagged,panty gag +spike ball,spiked balls +cropped pants,capri pants +sdorica -sunset-,sdorica +multicolored nail polish,multicolored nails +super street fighter iv,street fighter +brandish,brandishing +maple leaves,maple leaf +crossed legs (lying),crossed legs +simz,simski +unfastened bra,open bra +albedo,albedo (overlord) +boin,boing +ffviii,final fantasy viii +bloodstains,blood stain +flower in breast pocket,corsage +alfred cullado,kimmy77 +broomriding,broom riding +routes,rooth +gime,gym +kouki (pokemon),lucas (pok・・スゥmon) +z,zzz +funnyari,fuf +light sword,energy sword +background people,jalmu +alphes,alf +drillhair,drill curls +attempted suicide,suicide attempt +thighhigh boots,thigh boots +street fighter iii (series),street fighter +bow socks,bow legwear +ff5,final fantasy v +hanging boob,hanging breasts +hands under clothes,hand under clothes +araragi (pokemon),professor aurea juniper +electricity symbol,lightning bolt +crabs,crab +ripped coat,torn coat +pedestrian crossing,crosswalk +whitley (pokemon),rosa (pok・・スゥmon) +nurgle777,jadf +grail,goblet +nura: rise of the yokai clan,nurarihyon no mago +sleeves folded up,rolled up sleeves +liuruoyu8888,citemer +ace attorney 4,ace attorney +erun (granblue fantasy),erune +hair bobble,hair bobbles +demon girls,demon +stair,stairs +vinyl disc,record +precious stone,gem +no bellybutton,no navel +ecchi no kaze,wind lift +purplehair,purple hair +full face blush,full-face blush +scar on leg,leg wound +vapor trail,contrail +holding present,holding gift +iv,intravenous drip +pink flame,pink fire +gogatsu unagi,nagami yuu +girl on a plate,on plate +display,screen +goat boy,goatboy +koari,kori +kof,the king of fighters +eye circles,bags under eyes +tentacles with male,tentacles on male +platforms,platform footwear +teru (renkyu),terupancake +kibana (pokemon),raihan (pokemon) +purikura,photo booth +coyote ears,wolf ears +babu,bub +reindeer tail,scut tail +pantsu pull,panty pull +kanabou,kanab・・・ +chopping board,cutting board +crossed legs (sitting),crossed legs +horn pose,devil horns (gesture) +fly,dipteran +pick axe,pickaxe +hagane no renkinjutsushi,fullmetal alchemist +animal ear bow,ear ribbon +commander shepard (female),female shepard +lamp-post,street lamp +berry's,berry +fujiwara mokou,fujiwara no mokou +gamecg,game cg +avengers (series),the avengers +unacceptable comics,dave rapoza +ffcc,final fantasy crystal chronicles +finnish,finnish text +tattered cape,torn cape +sinon,shino asada +bell (pokemon),bianca (pok・・スゥmon) +cropped background,outside border +kaga (kantai collection),kaga (kancolle) +paper umbrella,oil-paper umbrella +low leg panties,low-leg panties +sst laboratories siege automaton e54,bastion (overwatch) +heaven's door,heavensdoor +sealing wax,wax seal +weighing scales,weighing scale +toxichica,materclaws +tailred,cuehors +twinbraids,twin braids +heart-shaped box,heart shaped box +fiery sword,flaming sword +female fingers in male anus,prostate milking +youki (yuyuki000),youki029 +sonans,wobbuffet +honey,digos +kine,xine +summer dress,sundress +hideousbeing,ghastlygh +multicolored pantyhose,multicolored legwear +claw crane,crane game +usagi-san,br'er rabbit +hanami,kanji +untied bra,open bra +hikari (xenoblade 2),mythra (xenoblade) +artificial leg,prosthetic leg +unexistarts,doesnotexist +haijin,hajinn +sailor cap,sailor hat +bare pecs,bare chest +luu,lu +cunnillingus,cunnilingus +masker,kigurumi +waist veil,pelvic curtain +spykeee1945,spykie +flattop,flat top +hands on own cheeks,hand on cheek +nail varnish,colored nails +boned meat,meat on bone +one thighhigh,single thighhigh +bass,bass guitar +standing on hands,handstand +nape,eel +keyhole sweater,keyhole turtleneck +torpedo breasts,pointy breasts +pot (plant),flower pot +pop star,idol +ferris (re:zero),ferris argyle +tangled up,entangled +chessboard,chess board +ukiyoe,ukiyo-e +mitchi,mitch +cuff-links,cuff links +ecchi-star!,studio cutepet +handbra,covering breasts +pinchi,pinch +raven (animal),crow +ninjatou,ninja +legs around waist,leg wrap +shops,store +90's,1990s +sweaterdress,sweater dress +winking (animated),wink +panty thief,underwear theft +big dog,greater dog +purple gemstone,purple gem +matsuno juushimatsu,jyushimatsu matsuno +abigail williams (fate/grand order),abigail williams (fate) +tekoki,handjob +alternative hair color,alternate hairstyle +travel attendant,flight attendant +stocking cap,santa hat +horin,hollryn +mattsu,matz +meily,messing +pepero day,pocky day +pulling,tugging +otokobara,gsphere +niyah,nia (xenoblade) +flaming tip tail,flaming tail +bralift,bra lift +chili,chili pepper +semen on upper body,cum on body +pizzasi,pizza +wooden katana,bokken +steam censor,steam censorship +groin,pubic mound +lapel flower,boutonniere +rybiokaoru,rybiok +lecturing,lecture +drumstick,drumming stick +neco arc,neco-arc +garou,fatal fury +hair loc,dreadlocks +loveletter,love letter +convenient bath steam,steam censorship +shamisen (instrument),shamisen +cleavegag,cleave gag +momentary switch,pushbutton +magical circles,magic circle +light stick,glowstick +alphonse mucha (style),art nouveau +danann,tin can +plugsuits,plugsuit +earthbound beginnings,earthbound (series) +hands to cheek,hand on cheek +holding railing,hand on railing +hoenn (jgm1102),pokemon +flares (pants),bellbottoms +sakuraidai,sakura +pokemon r&g,pokemon rgby +guiltygear,guilty gear +kiitos,kythos +clavicle piercing,collarbone piercing +sprites,sprite +sushi roll,makizushi +resizing artifacts,aliasing +dragonz,eerieviolet +otototo,ovum +eric tang,ricegnat +bof2,breath of fire +sakuma,sakura +naruhodou ryuuichi,phoenix wright +lu hao liang,463 jun +luxanna crownguard,lux (lol) +windlift,wind lift +gurren,glenn +wireless,radio +brown thighhighs,brown legwear +frilled ribbon,frilly bow +orange pantyhose,orange legwear +shields,shield +peeking around corner,piilsud +pectorals out of clothes,bare chest +felatio,fellatio +checkered clothes,checkered clothing +gluteal fold,butt from the front +stitches,stiches +strobing lights,epilepsy warning +racecar,race car +long hair tied low,low-tied long hair +weight scale,weighing scale +w-sitting,wariza +aloe (pokemon),lenora (pokemon) +ricci,lich +skaghonat,skarltano +official alternate outfit,official alternate costume +chuunibyou demo koi ga shitai,chuunibyou demo koi ga shitai! +shrine gate,torii +akaike,aliaspseudonym +nippleslip,nipple slip +predator,predacon +arm-wrestling,arm wrestling +copper symbol,female symbol +gurifu,glyphs +koma-san,komasan +unicsourse,vita minmi +raina,rayna +ibuki (xenoblade),finch (xenoblade) +anal object push,anal object insertion +horns pose,devil horns (gesture) +musashi (pokemon),jessie (team rocket) +beans,bean +maru (maruttona),komusou (jinrikisha) +drawing on another's face,face paint +shaco,mantis shrimp +ribbon in hair,hair ribbon +longhair,long hair +another (novel),keidran +bb (fate/extra ccc),bb (fate) +rozenmaiden,rozen maiden +ouma toki-ichi,ouma tokiichi +pochika,why +caved,cave +half moon,semiceri +arms outstretched,outstretched arms +electrical socket,electrical outlet +honey bee girl outfit,bee costume +hinduism,hindu +james mcgill,saul goodman +muchi,overweight +hair ears,hair strands +a master is out,piilsud +hair dressing,styling hair +m82a1,barrett m82 +action,tekup1n +toasty scones,toastyscones +flying leaves,falling leaves +vocaloid 2,vocaloid +wellingtons,rubber boots +nipple pain,nipple torture +cleaned,garbendatu +copyright title,copyright name +glitter force,smile pretty cure +water yoyo,yo-yo +dead line,roki +crumbling,collapse +tentacle job,tentaclejob +oasys,sizma +arata,alator +pokedex number,pokemon +perpendicular paizuri,perpendicular titfuck +baoppu,pansear +tsukamoto kensuke,kensuke +double wield,dual wielding +yvonne gabena,serena (pok・・スゥmon) +dragonball (object),dragon ball (object) +cheng,chien +makai senki disgaea 2,disgaea +fish boy,fish +chain link fence,chain-link fence +tailbox,tail box +kerorogunsou,sgt. frog +pepper,pippuri +akasia,acacia +gloss,sheen +ice cream cones,ice cream cone +anti materiel rifle,anti-materiel rifle +kittysuit,kittentits +breast chart,bust chart +dog pose,paw pose +airships,airship +iv drip,intravenous drip +legosi,legoshi (beastars) +blood-stained knife,blood on knife +sakusyo,sakura +signing,sinatzeek +leaning on rail,against railing +son gokuu,goku +nessie (cryptid),loch ness monster +maimu,mime +karabina789,jock +mister x,faceless male +ashikoki,footjob +fireemblem,fire emblem +seikendensetsu3,trials of mana +shirano (submerge),shirano +pecorine,pecorine (princess connect!) +lattice,grate +you (pokemon),elio (pok・・スゥmon) +alternate haircolor,alternate hairstyle +renee,renny +kakigoori,shaved ice +bloody sword,blood on weapon +circuitboard,circuit board +defense of the ancients 2,dota +needle,hook +necronemesis,necrosmos +chen,chien +atchy,ackie +ruby (rwby),ruby rose +concertina,concert +latin,latin text +censor text,text censor +curtsie,curtsey +holding cards,holding card +coke bottle,soda bottle +hamihe,hammy +plastick,plastic +cg request,source request +shutumon,shutmon +horse armor,armor +loup,loop +polka-dot bikini,polka dot bikini +hugging with tail,tail wraps +severed limbs,severed limb +silica,silicas +topless (female),topless +vertical flag,banner +sheet,bed sheet +holding bat (animal),holding animal +twitch stream,livestream +stall (toilet),restroom stall +tsunemoku,tidalwave +koukaku kidoutai,ghost in the shell +salamander,salamandr +3rd eye,3 eyes +re lucy,lucy +onion (pokemon),allister (pokemon) +desks,desk +s poi l,pampering +bum huggers,buruma +black rose (flower),black rose +torn blouse,torn shirt +nakta,nakhta +kankore,kantai collection +karory,calorie +cinderella girls,idolmaster cinderella girls +kaafi,cowfee +:\,:/ +congratulations,felicer +heart-shaped balloon,heart balloon +swim swim,swimming +teeterboard,seesaw +anus spreading,spread anus +mio (mgr300),treant +matsuno ichimatsu,ichimatsu matsuno +ekusera,excella +fake moustache,fake mustache +very high resolution,absurd res +escaflowne (guymelef),escaflowne +pokemon moon,pokemon +dagger (ff9),garnet til alexandros xvii +fou (fate/grand order),cath palug +danbooru,cardboard box +beakers,beaker +shamanking,shaman king +9girls,female +ryuusei no rockman,mega man star force +kokonattsu,coconut +jumper skirt,suspender skirt +poppy,poppy (lol) +shock wave,shockwave +daisydukes,cutoffs +brownhair,brown hair +doax,dead or alive (series) +extra breasts,multi breast +orbited,orbitalis +estudioserenata,sereneandsilent +steam punk,steampunk +giant hand,huge hands +fox hand sign,fox shadow puppet +face,cephei +ogura tubuan,fallopian tubes +genji shimada,genji (overwatch) +curss,curse +ping pong racket,table tennis paddle +magical circle,magic circle +fiery wings,flaming wings +standing in liquid,partially submerged +yuu yuu hakusho,yu yu hakusho +tsunamayo,tidalwave +half down half up,nivek +prison photo,mugshot +elizabeth bathory (fate/extra ccc),elizabeth b・・ス。thory (fate) +person over both shoulders,fireman's carry +out of frame censoring,out-of-frame censoring +green one-piece swimsuit,green swimwear +zelda musou,hyrule warriors +kentaro1087,kenshin187 +riry,liliel +stiched,stiches +bach do,dishwasher1910 +gold bars,gold bar +furorida,florida +scrapyard,junkyard +tyson tan,tysontan +nelf,paula +kaleka,kareca +heart (pokemon),silver (pok・・スゥmon) +sangokuden,sd gundam sangokuden +hydrangeas,ortensia +komi can't communicate,komi-san wa komyushou desu +yellowparrot,yellowparrottw +tied up (nonsexual),bound +outlined,outline +cigarrete,cigarette +fa,fae (fire emblem) +pointy toenails,sharp toenails +maids,maid uniform +beretta m9,beretta 92 +analbeads,anal beads +goal,finish line +spice,ziravore +newmen,freshie +powerup,power-up +saple,naegi +horse ears,equine ears +sleeves past wrist,sleeves past wrists +1960s (style),1960s +frill,rufflet +umisaki,village +hushabye,hushabyevalley +girl in bucket,in bucket +mazeran,magellan +crescentia,crescentia fortuna +sketcher2007,faustsketcher +cianyo,cian yo +rockman zx,mega man zx +roll (rockman),roll (mega man) +peeler,lupinator +tetra,tetora +uncensoring,uncensored +leghighs,socks +clothed navel,covered navel +smelly penis,smelling penis +zooanime,zooshi +kasumi (pokemon),misty (pokemon) +muzzle,gunmouth +hand puppets,hand puppet +lensflare,lens flare +aqua earrings,ear ring +akuno hideo,larva +stuffed turtle,plushie +instant ramen,instant noodle + nagatoro,ijiranaide nagatoro-san +red blouse,red shirt +epaulettes,epaulette +shimada hanzo,hanzo (overwatch) +cuteg,cuccokingu +killy,kyrii +hands to chest,hands on own chest +punished snake,venom snake +space craft interior,spaceship interior +coney,connie +bloody fingers,blood on hand +fall leaves,autumn leaves +half updo,nivek +a re,estix +jb ryshamr,jock +kazami yuka,yuuka kazami +kumano (splatoon),moe (splatoon) +male underwear aside,underwear aside +groupsex,group sex +yonkoma,4koma +k-y-h-u,iahfy +rayrie,rayley +shared sense,shared senses +spilled,spill +hydrangea,ortensia +sane-person,saneaz +male traveler (genshin impact),aether (genshin impact) +fire emblem: kakusei,fire emblem awakening +acorns,acorn +neck licking,neck lick +hang gliding,hang glider +ps vita,playstation vita +red oni (smile precure!),aliaspseudonym +y (pokemon),serena (pok・・スゥmon) +w-legs,wariza +yotte,yacht +houenken,inase shin'ya +clothed male naked female,clothed male nude female +steeb,steef +kixyuresu,curse +spykeee,spykie +bigdog,greater dog +stitching,stiches +tsuwabuki daigo,steven stone +frilled pillow,frilly pillow +bloody leg,blood on leg +rolled-up sleeves,rolled up sleeves +tricorne hat,tricorne +starman jr.,starbirbz +kyuubee,kyubey +kyon,kion +morpeko (full belly),morpeko (full belly mode) +teeter-totter,seesaw +18dart1,d-art +zukky,zkky +s-now,snow +pall,pole +lump of sugar,sugar cube +suzumiya haruhi no yuutsu,the melancholy of haruhi suzumiya +photo (object),photo +sian,cyanne +samanta (samsung),samsung sam +sody,soddy +double ahoge,antenna hair +power socket,electrical outlet +skeptycally,skeptical +ahri (league of legends),ahri (lol) +fidget,fidgeting +liiko,riko +finalfantasy10,final fantasy x +collarbones,collarbone +masu,trout +hanasakichu,kanji +sliding doors,sliding door +rabbit ear,rabbit ears +glock 17,glock +green blouse,green shirt +relife,tolerain +contracted pupils,constricted pupils +6+girls,female +my unit (fire emblem: kakusei),robin (fire emblem) +pepero,pocky +mobu,moobs +rivals,revali +upside-down kiss,upside down kiss +cg game,game cg +nobori (pokemon),ingo (pokemon) +cooler (dragonball),cooler (dragon ball) +shikimi (pokemon),shauntal (pokemon) +ringu,the ring +icaro art,andava +makaroni,macarroni +grey earrings,ear ring +inago,locust +leopardon,leopard +kyoung hwan kim,tara +cowboys,cowboy +welve,welding +petals in wind,falling petals +digi charat,di gi charat +fareeha amari,pharah (overwatch) +fleur-de-lis (pokemon),lysandre (pok・・スゥmon) +white devil,white-devil +game sprite,sprite +fang necklace,tooth necklace +semen on breasts,cum on breasts +translatied,translated +police man,policeman +the idolmaster,idolmaster +lein,rayne +hi ye,yello +total,yonk +marvelous,marei +cellien (kemono friends),cellien +legs lock,leg wrap +toooka,tooca +felisovum,katzeh +leels,nayru +victrola,phonograph +silver eyelashes,colored eyelashes +yellow thighhighs,yellow legwear +thrown kiss,blowing kiss +caramel dansen,caramelldansen +ripped bodysuit,torn bodysuit +brown lipstick,brown lips +sana (pokemon),shauna (pok・・スゥmon) +hairband bow,bow hairband +carrier,katkichi +musical sheets,sheet music +thanks,thank you +ivy,ibee +raplus,lapras +cowgirl (position),cowgirl position +mona megistus,mona (genshin impact) +ccs,cardcaptor sakura +football (object),soccer ball +bandaged hands,bandaged hand +ahute,arh +alternative hair length,alternate hairstyle +gold fingernails,gold nails +dokuta,dok-tah +carrying on back,piggyback +ranou,ran'ou (tamago no kimi) +bloody teeth,blood on teeth +frilled kneehighs,frilly legwear +record machine,phonograph +sakuna,sakura +alternate costume (official),official alternate costume +bath tub,bathtub +camouflage helmet,camo headwear +hair flaps,hair strands +fire emblem if,fire emblem fates +lime1125,starry sky +frilled thighhighs,frilly legwear +fuyou (pokemon),phoebe (pokemon) +female protagonist (pokemon bw2),rosa (pok・・スゥmon) +sugaishi,satellite +linjie,rinzy +dark skin female,dark skin +nihility,nihilophant +shooting glasses,safety glasses +hunie pop,huniepop +souno hana,lxkate +hairbrushing,brushing hair +school swimsuits,school swimsuit +fallopian tube,fallopian tubes +short puffy sleeves,puffy short sleeves +hanzo shimada,hanzo (overwatch) +bush,shrub +geung si,jiangshi +wiping eyes,rubbing eyes +gloamy,gourami +big bad wolf (grimm),big bad wolf +hanakago,kanji +ice horns,ice horn +bof3,breath of fire +averted eyes,looking away +commander atarime,cap'n cuttlefish +stele,stela +akou roushi,aliaspseudonym +blue thighhighs,blue legwear +smelling ass,butt sniffing +aumcry,puririn +shounen-ai,male/male +pouch,pouches +pokemon md,pokemon mystery dungeon +zephyr aile,hijabolic +bloodshot eye,bloodshot eyes +ffvi,final fantasy vi +upotte,upotte!! +facing down,pointing down +finger in panties,hand in panties +corette,colette +kamina glasses,kamina shades +model car,toy car +tail,skottichan +rifles,rifle +tree sitting,sitting in tree +biohazard 4,resident evil +wool,vellum +ohland,arh +hoshiguma yugi,yuugi hoshiguma +fake animal tail,fake tail +criminal photo,mugshot +k@de,kadeart +scar on mouth,mouth scar +doriru,drill curls +lactation (male),male lactation +incipient hug,imminent hug +rufuyu (show by rock!!),ruhuyu (show by rock!!) +ps5,playstation 5 +gold,gullet +ginga elyka,utterangle +sit-up,sit up +fukuinu,evangelo +puffy shoulders,puffy sleeves +street fighter zero (series),street fighter +p&p,dr.p +pillow sitting,sitting on pillow +shanghai,shanghailion +street fighter alpha 2,street fighter +male protagonist (pokemon b&w),hilbert (pok・・スゥmon) +blue ascot,blue neckwear +jean skirt,denim skirt +arm blade,arm blades +mon mon,lundi +ffxiii,final fantasy xiii +els,elle +mmmilk,uhoh +magpie,eurasian magpie +teeth necklace,tooth necklace +scribblekid,dave cheung +animal,kinyama +stitch,stiches +1980s (style),80's theme +no-face (spirited away),no-face +flying kiss,blowing kiss +suyamori,imaani +kuzohujimaru,suzumaru +beast,fiarel +reverse paizuri,reverse titfuck +impregnate,impregnation +gyakuten saiban,ace attorney +orange bikini top,orange bikini +aurea juniper,professor aurea juniper +unmaker,macher +hair comb,comb +sigil,coat of arms +wagasa,oil-paper umbrella +elphe,elfein +skintightsuit,tight clothing +shirikoki,hot dogging +urethral object push,urethral penetration +censor hair,hair censor +tokin,tokin hat +polla,paula +seung mina,seong mi-na +tucked penis,tail penis +fma,fullmetal alchemist +kouko,coco +black wing,black wings +jacket over shoulders,jacket on shoulders +hover bike,hoverbike +kong (genshin impact),aether (genshin impact) +deer antlers,cervine antlers +sho n.d.,sho-n-d +aw,arh +neko-arc,neco-arc +the wheel of fortune (tarot),wheel of fortune (tarot) +angel and devil,angelanddevil +saix,sykez +terrace,teraunce +holding walking stick,holding cane +chichikurabe,bust chart +fallen-leaves,falling leaves +followers,milestone celebration +thai,thai text +kara zor-l,power girl +pokemon rgb,pokemon rgby +knifed,knife +nier replicant,nier +.3.,o3o +orange leggings,orange legwear +ffx,final fantasy x +sora (genshin impact),aether (genshin impact) +windowbox,border +ripped hoodie,torn hoodie +unown,incogneato +custard,custardalvis +surge protector,power strip +freeza,frieza +purple flame,purple fire +riderman,rider +noeru,noel +jet ski,jetski +tropical drink,tropical beverage +puffy nipple,puffy nipples +hieda no akyu,hieda no akyuu +pov aiming,aiming at viewer +vocaloid 3,vocaloid +elin (tera),elin +large tits,big breasts +suiren (pokemon),trial captain lana +brand name,product placement +vietnamese,vietnamese text +tiger suit,tiger costume +mush,musth +silver jacket,grey jacket +nighty,nightgown +chips,chips (food) +froppy (boku no hero academia),asui tsuyu +bunching hair,hair strands +fan,hand fan +nezumimi,mouse ears +contrails,contrail +feet only,paws only +kurattes,carat +mouse pointer,cursor +light shaft,sunbeam +kairuhentai,kairunoburogu +monster ball,pokeball +hidarikiki (pixiv),hidarikiki +averting eyes,looking away +stall (market),market stall +magnifying glasses,magnifying glass +kimmy77 art,kimmy77 +razor wire,barbed wire +lollipops,lollipop +super ball,great ball +idolmaster million live,idolmaster million live! +pokemon red and blue,pokemon rgby +tip toe,tiptoes +for all time,porforever +robutts,cutesexyrobutts +azula,azre +hayabusa,peregrine falcon +sasayuki,sasaki +under ground,underground +stuffed eggplant,plushie +wolksheep,hybrid +ff12,final fantasy xii +inflator,air pump +chain sickle,kusarigama +rai-rai,koishi chikasa +utawareru mono,utawarerumono +my ordinary life,nichijou +sapphire (pokemon),may (pok・・スゥmon) +vampire savior,vampire (game) +aruf,arf +ffv,final fantasy v +akais,akasch +thigh straps,thigh strap +nervlish,nervous +stained clothes,dirty clothing +coyote tail,wolf tail +boar ears,wild boar +rear-view mirror,rearview mirror +electric keyboard,musical keyboard +maco,mako +esukee,universe +modeling,modelling +pamela lillian isley,poison ivy +bolt,bolts +hair vines,hair strands +diablos,diablo +alph,arf +heart tails,heart tail +kurohime (princess fresh meat),princess hinghoi +metae,meta +black blazer,black jacket +toloveru,to love-ru +cosmicmind,universe +blueberry,blueberry (fruit) +striped one-piece swimsuit,striped swimwear +semen in mouth,cum in mouth +face on ground,on front +drumsticks,drumming stick +mattaku moosuke,mattaku mousuke +lappillow,lap pillow +burying,t・・ス。ng +snow monkey,japanese macaque +manah,mana +brandon dunn,imdrunkontea +hu tao,hu tao (genshin impact) +jinja,shrine +sports jersey,jersey +spoons,spoon +party blower,party horn +powered armour,power armor +megaman zx,mega man zx +stuffed bear,teddy bear +flying ship,airship +chatea,chat +pinnn,pins +samsung electronics,samsung +minatoasu,harbor +multicolored blouse,multicolored shirt +using toilet,toilet use +air punch,raised fist +tagme (character),character request +breast covering,covering breasts +open pussy,spread pussy +skirt blow,wind lift +van-s,van +matsuno jyushimatsu,jyushimatsu matsuno +showdown,confrontation +hand to chin,hand on own chin +hetalia,axis powers hetalia +tomiwo,tommyowo +recoilless rifle,rocket launcher +greenapple,green apple +too small,undersized clothing +vectortrace,vector trace +ear licking,ear lick +white thighhighs,white legwear +lasto,zwishi +slimegirl,goo creature +blob,blurau +ainu,aoinu +yolk,egg yolk +oriental umbrella,oil-paper umbrella +kava181,hippopotamid +vapor trails,contrail +biker shorts,bike shorts +boob chart,bust chart +howto,how-to +shoulder ride,shoulder carry +skull earring,skull earrings +rotix,lotix +sunfish,the sunfish +racequeen,race queen +leg guards,shin guards +ol,office lady +hair loops,hair ring +hands to cheeks,hand on cheek +ultraviolet light,ultraviolet +balance ball,exercise ball +spitting fire,fire breathing +antichrist cross,inverted cross +semen on lower body,cum on body +moth ears,moth antennae +bottom less,bottomless +satya vaswani,symmetra (overwatch) +between pectorals,between pecs +kaizeru,kaizar +stud belt,studded belt +made in wario,warioware +football,soccer +sushoyushi,sushi +water lily pad,lily pad +bow thighhighs,bow legwear +villager (doubutsu no mori),villager (animal crossing) +one-piece,one-piece swimsuit +melonpan,mellonbun +ornate clothes,ornate clothing +open yukata,open kimono +teiiku,teyk +face-down ass-up,ass up +day of the dead (holiday),day of the dead +street fighter ii (series),street fighter +stuffed doll,plushie +blown kiss,blowing kiss +booklet,brochu +xenoblade 2,xenoblade chronicles 2 +hibiki (pokemon),ethan (pok・・スゥmon) +space marine (warhammer 40k),adeptus astartes +dracaena (pokemon),drasna (pokemon) +shinori,grim reaper +out of border,outside border +galaxies,galaxy +sleep wear,sleepwear +white vs black,black and white +ying-yang,yin yang +masaru (pokemon),victor (pok・・スゥmon) +fiery weapon,flaming weapon +uchigatana,udon +crombaster,ukan muri +sucho,tali +makiya 1919,suruga (xsurugax) +pumpkinpaii,pumpkin pie +avatar (fire emblem if),corrin (fire emblem) +yelloweyes,yellow eyes +milk junkies,milkjunkie +blur censor,blur censorship +suica,watermelon +lotus,lotosu +2boy,male +chups,chapu +witchhat,witch hat +kaze no tani no nausicaa,nausica・・ス、 of the valley of the wind +vampyr,vampire +ballet bar,barre +tip-toes,tiptoes +thigh licking,licking thigh +spinning wheel,spinda +argyle print,argyle +mail armor,chainmail +fishing lines,fishing line +camilla (fire emblem if),camilla (fire emblem) +juice,juiceps +butcherboy,butcher +guzuma (pokemon),skull boss guzma +street fighter zero 3,street fighter +leaf-pattern stripe,leaf print +maka alban,maka albarn +roe,egg +french bread,baguette +the monkey,macaque +manko,pussy +cinko17817,cinko +yjy,izzy +keitai,cellphone +under-rim glasses,under-rim eyewear +panty down,panty pull +dogfighting,dogfight +rurina (pokemon),nessa (pokemon) +sento,bathhouse +blue bowtie,blue neckwear +nose drip,runny nose +shotadom,rampie +picnicic,picnic +sole female,female +catherine,katherine +teru (pokemon),rei (pokemon) +lei lei,hsien-ko (darkstalkers) +cutlass (sword),cutlass +throwing stars,shuriken +letter boxed,letterbox +carlos eduardo,raichiyo33 +push-button,pushbutton +space puffs,afro puffs +lipgloss,lip gloss +tsunokakushi,tidalwave +assless panties,backless panties +slurpuff (pokemon),slurpuff +sa-x,saxophone +pray,praying +sitting on railing,railing +cai-man,caiman +shoes on hands,holding shoes +help,vontsira +ff7,final fantasy vii +bike,bicycle +hxh,hunter x hunter +fruits basket,fruit basket +rakka oto,koishi chikasa +gut punch,belly punching +mahjongg,mahjong +doraf,draph +alpaca suri,suri alpaca (kemono friends) +narane,enarane +jankenpon,rock paper scissors +red blazer,red jacket +watering pail,watering can +wiccan,wicka +two-tone-hair,two tone hair +polka-dot bra,polka dot bra +original,fan character +hiding mouth,covering mouth +talez01,conto +panty hose,pantyhose +fire man,firefighter +aetherion,ether +tenpura (tenpura621),ra tenpu +cowter,couter +staring at breasts,looking at breasts +odango,double bun +katanas,katana +final fantasy 7,final fantasy vii +dirigible,airship +kidou senshi gundam,mobile suit gundam +ivy (soul calibur),ivy valentine +pregnancy (male),pregnant male +raira,ryla +hangingboob,hanging breasts +futa with futa,intersex/intersex +ff10,final fantasy x +backwards sitting,sitting backwards +sock bow,bow legwear +sideways glance,looking sideways +jpegartifacts,compression artifacts +paw boots,paw shoes +police-man,policeman +jun (pokemon),barry (pok・・スゥmon) +sakuratsuki,sakura +jpg artifacts,compression artifacts +kono subarashii sekai ni shukufuku o!,konosuba: god's blessing on this wonderful world! +one earring,single earring +grey one-piece swimsuit,grey swimwear +coomer (meme),coomer wojak +cursedpairing,himuhino +natsushi,summer +shoulder armour,shoulder armor +dildo licking,dildo lick +holding drinking glass,holding cup +ff8,final fantasy viii +kanaria,canary +crystallization,crystal +6+girl,female +routo,rooth +straw (drinking),drinking straw +squirting (sex),pussy ejaculation +pokemon sun,pokemon +clothed female naked male,clothed female nude male +:0,:o +melone,melon +rushian,rathian +finalfantasy,final fantasy +cat tails,cat tail +crest,coat of arms +nosuke (pixiv),moyoron +crhistmas,christmas +bell hair ornament,hair bell +fondling testicles,ball fondling +transparent gif,transparent background +crescent wand,crescent moon +moira,moirah +upside-down cross,inverted cross +inica,inicka +romanji,romaji text +great gray wolf sif,great grey wolf sif + chunibyo & other delusions,chuunibyou demo koi ga shitai! +dog ear,dog ears +marshmelon puni,melon +mister mime,mr. mime +ushisuke,embarrassed +nezu (pokemon),piers (pokemon) +a maru,mal +qaz2365643,cian yo +froth,suds +merue,valoo +kerasu,ricegnat +stuffed snake,plushie +asmodeus (shinrabansho),asmodeus (shinrabanshou) +arigatou,thank you +natsuhara,summer +pso,phantasy star online +thighhigs,thigh highs +mozzu,shrike +umaibou,uhoh +shimakaze (kantai collection),shimakaze (kancolle) +sun print,sunscreen +game asset,game cg +zenya,zenia +heart crotch cutout,crotch cutout +leon (pokemon swsh),leon (pok・・スゥmon) +mei (pokemon),rosa (pok・・スゥmon) +foreskin retraction,foreskin pull +jelly fish,jellyfish +ice creams,ice cream +bright background,backlighting +kanna (pokemon),lorelei (pok・・スゥmon) +hits,milestone celebration +roah,raux +junes,joon +cranberry,krendius +sceptre,scepter +clit pull,clitoris pull +folders,folder +kaoling,kaorh +maggi,maggwai +tanu,thanu +promare,soza +english,english text +kotone (pokemon),lyra (pok・・スゥmon) +alternative eye color,alternate eye color +hand up shirt,hand under shirt +commission,kotezio +face punching,face punch +breast pocket,breast pockets +hair clips,hairclip +head sitting,sitting on head +holding lance,holding polearm +ping-pong racket,table tennis paddle +tie grab,necktie grab +dr. angela ziegler,mercy (overwatch) +probably noon,probablynoon +bruno buccellati,bruno bucciarati +jinglebells,jingle bell +k-on,k-on! +candy floss,cotton candy +insaneres,absurd res +gameboy advance sp,game boy advance sp +higana (pokemon),lorekeeper zinnia +instrument,musical instrument +wolyafa,moonlight flower +pink earrings,ear ring +lkll,lakilolom +chrysanthemum,chryseum +cum on swimsuit,cum on clothing +rat ears,mouse ears +sweethex,noiverus +optional typo,requiemdusk +yarnball,ball of yarn +kuraken,kraken +thighboots,thigh boots +hiide,yello +infantry,soldier +wristcuff,wrist cuffs +ammunition belt,ammo belt +carnet (pokemon),diantha (pok・・スゥmon) +no belly button,no navel +heart ass cutout,butt cutout +stuffed whale,plushie +ball caress,ball fondling +newyear,new year +painting fingernails,painting nails +luxuriou s,glush +hortensia (flower),ortensia +finalfantasyiv,final fantasy iv +neck belt,belt collar +sakidesu,cerezo +pack er 5,packge +bunny ears,rabbit ears +salamander tail,lizard tail +a-plug,plug +yinyang,yin yang +clit slip,clitoris slip +headboob,boob hat +vampire savior (game),vampire (game) +exasperation,angry +holding jack-o'-lantern,holding pumpkin +bike suit,bicycle +red pantyhose,red legwear +!!?,?! +4coma,4koma +ropebondage,rope harness +snake girl,lamia +barrett m107,barrett m82 +bellcollar,neck bell +street fighter 3,street fighter +rubbishfox,wisespeak +rosen maiden,rozen maiden +maamane (pokemon),trial captain sophocles +stuffed seal,stuffing +pokemon masters ex,pok・・スゥmon masters +blue berry,blueberry (fruit) +mahoujin,magic circle +shinia,sinia +cheating (relationship),cheat +half-rim glasses,semi-rimless eyewear +title name,copyright name +shoulder-length hair,medium hair +rozarin,rozalin +circling stars,seeing stars +cross of saint peter,inverted cross +maid cachusha,maid headdress +road cone,traffic cone +ex-meiling,hong meiling +reina charlotte tycoon,lenna charlotte tycoon +mak,m@k +sugar cube (object),sugar cube +callum (pokemon),calem (pok・・スゥmon) +link (wolf),link (wolf form) +elyse,eryz +typo (requiemdusk),requiemdusk +akatsuki kojou,kindergarten +licking testicles,ball lick +princess cut,hime cut +taoru,towel +hand outstretched,outstretched hand +series request,copyright request +shopping trolley,shopping cart +highena,hyaenid +maruttona,komusou (jinrikisha) +valentien,valentine's day +mahou shoujo,magical girl outfit +dande (pokemon),leon (pok・・スゥmon) +flame sword,flaming sword +oven mittens,oven mitts +sitting on broom,broom riding +pattern,patterns +fur lining,fur trim +triple fusion,hexafusion +unity (ekvmsp02),mal +hanakanzarashi,kanji +yotsuba&!,yotsubato! +couple,romantic +barrett m82a2,barrett m82 +karas,corvid +quiz,kix +porurin,poleyn +horo,jolo +odd eye,heterochromia +holding picture,holding drawing +video with sound,sound +male with newhalf,gynomorph/male +hands on glass,hand on glass +stuffed dog,plushie +ribbons in hair,hair ribbon +the genesis,genesis +boys love,male/male +differland,diforland +krampus (tokyo houkago summoners),krampus (housamo) +tied up (sexual),bondage +ironing,icaron +kurono,chrno +kamome,gull +broken ear,notched ear +hole in ears,earhole +girl in a cup,in cup +daigo (pokemon),steven stone +whirlwind,wirberlwind +peeing pants,wetting +shirona (pokemon),cynthia (pok・・スゥmon) +babycat,observerz +new year's eve,new years eve +catboy,cat boy +robert porter,robaato +torque,torc +miysin,sewing machine +choiark,chalk +orange peel,orange-peel +yellow blouse,yellow shirt +captcha,capte +totakeke,k.k. slider +blowjob gesture,fellatio gesture +untied footwear,shoelaces untied +tetrodotoxin,tetrodotoxine +v (bunny ears),bunny ears (gesture) +jum-p,ruco +aratake,alator +holding playing card,holding card +back hug,hugging from behind +pointy fingernails,sharp fingernails +fire keeper,firefighter +flower viewing,kanji +toe-scrunch,toe scrunch +stuffed wolf,plushie +de-aged,aged down +yu-gi-ou!,yu-gi-oh! +crimvael,crimestrikers +holding another's hand,hand holding +ce- -3,pepper0 +hand to chest,hand on own chest +awa,arh +cheergirl,cheerleader +tissuebox,tissue box +nero (dmc),nero (devil may cry) +assembling,majalis +please don't bully me nagatoro,ijiranaide nagatoro-san +e volution,evolution +hairdown,hair down +kiidautoisa,hondaranya +hidden masturbation,stealth masturbation +pring654,k pring +rabi en rose,usada hikaru +whips,whip +kuronezumi,black balls +thigh cup,wakamezake +posterior cleavage,butt +no sleeves,sleeveless +fan (handheld),hand fan +holes,buchi +street fighter ii' turbo: hyper fighting,street fighter +rokkaku (ajisaidenden),kawakami rokkaku +ohse,arh +arm guard,arm guards +papas,daddy-o +takeshi (pokemon),brock (pokemon) +united kingdom flag,union jack +pearl (pokemon),barry (pok・・スゥmon) +used condom on penis,filled condom +hip lines,pubic mound +shirika,silicas +bird nest,birds nest +semi rimless glasses,semi-rimless eyewear +my unit (fire emblem if),corrin (fire emblem) +fatalpulse,asanagi +eureka (pokemon),bonnie (pok・・スゥmon) +paper ghost,shikigami +dashed outline,dotted line +8girls,female +clams,clam +okappa,bob cut +gothloli,gothic lolita +girl's love,female/female +breast outside,one breast out +orange (food),orange (fruit) +print blouse,print shirt +bb (fate) (all),bb (fate) +super street fighter ii turbo hd remix,street fighter +tharja,tharja (fire emblem) +sponsor,sponsz +psvita,playstation vita +bloody chest,blood on chest +penis tucking,tail penis +bareshoulders,bare shoulders +condensation trail,contrail +stare down,staredown +shitappa,sertaa +boco,boko +sanji,sanji (one piece) +lodoss-tou senki,record of lodoss war +chjz,pukara +ilya,illyasviel von einzbern +fluorescent lamp,fluorescent light +grimmjow jeagerjaques,grimmjow jaegerjaquez +hand to cheek,hand on own cheek +carte,cult +almost kiss,imminent kiss +cracked lens,cracked glass +licking own penis,autofellatio +ji dan,jidane +parking garage,parking lot +lorry,truck +croquette,korokke +xiaji,shazzi +female protagonist (pokemon b&w),hilda (pok・・スゥmon) +disassembly,decomposition +puni (pokemon),zygarde core +checkered blouse,checkered shirt +toosaka sakura,sakura mat・・・ +brown earrings,ear ring +bishounen,male +edging underwear,underwear +ice-cream cone,ice cream cone +hadaka apron,apron only +hands focus,hand focus +kentucky fried chicken,kfc +roman number,roman numeral +3dcg,3d (artwork) +cannonballs,cannonball +milk breasts,lactating +cunillingus,cunnilingus +tsukimushi,tidalwave +tanaka shoutarou,tabusa +gosurori,gothic lolita +breakdance,breakdancing +cat girl,feline +fiery eye,fiery eyes +hairbell,hair bell +tsubasaki,tidalwave +teabagging (sexual),tea bagging +stuffed cow,plushie +rape eyes,imminent rape +moru00f,kret +chip (poker),poker chip +sakaki (pokemon),giovanni (pok・・スゥmon) +bandagebra,chest wraps +majorette,attack +typemoon,type-moon +mesousa,marshy +tsukiuta,tidalwave +zombification,zombiate +chillarmy,minccino +stocking stuffer,christmas stocking +holding backpack,holding bag +white bikini top,white bikini +iguana (animal),iguanid +healin good precure,healin' good precure +pokemon blue,pokemon rgby +spot colors,spot color +chiki,tiki (fire emblem) +harry james potter,harry potter +jyun,joon +devotion,wakfu +cigarete,cigarette +veggie,vegetable +fig,whike +itou korosuke,korosuke +kubisuji,eel +olga narhova,prywinko +scribble,graffiti +sheep horns,ram horn +goback,mayar +medarot,medabots +versen,poem +stuffed sheep,plushie +person in a container,in container +armpit holster,shoulder holster +a/c,air conditioner +stripped panties,striped panties +sully (fire emblem),orangesoiree +mintes,minze +nipple cutout,nipple cutouts +roaches,cockroach +ff9,final fantasy ix +emoji censor,emoji censorship +toggles,toggle +redrawn,redraw +mole on ass,mole on butt +final fantasy 11,final fantasy xi +phara,farah +dragon quest 10,dragon quest x +sugar cubes,sugar cube +yu-gi-ou,yu-gi-oh! +headswap,head swap +polymastia,multi breast +the moon studio,moon studios +flyswatter,fly swatter +naked sleeves,detached sleeves +ejaculation between breasts,ejaculation +groose,sulcus +tit window,cleavage cutout +train tracks,railway +puca-rasu,pukara +inspecting,examination +otter (kemono friends),asian small-clawed otter (kemono friends) +officelady,office lady +biohazard suit,hazmat suit +ping-pong,table tennis +luliao,aaru (tenrake chaya) +ryle,rairru +fox fire,hitodama +need source,source request +sakidesu00,cerezo +lordoftherings,the lord of the rings +shikinami asuka langly,asuka langley soryu +night table,nightstand +mouth,suule +monster girl doctor,monster musume no oisha-san +eva solo,evasolo +tab head,tabhead +sakamoto ryuuji,ryuji sakamoto +magical girls,magical girl outfit +clavicles,collarbone +ruffled dress,frilly dress +ice box,cooler +water droplets,water drop +meronpan,mellonbun +m-82a,barrett m82 +cigarrette,cigarette +tsuchinoto,tidalwave +pareo,sarong +gold brick,gold bar +lillly,liliel +dark ball,dusk ball +outlines,outline +nose,snout +arm outstretched,outstretched arm +re cation,rebirth +dwarves,dwarf +bunny ear,rabbit ears +souryuu asuka langly,asuka langley soryu +minna no rhythm tengoku,rhythm heaven +glowing fingernails,glowing nails +olga solovian,olchas +trading cards,trading card +street fighter iii: 3rd strike,street fighter +aro,ahro +zyl,jirs +toy box-r,surio +mathnote,math +ff13,final fantasy xiii +bullpup rifle,bullpup +video game console,game console +:},smile +birdcage,bird cage +blizzard,blizzieart +black pit,dark pit +ichigo pantsu,strawberry panties +street fighter alpha 1,street fighter +ohjin,arh +trembling legs,shaky legs +matsubusa (pokemon),maxie (pok・・スゥmon) +slender man,slenderman +heart navel cutout,navel cutout +to-love-ru,to love-ru +ningai modoki,jingai modoki +grey thighhighs,grey legwear +rayn,rayne +mudra,almudron +shopping bags,shopping bag +homika (pokemon),roxie (pokemon) +vomiting rainbows,technicolor yawn +toe-spread,spread toes +the world,donya +cats yone,g-cat +panchira,panty shot +mark of the wolves,garou: mark of the wolves +striped thighhighs,striped legwear +bun covers,bun cover +hands on cheek,hand on cheek +shio,sio +personal ami,personalami +hair ties,hair tie +blowing leaves,falling leaves +mochi mallet,xine +falling snow,snowing +maple story,maplestory +negurie,negija +1girls,female +ff4,final fantasy iv +song hana,d.va (overwatch) +burning sword,flaming sword +fire-tipped tail,flaming tail +leaves in wind,falling leaves +chuu2koi,chuunibyou demo koi ga shitai! +licking testicle,ball lick +amazon (copyright),amazon (company) +dq8,dragon quest viii +castanic (tera),castanic +feel,feels +vicke (pokemon),wicke (pok・・スゥmon) +testicles on face,tea bagging +rockman dash,mega man legends +suncream,sunscreen +asai genji,anesthesia +sakusaku,sakura +lopsided breasts,asymmetrical breasts +transparency,translucent +ox horns,cow horn +pokemon sm,pokemon +artist twitter,twitter username +onenechan,onene +o <,> o +elleciel.eud,eud +facing up,pointing up +ghislaine dedoldia,ghislaine dedorudia +memories off,memories +colt m1911,handgun +holding strawberry,holding fruit +no skirt,pantsless +pink yukata,pink kimono +extra penises,multi penis +seeu,seeumai +m82,barrett m82 +waiting line,queue +incipient kiss,imminent kiss +gyakuten saiban 4,ace attorney +anthropomorphism,personification +red earrings,ear ring +ping pong paddle,table tennis paddle +lonerurouni187,kenshin187 +pokemon card,pok・・スゥmon tcg +drainpipe,drain pipe +boxers aside,underwear aside +violoncello,cello +party hats,party hat +tail-tip fire,flaming tail +street fighter zero i,street fighter +house wife,housewife +leafbikini,leaf bikini +matcho,match +neliel tu oderschvank,nelliel tu odelschwanck +dog cone,ruff (clothing) +toosaka rin,rin t・・。径ka +inase shinya,inase shin'ya +golden wind,jojo's bizarre adventure +muffler,scarf +stuffed cat,plushie +sparklers,sparkler +settee,sofa +closed fists,clenched hands +with you,kougatalbain +detached arms,detachable arms +hawawani,fuf +toheart2,to heart 2 +hair locs,dreadlocks +sona buvelle,sona (lol) +fireball (fire),fireball +ox ears,bovine ears +tokonatu,p!k@ru +fish bones,fishbone +final fantasy 10,final fantasy x +cuvie,q-bee +gothiruselle,gothitelle +phosphora,lyn +tentacle clothes,tentaclothes +crescent,crescent moon +major,majmajor +lirica,llirika +sucking penis,fellatio +nanakawa mika,rainbow mika +cat ears,cat humanoid +chicks,chick +bullet casings,shell casings +toddlersex,toddler +male protagonist (pokemon xy),calem (pok・・スゥmon) +gold ingot,gold bar +african wild dog ears,dog ears +rumo,lumo +gomennasai,rimentus +landship,teren +panty aside,panties aside +frilled,rufflet +eye rub,rubbing eyes +pickax,pickaxe +miqi (nnaf3344),mikicat +ripped jacket,torn jacket +greenhair,green hair +handpuppet,hand puppet +goggle on head,goggles on head +yuuki (pokemon),brendan (pokemon) +overflowing,overflow +sessue,seth +shadbase,shadman +lightningstrikes,viggen +road roller,steamroller +melon (pokemon),melony (pokemon) +rosetta (mario),rosalina (mario) +filmstrip,film strip +railgun (weapon),railgun +black-hair,black hair +hitode,starfish +ping pong,table tennis +olympic games,olympics +biohazard 2,resident evil +revised,revision +police woman,policewoman +gen (pokemon),riley (pok・・スゥmon) +rockman (character),mega man (character) +droplet,water drop +seung mi-na,seong mi-na +tartar,tartare +large hat,big hat +kagari (pokemon),magma admin courtney +3rd strike,street fighter +highfive,high five +toe-point,plantar flexion +sex change,crossgender +grasslands,meadow +spiking,spikes +ganzu,gantz +leeches,leech +tail red,cuehors +fuuro (pokemon),skyla (pokemon) +ohoho,arh +caster (fate/extra),caster tamamo-no-mae +lyuka,rayka +ritence,ritual +ass crack,butt +trente,treant +waffles,waffle +kaiju samurai,kaijusamurai +preschool,kindergarten +antennae hair,antenna hair +nude ribbon,naked ribbon +tanuki ears,raccoon ears +fingers inside mouth,finger in mouth +brown-hair,brown hair +wetshirt,wet shirt +holographic clothing,holographic clothes +scarf sharing,sharing scarf +panty flash,panty shot +yankee,delinquent +ririmon,lillymon +whitebox,tail box +mime junior,mime jr. +four-poster bed,canopy bed +mr. skull,ratatatat74 +uzaki-chan wants to hang out!,uzaki-chan wa asobitai! +haiteku,high tech +fish ears,head fin +clothes rack,clothing rack +hippopotamuso,hippopotamid +windchime,wind chime +chestnuts,castagno +ahn,anne +g-gundam,g gundam +boars,wild boar +sidetail,side ponytail +scar on breasts,chest scar +rickshaw,rekkit +nobuchi,star +tengen toppa gurren-lagann,tengen toppa gurren lagann +bodystocking under clothes,bodystocking +kuro (fate/kaleid liner),chloe von einzbern +cheek tug,cheek pull +lavender nails,purple nails +on crescent,crescent moon +sit on face,facesitting +twinbraid,twin braids +kagari atsuko,atsuko kagari +toe-point down,plantar flexion +bluescreen,blue screen of death +paint bucket,paint can +monobe-moriya,monobe yuri +hiccup,hiccuping +tactics,takatiki +portuguese,portuguese text +bell earring,bell earrings +tsuki-shigure,tidalwave +large pectorals,big pecs +protect,protecting +chest of drawers,drawer +cardiac arrest,heart attack +canking,tin can +pectoral focus,breast focus +blood on fingers,blood on hand +lillin,lyrin +mismatched nail polish,multicolored nails +fan (electric),electric fan +steeb26,steef +lstrikesart,viggen +swimcap,swimming cap +sharking,pantsing +windowboxed,border +grey blouse,grey shirt +indonesian,indonesian text +heel pop,heelpop +bandaged arms,bandaged arm +chotto,cheotdo +saitou (pokemon),bea (pokemon) +rusky,laskey +soul (pokemon),silver (pok・・スゥmon) +raidon,leydon +nier gestalt,nier +striped pantyhose,striped legwear +stoplight,traffic light +lightbrown hair,light brown hair +cctv,security camera +hair rollers,hair roller +gatling,gatling gun +ok,ok sign +alchemaniac,alchemy +dong azema,feathers +shou (pokemon),akari (pokemon) +whaleshark,whale shark +peeking out,piilsud +inside spacecraft,spaceship interior +food on cheek,food on face +powered armor,power armor +web,spider web +absorbing,absorbtion +gigantic breast,huge breasts +hands outstretched,outstretched hand +wind magic,air manipulation +testicle licking,ball lick +kava,hippopotamid +chiru,chilllum +matsunoki (unknown 751),suruga (xsurugax) +3p,threesome +sasakura,sasaki +ms. eight feet tall,hasshaku-sama +umineko,umineko no naku koro ni +arezu,arezu (pokemon) +the helpful fox senko-san,sewayaki kitsune no senko-san +icecream cone,ice cream cone +kingoffighters,the king of fighters +amplifier (instrument),amplifier +toei,toei animation +starlime,starry sky +iron sign,male symbol +hair flowers,flower in hair +screw driver,screwdriver +music sheet,sheet music +sankuma,sun bear +takamaki anzu,ann takamaki +maka arubaan,maka albarn +spark,sparks +steven (pokemon),steven stone +pantsupull,panty pull +kuma x,exaxuxer +iwbitu-sa,iwbitu +rei (pokemon legends: arceus),rei (pokemon) +kingdom hearts mobile,kingdom hearts +toire amesawa,amezawa koma +ffiv,final fantasy iv +blue blazer,blue jacket +pearl earrings,pearl earring +mole,kret +sleeveless blouse,sleeveless shirt +nippori,japan +paruko (splatoon),harmony (splatoon) +spaghetti straps,spaghetti strap +super mario bros. 1,mario bros +walnut (food),walnut +electric socket,electrical outlet +drrr!!,durarara!! +sonri,sonyan +double ears,multi ear +striped blouse,striped shirt +koi (fish),koi +genkung,genus +dainamitee,dynamite +michael f91,michael (disambiguation) +lp record,record +erect nipplees,covered nipples +blue blouse,blue shirt +nose-to-nose,noses touching +takamaki anne,ann takamaki +traffic signal,traffic light +arms above,raised arms +adjusting headwear,adjusting hat +stuffed crocodile,plushie +kkumdol,cho!cho! +bare pectorals,bare chest +hair loop,hair ring +exchanging clothes,clothing swap +ball braids,hair bobbles +sekaiju no meikyuu 5,etrian odyssey +mos,moss +anti-tank rifle,anti-materiel rifle +anime in real life,photo background +garnet,garnetto +temmasa22,melon22 +shuuko (s h uuko),shuuko +stacked books,book stack +nakuta,nakhta +compasses,compass +ana amari,ana (overwatch) +pollaxe,halberd +mymerody4649,trembling +mario kart 8 deluxe,mario kart +fishnet thighhighs,fishnet legwear +tanukichi (doubutsu no mori),tom nook (animal crossing) +hair decs,hair accessory +akaooni,aliaspseudonym +asuka langley souryuu,asuka langley soryu +molester,molestation +shyi,shy +loped,rope +gym ball,exercise ball +quaver,eighth note +dainama,nollety +bun huggers,buruma +buront,barontoko +dandelions,dandelion +jilu,jirs +fukuzou,evangelo +bunny ears prank,bunny ears (gesture) +!!!!,exclamation point +snake eyes,slit pupils +tsuki (xenoblade),dahlia (xenoblade) +holding camcorder,holding camera +aqua eyelashes,colored eyelashes +brainfreeze,brain freeze +parfait (ryunghu),yacht +blake (pokemon),nate (pok・・スゥmon) +mettaton-ex,mettaton ex +female sign,female symbol +ether core,ether-core +knees touching,knock-kneed +suzuna (pokemon),candice (pokemon) +nekoarc,neco-arc +misteor,fog +boy love,male/male +kaito,kaito (vocaloid) +glowing headgear,glistening headgear +pillarboxed,pillarbox +yace,eek +lahmu,lahmu (fate) +anti-material rifle,anti-materiel rifle +blonde eyelashes,colored eyelashes +cymbal,cymbals +card captor sakura,cardcaptor sakura +azto dio,aztodio +tearing clothes,tearing clothing +nailpolish,colored nails +yudoufu (unify),sakura +rough censoring,mosaic censorship +meru,mell +gas-mask,gas mask +creepy eyes,eerieeyes +heart eyepatch,heart eye patch +open blazer,open jacket +dirty clothes,dirty clothing +white earrings,ear ring +decora,decoration +clothes tug,pulling clothing +otokonoko,girly +durarara,durarara!! +brown one-piece swimsuit,brown swimwear +multitails,multi tail +onepunch-man,one-punch man +street fighter zero 2,street fighter +blastwave,shockwave +hand to own chest,hand on own chest +crossed legs (standing),crossed legs +r18gpicbot,fan no hitori +adultbaby,adult baby +tasuku,tasque +w legs,wariza +kajiki,marlin +orange eyelashes,colored eyelashes +honey calamari,honeycalamari +impossible clothes,impossible clothing +kaba (flusspferd),hippopotamid +legs,feet +red thighhighs,red legwear +over the knee,on knee +butt fangs,butt from the front +schooldays,school days +dustcloth,rag +junny,jinny +wetland,marshy +tally,talilly +hotaru (splatoon),marie (splatoon) +dragonball gt,dragon ball gt +copper,kobbers + miss nagatoro,ijiranaide nagatoro-san +writing on another's face,face paint +shirtlift,shirt lift +ff1,final fantasy i +slums,slammu +yanappu,pansage +emuchi,coat of arms +cut,wounded +o ring,o-ring +kryztar ice,kryztar +spiked teeth,sharp teeth +oolong,woo long +bocodamondo,lewdamone +shikinami asuka langely,asuka langley soryu +tekhartha zenyatta,zenyatta (overwatch) +noise (crt),static +bluehair,blue hair +blood pack,blood bag +sucking dick,fellatio +copyright notice,watermark +bare knuckle,streets of rage +oreo,oreos +collar with chain,chain leash +koyashaka59,koyashaka +multilingual,multi tongue +purple thighhighs,purple legwear +fgo,fate (series) +shielder (fate/grand order),mash kyrielight +fire spit,fire breathing +vaginal object push,vaginal object insertion +boxart,box art +cat paw,cat paws +weather vane,weathervane +legs grab,foot grab +flaming eye,fiery eyes +planetes,planet +pussy veil,pelvic curtain +akari (pokemon legends: arceus),akari (pokemon) +cumswap,snowballing +lip licking,licking lips +breasts covering,covering breasts +2chan,futaba channel +kuma (persona4),teddie (persona) +platinum berlitz,dawn (pok・・スゥmon) +crescent moon symbol,crescent moon +finger licking,finger lick +traditional youkai,yokai +electronic cigarette,e-cigarette +serving food on female,nyotaimori +purple one-piece swimsuit,purple swimwear +shippo,skottichan +shin seiki evangelion,neon genesis evangelion +ransa,lantha +pink pantyhose,pink legwear +wrecking yard,junkyard +morning hair,messy hair +brown cat,brown pussy +air kiss,blowing kiss +ninjinshiru,ninja +feather hat ornament,hat feather +wall stuck,through wall +fume,smoke +swimwear (male),male swimwear +xil,jairou +yarrow (pokemon),milo (pokemon) +square-enix,square enix +nagai (jorgemendozaart),nagainosfw +gouache (medium),gouache (artwork) +raindrops,water drop +streetfighter,street fighter +magic circles,magic circle +nekousapurin,ramen noodles +genshin,genshin impact +platina (pokemon),dawn (pok・・スゥmon) +face-to-face,face to face +table tennis racket,table tennis paddle +video tape,video cassette +yams,sweet potato +extra heads,multi head +sexual euphemism,euphemism +azumanga,azumanga daioh +askray,bosshi +watermelons,watermelon +mamane (pokemon),trial captain sophocles +gladio (pokemon),gladion (pok・・スゥmon) +sensei,teacher +empty,prazite +naked randoseru,randoseru +jeanne d'arc (fate) (all),jeanne d'arc (fate) +antiheld,tabletorgy +pokemon rby,pokemon rgby +maruchi,circle +boys only,male focus +recharging,charging +terras,terra +mister donut,misterdonut +pec fuck,pecjob +yellow pantyhose,yellow legwear +healing good precure,healin' good precure +relila,lyre +harbin,harvin +futa with female,intersex/female +running briefs,buruma +changing clothes,changing clothing +horror (expression),horrified +nitocris (fate/grand order),nitocris (fate) +ukrainian,ukrainian text +crest (digimon),digimon crest +march,marching +mvc,marvel vs. capcom +covered erection,erection under clothing +medarots,medabots +yellow one-piece swimsuit,yellow swimwear +azema (azima kazira),feathers +lifebar,health bar +lastlong,uchida shuusann +hiyashinssu,hyacinthia +lightning bolts,lightning bolt +handdrawn,traditional media (artwork) +lexus,lexas (ludexus) +head in breasts,head between breasts +pool ball,billiard ball +sakura blossoms,cherry blossom +wadingpool,kiddie pool +katee,kaitty +an sin,peachan +digital media player,portable music player +traditional japanese clothes,japanese clothing +shotgun shells,shotgun shell +holo,jolo +breastless bra,cupless bra +purple pantyhose,purple legwear +sunny side up egg,fried egg +rubbish bag,trash bag +5boy,male +mina cream,minacream +collapsing,collapse +painting frame,picture frame +girls love,female/female +natane (pokemon),gardenia (pokemon) +tahra,tara +lukas klaudat,blanclauz +studded dildo,spiked dildo +restaint,chisara +father christmas,santa claus +kakeru (pokemon),chase (pok・・スゥmon) +redbaron,red baron +tsukii,tidalwave +breasts out of clothes,exposed breasts +gin2,keeshee +spike,spikes +electric piano,piano +black thighhighs,black legwear +highschool dxd,high school dxd +tolkemada,mizuryu kei +holding bat (baseball),holding baseball bat +origa discordia,olga discordia +sakurano,sakura +scapular,shoulder blades +nelliel,nelliel tu odelschwanck +watermelon splitting game,suikawari +ach,ouch +1990s (style),1990s +less,meno +ege (597100016),evolution +necktie between pecs,necktie between breasts +koukaku kidoutai stand alone complex,ghost in the shell +caves,cave +mizugi,swimwear +cap backwards,backwards hat +sideboobs,side boob +tsukiiro,tidalwave +iron symbol,male symbol +half life 2,half-life 2 +wong ying chee,sapphire1010 +outside of border,outside border +sakuhiko,sakura +makaiko,heigani +no source,source request +angeldust,angel dust +christmas gift,christmas present +scar on stomach,stomach scar +football (american),american football +polygon,3d (artwork) +jammers,jammer +a will,thewill +person carrying,carrying person +viewed from below,low-angle view +futaba,futaba channel +shonen-ai,male/male +twin bun,double bun +t-back,thong +bans,harami +purple yukata,purple kimono +stuffed giraffe,plushie +missiles,missile +dragon pilot: hisone and masotan,hisone to masotan +tsukiumi,tidalwave +heels dangling,shoe dangle +testicle piercing,scrotum piercing +my life with monstergirl,monster musume +hands to face,hands on own face +asobi ni ikuyo,cat planet cuties +chelsea smile,glasgow smile +guys only,male focus +nack star,devilukez +unnamed girl (pokemon swsh),lass (pokemon) +extended pinky,pinky out +phatsmash,phat smash +may,megi +lemur ears,lemur +nuts (hardware),nut (hardware) +yae (genshin impact),yae miko +symbolic,symbolism +ripped sweater,torn sweater +sakuro,sakura +top less,topless +eye of wdjat,eye of horus +please don't bully me,ijiranaide nagatoro-san +acoustic piano,piano +frilled bikini bottom,frilly bikini +homura (xenoblade 2),pyra (xenoblade) +atea,tea +breast cover,covering breasts +princess resurrection,kaibutsu oujo +mature,mature female +spread bar,spreader bar +ffxii,final fantasy xii +red earth (game),red earth +gabriel reyes,reaper (overwatch) +dodome (sharon),dodome-iro mayonnaise +semen in anus,cum in ass +keqing,keqing (genshin impact) +jagi,jaggi +tartan skirt,plaid skirt +type moon,type-moon +holding sakazuki,holding cup +hand in shirt,hand under shirt +code geass hangyaku no lelouch r2,code geass +bloody breasts,blood on breasts +hyuse,fuse +lagann,raghan +failure,fail +sketchpad,sketchbook +hairbells,hair bell +hetaria,axis powers hetalia +brown blazer,brown jacket +holding bikini,holding swimwear +dune (movie),dune (series) +whipmarks,whip mark +weddingdress,wedding dress +furry,drawfurry +partly translated,partially translated +drrr,durarara!! +heremia,heresy +herb,herbs +lucy heartphilia,lucy heartfilia +lin-lin,ling-ling +gray thighhighs,grey legwear +orange thighhighs,orange legwear +sword on back,weapon on back +nemo (pokemon),nemona (pokemon) +side glance,looking sideways +s-a-murai,samurai +green earrings,ear ring +jewel pet tinkle,jewelpet +ying yang,yin yang +leg raise,raised leg +chinchira,chinchilla +manga meat,meat on bone +dark stalkers,vampire (game) +reisen (touhou bougetsushou),reisen udongein inaba +copyright abbreviation,copyright name +pyjama,pajamas +mei-ling zhou,mei (overwatch) +wolf and spice,spice and wolf +platina berlitz,dawn (pok・・スゥmon) +flowerpot,flower pot +daria leonova,kittew +maybe,moogle +waist chain,belly chain +street fighter zero ii,street fighter +hair strand,hair strands +frilled underwear,frilly underwear +skirtlift,skirt lift +brown pubic hair,brown pubes +scott w pilgrim,scott pilgrim +all-seeing eye,eye of providence +absent,annmaren +ripped legwear,torn legwear +ultramarines,ultra marine +punch to face,face punch +u rei 3,melon +kurowa,croix +chocolate hair,brown hair +mint,minze +uhhgaoh,uhoh +windmills,windmill +spiked shoulders,shoulder spikes +usagikoya,rabbit +yukimenoko,froslass +holding naginata,holding polearm +firemans carry,fireman's carry +drawfriend,drawfag +bat (baseball),baseball bat +shinku,sink +kaguya luna (character),moon studios +akaisu,akasch +hana song,d.va (overwatch) +sabaton,sabatons +self-portrait,self portrait +zebra crossing,crosswalk +shikinami asuka langley,asuka langley soryu +torii (gate),torii +ping-pong paddle,table tennis paddle +japanese umbrella,oil-paper umbrella +beet (pokemon),bede (pok・・スゥmon) +catears,cat humanoid +sitar,sitarra +flying petals,falling petals +grab,grabbing +thighhgihs,thigh highs +hairlocs,dreadlocks +yuu-gi-ou,yu-gi-oh! +brook,brook (one piece) +remil,remyl +slice of pizza,pizza slice +brigitte lindholm,brigitte (overwatch) +needles,hook +tdi vector,kriss vector +shopkeeper,merchant +doublepenetration,double penetration +cubes,cube +head-to-head,heads together +ricky ka pang,greenteaneko +suneate,suntan +kyrie,kylie +stuffed pig,stuffing +brown leggings,brown legwear +wario ware,warioware +chun li,chun-li +cum on pantyhose,cum on clothing +xenoblade x,xenoblade chronicles x +mitsurugi reiji,miles edgeworth +gray pantyhose,grey legwear +conifer,haloren +stuffed fish,plushie +poketch,pockets +black blouse,black shirt +cucumbers,cucumber +lisa (doa),lisa hamilton +whi-two (pokemon),rosa (pok・・スゥmon) +dustbin,trash can +tan,suntan +okuu,utsuho reiuji +cotton bud,cotton swab +animal collar,collar +digimon adventure tri.,digimon +luli,luri +puffing cheek,puffed cheeks +ffiii,final fantasy iii +off shoulders,off shoulder +rain drops,water drop +to love ru,to love-ru +annie hastur,annie (lol) +blindfold down,blindfold +steel ball,wrecking ball +tsukineko,tidalwave +reinhardt wilhelm,reinhardt (overwatch) +headbump,head bump +power pole,utility pole +hoshi no kirby,kirby (series) +elizabeth bathory (fate) (all),elizabeth b・・ス。thory (fate) +thing (athing),mizumizuni +gins,zin +sorrysap,rimentus +klang,krang +xenoblade 1,xenoblade chronicles 1 +puppet string,puppet strings +re leaf,leaf +semen on hair,cum in hair +erhu,elfein +tooo,rin tyan +precum trail,precum string +clash,collision +cat's tongue,pussy tongue +blue pantyhose,blue legwear +shaded eyes,shaded face +grimmjow jaggerjack,grimmjow jaegerjaquez +comforter,solaceopossum +dolljoints,doll joints +tuque,beanie +manual piano,piano +semen on ass,cum on butt +cheek press,rubbing cheek +doom,doom (series) +eyes out of frame,head out of frame +nudtawut thongmai,neoartcore +linked piercings,linked piercing +reith,reese +sing,singing +nankong,yabby +eggbeater,whisk +precious stones,gem +rockets,rocket +aoi tsunami,blvefo9 +ash (pokemon),ash ketchum +sakurasaka,sakura +bort,boat +drawstrings,drawstring +hestia (dungeon),hestia (danmachi) +kyonshii,jiangshi +animal feet,animal legs +furious,ragey +twin buns,double bun +trap,girly +hazard suit,hazmat suit +pikumin,pikmin +land battleship,teren +cunilingus,cunnilingus +extra wings,multi wing +old television,crt +toss,tossing +push down,pushing down +bulls,cattle +supercar,sports car +front tie top,front-tie top +semen on body,cum on body +kote,coat +bloody arm,blood on arm +4boy,male +turrets,turret +thighhighs only,thigh highs +shijima (pokemon),chuck (pokemon) +crotch veil,pelvic curtain +biohazard 5,resident evil +rekka,recca +holding remote,holding remote control +bible black only,bible black +x (pokemon),calem (pok・・スゥmon) +pointing sword,sword +energon,energy +pupps,chyo +psycho-pass,psycho pass +fist shaking,fists clenched +three-wheeler,tricycle +ff15,final fantasy xv +the hammer,hammer +shining,the shining +shining hearts,glistening heart +fullmoon,full moon +ookami (game),・・€病mi +fur-lined jacket,fur-trimmed jacket +semi-rimless glasses,semi-rimless eyewear +libus,rivas +lancer (lostbelt),caenis (fate) +akihara nakuru,naika +hetalia axis powers,axis powers hetalia +hair tussle,ruffling hair +wing helmet,winged helmet +peeking,piilsud +nanaya makoto,makoto nanaya +pasutel,pastel +brown blouse,brown shirt +poju,po-ju +squishy (pokemon),zygarde core +underwear aside (male),underwear aside +ruit,roots +toon (style),toony +cuff link,cuff links +green thighhighs,green legwear +pillow hat,mob cap +hand licking,hand lick +hajin,hajinn +ls-lrtha,frfr +puroburebu-dan,tabletorgy +penis touching,penises touching +kylin,giraffid +shimoyakedou,ouma tokiichi +orange,orange (fruit) +nyarth,meowth +.hack//legend of the twilight bracelet,.hack +traces,traga +octopus girl,scylla +leg slit,side slit +denpa,lightning bolt +little penis,small penis +white glove,white gloves +eleka,lyn +hachishaku-sama,hasshaku-sama +shavedice,shaved ice +banister,railing +fish cake,kamaboko +mihoyo technology (shanghai) co. ltd.,mihoyo +akane (pokemon),whitney (pokemon) +bitgag,bit gag +fenrir (tokyo houkago summoners),fenrir (housamo) +blackhair,black hair +underbreast,under boob +zekamashi,shimakaze (kancolle) +kon!,k-on! +ashley (wario ware),ashley (warioware) +wo bushi zelang,463 jun +red bowtie,red neckwear +kuroinyan,croiyan +the kite,thekite +the bible,bible +kalian,karian +kiririn,giraffid +searchlights,searchlight +sam samsung,samsung sam +mamepato,pidove +kuchinashi (pokemon),island kahuna nanu +corn syrup,madkaiser +sakumichi,sakura +love r,leafeon +flare pants,bellbottoms +go-kart,kart +cartoon,toony +october,orctober +cherim,cherrim +binary,ebiinari +the hammer (pixiv30862105),hammer +fat thighs,thick thighs +fake whiskers,fake beard +torisu,tris +mucha style,art nouveau +same-hada,simul +colored skin,colored flesh +making-of,unfinished +large shoes,big shoes +uruseiyatsura,urusei yatsura +red-eyes b. dragon,red-eyes black dragon +casey shield,gloria (pok・・スゥmon) +male protagonist (pokemon legends: arceus),rei (pokemon) +hihidaruma,darmanitan +zettai ryouki,absolute territory +cool box,cooler +coat on shoulders,jacket on shoulders +anime flux,animeflux +censor steam,steam censorship +pinkhair,pink hair +barbecue (activity),grilling +pokemon red and green,pokemon rgby +ranset,backpack +watercolor (medium),watercolor (artwork) +nunchuks,nunchaku +gits:sac,ghost in the shell +hiyappu,panpour +48design,glush +kokorin,cocoline +leopardprint,leopard print +sapphire birch,may (pok・・スゥmon) +hair tube,hair tubes +anonimasu,annonymouse +i"s,estix +tie pin,tie clip +nishiki (fire emblem if),kaden (fire emblem) +swimsuit thief,swimwear theft +kemoribon,kemoribbon +diamond wa kudakenai,jojo's bizarre adventure +cryturtle,crybleat +shocked eyes,wide eyed +ass-up head-down,ass up +harem clothes,harem outfit +kasasasagi,kawasaki +pov eye contact,looking at viewer +fire weapon,flaming weapon +rohgun,loganhen +breast feed,breastfeeding +kokusei (genshin impact),keqing (genshin impact) +shanghai (city),shanghailion +m-rs,bgn +venus sign,female symbol +galoshes,rubber boots +takeuchi ryousuke,ryusuke +naked thighhighs,thigh highs +warin,wine +ragnarokonline,ragnarok online +inuzumi,bird +lafiel,raphiel +touko (pokemon),hilda (pok・・スゥmon) +flame-tipped tail,flaming tail +ass freckles,freckles on butt +gustaf,gustav +semen in uterus,cum inside +magic tongue,disembodied tongue +dakimakura (medium),dakimakura design +animals,kinyama +porky minch,pokey minch +aogiri (pokemon),archie (pok・・スゥmon) +patissier,pastrydog +finger to lips,finger to mouth +hashi,bridge +initiald,initial d +suspender,suspenders +monochome,monochrome +kenshirou,kenshiro +hedge (plant),hedge +detached hair,hair strands +shell casing,shell casings +pig snout,pig nose +illuminati symbol,eye of providence +jewelpet tinkle,jewelpet +final fantasy versus xiii,final fantasy xv +tailbells,tail bell +clit leash,clitoris leash +suya2mori2,imaani +benjomochi,heigani +roadsign,road sign +meranie,melany +gold bullion,gold bar +covered erect nipples,covered nipples +girl in a box,in box +2radpersec,safurantora +lennah,lena +kyuubey,kyubey +sleeping hat,nightcap +tenshi,angel +autofacial,cum on own face +tarot cards,tarot +squinted eyes,squint +side-by-side,side by side +sex invitation,presenting +dears,maam +why (artist),tarakanovich +the path,path +theend,hatiimiga +moexcloud,cloudxmoe +apocalyptic,apocalypse +biker suit,bicycle +pick-axe,pickaxe +gucchi,gucci +partial translation,partially translated +arin,allin +idol master,idolmaster +girl in a bottle,in bottle +dildo machine,fucking machine +clacker,crackers +kagamine ren,kagamine len +male sign,male symbol +silence gesture,shush +sdvx,sound voltex +koyuiko,brooks +dress jacket,suit jacket +ships,ship +tiea,teer +neckbell,neck bell +dahlia,daria +gray kneehighs,grey legwear +press-ups,pushpup +narinn,narynn +coat over shoulders,jacket on shoulders +boa,feather boa +dwarfs,dwarf +light brown eyes,brown eyes +suyobara,suyohara +.hack//dusk,.hack +ivo naldo,bayeuxman +paleskin,pale skin +pokemon rg,pokemon rgby +senran kagura (series),senran kagura +pyra (xenoblade chronicles 2),pyra (xenoblade) +final fantasy pose,other side +polymelia,multi arm +lee (pixiv16488),lee (colt) +cramp,twitching +onepunch man,one-punch man +sucy manbabalan,sucy manbavaran +collar up,popped collar +ayumi (pokemon),elaine (pok・・スゥmon) +yoppy,yopy +ricardo landell,cyberunique +crystal (pokemon),kris (pokemon) +suke,sukemyon +fabulous,marei +paper windmill,pinwheel +korinna (pokemon),korrina (pokemon) +ice-cream cones,ice cream cone +stuffed tiger,plushie +cure yell,yelling +shinrabansho,shinrabanshou +afuro,afro +harbour,harbor +sd3,trials of mana +foot sniff,foot sniffing +hidden mouth,covered mouth +plaid blouse,plaid shirt +eye of wadjet,eye of horus +wet blouse,wet shirt +outstretched hands,outstretched hand +groin kick,crotch kick +wetclothes,wet clothing +pantygag,panty gag +black flame,black fire +fft,final fantasy tactics +hikomaro610,wisespeak +gnu/linux,linux +cum on armpits,cum on body +drag,dragging +sleeves rolled,rolled up sleeves +hole,buchi +tailbell,tail bell +tsurupeta,flat chested +rezi,cash register +kaki (pokemon),trial captain kiawe +fila,phyra +aurora,aurora borealis +multicolored eyelashes,colored eyelashes +mako rutledge,roadhog (overwatch) +gijinka,personification +fraud,scam +school hall,hallway +street fighter iii: 2nd impact,street fighter +harapan,belly punching +leg outstretched,outstretched leg +kohatsuka,hut +pilotka,garrison cap +moebell0,moebell +yumenikki,yume nikki +ripped leotard,torn leotard +raybar,raver +scar on chest,chest scar +omelet,omelette +lack-two (pokemon),nate (pok・・スゥmon) +thought balloon,thought bubble +para-sol,parasol +mugcup,kruze +jerky,jolty +ice-creams,ice cream +testicle sucking,ball suck +white pantyhose,white legwear +bussyutaso,syntia +bel (pokemon),bianca (pok・・スゥmon) +bishi,male +de-aging,age regression +rice cooker,forneus +honeypot,honey pot +tanukimimi,raccoon ears +pajamas party,sleepover +m107,barrett m82 +ichihisa,strawberry +confetti popper,party popper +leaning in,leaning +shimama,blitzle +icecreams,ice cream +shishi (321 0819),shishi juuroku +ace of diamond,ace of diamonds +side tail,side ponytail +electric cable,cable +ne-on,neon +knights templar,templar +adjusting sunglasses,adjusting eyewear +lightning ahoge,lightning +armsleeves,detached sleeves +amanojaku,amano jack +vergil,vergil (devil may cry) +mouthbleed,blood from mouth +kite (anime),kite +naked shrug,shrug (clothing) +heart cleavage cutout,cleavage cutout +viewed from side,from side +covering one eye,one eye obstructed +music sheets,sheet music +sorrowny,grief +breast strap,breast implants +teddybear,teddy bear +koruni (pokemon),korrina (pokemon) +arm bracelets,armlet +yen symbol,yen sign +street fighter iv (series),street fighter +arutera,altera +seppuku,disembowelment +school uniforms,school uniform +tigerprint,tiger print +drenched panties,wet panties +dejaguar,jellcaps +nuts (food),nut (fruit) +rubbish bags,trash bag +wide-leg pants,bellbottoms +azumanga daiou,azumanga daioh +mp4,animated +demon slayer (series),kimetsu no yaiba +wall slam,kabedon +ikei,pond +wringing clothes,putting on clothes +solar panel,solar panels +jupiter sign,jupiter symbol +head,boshi +pylon (traffic),traffic cone +cockroaches,cockroach +hat backwards,backwards hat +short-hair,short hair +nurse office,infurmary +melt (vocaloid),melting +zest,sevk +rebaa,reva +studbelt,studded belt +sakutaishi,cerezo +nude thighhighs,thigh highs +earmuff,earmuffs +psyren,siren +bishounens,male +muskmelon,cantaloupe +shinshia,syntia +green bandana,green bandanna +fatherly,father +thumbsucking,thumb suck +naik,naika +playboy bunny leotard,playboy bunny +boy in a box,in box +holding clothes,holding clothing +sakurapochi,sakura +ecchi pantsu,unfairr +tsukimaru,tidalwave +pot (cooking),cooking pot +furi kuri,fooly cooly +tsunogiri,tidalwave +mary (pokemon),marnie (pok・・スゥmon) +ryosuketarou,ryusuke +black vs white,black and white +meer (monster musume),miia (monster musume) +ffi,final fantasy i +bitemark,bite mark +inflatable pool,kiddie pool +black eye,bruised eye +cilica,silicas +soul flame,hitodama +sai koro,dice +lineage,linhagen +sohryu asuka langley,asuka langley soryu +shiomachi,bible +sakura hime,cerezo +mars sign,male symbol +licking shoulder,shoulder lick +pointless censorship,ineffective censorship +toriko (copyright),toriko (series) +pantypull,panty pull +aru tarou,tabhead +noodle,noodles +lillies,lily (flower) +evil,ubaya +extra arms,multi arm +ranma1/2,ranma 1/2 +waste bags,trash bag +kisugae,chrislhi +norun,norna +y na gaabena,serena (pok・・スゥmon) +azema,feathers +going on date,dating +pillowhat,mob cap +sleepwalking,sleep walking +ruy,louiz +ohanami,kanji +maruboku,circle +marinette cheng,marinette dupain-cheng +hachishakusama,hasshaku-sama +astolfo,rider of black +egg vibrators,egg vibrator +melon bread,mellonbun +bbq (activity),grilling +stairwell,stairs +caustic crayon,causticcrayon +hebrew,hebrew text +landfill,junkyard +time stamp,timestamp +bumblebee,bumblebee (transformers) +street fighter alpha 3,street fighter +clala,kra-ra +holding banknote,holding money +bbq (object),grill +clothing pin,clothes pin +thumbtacks,thumb tack +space marines,adeptus astartes +sewer grate,sewer +studded penis,spiked penis +police-woman,policewoman +super street fighter ii: the new challengers,street fighter +beatles,the beatles +bunnygirl,playboy bunny +kanzaki sumire,kanji +uma musume,equine humanoid +deep wound,wounded +inkuusan,inkerton-kun +dugong,manatee +punch to stomach,belly punching +baby bird,chick +trembling penis,throbbing penis +hinatsu (pokemon),arezu (pokemon) +pokemon yellow,pokemon rgby +aerie (bravely default),airy (bravely default) +urin,urine +adapted outfit,adapted costume +raind,niuxii +multicolored thighhighs,multicolored legwear +stank,puncture wound +male paizuri,pecjob +amulet1998,mechari +cum in armpit,cum on body +shouto (boku no hero academia),todoroki shouto +vampire saviour,vampire (game) +roman numbers,roman numeral +japanese armour,japanese armor +signum,sinatzeek +face on floor,on front +yinyu (nico),enico +moulting,shedding +cross-shaped pupils,cross pupils +getsuyou bi,takatsuki nato +coloured eyelashes,colored eyelashes +february,feb +white bikini bottom,white bikini +brown bandana,brown bandanna +shadow over eyes,shaded face +nauz4224,rozalin +chankodining waka,yoshida hideyuki +jewel case,cd case +cringe,wince +pov feet,foot focus +saru,macaque +virtu.al,virtual +sakizou,sakura +backbeard,betrayal +dowsing rods,dowsing rod +tinkerbell (disney),tinker bell (disney) +mizuki (pokemon),selene (pok・・スゥmon) +multicolored fingernails,multicolored nails +se.a,sea +yogurt (yott parfait),yacht +a kite,kite +usagimiko,rabbit +when the cicadas cry,higurashi no naku koro ni +the boss,boss +priconne,princess connect! +toad,toad (mario) +sitting on tree,sitting in tree +calliope mori,mori calliope +bent-over,bent over +weapongirl,mecha musume +run away,fleeing +leg,feet +in profile,profile +mingri fangzhou,arknights +boy's love,male/male +bon,bong +andrian gilang,alchemy +rods,rod +ripped skirt,torn skirt +yuugioh,yu-gi-oh! +nakedapron,apron only +mirrors,mirror +cutman,cut man +potato chip,potato chips +fingering asshole,anal fingering +copics,marker (artwork) +greeneyes,green eyes +xbost,tail box +pile of books,book stack +aori (splatoon),callie (splatoon) +lhm,pokemon +tic tac toe,tic-tac-toe +videotape,video cassette +titty buds,flat chested +shouri (genshin impact),zhongli (genshin impact) +shiny,sheen +dent (pokemon),cilan (pokemon) +showerz,shower +cheered,cheering +rain drop,water drop +yui0618,yui.h +zoomlayer,zoom layer +polar opposites,nyume +fiolina germi,fio germi +fairy floss,cotton candy +keibleh,keebles +trunks (dragonball),trunks (dragon ball) +ukiyo e,ukiyo-e +samus,samus aran +thumbtack,thumb tack +jokebag,jock +crimecrime,crime +skirtless,pantsless +tysontanx,tysontan +monster princess,kaibutsu oujo +goggles on helmet,goggles on headwear +everybody,absolutely everyone +tinkerbell,tinker bell (disney) +molting,shedding +top-down-bottom-up,ass up +ff3,final fantasy iii +gouki,akuma (street fighter) +tomatoes,tomato +shiisaa,sh・・スォs・・・ +keion!,k-on! +queen of hearts,queen of hearts (alice in wonderland) +leilei,hsien-ko (darkstalkers) +analog piano,piano +palette (guide),color swatch +yude,yupa +frogs,frog +slice of pie,pie slice +bat girl,batgirl +asuna (pokemon),flannery (pokemon) +canno,kano +browneyes,brown eyes +cropped head,head out of frame +anemone (animal),sea anemone +purple earrings,ear ring +old woman,velhara +diva (overwatch),d.va (overwatch) +stuffed bird,plushie +no sign,no symbol +key stone (pokemon),mega stone +hair blowing,floating hair +otoko no ko,girly +scissorhold,headscissor +invisicock,invisible penis +multicolored kneehighs,multicolored legwear +shibamoto thores,trembling +mechamusume,mecha musume +waste bag,trash bag +fat folds,fat rolls +lovecraft,cthulhu mythos +african wild dog tail,dog tail +green pepper,bell pepper +bamboo sword,shinai +peeing panties,wetting +pokemons,pokemon +hand pov,pov hands +capstar,brekkist +seasons,season +muhamaru yuni,yuni +step-siblings,stepsiblings +reflet (fire emblem),robin (fire emblem) +loli in a bag,in bag +kaban,kaban-chan +suzuneko,akamaru +push-ups,pushpup +senhime,raaggu +one shoe,single shoe +shrunk eyes,constricted pupils +dealesis,deal +clothed male naked male,clothed male nude male +heart earring,heart earrings +tissue wads,used tissue +boxcutter,box cutter +minis,mini +fishbones,fishbone +waterstaring,air force +flame tipped tail,flaming tail +untouched ejaculation,hands-free +tsukimi,tidalwave +oshiri,butt +bangs between eyes,hair between eyes +soriz,sollyz +ecchi-star,studio cutepet +speckticuls,spots +grocery cart,shopping cart +bullhorn,megaphone +on railing,railing +grey eyelashes,colored eyelashes +railroad tracks,railway +solace,sollace +ookido shigeru,gary oak +light purple eyes,purple eyes +coyotegti,blaccura +caffein,caffeine +grasshoppers,grasshopper +genjung,genus +red jabot,red ascot +furball,furrball +maduin,madkaiser +graphic shirt,print shirt +pink blouse,pink shirt +batwing,bat wings +pigeoncrow,nyong nyong +triple persona,multiple persona +roman imperial,roman empire +selcky,selkie +grubs,larva +seihou tenshi angel links,angel links +knees together feet together,legs together +hair tousle,ruffling hair +sumomo (pokemon),maylene (pokemon) +eyes in shadow,shadowed eyes +pulling another's hair,pulling hair +hijiwryyyyy,mo ne +ganyu,ganyu (genshin impact) +akai kitsune,foxy harris +binky,pacifier +pin,pins +copper sign,female symbol +tel,phone +straddle penis,thigh sex +orange blouse,orange shirt +aerial battle,dogfight +crosshairs,crosshair +kanikamaboko,sunspotfish +sasaki masakatsu,sasaki +petboy,petplay +circles,circle +pointing skyward,pointing up +grabbing another's hair,pulling hair +ichitaro,strawberry +ralf,laruh +nightmare before christmas,the nightmare before christmas +kokoyashi,kawasaki +bulleta,bullet casing +folded sleeves,rolled up sleeves +ff11,final fantasy xi +skating rink,ice rink +burning weapon,flaming weapon +huziwara no mokou,fujiwara no mokou +zorim,zorym +dread,scared +rush (rockman),rush (mega man) +undersized clothes,undersized clothing +6girl,female +silverlight,sylverlight +ffu,final fantasy unlimited +quadruple persona,multiple persona +skying,skia +street fighter zero iii,street fighter +o ring top,o-ring top +stitched,stiches +gar,manly +tummy grab,belly grab +macaron,macaronneko +night clothes,pajamas +cum on thighhighs,cum on clothing +thighthick,thick thighs +yue chi,jidane +iida (splatoon),marina (splatoon) +butterflyfish,butterfly +akakitsu,foxy harris +stuffed owl,plushie +tank top lift,shirt lift +grave stone,tombstone +aleksandra zaryanova,zarya (overwatch) +hapu'u (pokemon),island kahuna hapu +stepping on person,stepped on +overboob,cleavage +pink one-piece swimsuit,pink swimwear +:b,tongue out +torn armor,broken armor +lunar,moon +back-to-back,back to back +multiple rings,ring +kan'u (genshin impact),ganyu (genshin impact) +pixel censor,mosaic censorship +ukelele,ukulele +shippitsu,socks +hashiro,bridge +ass fangs,butt from the front +pov leash,leashing pov +mogupon,mogpon +million live,idolmaster million live! +raamen,ramen noodles +blackheart,black heart +blue yukata,blue kimono +limble,handpaw +toothache,zuboboz +trenches,trench +jimmy mcgill,saul goodman +hatband,hat ribbon +tsunoko,tidalwave +broken chains,broken chain +tsunako,tidalwave +ffta2,final fantasy tactics advance 2 +girl love,female/female +runasion,rivas +meiko,meiko (vocaloid) +lyrinne,lyrin +zel kinne,zelc-face +makai senki disgaea 3,disgaea +mianyun yi li,fairy tales +nero claudius (fate) (all),nero claudius (fate) +you'a,urw +pokemon green,pokemon rgby +finger inside mouth,finger in mouth +nosedrip,runny nose +grey pantyhose,grey legwear +igni tion,ignigeno +zelda no densetsu,the legend of zelda +healther,kianamai +baby steps,babysteps +crease,folds +female protagonist (pokemon xy),serena (pok・・スゥmon) +oshikko,peeing +hime (splatoon),pearl (splatoon) +lawrence craft,kraft lawrence +tip-toe,tiptoes +airplanes,airplane +ponpon,pom poms +office man,salarian +lift skirt,skirt lift +dolphins,delphinoid +k-on!!,k-on! +coco's,coco +beru,bell +tiegrab,necktie grab +g138,greenmarine +meganeko,glasses +katarina (league of legends),katarina du couteau (lol) +dreamcast,sega dreamcast +orange one-piece swimsuit,orange swimwear +tokyo houkago summoners,tokyo afterschool summoners +hanenashi,kanji +grand theft auto online,grand theft auto v +demashita powerpuff girls z,powerpuff girls z +kfc (company),kfc +hawawaninus,fuf +cattleya (pokemon),caitlin (pokemon) +zhou mei-ling,mei (overwatch) +clutching chest,breast grab +figure skating,figure skates +garnet (ff9),garnet til alexandros xvii +rose,rose (flower) +flannery,flannery (pokemon) +purple blouse,purple shirt +corkboard,bulletin board +krirk,creek +sucking testicles,ball suck +pix,pix (lol) +juicebox,juice box +pervert,kinkymation +aburage,aburaage +under rim glasses,under-rim eyewear +rope sash,rope belt +opposing sides,other side +outfit switch,clothing swap +koaki,brooks +bloody wall,blood on wall +jinglebell,jingle bell +translation requested,translation request +toph,toph beifong +monitor light,screen light +fireman carry,fireman's carry +glutton,gluttonace +naruto (food),narutomaki +don't toy with me miss nagatoro,ijiranaide nagatoro-san +nailbat,nailed bat +material-s,matemi +frilled socks,frilly legwear +navigator,mordwyl +sheik,sheyk +ultra street fighter iv,street fighter +sakamuke,sakura +toris,tris +chest pocket,breast pockets +coria,koriah +ffvii,final fantasy vii +anti material rifle,anti-materiel rifle +stiel,steele +tail bells,tail bell +rage of the dragons,dragonwrath +platinum (pokemon),dawn (pok・・スゥmon) +watering pot,watering can +fingering ass,anal fingering +two-handed,zweihander +game,flash game +anal nakadashi,cum in ass +himopan,side-tie panties +fftactics,final fantasy tactics +pokemon r&b,pokemon rgby +dna strand,dna +misty,misty (pokemon) +byleth,byleth (fire emblem) +clere,claire +steamed egg,steamedeggz +himecut,hime cut +bristle,hairs +uricotake,urethra +mythra (xenoblade chronicles 2),mythra (xenoblade) +loen-lapae,loen +camellia,kamilia +pinky pop hepburn official,moon studios +shiba (pokemon),bruno (pokemon) +spacecraft interior,spaceship interior +lucio correia dos santos,lucio (overwatch) +t-shirt dress,long shirt +camouflage print,camo +pokemon rb,pokemon rgby +o x,cattle +shokorate,trembling +xxx (xs000912),doesnotexist +half rim glasses,semi-rimless eyewear +matsuno karamatsu,karamatsu matsuno +no blouse,no shirt +argon,arkgon +slice of cake,cake slice +salary man,salarian +space hair,floating hair +burakku-ra,blaccura +samuraispirits,samurai spirits +faux wings,fake wings +heart of smoke,smoke heart +cuff-link,cuff links +kriss super v,kriss vector +pole axe,halberd +necoarc,neco-arc +restaurant booth,booth seating +jhin,zin +frilled blouse,frilly shirt +mani,usashiro mani +urushi,ursid +matsuno todomatsu,todomatsu matsuno +nakadashi,cum in pussy +self shot,selfie +flow ech,clarevoir +unexpressive,expressionless +pet cone,ruff (clothing) +disappear,evange +condom application,putting on condom +imminent paizuri,imminent titfuck +shingetsutan tsukihime,tsukihime +eye of wedjat,eye of horus +creampie eating,felching +ao no roku-gou,blue submarine no. 6 +crossection,cross section +hizamakura,lap pillow +wenqing yan,yuumei +walkie-talkie,walkies +nds,nintendo ds +object manipulation,telekinesis +gpu,graphics card +partially monochrome,partially colored +shirt cut (meme),shirt cut meme +lavender lipstick,purple lips +busstop,bus stop +the grudge,rancor +photograph (object),photo +jehuty,efty +yellow earrings,ear ring +pointy-ears,humanoid pointy ears +rough,sketch +center opening,cleavage +hair past waist,long hair +megaman (character),mega man (character) +ass cutout,butt cutout +store room,storage room +aayh,arh +blue apple,blueapple +bsod,blue screen of death +digimon adventures 02,digimon adventure 02 +black glove,black gloves +flats dangling,shoe dangle +frag,flag +cartoonized,comic +moe233,jidane +bof,breath of fire +glock 18c,glock +georgy stacker,themaestronoob +anemo (splatoon),annie (splatoon) +anchira (granblue fantasy),andira (granblue fantasy) +garou densetsu,fatal fury +mini dress,short dress +calme (pokemon),calem (pok・・スゥmon) +plushmallow,plushie +making of,unfinished +shigeru (pokemon),gary oak +mao (pokemon),trial captain mallow +band aids,band-aid +kakigori,shaved ice +transparent png,transparent background +sidecut,side cut +caramell0501,kaorh +kabocha head,pumpkin head +byefrog,goodbye +tsukimichi,tidalwave +icecream cones,ice cream cone +military insignia,insignia +pictures,photo +kaiman,caiman +happiness!,happy +medkit,first aid kit +trash bags,trash bag +light blue lipstick,blue lips +ffta,final fantasy tactics +pokemon red,pokemon rgby +translate request,translation request +profnote,homage +mitsuru (pokemon),wally (pok・・スゥmon) +higurashi,higurashi no naku koro ni +avatar (fire emblem: kakusei),robin (fire emblem) +minosu,minos +mustached girl,fake mustache +playback,rebirth +natsume's book of friends,natsume yuujinchou +reach,reaching +pretzel,perec +choking another,strangling +astronaut helmet,space helmet +dou-t,doppel +zoo,zooshi +beretta 92fs,beretta 92 +a flow,fluxom +glyph,glyphs +keion,k-on! +flame weapon,flaming weapon +amano-g,voodoothur +dawn,chaba +zippers,zipper +shiny shinx,shiratsuki shiori +nicchi,nika +two handed,zweihander +lychee (pokemon),island kahuna olivia +hair vents,hair intakes +girl in food,in food +sniper scope,scope +riz,rhizu +hyacinth,hyacinthia +censor heart,<3 censor +flashing lights,epilepsy warning +musical sheet,sheet music +felice,felis +sabotender,cactuar +digicharat,di gi charat +6girls,female +lena oxton,tracer (overwatch) +user ghwd8447,tidalwave +zafira,zapphira +super deformed,chibi +john ly,sefuart +thighhigh bow,bow legwear +flare,flayre +kouryu densetsu villgust,kouryuu densetsu villgust +clothed female naked female,clothed female nude female +kolin,corin +?!!,?! +redeyes,red eyes +:{,frown +tornclothes,torn clothing +liong,lion +ppgz,powerpuff girls z +3boy,male +pitou (hxh),neferpitou +naokomama,utterangle +bloody ground,blood on ground +wizardry,magic +pansy,panzie +ember,embers +pussy cutout,cat cutout +natsumegu,nushi +love love ball,love ball +railway tracks,railway +tattered flag,torn flag +orange bikini bottom,orange bikini +hazeleyes,yellow eyes +penguins,penguin +konata,konata izumi +noise tanker,noise-tanker +rockman x,mega man x (series) +very perky breasts,pointy breasts +floppy sleeves,baggy clothing +inui takemaru,okayado +official jersey,jersey +broach,brooch +instruments,musical instrument +harpe,harp +kumanomi,clownfish +older on younger,age difference +fall (season),autumn +ass tattoo,butt tattoo +trapdoor,trap door +camellia (flower),kamilia +corrin (fire emblem if),corrin (fire emblem) +fallen a,as109 +asphyxia17,asphyxiation +symbol shaped pupils,symbol-shaped pupils +garbage bags,trash bag +videocassette,video cassette +polka-dot panties,polka dot panties +bilan hangxian,azur lane +merry xmas,merry christmas +naked boots,boots +zoo min,zoom in +grimmjow jaegerjaques,grimmjow jaegerjaquez +asobi ni ikuyo!,cat planet cuties +idolm@ster,idolmaster +odamaki sapphire,may (pok・・スゥmon) +mannaku,mannack diff --git a/tagger/fl2flux.py b/tagger/fl2flux.py new file mode 100644 index 0000000000000000000000000000000000000000..cc6117280706f7ae5195adcf1f95514b4af58fc1 --- /dev/null +++ b/tagger/fl2flux.py @@ -0,0 +1,79 @@ +from transformers import AutoProcessor, AutoModelForCausalLM +import spaces +import re +from PIL import Image +import torch + +import subprocess +subprocess.run('pip install flash-attn --no-build-isolation', env={'FLASH_ATTENTION_SKIP_CUDA_BUILD': "TRUE"}, shell=True) + +device = "cuda" if torch.cuda.is_available() else "cpu" +fl_model = AutoModelForCausalLM.from_pretrained('gokaygokay/Florence-2-Flux', trust_remote_code=True).to("cpu").eval() +fl_processor = AutoProcessor.from_pretrained('gokaygokay/Florence-2-Flux', trust_remote_code=True) + + +def fl_modify_caption(caption: str) -> str: + """ + Removes specific prefixes from captions if present, otherwise returns the original caption. + Args: + caption (str): A string containing a caption. + Returns: + str: The caption with the prefix removed if it was present, or the original caption. + """ + # Define the prefixes to remove + prefix_substrings = [ + ('captured from ', ''), + ('captured at ', '') + ] + + # Create a regex pattern to match any of the prefixes + pattern = '|'.join([re.escape(opening) for opening, _ in prefix_substrings]) + replacers = {opening.lower(): replacer for opening, replacer in prefix_substrings} + + # Function to replace matched prefix with its corresponding replacement + def replace_fn(match): + return replacers[match.group(0).lower()] + + # Apply the regex to the caption + modified_caption = re.sub(pattern, replace_fn, caption, count=1, flags=re.IGNORECASE) + + # If the caption was modified, return the modified version; otherwise, return the original + return modified_caption if modified_caption != caption else caption + + +@spaces.GPU(duration=30) +def fl_run_example(image): + task_prompt = "" + #prompt = task_prompt + "Describe this image in great detail." + prompt = task_prompt + + # Ensure the image is in RGB mode + if image.mode != "RGB": + image = image.convert("RGB") + + fl_model.to(device) + inputs = fl_processor(text=prompt, images=image, return_tensors="pt").to(device) + generated_ids = fl_model.generate( + input_ids=inputs["input_ids"], + pixel_values=inputs["pixel_values"], + max_new_tokens=1024, + num_beams=3 + ) + fl_model.to("cpu") + generated_text = fl_processor.batch_decode(generated_ids, skip_special_tokens=False)[0] + parsed_answer = fl_processor.post_process_generation(generated_text, task=task_prompt, image_size=(image.width, image.height)) + return fl_modify_caption(parsed_answer[""]) + + +def predict_tags_fl2_flux(image: Image.Image, input_tags: str, algo: list[str]): + def to_list(s): + return [x.strip() for x in s.split(",") if not s == ""] + + def list_uniq(l): + return sorted(set(l), key=l.index) + + if not "Use Florence-2-Flux" in algo: + return input_tags + tag_list = list_uniq(to_list(input_tags) + to_list(fl_run_example(image) + ", ")) + tag_list.remove("") + return ", ".join(tag_list) diff --git a/tagger/output.py b/tagger/output.py new file mode 100644 index 0000000000000000000000000000000000000000..09ebe29b81c2855b4f94ab41c5deb6ef7d1c6851 --- /dev/null +++ b/tagger/output.py @@ -0,0 +1,16 @@ +from dataclasses import dataclass + + +@dataclass +class UpsamplingOutput: + upsampled_tags: str + + copyright_tags: str + character_tags: str + general_tags: str + rating_tag: str + aspect_ratio_tag: str + length_tag: str + identity_tag: str + + elapsed_time: float = 0.0 diff --git a/tagger/tag_group.csv b/tagger/tag_group.csv new file mode 100644 index 0000000000000000000000000000000000000000..e879e7ada8a5f1f37f08bdcc459a58bc85868dc7 --- /dev/null +++ b/tagger/tag_group.csv @@ -0,0 +1,14303 @@ +highres,image_composition +solo,commonly_misused_tags +long hair,body_parts +breasts,body_parts +commentary request,metatags +looking at viewer,posture +blush,body_parts +open mouth,body_parts +short hair,body_parts +blue eyes,body_parts +simple background,image_composition +shirt,attire +absurdres,image_composition +large breasts,body_parts +skirt,attire +blonde hair,body_parts +multiple girls,groups +brown hair,body_parts +black hair,body_parts +long sleeves,attire +white background,image_composition +hair ornament,attire +gloves,attire +red eyes,body_parts +holding,verbs_and_gerunds +dress,attire +commentary,metatags +bad id,metatags +hat,attire +thighhighs,attire +bow,disambiguation_pages +navel,body_parts +animal ears,body_parts +hair between eyes,body_parts +ribbon,others +2girls,groups +cleavage,body_parts +bare shoulders,body_parts +touhou,image_composition +very long hair,body_parts +sitting,posture +twintails,body_parts +medium breasts,body_parts +standing,posture +jacket,attire +brown eyes,body_parts +nipples,body_parts +blue hair,body_parts +green eyes,body_parts +school uniform,attire +purple eyes,body_parts +photoshop (medium),others +collarbone,body_parts +full body,image_composition +tail,sex_acts +upper body,image_composition +closed eyes,body_parts +white hair,body_parts +yellow eyes,body_parts +panties,attire +pink hair,body_parts +swimsuit,attire +grey hair,body_parts +monochrome,image_composition +male focus,image_composition +ahoge,body_parts +multicolored hair,body_parts +purple hair,body_parts +braid,body_parts +hair ribbon,attire +flower,objects +short sleeves,attire +ponytail,body_parts +ass,body_parts +translated,metatags +sidelocks,body_parts +thighs,body_parts +comic,image_composition +:d,body_parts +hair bow,attire +kantai collection,image_composition +cowboy shot,image_composition +earrings,attire +pantyhose,attire +outdoors,objects +red hair,body_parts +translation request,metatags +greyscale,image_composition +bikini,attire +pleated skirt,attire +nude,nudity +small breasts,body_parts +frills,attire +parted lips,body_parts +hairband,attire +open clothes,nudity +censored,image_composition +boots,attire +lying,posture +multiple boys,groups +wings,body_parts +food,objects +necktie,attire +one eye closed,body_parts +detached sleeves,attire +shorts,attire +sleeveless,attire +shoes,attire +green hair,body_parts +penis,body_parts +collared shirt,attire +alternate costume,artistic_license +japanese clothes,attire +choker,attire +pants,attire +pointy ears,body_parts +socks,attire +barefoot,body_parts +tongue,body_parts +pussy,body_parts +glasses,attire +solo focus,image_composition +medium hair,body_parts +artist name,text +puffy sleeves,attire +fate (series),disambiguation_pages +hairclip,attire +serafuku,attire +belt,attire +elbow gloves,attire +midriff,nudity +official art,image_composition +bowtie,attire +signature,text +looking back,body_parts +official alternate costume,commonly_misused_tags +hood,attire +2boys,groups +dark skin,body_parts +blunt bangs,body_parts +cat ears,body_parts +sword,objects +hair flower,body_parts +pink eyes,body_parts +sex,sex_acts +sailor collar,body_parts +stomach,body_parts +spread legs,posture +miniskirt,attire +wide sleeves,attire +fingerless gloves,attire +grey background,image_composition +pokemon,image_composition +on back,posture +cum,sex_acts +twitter username,text +white dress,attire +3girls,groups +tears,body_parts +armpits,body_parts +looking at another,body_parts +kimono,attire +necklace,attire +off shoulder,body_parts +mole,disambiguation_pages +hair bun,body_parts +hair over one eye,body_parts +idolmaster,creatures +star (symbol),attire +from behind,image_composition +orange hair,body_parts +rabbit ears,body_parts +grin,body_parts +water,objects +blurry,image_composition +streaked hair,body_parts +black dress,attire +sweatdrop,attire +two-tone hair,body_parts +english text,text +open jacket,nudity +black eyes,body_parts +from side,image_composition +cape,attire +scarf,attire +yuri,sex_acts +armor,attire +coat,objects +vest,attire +apron,attire +bra,attire +huge breasts,body_parts +arm up,posture +mosaic censoring,image_composition +feet,body_parts +leotard,attire +vaginal,sex_acts +character name,text +high heels,attire +white panties,attire +sweater,attire +:o,body_parts +arms up,posture +collar,body_parts +dated,text +bracelet,attire +crop top,attire +twin braids,body_parts +flat chest,body_parts +side ponytail,body_parts +cup,objects +parted bangs,body_parts +completely nude,nudity +dark-skinned female,body_parts +uniform,others +aqua eyes,body_parts +puffy short sleeves,attire +fingernails,attire +two side up,body_parts +looking to the side,posture +grey eyes,body_parts +v-shaped eyebrows,body_parts +tree,sex +covered nipples,body_parts +neckerchief,attire +commission,metatags +orange eyes,body_parts +eyelashes,body_parts +symbol-shaped pupils,body_parts +sleeves past wrists,attire +legs,body_parts +vocaloid,creatures +cat tail,body_parts +fur trim,attire +sketch,image_composition +see-through,attire +groin,body_parts +wrist cuffs,attire +multiple views,image_composition +hand on own hip,body_parts +strapless,commonly_misused_tags +wet,objects +clothing cutout,attire +loli,sex_acts +toes,body_parts +bar censor,image_composition +maid,attire +lips,body_parts +feet out of frame,image_composition +head tilt,posture +sleeveless shirt,attire +sleeveless dress,attire +plaid,attire +torn clothes,attire +fox ears,body_parts +v,posture +zettai ryouiki,nudity +maid headdress,attire +fake animal ears,body_parts +sash,attire +short shorts,attire +gradient background,image_composition +bare arms,nudity +ascot,attire +muscular,sex_acts +no humans,creatures +pubic hair,body_parts +one-piece swimsuit,attire +black panties,attire +cosplay,attire +thigh strap,attire +bare legs,nudity +petals,objects +buttons,attire +uncensored,image_composition +shiny skin,body_parts +neck ribbon,attire +kneehighs,attire +gradient hair,body_parts +covered navel,body_parts +hoodie,attire +single braid,body_parts +detached collar,body_parts +blurry background,image_composition +profile,body_parts +double bun,body_parts +dress shirt,attire +colored skin,body_parts +dutch angle,image_composition +blood,body_parts +makeup,body_parts +facial hair,body_parts +mask,attire +floating hair,body_parts +open shirt,nudity +pov,image_composition +kneeling,posture +bell,objects +hug,posture +sideboob,body_parts +swept bangs,body_parts +capelet,attire +aqua hair,body_parts +bodysuit,attire +blue dress,attire +anus,body_parts +leaning forward,posture +shadow,image_composition +artist request,metatags +border,image_composition +copyright name,text +4girls,groups +blue background,image_composition +horse ears,body_parts +:3,body_parts +turtleneck,attire +military,objects +pussy juice,sex_acts +expressionless,body_parts +heterochromia,body_parts +md5 mismatch,image_composition +no bra,attire +low twintails,body_parts +alternate hairstyle,body_parts +^ ^,body_parts +fruit,objects +nose blush,body_parts +depth of field,image_composition +on bed,body_parts +siblings,others +watermark,image_composition +fox tail,body_parts +frown,body_parts +4koma,image_composition +bird,creatures +rose,objects +scar,body_parts +one side up,body_parts +cum in pussy,sex_acts +chain,sex_objects +glowing,objects +underboob,body_parts +witch hat,attire +hair intakes,body_parts +piercing,sex_objects +military uniform,attire +soles,body_parts +wavy hair,body_parts +cameltoe,body_parts +playboy bunny,attire +headband,attire +lowres,image_composition +beret,attire +animal,creatures +halterneck,attire +no panties,attire +thick thighs,body_parts +holding hands,posture +ocean,locations +bottomless,nudity +headphones,body_parts +leaf,objects +blush stickers,body_parts +from above,image_composition +side-tie bikini bottom,attire +embarrassed,body_parts +arm support,posture +chinese clothes,attire +non-web source,metatags +phone,objects +erection,body_parts +black hat,attire +back,body_parts +looking down,body_parts +white bikini,commonly_misused_tags +abs,body_parts +scan,image_composition +half-closed eyes,body_parts +ass visible through thighs,body_parts +plaid skirt,attire +bandages,objects +sandals,attire +thigh boots,attire +pectorals,sex_acts +umbrella,objects +beach,locations +on side,sex_acts +bob cut,body_parts +pink background,image_composition +red dress,attire +short dress,attire +sunglasses,attire +heart-shaped pupils,body_parts +floral print,attire +frilled dress,attire +happy,body_parts +hood down,nudity +6+girls,groups +drill hair,body_parts +testicles,body_parts +arms behind back,posture +copyright request,metatags +dark-skinned male,body_parts +traditional media,image_composition +garter straps,attire +transparent background,image_composition +flying sweatdrops,attire +wariza,posture +eating,objects +squatting,posture +grabbing,verbs_and_gerunds +light brown hair,body_parts +cleavage cutout,body_parts +shirt lift,nudity +crossed arms,posture +ring,attire +from below,image_composition +cat girl,creatures +wavy mouth,body_parts +oral,sex_acts +leg up,posture +wolf ears,body_parts +standing on one leg,posture +animated,image_composition +scrunchie,body_parts +hair tubes,body_parts +demon girl,creatures +sunlight,image_composition +cat,creatures +cardigan,attire +final fantasy,image_composition +moon,image_composition +eyepatch,body_parts +trembling,verbs_and_gerunds +skirt lift,nudity +cellphone,objects +own hands together,posture +mob cap,attire +topless,nudity +helmet,attire +crossed legs,posture +tank top,attire +grass,objects +crying,verbs_and_gerunds +high ponytail,body_parts +formal,attire +black background,image_composition +eyes visible through hair,body_parts +mahou shoujo madoka magica,image_composition +portrait,body_parts +bara,sex_acts +suspenders,attire +suit,attire +sleeping,verbs_and_gerunds +partial commentary,metatags +3boys,groups +blazer,attire +frilled sleeves,attire +pantyshot,attire +cover,image_composition +plant,objects +single hair bun,body_parts +bottle,objects +light smile,body_parts +looking away,body_parts +antenna hair,body_parts +looking up,body_parts +cum on body,sex_acts +straddling,posture +fire,objects +bdsm,sex_acts +underwear only,nudity +grabbing another's breast,sex_acts +bug,creatures +crown,attire +ear piercing,body_parts +motion lines,image_composition +hat ribbon,attire +fellatio,sex_acts +outstretched arms,posture +knee boots,attire +elf,creatures +;d,body_parts +sex from behind,sex_acts +school swimsuit,attire +tiara,attire +spiked hair,body_parts +?,text +white hat,attire +katana,objects +aged down,artistic_license +breasts out,body_parts +robot,objects +slit pupils,body_parts +on stomach,posture +striped,attire +sisters,others +girl on top,sex_acts +crossover,groups +pointing,body_parts +> <,body_parts +outstretched arm,posture +clenched teeth,body_parts +knife,objects +yaoi,sex_acts +polka dot,attire +horse tail,body_parts +tassel,attire +bent over,sex_acts +sneakers,attire +wing collar,body_parts +animal print,attire +bat wings,body_parts +t-shirt,attire +head wings,body_parts +rabbit tail,body_parts +monster girl,creatures +hand on own chest,body_parts +messy hair,body_parts +straight hair,body_parts +5girls,groups +lingerie,attire +undressing,verbs_and_gerunds +short twintails,body_parts +revision,image_composition +fishnets,attire +goggles,attire +all fours,posture +feathered wings,body_parts +colored inner hair,body_parts +black bra,attire +building,verbs_and_gerunds +brooch,attire +tan,body_parts +strapless leotard,attire +bondage,sex_acts +bandaid,body_parts +facing viewer,commonly_misused_tags +group sex,sex_acts +staff,disambiguation_pages +hair bobbles,attire +loafers,attire +pink dress,attire +kiss,verbs_and_gerunds +extra ears,body_parts +clenched hand,body_parts +polearm,objects +yellow background,image_composition +otoko no ko,sex_acts +cherry blossoms,objects +dog ears,body_parts +demon tail,body_parts +eyewear on head,attire +crescent,attire +precure,image_composition +letterboxed,image_composition +hat bow,attire +instrument,objects +armband,attire +steam,objects +red background,image_composition +drooling,verbs_and_gerunds +^^^,body_parts +puffy long sleeves,attire +no pants,nudity +foreshortening,image_composition +knees up,posture +butterfly,creatures +multiple tails,body_parts +kemono friends,image_composition +surprised,body_parts +pale skin,body_parts +bike shorts,attire +revealing clothes,attire +sheath,objects +sex toy,sex_objects +china dress,attire +white pupils,body_parts +anal,sex_acts +hair over shoulder,body_parts +adapted costume,artistic_license +candy,objects +ribbon trim,attire +gauntlets,objects +casual,attire +rope,sex_objects +breast press,body_parts +character request,metatags +musical note,objects +panty pull,attire +veil,attire +scenery,image_composition +smartphone,objects +between breasts,body_parts +pink panties,attire +hakama,attire +arms behind head,posture +side braid,body_parts +cover page,image_composition +ejaculation,sex_acts +nature,image_composition +wristband,attire +strapless dress,attire +wet clothes,objects +lace trim,attire +paid reward available,metatags +microphone,objects +beard,body_parts +gundam,objects +pelvic curtain,attire +jojo no kimyou na bouken,creatures +...,text +genderswap,artistic_license +anger vein,body_parts +blouse,attire +toenails,disambiguation_pages +third eye,body_parts +baseball cap,attire +covering privates,posture +web address,image_composition +facial,sex_acts +index finger raised,body_parts +interlocked fingers,posture +purple dress,attire +danganronpa (series),image_composition +string bikini,attire +peaked cap,attire +bridal gauntlets,attire +two-tone background,image_composition +crossed bangs,body_parts +christmas,others +breasts apart,body_parts +glowing eyes,body_parts +areolae,body_parts +outside border,image_composition +white sleeves,attire +striped panties,attire +areola slip,body_parts +motor vehicle,objects +semi-rimless eyewear,attire +sleeves past fingers,attire +buckle,attire +jingle bell,objects +cropped jacket,attire +close-up,image_composition +twin drills,body_parts +neck bell,body_parts +hand on own face,body_parts +carrying,posture +side-tie panties,attire +eyeshadow,body_parts +forehead,body_parts +clothes writing,text +mecha,objects +androgynous,commonly_misused_tags +angry,body_parts +alternate breast size,body_parts +hair flaps,body_parts +clothing aside,nudity +micro bikini,attire +cropped legs,image_composition +convenient censoring,image_composition +corset,attire +bow panties,attire +spoken heart,attire +eye contact,posture +black wings,body_parts +plate,objects +curvy,sex_acts +wolf tail,body_parts +low-tied long hair,body_parts +paizuri,sex_acts +tentacles,sex_acts +cum on breasts,sex_acts +science fiction,objects +camisole,attire +licking,objects +:<,body_parts +gold trim,attire +lace,attire +side slit,attire +hakama skirt,attire +arm at side,posture +mary janes,attire +no headwear,attire +bad link,metatags +snow,objects +:p,body_parts +tokin hat,attire +single earring,body_parts +floating,verbs_and_gerunds +bikini top only,attire +open coat,nudity +outline,image_composition +duplicate,image_composition +cowgirl position,sex_acts +armlet,attire +clenched hands,body_parts +strap slip,body_parts +ball,others +brown background,image_composition +variant set,metatags +green background,image_composition +hair scrunchie,attire +drinking glass,objects +video,image_composition +lens flare,image_composition +demon wings,body_parts +sleeves rolled up,attire +knee up,posture +happy birthday,others +tsurime,body_parts +half updo,body_parts +check translation,metatags +zipper,attire +genderswap (mtf),artistic_license +seiza,posture +topless male,nudity +wide hips,body_parts +purple background,image_composition +track jacket,commonly_misused_tags +dot nose,body_parts +heavy breathing,verbs_and_gerunds +after sex,sex_acts +spot color,image_composition +clothed female nude male,sex_acts +high heel boots,attire +wading,verbs_and_gerunds +cropped torso,image_composition +white skin,body_parts +puffy nipples,body_parts +dual persona,groups +tareme,body_parts +sweater vest,attire +clothed sex,sex_acts +masturbation,sex_acts +pendant,body_parts +fish,objects +handjob,sex_acts +alcohol,objects +round eyewear,attire +santa hat,attire +ribbed sweater,attire +arm behind back,posture +!,text +walking,posture +tray,objects +spoilers,metatags +cake,objects +cross-laced footwear,attire +forest,locations +light purple hair,body_parts +headset,objects +frilled bikini,attire +green dress,attire +hair rings,body_parts +legs up,sex_acts +angel wings,body_parts +partially submerged,commonly_misused_tags +mole on breast,body_parts +bulge,body_parts +black-framed eyewear,attire +high collar,body_parts +long skirt,attire +high-waist skirt,attire +legs apart,posture +upskirt,attire +arm behind head,posture +backlighting,image_composition +personification,artistic_license +short ponytail,body_parts +rain,objects +unworn headwear,attire +dress lift,attire +thong,attire +condom,sex_acts +crossdressing,sex_acts +out of frame,image_composition +persona,image_composition +robe,attire +cuffs,sex_objects +white bra,attire +gym uniform,attire +halloween,others +cumdrip,sex_acts +hand in own hair,body_parts +red-framed eyewear,attire +flying,verbs_and_gerunds +kemonomimi mode,body_parts +futanari,sex_acts +empty eyes,body_parts +curly hair,body_parts +@ @,body_parts +epaulettes,attire +furrowed brow,body_parts +spoken ellipsis,attire +fingering,sex_acts +jitome,body_parts +hand on another's head,body_parts +white wings,body_parts +teacup,objects +french braid,body_parts +ribbon-trimmed sleeves,attire +sailor dress,attire +denim shorts,attire +bowl,objects +emphasis lines,image_composition +pauldrons,body_parts +4boys,groups +6+boys,groups +rape,sex_acts +second-party source,metatags +turtleneck sweater,attire +hand in pocket,posture +hat ornament,attire +:q,body_parts +fake tail,body_parts +buruma,attire +dog tail,body_parts +doujin cover,image_composition +tanlines,body_parts +knees together feet apart,posture +official alternate hairstyle,commonly_misused_tags +doggystyle,sex_acts +top hat,attire +santa costume,attire +dual wielding,verbs_and_gerunds +plump,sex_acts +contrapposto,posture +panties under pantyhose,attire +multiple penises,body_parts +asymmetrical hair,body_parts +head rest,posture +twins,others +asymmetrical bangs,body_parts +thighband pantyhose,attire +source request,metatags +fur collar,body_parts +running,posture +monster,creatures +hands on own hips,body_parts +one piece,image_composition +spread pussy,body_parts +cum in mouth,sex_acts +sports bra,attire +nontraditional miko,attire +mature female,sex_acts +competition swimsuit,attire +garter belt,attire +stubble,body_parts +lolita fashion,attire +neon genesis evangelion,image_composition +watch,attire +striped shirt,attire +naughty face,sex_acts +sun hat,attire +boku no hero academia,image_composition +ass grab,sex_acts +wide-eyed,body_parts +breast hold,body_parts +threesome,sex_acts +blue one-piece swimsuit,attire +dog,creatures +drinking straw,objects +black sleeves,attire +red hat,attire +tentacle hair,body_parts +multicolored eyes,body_parts +red rose,objects +jeans,attire +resolution mismatch,metatags +under-rim eyewear,attire +ghost,creatures +shoulder bag,body_parts +missionary,sex_acts +colored eyelashes,body_parts +aged up,artistic_license +poke ball,objects +hairpin,attire +k-on!,image_composition +rabbit,creatures +hair down,body_parts ++ +,body_parts +circlet,attire +serious,body_parts +female masturbation,sex_acts +light blue hair,body_parts +mustache,body_parts +blue theme,image_composition +jpeg artifacts,image_composition +breasts squeezed together,body_parts +blue hat,attire +hoop earrings,attire +new year,others +ice,objects +v arms,posture +injury,body_parts +mug,objects +reaching,posture +paw pose,posture +hand between legs,body_parts +dragon tail,body_parts +shawl,attire += =,body_parts +sarashi,attire +lantern,image_composition +bouquet,objects +collared dress,attire +bouncing breasts,body_parts +smirk,body_parts +ass focus,body_parts +breastplate,objects +striped bikini,attire +lollipop,objects +mini hat,attire +oekaki,image_composition +pajamas,attire +enmaided,artistic_license +object insertion,sex_acts +popsicle,objects +protected link,metatags +long dress,attire +upside-down,posture +minigirl,sex_acts +unworn hat,attire +pixel-perfect duplicate,image_composition +orange background,image_composition +spear,objects +fate/extra,image_composition +military hat,attire +snowing,verbs_and_gerunds +suzumiya haruhi no yuuutsu,image_composition +third-party edit,image_composition +notice lines,attire +:t,body_parts +2koma,image_composition +waving,posture +long bangs,body_parts +double v,body_parts +yukata,attire +brother and sister,others +long legs,body_parts +backless outfit,nudity +oni,creatures +on floor,body_parts +hug from behind,posture +chocolate,objects +off-shoulder dress,attire +arms at sides,posture +city,objects +leash,sex_objects +butt crack,body_parts +bespectacled,artistic_license +o o,body_parts +blue panties,attire +hugging object,posture +pout,body_parts +chopsticks,body_parts +large penis,body_parts +veiny penis,body_parts +adjusting clothes,nudity +jumping,posture +can,objects +yu-gi-oh!,image_composition +motion blur,image_composition +bow (weapon),disambiguation_pages +sportswear,others +cleft of venus,body_parts +!?,text +forehead mark,body_parts +goatee,body_parts +blue skin,body_parts +outstretched hand,posture +spoon,objects +;),body_parts +mountain,locations +chinese text,text +strawberry,objects +tabard,attire +bandaid on face,body_parts +ice cream,objects +holding flower,objects +bags under eyes,body_parts +dragon,creatures +stud earrings,attire +muscular female,sex_acts +contemporary,artistic_license +straight-on,image_composition +music,objects +valentine,others +nun,attire +fork,objects +hands in pockets,body_parts +folded ponytail,body_parts +large areolae,body_parts +arrow (symbol),attire +panties aside,attire +vibrator,sex_objects +fighting stance,posture +hands,body_parts +turret,objects +nurse cap,attire +underwater,objects +hat flower,attire +criss-cross halter,attire +branch,objects +black one-piece swimsuit,attire +hime cut,body_parts +kneepits,body_parts +wedding dress,attire +pasties,attire +full-face blush,body_parts +hand on own cheek,body_parts +hair bell,body_parts +mouse ears,body_parts +hand on another's shoulder,body_parts +no nose,body_parts +sitting on person,posture +| |,body_parts +low wings,body_parts +realistic,image_composition +smoking,verbs_and_gerunds +hair tie,body_parts +covering own mouth,posture +bandana,attire +foot focus,image_composition +bloomers,attire +straw hat,attire +alternate color,artistic_license +palm tree,objects +visor cap,attire +shrug (clothing),attire +off-shoulder shirt,attire +jacket on shoulders,body_parts +cum on hair,sex_acts +eyeliner,body_parts +korean text,text +black sclera,body_parts +dildo,sex_objects +floral background,image_composition +covering breasts,posture +crown braid,body_parts +blindfold,sex_objects +miko,attire +dragon ball,creatures +snake,creatures +sound effects,text +beanie,attire +character doll,artistic_license +suspender skirt,attire +highleg panties,attire +animated gif,image_composition +chromatic aberration,image_composition +apple,objects +panties around one leg,attire +shota,sex_acts +android,objects +anklet,attire +gag,sex_objects +pink bra,attire +underbust,attire +zoom layer,image_composition +top-down bottom-up,sex_acts +sunflower,objects +center opening,body_parts +print bikini,image_composition +adjusting hair,body_parts +smug,body_parts +sun,image_composition +spread arms,posture +bandeau,attire +third-party source,metatags +brown dress,attire +groping,sex_acts +tail ornament,body_parts +clitoris,body_parts +aircraft,objects +head out of frame,image_composition +hanging breasts,body_parts +alternate hair length,artistic_license +partially translated,metatags +pinafore dress,attire +adjusting eyewear,body_parts +car,objects +frilled shirt,attire +angel,disambiguation_pages +ahegao,sex_acts +flipped hair,body_parts +yokozuwari,posture +emblem,objects +guitar,objects +arrow (projectile),objects +absurdly long hair,body_parts +potted plant,objects +gakuran,attire +white one-piece swimsuit,attire +arched back,posture +microskirt,attire +cabbie hat,attire +heart hands,posture +leaning back,posture +arm warmers,attire +hand on headwear,attire +layered sleeves,attire +sailor hat,attire +eighth note,attire +name tag,text +geta,attire +hair over eyes,body_parts +star-shaped pupils,body_parts +tabi,attire +gangbang,sex_acts +basket,objects +lactation,sex_acts +tachi-e,image_composition +bound wrists,sex_acts +highleg swimsuit,attire +on head,body_parts +silent comic,image_composition +bun cover,body_parts +petticoat,attire +inactive account,metatags +animal focus,image_composition +drinking,objects +bodystocking,attire +text focus,image_composition +onsen,locations +electricity,objects +anchor symbol,disambiguation_pages +fairy wings,body_parts +food-themed hair ornament,objects +overalls,attire +heart censor,image_composition +spoken question mark,attire +bird wings,body_parts +pleated dress,attire +bush,objects +pixel art,image_composition +cheerleader,attire +pool,locations +wrist scrunchie,attire +classroom,locations +painting (medium),disambiguation_pages +glass,objects +ringed eyes,body_parts +cow print,attire +eyeball,body_parts +nipple slip,body_parts +retro artstyle,image_composition +cow ears,body_parts +unbuttoned,nudity +very short hair,body_parts +self-upload,metatags +card (medium),image_composition +leg lift,posture +vambraces,objects +jack-o'-lantern,objects +back-to-back,posture +lace-up boots,attire +swimsuit under clothes,attire +witch,creatures +silhouette,image_composition +huge ass,body_parts +hair stick,attire +grey dress,attire +cannon,objects +cable,objects +ankle boots,attire +toeless legwear,attire +reading,text +strike witches,image_composition +ugoira,metatags +on chair,body_parts +shoulder cutout,nudity +on couch,body_parts +claw pose,posture +hitodama,creatures +nipple tweak,sex_acts +headpat,body_parts +talking,verbs_and_gerunds +covered eyes,commonly_misused_tags +road,locations +mittens,attire +battle,verbs_and_gerunds +print kimono,image_composition +bare back,nudity +bangle,attire +naruto (series),image_composition +headdress,attire +paid reward,metatags +tube top,attire +wedding ring,attire +lamp,image_composition +cityscape,objects +two-tone dress,attire +armored boots,attire +tall image,image_composition +green skin,body_parts +mini crown,attire +sundress,attire +hand on own chin,body_parts +fairy,creatures +inverted nipples,body_parts +fantasy,objects +ninja,objects +hand on another's face,body_parts +hip focus,image_composition +photo (medium),image_composition +unzipped,nudity +wince,body_parts +crotch seam,attire +blue rose,objects +after vaginal,sex_acts +3d,image_composition +salute,posture +scythe,objects +armored dress,attire +chestnut mouth,body_parts +happy sex,sex_acts ++++,attire +male underwear,attire +riding,verbs_and_gerunds +femdom,sex_acts +bishoujo senshi sailor moon,image_composition +haori,attire +space,objects +nurse,others +beachball,others +pointless censoring,image_composition +anime screenshot,image_composition +limited palette,image_composition +wet shirt,objects +w,body_parts +animal costume,attire +undercut,body_parts +naked shirt,nudity +japanese armor,objects +tiger ears,body_parts +style parody,image_composition +office lady,others +print shirt,image_composition +3koma,image_composition +polka dot background,image_composition +everyone,image_composition +animification,image_composition +laughing,verbs_and_gerunds +check commentary,metatags +stretching,posture +holster,objects +uneven legwear,attire +presenting,sex_acts +brown hat,attire +thighlet,attire +5boys,groups +yellow dress,attire +sleeve cuffs,attire +hand on own head,body_parts +looking afar,posture +wet hair,body_parts +blunt ends,body_parts +wine glass,objects +bald,body_parts +pose,verbs_and_gerunds +indian style,posture +belly,body_parts +waitress,attire +paw print,attire +sound,metatags +cone hair bun,body_parts +happy new year,others +cum in ass,sex_acts +shade,image_composition +dagger,objects +alternate eye color,artistic_license +dark,image_composition +incest,sex_acts +bow bra,attire +star print,attire +shibari,sex_acts +frog,creatures +pilot suit,attire +nipple piercing,body_parts +slippers,attire +imageboard desourced,metatags +anchor,disambiguation_pages +:>,body_parts +open hand,body_parts +airplane,objects +mismatched legwear,attire +wide shot,image_composition +source smaller,metatags +multiple others,groups +hugging own legs,posture +red panties,attire +drunk,body_parts +holding instrument,objects +highleg bikini,attire +one breast out,body_parts +own hands clasped,posture +evil smile,body_parts +code geass,body_parts +earmuffs,objects +dancing,verbs_and_gerunds +flat cap,attire +hip vent,nudity +purple panties,attire +painttool sai (medium),others +bare pectorals,commonly_misused_tags +bukkake,sex_acts +sexually suggestive,objects +rigging,objects +on ground,body_parts +carrot,objects +bathing,verbs_and_gerunds +bracer,attire +futa with female,sex_acts +ice wings,body_parts +chibi inset,image_composition +computer,objects +raccoon ears,body_parts +sarong,attire +animal hat,attire +anal object insertion,sex_acts +axe,objects +backless dress,attire +derivative work,image_composition +the king of fighters,image_composition +layered dress,attire +short kimono,attire +alternate hair color,body_parts +unworn eyewear,attire +teapot,objects +holding animal,creatures +leggings,attire +scared,body_parts +navel cutout,nudity +reference sheet,image_composition +sleeveless turtleneck,attire +covering crotch,posture +squiggle,attire +bread,objects +>:),body_parts +mother and daughter,others +fur-trimmed coat,attire +architecture,locations +muneate,objects +multicolored background,image_composition +white eyes,body_parts +bound arms,sex_acts +hakama short skirt,attire +vampire,creatures +imminent penetration,sex_acts +mecha musume,objects +used condom,sex_acts +dragon quest,image_composition +facepaint,verbs_and_gerunds +split mouth,body_parts +bad anatomy,image_composition +lucky star,creatures +knee pads,objects +hat feather,attire +grabbing own breast,sex_acts +bedroom,locations +field,locations +tail raised,body_parts +string panties,attire +bikini skirt,attire +grey skin,body_parts +male penetrated,sex_acts +green hat,attire +idol,objects +public indecency,sex_acts +mmf threesome,sex_acts +hair up,body_parts +pantyhose under shorts,attire +head wreath,objects +watercraft,objects +on one knee,posture +wagashi,objects +tilted headwear,attire +shoulder blades,body_parts +casual one-piece swimsuit,attire +crescent hair ornament,commonly_misused_tags +princess carry,posture +black cat,creatures +mouse tail,body_parts +hibiscus,objects +ribbon choker,body_parts +pumpkin,objects +kimetsu no yaiba,image_composition +mahou shoujo lyrical nanoha,creatures +thumbs up,body_parts +source larger,metatags +cum on clothes,sex_acts +shingeki no kyojin,image_composition +garrison cap,attire +bath,objects +white rose,objects +giant,sex_acts +short over long sleeves,attire +lace-trimmed panties,attire +lace-trimmed bra,attire +dark blue hair,body_parts +split-color hair,body_parts +magatama,body_parts +colored tips,body_parts +stitches,body_parts +peach,objects +tasuki,attire +nosebleed,body_parts +headphones around neck,body_parts +striped background,image_composition +transparent,commonly_misused_tags +tate eboshi,attire +ffm threesome,sex_acts +annoyed,body_parts +plugsuit,attire +tea,objects +halftone,image_composition +lace-trimmed legwear,attire +tiptoes,posture +raglan sleeves,attire +blue bra,attire +vines,objects +no pupils,body_parts +rolling eyes,body_parts +holding plate,objects +spoken exclamation mark,attire +over shoulder,body_parts +naked towel,nudity +spy x family,creatures +face-to-face,posture +asymmetrical wings,body_parts +holding own hair,body_parts +constricted pupils,body_parts +hand on own thigh,body_parts +bleach,creatures +fish tail,body_parts +red skin,body_parts +hair slicked back,body_parts +looping animation,image_composition +o-ring bikini,attire +glowing eye,body_parts +tiger print,attire +partially colored,image_composition +vehicle focus,image_composition +striped dress,attire +platform footwear,attire +hair spread out,body_parts +o-ring top,attire +anniversary,others +kicking,verbs_and_gerunds +handcuffs,sex_objects +fur-trimmed sleeves,attire +one-eyed,body_parts +out-of-frame censoring,image_composition +pantyhose pull,nudity +spiked collar,body_parts +cowbell,objects +playing instrument,objects +pigeon-toed,posture +cross-section,sex_acts +navel piercing,attire +singing,objects +breast sucking,sex_acts +higurashi no naku koro ni,image_composition +crescent hat ornament,attire +mermaid,creatures +belt pouch,objects +open kimono,nudity +sad,body_parts +no mouth,body_parts +afterimage,image_composition +pink rose,objects +rwby,creatures +inazuma eleven (series),others +biting,verbs_and_gerunds +hand on own knee,body_parts +shackles,sex_objects +house,locations +bathroom,locations +multiple persona,groups +vaginal object insertion,sex_acts +bandaid on leg,body_parts +fat,sex_acts +maple leaf,objects +falling,verbs_and_gerunds +unfinished,metatags +doughnut,objects +mushroom,objects +pants pull,nudity +peeing,sex_acts +explosion,objects +other focus,image_composition +narrow waist,body_parts +spiked bracelet,attire +textless version,metatags +pink hat,attire +x-ray,sex_acts +nervous,body_parts +umineko no naku koro ni,image_composition +ruins,locations +see-through sleeves,attire +crescent moon,attire +monitor,objects +fireworks,objects +head scarf,attire +loose socks,attire +arm cannon,objects +micro shorts,attire +folded,sex_acts +kitsune,creatures +bamboo,objects +braided bun,body_parts +symmetrical docking,body_parts +split,posture +vertical stripes,image_composition +pink theme,image_composition +lineart,image_composition +hair censor,body_parts +purple skin,body_parts +ears through headwear,body_parts +greaves,objects +necktie between breasts,body_parts +rozen maiden,creatures +asymmetrical docking,body_parts +cunnilingus,sex_acts +blank eyes,body_parts +seductive smile,body_parts +huge ahoge,body_parts +badge,attire +double penetration,sex_acts +pointing at viewer,body_parts +!!,text +:/,body_parts +red theme,image_composition +brothers,others +camouflage,attire +slingshot swimsuit,attire +starry background,image_composition +image sample,image_composition +film grain,image_composition +assertive female,sex_acts +sitting on lap,posture +body writing,sex_acts +cookie,objects +naked apron,objects +animal collar,body_parts +erection under clothes,body_parts +no shirt,nudity +dark persona,artistic_license +christmas tree,others +trigger discipline,objects +doujinshi,image_composition +bonnet,attire +earphones,objects +arm guards,attire +manly,subjective +animalization,artistic_license +lion ears,body_parts +shorts under skirt,attire +dripping,verbs_and_gerunds +ribs,body_parts +babydoll,attire +persona 3,creatures +big hair,body_parts +huge weapon,objects +real life,others +tsukihime,creatures +tiger tail,body_parts +puff of air,attire +huge penis,body_parts +senran kagura,image_composition +fundoshi,attire +latex,attire +hair over breasts,body_parts +implied sex,sex_acts +splashing,verbs_and_gerunds +smoking pipe,disambiguation_pages +foreskin,body_parts +skirt pull,nudity +genderswap (ftm),artistic_license +bad source,metatags +torpedo,objects +star hat ornament,attire +bra lift,attire +aqua background,image_composition +purple theme,image_composition +zouri,attire +hammer,objects +zzz,text +bikini armor,attire +smile precure!,image_composition +syringe,objects +kamen rider,image_composition +birthday,others +sonic (series),image_composition +off-shoulder sweater,body_parts +shoulder pads,body_parts +iron cross,attire +bikini pull,attire +planet,locations +yin yang,attire +braided bangs,body_parts +checkered background,image_composition +sanpaku,body_parts +sweater dress,attire +lamppost,image_composition +mini top hat,attire +police,others +breast rest,body_parts +rice,objects +power lines,objects +0 0,body_parts +colorized,metatags +multicolored dress,attire +tank,objects +bobby socks,attire +bathtub,locations +ranguage,image_composition +v-neck,body_parts +;o,body_parts +torso grab,sex_acts +hachimaki,attire +sakazuki,objects +cherry,objects +bridge,locations +moaning,verbs_and_gerunds +bear ears,body_parts +1990s (style),image_composition +naruto,body_parts +burger,objects +object on head,attire +heads together,posture +insect wings,body_parts +speed lines,image_composition +watermelon,objects +saucer,objects +purple hat,attire +frilled panties,attire +broom riding,body_parts +electric guitar,objects +biceps,body_parts +aiming,verbs_and_gerunds +horse,creatures +beer,objects +reverse cowgirl position,sex_acts +tying hair,body_parts +shouting,verbs_and_gerunds +egg,objects +coffee,objects +tail wagging,body_parts +bikini bottom only,attire +sleepy,body_parts +feeding,objects +fur-trimmed dress,attire +bare tree,objects +cross-shaped pupils,body_parts +cooking,objects +female ejaculation,sex_acts +yellow sclera,body_parts +extra arms,sex_acts +content rating,text +lapels,attire +sleeveless jacket,attire +rimless eyewear,attire +torogao,sex_acts +extra eyes,body_parts +frilled bra,attire +:|,body_parts +patreon reward,metatags +no eyes,body_parts +stomach bulge,sex_acts +gigantic breasts,body_parts +green panties,attire +motorcycle,objects +jumpsuit,attire +cyborg,objects +topknot,body_parts +giantess,sex_acts +long coat,attire +unworn panties,attire +food focus,image_composition +detached wings,body_parts +yawning,verbs_and_gerunds +bruise,body_parts +fucked silly,sex_acts +merry christmas,others +standing split,posture +ball gag,sex_objects +open vest,nudity +cardcaptor sakura,image_composition +nekomata,creatures +heart ahoge,body_parts +wine,objects +hair pulled back,body_parts +very dark skin,body_parts +monocle,attire +d:,body_parts +green theme,image_composition +bestiality,sex_acts +single sidelock,body_parts +sleeves past elbows,attire +reclining,posture +fox shadow puppet,body_parts +print panties,attire +yukkuri shiteitte ne,phrases +expressions,body_parts +jester cap,attire +track suit,attire +monster boy,creatures +tentacle sex,sex_acts +spoken musical note,objects +shirt pull,nudity +clothed male nude female,nudity +nightgown,attire +mind control,verbs_and_gerunds +bandaid on nose,body_parts +knees,body_parts +engrish text,text +punching,verbs_and_gerunds +mismatched pupils,body_parts +poolside,locations +jiangshi,creatures +baseball bat,others +faulds,objects +glaring,verbs_and_gerunds +promotional art,metatags +weapon over shoulder,body_parts +pregnant,sex_acts +single wing,body_parts +pinstripe pattern,attire +halter dress,attire +doll joints,body_parts +holding hat,attire +uwabaki,attire +flower field,locations +leg warmers,attire +street,locations +hand on own stomach,body_parts +lanyard,body_parts +perspective,image_composition +official alternate hair length,commonly_misused_tags +sake,objects +artistic error,image_composition +downblouse,nudity +floppy ears,body_parts +footjob,sex_acts +bokeh,image_composition +front ponytail,body_parts +orb,attire +blinking,body_parts +sweater lift,nudity +beige background,image_composition +twisted torso,posture +robot joints,body_parts +sepia,image_composition +laptop,objects +over-kneehighs,attire +open hoodie,nudity +tail bow,body_parts +animal ear headphones,body_parts +cat boy,creatures +internal cumshot,sex_acts +mouse (animal),creatures +blue sleeves,attire +\m/,body_parts +lily (flower),objects +3:,body_parts +pointy hair,body_parts +xd,body_parts +pinky out,body_parts +adjusting headwear,attire +taut shirt,attire +cum on ass,sex_acts +flag print,image_composition +red bra,attire +bound legs,sex_acts +river,locations +uterus,body_parts +helltaker,image_composition +solid circle eyes,body_parts +purple bra,attire +paper lantern,others +single mechanical arm,objects +lowleg panties,attire +hand on own ass,posture +pearl necklace,body_parts +beamed eighth notes,attire +cow tail,body_parts +low twin braids,body_parts +chest sarashi,attire +karakasa obake,creatures +dango,objects +loincloth,attire +exhibitionism,sex_acts +red wings,body_parts +print dress,attire +cowboy hat,attire +red pupils,body_parts +father and daughter,others +castle,locations +skyscraper,locations +covering face,posture +forehead protector,attire +pixiv fantasia,others +novel illustration,metatags +dolphin shorts,attire +cropped,metatags +body blush,body_parts +suit jacket,attire +train interior,locations +penguin,creatures +thigh holster,objects +2others,groups +flower-shaped pupils,body_parts +photo background,image_composition +stirrup legwear,attire +knight,objects +yuru yuri,image_composition +costume switch,artistic_license +grabbing another's hair,body_parts +pink skin,body_parts +bra pull,attire +fat mons,body_parts +full armor,objects +holding removed eyewear,attire +shorts pull,nudity +waistcoat,attire +dressing,verbs_and_gerunds +;p,body_parts +noodles,objects +heart-shaped box,others +firing,verbs_and_gerunds +black skin,body_parts +blue neckwear,body_parts +hard-translated,image_composition +collaboration,metatags +fox,creatures +cum on tongue,sex_acts +grapes,objects +mixed-sex bathing,verbs_and_gerunds +bra strap,attire +turn pale,body_parts +thong bikini,attire +unmoving pattern,image_composition +wolf,creatures +aiguillette,attire +bubble skirt,attire +orange dress,attire +popped collar,body_parts +boy on top,sex_acts +onigiri,objects +bursting breasts,body_parts +autumn,objects +hand on another's cheek,body_parts +raised eyebrow,body_parts +shushing,posture +anal beads,sex_objects +zombie,creatures +whiskers,creatures +half up braid,body_parts +frilled hat,attire +ice cream cone,objects +polka dot panties,attire +recording,verbs_and_gerunds +convenient leg,image_composition +low-braided long hair,body_parts +toeless footwear,attire +animal on shoulder,body_parts +rose petals,objects +diagonal stripes,image_composition +amputee,sex_acts +print pantyhose,image_composition +water gun,others +microphone stand,objects +demon boy,creatures +commissioner upload,metatags +beer mug,objects +fur hat,attire +breast envy,body_parts +tail ribbon,body_parts +disembodied penis,body_parts +pussy peek,body_parts +maebari,attire +bicycle,attire +crotchless,attire +wet panties,attire +bandaid on knee,body_parts +backboob,body_parts +orange (fruit),disambiguation_pages +strap pull,nudity +drop shadow,image_composition +blue fire,objects +skinny,sex_acts +coffee mug,objects +humanization,artistic_license +chick,creatures +heart-shaped chocolate,objects +hands on own knees,body_parts +fedora,attire +blue wings,body_parts +lightning,disambiguation_pages +unsheathing,verbs_and_gerunds +ambiguous gender,commonly_misused_tags +romaji text,text +kitchen,objects +bow-shaped hair,body_parts +double handjob,sex_acts +print thighhighs,image_composition +netorare,sex_acts +ship,objects +whip,sex_objects +hand on another's chin,body_parts +mouth drool,body_parts +back cutout,nudity +on desk,body_parts +red sleeves,attire +spoken blush,attire +crazy eyes,body_parts +quiver,objects +one-punch man,image_composition +elbow pads,objects +spring onion,objects +hydrangea,objects +argyle legwear,attire +cat hair ornament,creatures +dark elf,creatures +multiple 4koma,image_composition +demon,creatures +dragon wings,body_parts +ladle,objects +locker,commonly_misused_tags +torn dress,attire +sideways mouth,body_parts +crow,creatures +pointing at self,body_parts +arm belt,attire +reverse trap,sex_acts +butterfly wings,body_parts +single sleeve,attire +ringlets,body_parts +towel around neck,body_parts +earclip,attire +winter coat,attire +muted color,image_composition +sagging breasts,body_parts +barcode,attire +lightning bolt symbol,attire +starfish,creatures +male masturbation,sex_acts +clone,groups +has bad revision,image_composition +open collar,body_parts +breast suppress,body_parts +multiple wings,body_parts +bikini bottom aside,attire +album cover,image_composition +stick,objects +gears,objects +pointing up,body_parts +evil grin,body_parts +crab,objects +long tongue,body_parts +dimples of venus,body_parts +making-of available,metatags +naked ribbon,nudity +boat,objects +tower,locations +dokidoki! precure,image_composition +knees to chest,sex_acts +winged arms,body_parts +v over eye,posture +sleeveless kimono,attire +business suit,attire +disgaea,image_composition +spread anus,body_parts +hairpods,body_parts +purple rose,objects +poking,verbs_and_gerunds +school,locations +landscape,image_composition +power armor,objects +looking at penis,body_parts +yellow theme,image_composition +imagining,verbs_and_gerunds +pouring,objects +waterfall,locations +wedgie,body_parts +mini wings,body_parts +one-piece swimsuit pull,attire +black rock shooter,image_composition +pocket watch,attire +gourd,objects +hand on own arm,body_parts +audible music,metatags +ace attorney,creatures +heart background,image_composition +breast lift,body_parts +surgical mask,attire +impossible shirt,body_parts +anal tail,sex_objects +trench coat,attire +pirate hat,attire +computer keyboard,objects +gym shorts,attire +jar,objects +locked arms,posture +steepled fingers,body_parts +dress pull,attire +painting (object),disambiguation_pages +clover,objects +amagami,image_composition +leaf print,attire +trident,objects +arm around shoulder,body_parts +command spell,attire +no nipples,body_parts +uneven eyes,body_parts +paizuri under clothes,sex_acts +>:(,body_parts +official wallpaper,image_composition +koha-ace,image_composition +mechanical wings,body_parts +bear,creatures +imminent rape,sex_acts +audible speech,metatags +bustier,attire +fusion,artistic_license +blowing bubbles,verbs_and_gerunds +lowleg bikini,attire +tablet pc,objects +robot ears,body_parts +flaccid,body_parts +checkered,attire +spread ass,body_parts +reverse outfit,attire +viewfinder,image_composition +1980s (style),image_composition +on grass,body_parts +shop,objects +argyle background,image_composition +resized,image_composition +thank you,others +backwards hat,attire +earpiece,objects +radio antenna,objects +hunter x hunter,image_composition +stage,locations +halftone background,image_composition +bandaid on cheek,body_parts +mandarin orange,objects +macaron,objects +underboob cutout,nudity +:>=,sex_acts +2023,year_tags +clip studio paint (medium),others +mother and son,others +circle,attire +gundam seed,image_composition +heart-shaped eyewear,attire +yellow panties,attire +milk,objects +pentagram,attire +nude cover,posture +cat cutout,creatures +library,locations +strapless bikini,body_parts +sailor,attire +2022,year_tags +2021,year_tags +too many,subjective +deep penetration,sex_acts +hair beads,attire +dark nipples,body_parts +lake,locations +cat lingerie,creatures +flashing,verbs_and_gerunds +pince-nez,attire +flip-flops,attire +photo-referenced,image_composition +imminent vaginal,sex_acts +cum pool,sex_acts +fullmetal alchemist,creatures +reverse bunnysuit,attire +diagonal bangs,body_parts +after anal,sex_acts +harpy,body_parts +lion tail,body_parts +monster girl encyclopedia,image_composition +black neckwear,body_parts +arm hug,posture +lower body,image_composition +spider lily,objects +grey hat,attire +unaligned breasts,body_parts +polka dot bikini,attire +no pussy,body_parts +egg vibrator,sex_objects +tiger,creatures +flight deck,objects +red sclera,body_parts +single detached sleeve,attire +cat paws,creatures +colorful,image_composition +leotard aside,nudity +lemon,objects +still life,image_composition +octopus,creatures +leaning,verbs_and_gerunds +arms around neck,body_parts +quad tails,body_parts +teacher,others +opaque glasses,attire +egasumi,image_composition +food print,attire +bat print,attire +vertical-striped dress,attire +sideless outfit,nudity +off-topic,image_composition +glowing weapon,objects +shore,locations +penis awe,body_parts +food on body,objects +multicolored wings,body_parts +cat ear headphones,body_parts +fisheye,image_composition +bolt action,objects +scope,objects +spacecraft,objects +print gloves,image_composition +after fellatio,sex_acts +defloration,sex_acts +violin,objects +rose print,attire +reverse suspended congress,sex_acts +text background,image_composition +duck,creatures +biting own lip,verbs_and_gerunds +tomato,objects +plaid dress,attire +rapier,objects +energy sword,objects +soccer uniform,others +train,objects +middle finger,body_parts +gloom (expression),body_parts +framed breasts,body_parts +transformers,objects +kunai,objects +butt plug,sex_objects +fighting,verbs_and_gerunds +chain necklace,body_parts +novelty censor,image_composition +squeans,attire +skullgirls,image_composition +pixiv sample,metatags +cat hood,creatures +swimming,verbs_and_gerunds +drum,objects +sleeves pushed up,attire +cheek-to-cheek,posture +kyuubi,creatures +bikini top lift,attire +lance,objects +light green hair,body_parts +rectangular eyewear,attire +okobo,attire +alternate universe,artistic_license +spacesuit,objects +pizza,objects +w arms,posture +father and son,others +lamia,creatures +irrumatio,sex_acts +chicken,creatures +showering,objects +shrine,locations +hand on another's back,body_parts +sushi,objects +sheep,creatures +leopard print,attire +chewing gum,objects +lineup,image_composition +hanfu,attire +ai-generated,metatags +tomoe (symbol),attire +wizard hat,attire +hand on another's arm,body_parts +upright straddle,sex_acts +milestone celebration,others +no legwear,attire +gintama,creatures +sandwich,objects +rooftop,locations +deepthroat,sex_acts +aran sweater,attire +spotlight,image_composition +spoken squiggle,attire +banana,objects +gradient,image_composition +abstract background,image_composition +pumps,attire +sidelighting,image_composition +parfait,objects +finger gun,body_parts +multi-tied hair,body_parts +wrench,objects +seagull,creatures +bandage over one eye,body_parts +transformation,objects +huge nipples,body_parts +pussy juice trail,body_parts +pillarboxed,image_composition +miniboy,sex_acts +steins;gate,image_composition +unworn bra,attire +sode,objects +staring,body_parts +greyscale with colored background,image_composition +thinking,body_parts +sheep ears,body_parts +kote,objects +bleeding,verbs_and_gerunds +contrail,objects +purple sleeves,attire +framed,image_composition +afloat,commonly_misused_tags +cuts,body_parts +tucking hair,body_parts +ankle socks,attire +maid bikini,attire +cream,objects +feather boa,attire +piggyback,posture +pompadour,body_parts +baozi,objects +single hair intake,body_parts +clothes grab,nudity +hand on another's chest,body_parts +animal ear piercing,attire +swimsuit aside,attire +big belly,sex_acts +;q,body_parts +bar (place),objects +costume,attire +candy apple,objects +magazine (weapon),objects +pantylines,attire +magazine scan,metatags +grey panties,attire +ranma 1/2,image_composition +yellow rose,objects +letterman jacket,attire +perky breasts,body_parts +swim trunks,attire +spoken interrobang,attire +neon trim,objects +furisode,attire +nipple rings,body_parts +adjusting swimsuit,attire +pancake,objects +goggles around neck,body_parts +collage,image_composition +yellow pupils,body_parts +digital media player,objects +dot mouth,body_parts +button badge,attire +tunic,attire +animal penis,body_parts +horizontal pupils,body_parts +lily pad,objects +soda can,objects +suite precure,image_composition +os-tan,objects +sleeveless sweater,body_parts +frying pan,objects +surreal,image_composition +squirrel ears,body_parts +curtained hair,body_parts +o-ring bottom,attire +skirt suit,attire +ejaculating while penetrated,sex_acts +mascara,body_parts +slave,sex_acts +wet swimsuit,objects +happy halloween,others +scowl,body_parts +throwing,verbs_and_gerunds +riding crop,sex_objects +guro,sex_acts +cupcake,objects +rabbit pose,posture +glowstick,image_composition +bangs pinned back,body_parts +flute,objects +undertale,creatures +chips (food),objects +tie clip,attire +kanzashi,attire +see-through dress,attire +crossed ankles,posture +1koma,image_composition +yoga pants,attire +megaphone,objects +laevatein (touhou),objects +spitroast,sex_acts +american flag legwear,attire +remote control vibrator,sex_objects +open dress,attire +owl,creatures +pot,objects +hiding,verbs_and_gerunds +orgy,sex_acts +prone bone,sex_acts +plunging neckline,attire +pink pupils,body_parts +blue-framed eyewear,attire +diamond-shaped pupils,body_parts +omori,image_composition +feather hair,body_parts +bubble tea,objects +aiming at viewer,verbs_and_gerunds +chef hat,attire +drill sidelocks,body_parts +eevee,creatures +nightcap,attire +diffraction spikes,image_composition +twirling hair,body_parts +what,subjective +piano,objects +squirrel tail,body_parts +capri pants,attire +grinding,sex_acts +latin cross,attire +writing,text +embers,image_composition +food on head,attire +arm around neck,body_parts +peeing self,sex_acts +long pointy ears,body_parts +side cutout,nudity +cum on stomach,sex_acts +white cat,creatures +mochi,objects +lotus,objects +hand on another's hip,body_parts +spill,objects +triangle,attire +flower pot,objects +speaker,objects +happy valentine,others +\||/,body_parts +hand on another's thigh,body_parts +magazine cover,image_composition +loose hair strand,body_parts +green bra,attire +song name,text +earbuds,objects +cheese,objects +untied,nudity +goldfish,creatures +public nudity,sex_acts +santa dress,attire +treble clef,objects +japari symbol,attire +frogtie,sex_acts +ribbon-trimmed legwear,attire +lace panties,attire +mitsudomoe (shape),attire +torn sleeves,attire +shibari over clothes,sex_acts +osomatsu-kun,image_composition +leg lock,posture +profanity,text +qingdai guanmao,attire +flats,attire +stage lights,image_composition +watson cross,posture +harem outfit,attire +trefoil,attire +fluffy,subjective +winged hat,body_parts +bullpup,objects +in tree,objects +chainsaw,objects +energy wings,body_parts +puffy detached sleeves,attire +rei no himo,body_parts +gegege no kitarou,image_composition +paint,disambiguation_pages +bloom,image_composition +soldier,others +plum blossoms,objects +romper,attire +spoken anger vein,attire +ribbed dress,attire +candy cane,objects +ramen,objects +driving,verbs_and_gerunds +tongue piercing,attire +pudding,objects +aqua dress,attire +bass guitar,objects +unworn helmet,attire +police hat,attire +tally,sex_acts +french fries,objects +looking at phone,body_parts +5koma,image_composition +pinching,verbs_and_gerunds +mohawk,body_parts +pink sleeves,attire +horned helmet,attire +:i,body_parts +2020,year_tags +yellow skin,body_parts +pill,objects +bamboo forest,locations +crotch rope,sex_objects +locker room,locations +mechanical parts,objects +small penis,body_parts +fanbox reward,metatags +shell casing,objects +yellow hat,attire +evening gown,attire +strapless shirt,body_parts +bad feet,body_parts +reverse upright straddle,sex_acts +abstract,image_composition +shirt tug,nudity +orc,creatures +covering own eyes,posture +monkey tail,body_parts +licking finger,verbs_and_gerunds +corrupted twitter file,image_composition +lotion,sex_objects +glitch,image_composition +striped bra,attire +porkpie hat,attire +breastless clothes,attire +mega man (classic),creatures +screaming,body_parts +hands in opposite sleeves,attire +rubber boots,attire +plantar flexion,body_parts +skull and crossbones,attire +nipple bar,body_parts +orange theme,image_composition +deer ears,body_parts +short bangs,body_parts +ghost tail,body_parts +club (weapon),objects +obliques,body_parts +white theme,image_composition +over-rim eyewear,attire +giving,verbs_and_gerunds +mixed-language text,text +incredibly absurdres,image_composition +vibrator under clothes,sex_objects +looking over eyewear,body_parts +wedding,verbs_and_gerunds +meiji schoolgirl uniform,attire +praying,verbs_and_gerunds +on lap,body_parts +pokemon adventures,image_composition +strangling,sex_acts +scan artifacts,image_composition +lace-trimmed dress,attire +disposable coffee cup,objects +eastern dragon,creatures +bento,objects +peeking,sex_acts +patterned background,image_composition +fashion,attire +yunomi,objects +fetal position,posture +color guide,image_composition +omelet,objects +brown theme,image_composition +path,locations +computer mouse,objects +sink,objects +moonlight,image_composition +breast slip,body_parts +cooperative fellatio,sex_acts +sitting on face,sex_acts +paint.net (medium),others +thick arms,body_parts +drumsticks,objects +ceiling light,image_composition +on table,body_parts +fur coat,attire +g-string,attire +neck ruff,attire +restaurant,objects +holding panties,attire +spice and wolf,creatures +flame-tipped tail,objects +shark,creatures +scratches,body_parts +flower (symbol),objects +tales of vesperia,creatures +birthday cake,objects +panda,creatures +aerial fireworks,others +sigh,body_parts +thigh sex,sex_acts +faux traditional media,image_composition +drawing (object),verbs_and_gerunds +pink-framed eyewear,attire +suspension,sex_acts +tailcoat,attire +bandaid on arm,body_parts +soccer ball,others +mobile suit gundam,image_composition +hill,locations +left-to-right manga,image_composition +x-shaped pupils,body_parts +mating press,sex_acts +open shorts,nudity +desert,locations +alternate legwear,attire +shaved ice,objects +petting,verbs_and_gerunds +shoulder carry,posture +bread slice,objects +torn legwear,attire +melting,verbs_and_gerunds +moss,objects +raincoat,attire +skirt tug,nudity +bandaid on pussy,body_parts +mallet,objects +grimace,body_parts +frilled legwear,attire +artbook,image_composition +ok sign,body_parts +nose piercing,attire +inverted bob,body_parts +2024,year_tags +pant suit,attire +shako cap,attire +spatula,objects +cyberpunk,objects +typo,image_composition +smelling,sex_acts +car interior,locations +futa with male,sex_acts +orange-tinted eyewear,attire +blur censor,image_composition +pig,creatures +swirl lollipop,objects +twitching,verbs_and_gerunds +cliff,locations +patterned clothing,image_composition +grey-framed eyewear,attire +quarter note,attire +walk-in,sex_acts +impregnation,sex_acts +dreadlocks,body_parts +pith helmet,attire +black rose,objects +daisy,objects +pastry,objects +confused,body_parts +grid background,image_composition +cocktail glass,objects +light bulb,objects +caterpillar tracks,objects +tuxedo,attire +screenshot redraw,image_composition +caught,sex_acts +hand on own leg,body_parts +cat hat,attire +phimosis,body_parts +anal fingering,sex_acts +playing with own hair,body_parts +asphyxiation,sex_acts +o3o,body_parts +cat ear panties,creatures +buzz cut,body_parts +yugake,attire +basketball,others +striped sleeves,attire +smiley face,body_parts +2019,year_tags +no eyewear,artistic_license +horseback riding,verbs_and_gerunds +wire,objects +cervix,body_parts +meitantei conan,image_composition +nape,body_parts +hexagram,attire +seamed legwear,attire +slime (creature),creatures +stomach cutout,nudity +hand in panties,attire +see-through legwear,attire +uneven sleeves,attire +yellow-framed eyewear,attire +volleyball,others +belly chain,attire +carrying over shoulder,posture +chemise,attire +zombie pose,posture +cat print,creatures +milk bottle,objects +town,locations +nail,disambiguation_pages +negligee,attire +naked jacket,nudity +flat ass,body_parts +sun symbol,attire +church,locations +strawberry shortcake,objects +bit gag,sex_objects +boxers,attire +stitched,metatags +worried,body_parts +tree shade,objects +white-framed eyewear,attire +have to pee,sex_acts +steam censor,image_composition +unusually open eyes,body_parts +samurai,others +russian text,text +wreath,objects +legwear garter,attire +shakugan no shana,image_composition +diadem,attire +spilling,verbs_and_gerunds +shading eyes,body_parts +heart hands duo,body_parts +instrument case,objects +lemon slice,objects +2018,year_tags +bulletproof vest,objects +futari wa precure,image_composition +monsterification,artistic_license +burning,objects +curry,objects +tribadism,sex_acts +power symbol,attire +spread fingers,body_parts +bandage on face,body_parts +cropped shoulders,image_composition +shrimp,objects +starry sky print,attire +butterfly print,attire +look-alike,groups +single hair ring,body_parts +snake tail,body_parts +champagne flute,objects +green sleeves,attire +high contrast,image_composition +fellatio gesture,body_parts +sword of hisou,objects +text-only page,text +short sword,objects +hand on another's ass,body_parts +flexing,posture +potato chips,objects +fine art parody,objects +spanked,sex_acts +ribbed legwear,attire +cube,attire +cheating (relationship),sex_acts +traditional nun,attire +cave,locations +torch,image_composition +leotard pull,nudity +fried egg,objects +skirt around one leg,nudity +briefs,attire +plectrum,objects +strapless bra,attire +striker unit,objects +hamster,creatures +korean clothes,attire +kise yayoi,text +clothes down,nudity +keyboard (instrument),objects +crotchless panties,attire +afro,body_parts +dove,creatures +cyclops,creatures +juice box,objects +convenient arm,image_composition +drawing tablet,objects +tam o' shanter,attire +annotated,metatags +jet,objects +red-tinted eyewear,attire +naked coat,nudity +;3,body_parts +covering nipples,posture +toast,objects +archived source,metatags +diving mask,attire +ufo,objects +boxing gloves,attire +bad hands,image_composition +manga (object),disambiguation_pages +pulling,verbs_and_gerunds +feather-trimmed sleeves,attire +fake phone screenshot,image_composition +nichijou,image_composition +green neckwear,body_parts +gown,attire +whale,creatures +sparks,objects +lace bra,attire +alternate headwear,artistic_license +caustics,image_composition +crotch plate,objects +coral,creatures +red one-piece swimsuit,attire +cafe,objects +2016,year_tags +censored nipples,image_composition +haikyuu!!,others +shuriken,objects +hand on another's waist,body_parts +milk carton,objects +licking nipple,body_parts +dynamax band,objects +helm,attire +see-through leotard,attire +dreaming,verbs_and_gerunds +whipped cream,objects +tail bell,body_parts +trick or treat,others +industrial pipe,disambiguation_pages +whisk,objects +racket,others +calendar (medium),image_composition +2017,year_tags +breast bondage,sex_acts +alley,locations +cheek pinching,verbs_and_gerunds +hidamari sketch,image_composition +tennis uniform,others +clothed female nude female,nudity +cuddling,verbs_and_gerunds +open skirt,nudity +fur-trimmed legwear,attire +spinning,verbs_and_gerunds +crepe,objects +school hat,attire +sweatband,attire +trumpet,objects +urusei yatsura,image_composition +nengajou,others +bisexual female,sex_acts +impossible dress,attire +2015,year_tags +hitachi magic wand,sex_objects +seigaiha,image_composition +yu-gi-oh! gx,image_composition +cherry blossom print,attire +turtle,creatures +hands on own thighs,body_parts +taiyaki,objects +comb,body_parts +azumanga daioh,creatures +yes! precure 5,image_composition +veiny breasts,body_parts +crazy smile,body_parts +cheek poking,body_parts +swim briefs,attire +beckoning,body_parts +hands on headwear,attire +two-handed,objects +refrigerator,objects +tri tails,body_parts +baseball,others +leg belt,attire +sideways,image_composition +aria (manga),disambiguation_pages +tanuki,creatures +breast curtain,body_parts +sweet potato,objects +cousins,others +goat ears,body_parts +tulip,objects +upturned eyes,body_parts +party hat,attire +pencil dress,attire +tape gag,sex_objects +lip piercing,attire +greatsword,objects +gorget,objects +ushanka,attire +blue pupils,body_parts +winged helmet,attire +space helmet,attire +anti-materiel rifle,objects +orange hat,attire +flustered,body_parts +eyebrow piercing,attire +chaps,attire +pond,locations +kalashnikov rifle,objects +chandelier,image_composition +prostitution,sex_acts +crotch rub,sex_acts +identity censor,image_composition +grey sleeves,attire +teasing,verbs_and_gerunds +holly,objects +tickling,verbs_and_gerunds +railroad tracks,locations +looking at mirror,body_parts +column lineup,image_composition +naked sheet,nudity +wrestling,others +pocky day,others +squirrel,creatures +prehensile hair,body_parts +eye focus,image_composition +face to breasts,body_parts +open pants,nudity +spoken sweatdrop,attire +bat ears,body_parts +swing,verbs_and_gerunds +spider,creatures +lion,creatures +poncho,attire +breasts on glass,body_parts +office,locations +fff threesome,sex_acts +mars symbol,attire +fiery hair,body_parts +downscaled,image_composition +check copyright,metatags +jersey,others +69,sex_acts +hand on another's stomach,body_parts +setsubun,others +yellow bra,attire +taut dress,attire +dress flower,attire +sports bikini,attire +chasing,verbs_and_gerunds +bomb,objects +beam rifle,objects +butler,objects +futanari masturbation,sex_acts +claw ring,attire +brushing hair,body_parts +bowl cut,body_parts +polka dot dress,attire +fake wings,body_parts +multicolored legwear,attire +bondage outfit,sex_objects +after paizuri,sex_acts +train station,locations +hand on another's neck,body_parts +knees apart feet together,posture +guitar case,objects +implied futanari,sex_acts +chicken (food),objects +rainbow order,image_composition +head between breasts,body_parts +symmetry,image_composition +pole dancing,verbs_and_gerunds +menu,objects +fishing,verbs_and_gerunds +blueberry,objects +tube,objects +if they mated,artistic_license +clover print,attire +pyrokinesis,objects +beamed sixteenth notes,attire +doyagao,body_parts +holding helmet,attire +bowl hat,attire +baseball uniform,others +age progression,artistic_license +groin tendon,body_parts +budget sarashi,attire +strawberry print,attire +warship,objects +squid,creatures +ink,disambiguation_pages +hand on eyewear,attire +yellow wings,body_parts +dixie cup hat,attire +pillbox hat,attire +perineum,body_parts +selfcest,sex_acts +head bump,body_parts +suppressor,objects +hairdressing,body_parts +hammer and sickle,attire +tricorne,attire +omurice,objects +staff (music),objects +tankini,attire +has censored revision,image_composition +twincest,sex_acts +hair brush,body_parts +gatling gun,objects +tangzhuang,attire +projected inset,image_composition +dominatrix,others +hair ears,body_parts +pussy juice puddle,body_parts +plate armor,objects +aqua theme,image_composition +dwarf,creatures +sweatpants,attire +color connection,image_composition +thigh cutout,nudity +artificial vagina,sex_objects +pale color,image_composition +dyed bangs,body_parts +utility belt,objects +monkey,creatures +buttoned cuffs,attire +plaid background,image_composition +wheel,objects +bow (music),objects +goblin,creatures +holding another's hair,body_parts +multiple braids,body_parts +alternate skin color,artistic_license +strap-on,sex_objects +baguette,objects +shower (place),locations +against tree,objects +reach-around,sex_acts +sitting in tree,objects +tail wrap,body_parts +camellia,objects +gimp (medium),others +belt bra,attire +x,attire +blender (medium),others +eyewear on headwear,attire +lace-trimmed sleeves,attire +chocolate bar,objects +bad proportions,image_composition +m4 carbine,objects +missile,objects +blue-tinted eyewear,attire +shallow water,commonly_misused_tags +chocolate on body,objects +raising heart,objects +wisteria,objects +^o^,body_parts +pain,body_parts +red cross,attire +orange slice,objects +tennis racket,others +dolphin,creatures +crossbow,objects +scissor blade (kill la kill),objects +autobot,objects +naked cape,nudity +circle name,text +cockpit,locations +alt text,metatags +open bra,attire +pectoral grab,sex_acts +purple-tinted eyewear,attire +meandros,image_composition +wide image,image_composition +polka dot bra,attire +cupless bra,attire +3others,groups +futa with futa,sex_acts +screen,objects +full nelson,sex_acts +clothed masturbation,sex_acts +poptepipic,image_composition +in food,objects +shin megami tensei,image_composition +inflation,sex_acts +blue sclera,body_parts +truck,objects +rotational symmetry,image_composition +kusazuri,objects +pie,objects +drill,objects +spitting,verbs_and_gerunds +spanking,verbs_and_gerunds +breasts on head,body_parts +pet play,sex_acts +brown-framed eyewear,attire +toon (style),image_composition +drying,verbs_and_gerunds +hakama pants,attire +akeome,others +furrification,artistic_license +traditional youkai,creatures +green-framed eyewear,attire +:x,body_parts +palms,body_parts +berserk,image_composition +blank censor,image_composition +straddling paizuri,sex_acts +neck,body_parts +doughnut hair bun,body_parts +spirit,creatures +no wings,body_parts +checkerboard cookie,objects +priest,attire +inuyasha,image_composition +tegaki,image_composition +6+others,groups +bowing,body_parts +disgust,body_parts +nude filter,image_composition +tanabata,others +sunburst background,image_composition +cowboy western,attire +incoming food,objects +plant girl,objects +spiked tail,body_parts +naginata,objects +bird on shoulder,body_parts +black theme,image_composition +simplified chinese text,text +fighter jet,objects +desk lamp,image_composition +headlamp,attire +spear the gungnir,objects +cheering,verbs_and_gerunds +vector trace,image_composition +crosswalk,locations +. .,body_parts +on person,body_parts +caressing testicles,sex_acts +yagasuri,image_composition +large insertion,sex_acts +buttjob,sex_acts +ai-assisted,metatags +lettuce,objects +tail censor,body_parts +chainmail,objects +carrying under arm,posture +berry,objects +impaled,body_parts +bow legwear,attire +partially underwater shot,image_composition +ramune,objects +ammunition pouch,objects +chart,image_composition +tree stump,objects +stadium,locations +upscaled,image_composition +pink wings,body_parts +eagle,creatures +stroking own chin,posture +micro panties,attire +chef,objects +sword over shoulder,body_parts +dress tug,attire +air (visual novel),creatures +garden,locations +breast smother,sex_acts +whispering,verbs_and_gerunds +hair in own mouth,body_parts +hanging,verbs_and_gerunds +large wings,body_parts +brown wings,body_parts +no lineart,image_composition +wooden sword,objects +graveyard,locations +ribbed sleeves,attire +painting (action),verbs_and_gerunds +hugtto! precure,image_composition +walkie-talkie,objects +kettle,objects +intravenous drip,body_parts +procreate (medium),others +mace,objects +arm blade,objects +reindeer costume,attire +leg armor,objects +cat teaser,creatures +argyle,attire +radio,objects +fireflies,objects +stove,objects +shiba inu,creatures +pussy piercing,attire +lotion bottle,sex_objects +open robe,attire +cotton candy,objects +boned meat,objects +cucumber,objects +galaxy angel,image_composition +light areolae,body_parts +scarlet devil mansion,locations +stab,body_parts +battle axe,objects +aoki hagane no arpeggio,disambiguation_pages +venus symbol,attire +breathing fire,objects +molestation,sex_acts +role reversal,artistic_license +pink-tinted eyewear,attire +lube,sex_objects +centaur,creatures +bendy straw,objects +arched bangs,body_parts +gym,locations +freediving,verbs_and_gerunds +aroused,body_parts +juice,objects +eyewear strap,attire +sleeveless hoodie,attire +panda ears,body_parts +inverted cross,attire +helicopter,objects +horse penis,body_parts +fake mustache,body_parts +tiger stripes,image_composition +key visual,metatags +cleaning,verbs_and_gerunds +bolo tie,body_parts +laser,objects +oral invitation,body_parts +raised fist,body_parts +arm between breasts,body_parts +takoyaki,objects +cup ramen,objects +spread pussy under clothes,body_parts +cum on feet,sex_acts +pastel colors,image_composition +german text,text +cupping hands,body_parts +back focus,image_composition +heart tail,body_parts +sakuramon,image_composition +sheet music,objects +halberd,objects +yes,text +dirndl,attire +forehead-to-forehead,posture +pangya,others +fast food,objects +ketchup,objects +hand on own shoulder,body_parts +anilingus,sex_acts +log,objects +hexagon,attire +yellow sleeves,attire +pink one-piece swimsuit,attire +gym storeroom,locations +park,locations +suspended congress,sex_acts +mechanization,artistic_license +crescent print,attire +breast focus,image_composition +holographic interface,objects +stole,attire +bear print,attire +lily of the valley,objects +happi,attire +naked hoodie,nudity +humiliation,sex_acts +felicia (vampire),creatures +cat on head,creatures +cat day,others +gun sling,objects +vibrator under panties,sex_objects +cooperative paizuri,sex_acts +deerstalker,attire +deer,creatures +grey bra,attire +off-shoulder bikini,body_parts +ass cutout,attire +visor (armor),objects +kigurumi,attire +picnic basket,objects +phonograph,objects +excited,body_parts +winged footwear,attire +tempura,objects +curtsey,body_parts +short jumpsuit,attire +red apple,objects +chewing,verbs_and_gerunds +tiered tray,objects +shin guards,objects +master sword,objects +transparent wings,body_parts +print bra,attire +mismatched sleeves,attire +tail piercing,body_parts +purple fire,objects +pants rolled up,attire +artificial eye,body_parts +mob psycho 100,image_composition +head down,posture +fingering through clothes,sex_acts +fireplace,objects +choppy bangs,body_parts +sex machine,sex_objects +flashlight,image_composition +hand on own neck,body_parts +ajirogasa,attire +power suit,objects +makizushi,objects +april fools,others +check artist,metatags +2014,year_tags +voyeurism,sex_acts +sleeveless coat,body_parts +godzilla (series),image_composition +crystal hair,body_parts +tail grab,body_parts +industrial piercing,attire +production art,metatags +off-shoulder jacket,body_parts +overcoat,attire +soup,objects +sausage,objects +load bearing vest,objects +gradient legwear,attire +cocktail dress,attire +duffel coat,attire +blood in hair,body_parts +h&k hk416,objects +pokemon on shoulder,body_parts +low-tied sidelocks,body_parts +alternate language,metatags +sidecut,body_parts +covered penis,body_parts +tales of symphonia,creatures +has downscaled revision,image_composition +lighter,objects +runes,attire +ferris wheel,locations +full-package futanari,sex_acts +c:,body_parts +no sclera,body_parts +flower necklace,body_parts +holding own tail,body_parts +concert,objects +alternate weapon,artistic_license +pentacle,attire +untying,verbs_and_gerunds +frottage,sex_acts +licking another's face,verbs_and_gerunds +werewolf,creatures +salaryman,others +tagme,metatags +crease,image_composition +slapping,verbs_and_gerunds +imminent anal,sex_acts +doctor,others +ghost in the shell,image_composition +pointy footwear,attire +truth,subjective +oversized food,objects +tail between legs,body_parts +pasta,objects +hands on feet,body_parts +animal ear legwear,attire +necktie grab,body_parts +cow,creatures +ballet slippers,attire +live2d,image_composition +cactus,objects +cheek squash,body_parts +konohagakure symbol,attire +after rape,sex_acts +orange skin,body_parts +jingasa,attire +check character,metatags +foliage,objects +boxer briefs,attire +battery indicator,attire +aqua panties,attire +clock tower,locations +basketball uniform,others +naked bandage,nudity +kanabou,objects +tan background,image_composition +hydrokinesis,objects +eye trail,body_parts +asa no ha (pattern),image_composition +perpendicular paizuri,sex_acts +death note,image_composition +prehensile tail,body_parts +monkey ears,body_parts +stream,locations +ear wiggle,body_parts +morning glory,objects +comforting,verbs_and_gerunds +button eyes,body_parts +ankh,attire +no testicles,sex_acts +breast conscious,body_parts +petals on liquid,objects +fountain,locations +redrawn,metatags +cross tie,attire +anal hair,body_parts +implied yuri,sex_acts +food-themed clothes,objects +hand on another's leg,body_parts +spooning,sex_acts +clitoris piercing,body_parts +impossible swimsuit,attire +triangle print,attire +alpha transparency,metatags +pine tree,objects +green wings,body_parts +arrow through heart,attire +purple one-piece swimsuit,attire +back-seamed legwear,attire +lapel pin,attire +balancing,posture +guided breast grab,sex_acts +hitting,verbs_and_gerunds +campfire,objects +hedgehog,creatures +brushing another's hair,body_parts +2000s (style),image_composition +cutting board,objects +duster,attire +ribbon-trimmed dress,attire +kesa,attire +exhausted,body_parts +print headwear,attire +\o/,posture +kimono skirt,attire +yotsubato!,image_composition +kurokote,objects +mechanical eye,body_parts +ammunition,objects +applying makeup,verbs_and_gerunds +newhalf,sex_acts +tropical drink,objects +dildo riding,sex_objects +curry rice,objects +calico,creatures +2013,year_tags +kimono pull,nudity +chocolate on breasts,body_parts +bartender,objects +doraemon,image_composition +tentacle pit,sex_acts +oven mitts,objects +split ponytail,body_parts +propeller,objects +steampunk,objects +futa on male,sex_acts +eyewear hang,attire +>o<,body_parts +slam dunk (series),image_composition +looking at breasts,body_parts +kris (pokemon),disambiguation_pages +tanzaku,others +androgyne symbol,attire +machine,objects +milking machine,sex_acts +neck tassel,body_parts +dropping,verbs_and_gerunds +jojo pose,posture +motorcycle helmet,attire +clapping,verbs_and_gerunds +light censor,image_composition +eggplant,objects +breast expansion,sex_acts +champagne,objects +2012,year_tags +climbing,verbs_and_gerunds +kaiji,image_composition +brown sleeves,attire +soda bottle,objects +dark green hair,body_parts +ruffling hair,body_parts +making-of,metatags +honeycomb (pattern),image_composition +furigana,text +holding pizza,objects +pinching sleeves,attire +dialogue box,text +paw print background,image_composition +vibrator in thighhighs,sex_objects +picnic,objects +sidewalk,locations +ruler,disambiguation_pages +unicorn,creatures +2010,year_tags +soda,objects +nippleless clothes,attire +island,locations +ootachi,objects +sundae,objects +food stand,objects +teamwork,sex_acts +implied yaoi,sex_acts +cum in clothes,sex_acts +looking outside,body_parts +bus stop,locations +shiny legwear,attire +soccer,others +box of chocolates,others +ready to draw,objects +summer festival,others +brown panties,attire +polka dot swimsuit,attire +bouncing ass,body_parts +orange panties,attire +glowing wings,body_parts +popcorn,objects +fake cover,image_composition +watermelon bar,objects +wig,body_parts +potato,objects +stealth sex,sex_acts +hat tip,attire +bucket hat,attire +grey theme,image_composition +ammunition belt,objects +blaze the cat,creatures +corded phone,objects +sparkle print,attire +hands on ass,body_parts +zun (style),image_composition +cephalopod eyes,body_parts +outstretched leg,posture +transformers: generation 1,image_composition +icing,objects +2011,year_tags +plaid panties,attire +gladiator sandals,attire +manga cover,image_composition +soap censor,image_composition +coif,attire +bicorne,attire +ghost costume,attire +grey wings,body_parts +liquid hair,body_parts +tail ring,body_parts +bikesuit,attire +bored,body_parts +unitard,attire +glowing hair,body_parts +honey,objects +training bra,attire +blending,image_composition +bus,objects +screwdriver,objects +shell bikini,attire +cropped arms,image_composition +papakha,attire +stained panties,attire +silver trim,attire +tengu,creatures +pointy breasts,body_parts +two-tone legwear,attire +iphone,objects +hot dog,objects +nipple jewelry,attire +ass shake,body_parts +tube dress,attire +french text,text +cocktail,objects +bamboo steamer,objects +hair wings,body_parts +crocodilian tail,body_parts +poster (medium),image_composition +bilingual,text +hanbok,attire +washing,verbs_and_gerunds +dandelion,objects +covering one eye,posture +footwear ribbon,attire +consensual tentacles,sex_acts +mother 2,creatures +legs over head,sex_acts +rectangular mouth,body_parts +chinese new year,others +akanbe,posture +nearly naked apron,nudity +hellsing,image_composition +aviator sunglasses,attire +snake hair,body_parts +bandolier,objects +pizza slice,objects +hat over one eye,attire +harp,objects +decepticon,objects +oda uri,attire +multiple monochrome,image_composition +linked piercing,attire +rance (series),image_composition +penises touching,sex_acts +screw,objects +character censor,image_composition +fishnet legwear,attire +shinai,objects +napkin,objects +bad food,objects +orange sleeves,attire +tutu,attire +no tail,body_parts +tennis ball,others +crotch cutout,nudity +glaive (polearm),objects +panties on head,attire +hanten (clothes),attire +armpit cutout,nudity +uchikake,attire +ado (utaite),others +theft,verbs_and_gerunds +robot animal,objects +lactation through clothes,sex_acts +group name,text +adjusting legwear,attire +shopping,objects +buster sword,objects +thai text,text +cowboy boots,attire +buruma pull,nudity +squinting,body_parts +no mask,artistic_license +bo staff,objects +vore,sex_acts +chin strap,attire +strap lift,nudity +shoulder sash,attire +recorder,objects +star of david,attire +broken heart,attire +seaweed,objects +pet bowl,creatures +centauroid,creatures +from outside,image_composition +struggling,verbs_and_gerunds +lossy-lossless,image_composition +kepi,attire +gathers,attire +unzipping,verbs_and_gerunds +double vertical stripe,attire +finger heart,body_parts +polka dot legwear,attire +undead,creatures +cum on pussy,sex_acts +swim cap,attire +lowleg pants,attire +flower on head,objects +slashing,verbs_and_gerunds +dark areolae,body_parts +convenience store,locations +shoulder holster,objects +red oni,creatures +alphes (style),image_composition +slayers,image_composition +shaking,verbs_and_gerunds +pancake stack,objects +saint seiya,image_composition +corn,objects +tentacles under clothes,sex_acts +beans,objects +nursing handjob,sex_acts +boar,creatures +decensored,image_composition +qr code,attire +amulet,body_parts +pilot,objects +knotted penis,body_parts +print shorts,image_composition +under tree,objects +crystal wings,body_parts +child's drawing,verbs_and_gerunds +leopard tail,body_parts +traditional chinese text,text +2009,year_tags +drum (container),disambiguation_pages +dumpling,objects +spreader bar,sex_acts +motherly,subjective +ojou-sama pose,posture +kikumon,image_composition +swimsuit cover-up,attire +meowth,creatures +bullet hole,objects +rainbow hair,body_parts +hairjob,sex_acts +crazy,body_parts +bayonet,objects +easter egg,others +on motorcycle,body_parts +bandaid on forehead,body_parts +acoustic guitar,objects +ear biting,body_parts +hard hat,attire +hologram,objects +cum on pectorals,sex_acts +covering ass,posture +green sclera,body_parts +sideways hat,attire +astronaut,others +ar-15,objects +coke-bottle glasses,attire +queen (chess),disambiguation_pages +jockstrap,attire +lute (instrument),objects +wet dress,attire +pushing,verbs_and_gerunds +playing,verbs_and_gerunds +wall of text,text +cat ear legwear,attire +tantou,objects +leash pull,sex_acts +crotchless pantyhose,attire +blind,body_parts +\n/,body_parts +cowboy bebop,creatures +facepalm,body_parts +objectification,artistic_license +nata (tool),objects +floating island,locations +cutting hair,body_parts +spaghetti,objects +diaper,sex_acts +pier,locations +projectile lactation,body_parts +torn swimsuit,attire +kimi kiss,image_composition +breastfeeding,sex_acts +naked overalls,nudity +pigeon,creatures +drugs,body_parts +waiter,objects +toast in mouth,objects +vanishing point,image_composition +breast padding,body_parts +yellow-tinted eyewear,attire +butter,objects +yellow raincoat,attire +ipod,objects +cd,objects +purple-framed eyewear,attire +maid day,others +flash,image_composition +grill,objects +hair flip,body_parts +very wide shot,image_composition +m1911,objects +tentacles on male,sex_acts +rising sun flag,objects +warning sign,attire +king (chess),disambiguation_pages +lightsaber,objects +patterned,image_composition +guided penetration,sex_acts +cleaver,objects + ,body_parts +third-party watermark,image_composition +bridal legwear,attire +blowing,verbs_and_gerunds +survey corps (emblem),attire +ladybug,creatures +dithering,image_composition +ichigo mashimaro,creatures +art nouveau,image_composition +k-pop,objects +berry (pokemon),objects +ear protection,body_parts +beam saber,objects +ghost pose,posture +grand piano,objects +houndstooth,attire +angora rabbit,creatures +hands on another's hips,body_parts +implied fellatio,sex_acts +koi,creatures +erect clitoris,body_parts +vibrator on nipple,sex_objects +amplifier,objects +clownfish,creatures +heads-up display,objects +triple penetration,sex_acts +green tea,objects +lighthouse,locations +latex legwear,attire +the legend of korra,creatures +kiwi (fruit),objects +kuroko no basuke,others +disney,creatures +hoop,others +tongs,objects +naked scarf,nudity +nipple clamps,sex_acts +saber (weapon),disambiguation_pages +swinging,verbs_and_gerunds +pixiv,creatures +rice on face,objects +infinity symbol,attire +bubble tea challenge,body_parts +roots (hair),body_parts +kimono lift,nudity +coconut,objects +crumbs,objects +cardigan vest,attire +long neck,body_parts +crocs,attire +animal slippers,attire +player 2,artistic_license +miku day,others +v over mouth,body_parts +radiation symbol,attire +scott pilgrim (series),image_composition +handstand,posture +flower bracelet,objects +conductor baton,objects +aquarium,locations +sparrow,creatures +public use,sex_acts +messy room,locations +dashed eyes,body_parts +thermos,objects +st. gloriana's (emblem),attire +looking through own legs,body_parts +bear costume,attire +detached hair,body_parts +hair dryer,body_parts +two-handed handjob,sex_acts +sukajan,attire +licking armpit,verbs_and_gerunds +vietnamese dress,attire +pectoral focus,image_composition +panicking,body_parts +detexted,image_composition +nejiri hachimaki,attire +mother 3,creatures +dog penis,body_parts +orange rose,objects +tonfa,objects +shrimp tempura,objects +wringing clothes,nudity +strapless one-piece swimsuit,body_parts +skirt basket,attire +maneki-neko,creatures +bishoujo senshi sailor moon stars,image_composition +puff and slash sleeves,attire +peace symbol,attire +hands on another's thighs,body_parts +dissolving,verbs_and_gerunds +snowflake background,image_composition +uchuu senkan yamato,image_composition +dragging,verbs_and_gerunds +misunderstanding,verbs_and_gerunds +bunny day,others +hand on shoulder,body_parts +urethral insertion,sex_acts +apartment,locations +hokuto no ken,image_composition +licking foot,sex_acts +minotaur,creatures +onion,objects +finger frame,posture +poke ball theme,objects +sugar cube,objects +two-finger salute,body_parts +high tops,attire +dirty feet,body_parts +azki (hololive),objects +karaoke,objects +gokkun,sex_acts +steak,objects +camouflage headwear,attire +melon bread,objects +on roof,body_parts +yu yu hakusho,image_composition +rabbit hat,attire +spanish text,text +male underwear pull,nudity +watching television,verbs_and_gerunds +musical note print,attire +group hug,posture +head on chest,posture +mmm threesome,sex_acts +hat with ears,attire +hand on another's hand,body_parts +white day,others +brown bra,attire +moth,creatures +syrup,objects +zodiac,attire +text messaging,verbs_and_gerunds +troll face,body_parts +vignetting,image_composition +perfume bottle,disambiguation_pages +personality switch,artistic_license +ultra ball,objects +pixiv fantasia last saga,others +cum inflation,sex_acts +rounded corners,image_composition +testicle sucking,sex_acts +green-tinted eyewear,attire +windmill,locations +double dildo,sex_objects +h&k ump,objects +covered testicles,body_parts +dvd cover,image_composition +gauze,objects +stats,image_composition +salad,objects +hand on own ear,posture +bear tail,body_parts +peony (flower),objects +implied fingering,sex_acts +duckling,creatures +melon,objects +bass clef,objects +bunching hair,body_parts +gymnastics,others +gift art,metatags +red neckwear,body_parts +kabuto (helmet),attire +western comics (style),image_composition +cat costume,attire +bokken,objects +japari bun,objects +parrot,creatures +lyre,objects +bowler hat,attire +character signature,text +fantia reward,metatags +anglerfish,creatures +hugging tail,posture +surcoat,attire +candlelight,image_composition +oversized breast cup,body_parts +goat,creatures +golf club,others +sleeve grab,attire +catchphrase,phrases +dorsiflexion,posture +bagged fish,others +pet,creatures +high-low skirt,attire +dress swimsuit,attire +track and field,others +mismatched sclera,body_parts +valkyrie,creatures +breaking,verbs_and_gerunds +off-shoulder one-piece swimsuit,body_parts +punk,objects +radish,objects +afterglow,sex_acts +severed limb,objects +crane (animal),creatures +chocolate cake,objects +hand on another's ear,body_parts +handprint,image_composition +sneezing,verbs_and_gerunds +end card,metatags +puppy,creatures +aqua bra,attire +trigram,attire +pelt,attire +stripper,others +beetle,creatures +weapon request,metatags +wet towel,objects +hungry,objects +coat dress,attire +swiss roll,objects +cross-laced legwear,attire +sam browne belt,attire +ass-to-ass,posture +cat bag,creatures +breast milk,body_parts +bird print,image_composition +araki hirohiko (style),image_composition +hazbin hotel,image_composition +<|> <|>,body_parts +chimera,creatures +serial experiments lain,creatures +pizza box,objects +elephant,creatures +whiskey,objects +marshmallow,objects +age comparison,artistic_license +breast poke,body_parts +asymmetrical sidelocks,body_parts +p90,objects +nipple pull,sex_acts +shotgun shell,objects +wallpaper (object),disambiguation_pages +voile,locations +panty lift,attire +fidgeting,body_parts +plant roots,objects +pagoda,locations +mitre,attire +hand focus,image_composition +striped one-piece swimsuit,attire +jetpack,objects +glory wall,sex_acts +litten,creatures +wizard,creatures +choujikuu yousai macross,image_composition +baby bottle,objects +sickle,objects +food on breasts,body_parts +pineapple,objects +gun to head,objects +butterfly sitting,posture +triplets,others +ivy,objects +flying fish,creatures +green one-piece swimsuit,attire +easter,others +plaid bra,attire +negative space,image_composition +pump action,objects +lizard,creatures +strawberry panties,attire +mount fuji,locations +united states,locations +western dragon,creatures +tokyo (city),locations +crawling,posture +kagami mochi,others +futasub,sex_acts +sayagata,image_composition +band uniform,attire +x3,body_parts +aqua hat,attire +huge dildo,sex_objects +tantei opera milky holmes,image_composition +hanging plant,objects +nanodesu (phrase),phrases +torture,sex_acts +panties under buruma,attire +heart (organ),body_parts +glove biting,verbs_and_gerunds +ring gag,sex_objects +mummy,creatures +ice cream float,objects +determined,body_parts +pixiv fantasia 5,others +glock,objects +dragon ball super broly,image_composition +honeycomb background,image_composition +buruma aside,nudity +kotoyoro,others +muzzle flash,image_composition +bee,creatures +tea set,objects +toilet stall,locations +sound horizon,objects +bullying,verbs_and_gerunds +rabbit costume,attire +world cup,others +naked tabard,nudity +heart-shaped eyes,body_parts +cum on eyewear,sex_acts +star-shaped eyewear,attire +alternate wings,body_parts +behind-the-head headphones,objects +side cape,attire +ferret,creatures +uneven twintails,body_parts +penis in panties,attire +pointing forward,body_parts +flag background,image_composition +bathrobe,attire +japan,locations +purple pupils,body_parts +midriff sarashi,attire +eye reflection,body_parts +hakurei shrine,locations +dragonfly,creatures +soviet,locations +crowbar,objects +prostration,posture +pegasus,creatures +cleave gag,sex_objects +infirmary,locations +studded collar,body_parts +anemone (flower),objects +chrysanthemum,objects +elbow sleeve,attire +tamagoyaki,objects +dock,locations +compound eyes,body_parts +flower in mouth,objects +hospital,locations +armpit sex,sex_acts +kuji-in,body_parts +sitting on shoulder,posture +yamper,creatures +converse,attire +4others,groups +protecting,verbs_and_gerunds +implied masturbation,sex_acts +clothed male nude male,nudity +censored text,image_composition +cuff links,attire +braiding hair,body_parts +adjusting panties,attire +headlight,image_composition +crotch grab,sex_acts +throwing knife,objects +mutual masturbation,sex_acts +nipple chain,sex_objects +fist bump,body_parts +pig ears,body_parts +dennou coil,creatures +riyo (lyomsnpmp) (style),image_composition +weapon case,objects +nail bat,objects +used condom on penis,sex_acts +photorealistic,image_composition +isometric,image_composition +shrugging,posture +deer tail,body_parts +intestines,body_parts +morgana (persona 5),creatures +hanami,others +vertical-striped panties,attire +lowleg skirt,attire +multicolored headwear,attire +unworn necktie,body_parts +fried chicken,objects +jungle,locations +licking ear,body_parts +dotted background,image_composition +measuring,verbs_and_gerunds +nippon professional baseball,others +square,attire +merman,creatures +sewing,verbs_and_gerunds +warrior,others +gradient wings,body_parts +kissing neck,body_parts +bloodshot eyes,body_parts +double amputee,sex_acts +tri braids,body_parts +commentary typo,metatags +crazy straw,objects +cat on shoulder,body_parts +unfastened,nudity +soft serve,objects +naked cloak,nudity +fingersmile,body_parts +maple leaf print,attire +nyan,text +rei no pool,locations +absolutely everyone,image_composition +masu,others +cauldron,objects +medieval,objects +beretta 92,objects +cabbage,objects +broccoli,objects +diving,verbs_and_gerunds +swastika,attire +cat mask,creatures +ookami (game),creatures +looking at hand,body_parts +pumpkin hat,attire +training corps (emblem),attire +jolly roger,attire +penis to breast,body_parts +roasted sweet potato,objects +scouter,attire +checkered dress,attire +standard bearer,others +mizu happi,attire +pastry bag,objects +casino,locations +safety glasses,attire +z-ring,objects +absol,creatures +low-cut armhole,nudity +ball and chain (weapon),objects +qingxin flower,objects +kamaboko,objects +1970s (style),image_composition +sauce,objects +sprinkles,objects +fruit hat ornament,attire +temple,locations +strapless bottom,attire +chikan,sex_acts +gag harness,sex_objects +2008,year_tags +humping,verbs_and_gerunds +noses touching,posture +jam,objects +nihonga,image_composition +shippou (pattern),image_composition +enty reward,metatags +glitter,attire +hand on own forehead,body_parts +plaid neckwear,body_parts +record,objects +prison,locations +2007,year_tags +sextuplets,others +tying,verbs_and_gerunds +canned coffee,objects +food wrapper,objects +fiery wings,body_parts +kappa,creatures +village,locations +wing ears,body_parts +torn wings,body_parts +firelock,objects +broken armor,objects +flapping,body_parts +blood on bandages,body_parts +ski goggles,attire +fish bone,objects +solid circle pupils,body_parts +single head wing,body_parts +war hammer,objects +wolf cut,body_parts +van,objects +carousel,locations +object on breast,body_parts +cello,objects +wyvern,creatures +croissant,objects +child carry,posture +multitasking,verbs_and_gerunds +eel,body_parts +combat knife,objects +fingering through panties,sex_acts +couter,objects +out of character,artistic_license +italian text,text +raspberry,objects +shopping cart,objects +coffee pot,objects +after masturbation,sex_acts +table humping,sex_acts +bust cup,sex_acts +lime (fruit),objects +finger sucking,verbs_and_gerunds +baton (weapon),objects +bolt (hardware),objects +volcano,locations +holding bra,attire +hands on shoulders,body_parts +toddlercon,sex_acts +chili pepper,objects +tambourine,objects +foot worship,sex_acts +shamoji,objects +handsfree paizuri,sex_acts +battleship,objects +cyrillic,text +doraemon (character),creatures +bipod,objects +fitting room,locations +reverse spitroast,sex_acts +layered kimono,attire +smelling clothes,sex_acts +arm on another's shoulder,body_parts +long labia,body_parts +wakamezake,sex_acts +drowning,verbs_and_gerunds +expression chart,body_parts +male on futa,sex_acts +ray gun,objects +holographic monitor,objects +licking breast,verbs_and_gerunds +triangular eyewear,attire +playing sports,others +amazon position,sex_acts +microwave,objects +fascinator,attire +groceries,objects +sock pull,nudity +crushing,verbs_and_gerunds +overall skirt,attire +dungeon,locations +commissioner name,text +cutting,verbs_and_gerunds +album cover redraw,metatags +phoenix,creatures +cross-eyed,body_parts +detached leggings,attire +wafer stick,objects +tumblr sample,metatags +frontless outfit,nudity +surfing,verbs_and_gerunds +refraction,image_composition +starry hair,body_parts +lance of longinus (evangelion),objects +mechanic,objects +m16,objects +police car,objects +monk,others +casing ejection,objects +depressed,body_parts +forced smile,body_parts +yuusha series,image_composition +glansjob,sex_acts +congratulations,others +cumdump,sex_acts +orca,creatures +waifu2x,image_composition +handjob gesture,body_parts +nipple cutout,body_parts +chocolate making,objects +whip sword,objects +santa claus,others +closet,locations +biwa lute,objects +fried rice,objects +ooarai (emblem),attire +railroad crossing,locations +circle formation,posture +wet skirt,objects +dodging,verbs_and_gerunds +red star,attire +military operator,objects +meadow,locations +hair over one breast,body_parts +rhine lab logo,attire +rash guard,attire +fading,verbs_and_gerunds +rice hat,attire +dollar sign,attire +getter robo,image_composition +musket,objects +aegyo sal,body_parts +grabbing another's ear,body_parts +bacon,objects +gingham,attire +rice paddy,objects +rural,locations +twintails day,others +cuirass,objects +yellow one-piece swimsuit,attire +hogtie,sex_acts +green fire,objects +ligne claire,image_composition +yumi (bow),objects +tickling feet,verbs_and_gerunds +kadomatsu,others +green rose,objects +rou-kyuu-bu!,others +exoskeleton,objects +throat microphone,objects +amusement park,locations +multicolored stripes,attire +print swimsuit,image_composition +flat chest grab,body_parts +transparent censoring,image_composition +cassock,attire +ak-47,objects +annotation request,metatags +travel attendant,objects +popsicle stick,objects +flailing,verbs_and_gerunds +slim legs,body_parts +boater hat,attire +egg laying,verbs_and_gerunds +playground,locations +stomping,verbs_and_gerunds +leather armor,objects +pixiv fantasia t,others +band,objects +wispy bangs,body_parts +small nipples,body_parts +watching,verbs_and_gerunds +aviator cap,attire +piano keys,objects +fiery tail,body_parts +single-shoulder shirt,body_parts +bishoujo senshi sailor moon supers,image_composition +chakram,objects +orange bra,attire +hand on own elbow,body_parts +covering own ears,posture +coconut tree,objects +panties over pantyhose,attire +aegis sword (xenoblade),objects +bound torso,sex_acts +oven,objects +ketchup bottle,objects +dress shoes,attire +tart (food),objects +rainbow background,image_composition +assisted rape,sex_acts +banana peel,objects +sixteenth note,attire +weapon bag,objects +mg42,objects +party,objects +crescent rose,objects +single-shoulder dress,body_parts +jug (bottle),objects +fireball,objects +arcanine,creatures +aliasing,image_composition +wedge heels,attire +space print,attire +ruffle compatible,metatags +peach hat ornament,attire +baking,objects +homu,phrases +high five,body_parts +nipple-to-nipple,posture +corsage,attire +too literal,subjective +hawk,creatures +hashitsuki nata,objects +twitter sample,metatags +germany,locations +thumbs down,body_parts +weapon focus,image_composition +:c,body_parts +vertical foregrip,objects +narutomaki,objects +quadruple amputee,sex_acts +checkered legwear,attire +holding with tail,body_parts +gingerbread man,objects +saury,creatures +anti-aircraft gun,objects +cervical penetration,sex_acts +playing with another's hair,body_parts +cow costume,attire +wheat field,locations +penguin costume,attire +arm cutout,nudity +wooden horse,sex_objects +bull,creatures +senbei,objects +touching,verbs_and_gerunds +rape face,body_parts +muffin,objects +optical sight,objects +pet food,creatures +cockroach,creatures +prison cell,locations +flattop,body_parts +cock ring,sex_objects +market stall,locations +driver (kamen rider),others +egyptian mythology,creatures +flying button,body_parts +mini witch hat,attire +drum magazine,objects +tennis,others +snake print,attire +covered penetration,sex_acts +squeezing,verbs_and_gerunds +in heat,body_parts +toriyama akira (style),image_composition +magic knight rayearth,image_composition +soy sauce,objects +shaymin,creatures +stahlhelm,attire +sad smile,body_parts +fruit cup,objects +right-to-left comic,image_composition +dating,verbs_and_gerunds +powerpuff girls z,image_composition +reloading,verbs_and_gerunds +inconvenient breasts,body_parts +water lily flower,objects +changpao,attire +claymore (series),disambiguation_pages +bear panties,attire +grilling,objects +lone nape hair,body_parts +fleur-de-lis,image_composition +print socks,image_composition +cat on lap,creatures +peony print,attire +sobbing,body_parts +bonsai,objects +mullet,body_parts +aunt and niece,others +corrupted metadata,metatags +brass knuckles,objects +crotchless pants,attire +pearl thong,attire +rooster,creatures +vehicle interior,locations +halfling,creatures +skating,verbs_and_gerunds +scorpion tail,body_parts +kittysuit,commonly_misused_tags +female service cap,attire +tofu,objects +zorua,creatures +green pupils,body_parts +stacking,verbs_and_gerunds +movie theater,locations +load bearing equipment,objects +mikumikudance (medium),others +flintlock,objects +hieroglyphics,text +trolling,verbs_and_gerunds +cowering,posture +koikatsu (medium),others +stocks,sex_objects +iggy (jojo),creatures +fanning face,verbs_and_gerunds +akagi: yami ni oritatta tensai,image_composition +cheshire cat (alice in wonderland),creatures +penis tentacle,sex_acts +face between breasts,body_parts +dirigible,disambiguation_pages +hand on own crotch,body_parts +2006,year_tags +mauser 98,objects +toe-point,body_parts +glasgow smile,body_parts +depth charge,objects +shinigami,creatures +bald eagle,creatures +hinamatsuri,others +ear chain,attire +kamina shades,attire +golden apple,objects +piledriver (sex),sex_acts +persimmon,objects +uncle and niece,others +naked capelet,nudity +desert eagle,objects +takeuchi takashi (style),image_composition +pillory,sex_objects +hangar,locations +sheep tail,body_parts +mamemaki,others +grey cat,creatures +front-tie bra,attire +beach volleyball,others +naizuri,sex_acts +dusk ball,objects +brushing own hair,body_parts +cherry print,attire +widow's peak,body_parts +akira (manga),image_composition +sinking,verbs_and_gerunds +chocolate banana,objects +rerebrace,objects +daikon,objects +sharingan,body_parts +dullahan,creatures +penis measuring,verbs_and_gerunds +scale armor,objects +game screenshot,image_composition +hat over eyes,attire +hands on own legs,body_parts +manta ray,creatures +kitten,creatures +vodka,objects +arcade,locations +centipede,creatures +funeral dress,attire +extra pupils,body_parts +changing room,locations +print footwear,image_composition +shark print,image_composition +front-seamed legwear,attire +yakisoba,objects +source filmmaker (medium),others +bident,objects +licking testicle,sex_acts +seraph,creatures +box tie,sex_acts +running track,locations +fly,creatures +too many cats,groups +poi,phrases +colored stripes,image_composition +glands of montgomery,body_parts +hand on another's knee,body_parts +lonely,body_parts +blocking,verbs_and_gerunds +video game cover,image_composition +table tennis paddle,others +carried breast rest,posture +riolu,creatures +bkub (style),image_composition +implied cunnilingus,sex_acts +koinobori,others +yuki onna,creatures +howl no ugoku shiro,creatures +submarine,objects +flower on liquid,objects +udon,objects +graf eisen,objects +nipple rub,body_parts +public vibrator,sex_acts +chastity cage,sex_objects +crayon shin-chan,creatures +flaming eyes,body_parts +soccer spirits,others +hard-translated (non-english),metatags +c-string,attire +vibrator in thigh strap,sex_objects +mukyuu,phrases +bond (spy x family),creatures +chicken leg,objects +creature on shoulder,body_parts +gorilla,creatures +welsh corgi,creatures +plague doctor mask,attire +bisexual male,sex_acts +backless panties,attire +lace background,image_composition +mosin-nagant,objects +double exposure,image_composition +boutonniere,attire +torn hat,attire +racing suit,attire +orange juice,objects +imitating,verbs_and_gerunds +yatai,objects +reverse translation,metatags +kobeya uniform,objects +yatterman,image_composition +spongebob squarepants (series),image_composition +extraction,image_composition +pickup truck,objects +lead pipe,objects +wok,objects +bouncing,verbs_and_gerunds +baseball jersey,others +plumeria,objects +orange sclera,body_parts +enema,sex_acts +eggshell,objects +rolling,verbs_and_gerunds +suneate,objects +artstation sample,metatags +ginkgo tree,objects +dark labia,body_parts +laboratory,locations +living room,locations +mimic,creatures +swallowing,verbs_and_gerunds +angelfish,creatures +a (phrase),text +usb,objects +golem,creatures +glory hole,sex_acts +tiger costume,attire +piranha plant,objects +breast pillow,body_parts +x fingers,body_parts +pinup (style),image_composition +mint,objects +scanlines,image_composition +whistling,verbs_and_gerunds +sheep costume,attire +amaterasu (ookami),creatures +scratching,verbs_and_gerunds +wrist cutting,verbs_and_gerunds +dry humping,verbs_and_gerunds +aburaage,objects +cream puff,objects +poppy (flower),objects +implied pantyshot,attire +dying,verbs_and_gerunds +monoglove,attire +fabulous,subjective +pinstripe dress,attire +neon palette,image_composition +zenra,sex_acts +lifting,verbs_and_gerunds +living hair,body_parts +vomiting,verbs_and_gerunds +cattail,objects +seed,objects +madoka runes,text +lime slice,objects +lycanroc,creatures +step-siblings,others +zebra print,image_composition +mousepad (object),objects +food insertion,sex_acts +rhythmic gymnastics,others +byakugan,body_parts +soukyuu no fafner,image_composition +studying,verbs_and_gerunds +scolding,verbs_and_gerunds +lowleg shorts,attire +holding another's tail,body_parts +hirschgeweih antennas,objects +severed hair,body_parts +turkey (food),objects +wall lamp,image_composition +bellflower,objects +boyshort panties,attire +chocolate syrup,objects +kantele,objects +2005,year_tags +satellite dish,objects +russia,locations +lei,body_parts +is that so,phrases +vertical-striped bra,attire +cum in cup,sex_acts +canopy (aircraft),objects +grey one-piece swimsuit,attire +waffle,objects +greenhouse,locations +heart straw,objects +belt chain,attire +maracas,objects +tenga,sex_objects +stop sign,attire +luna (sailor moon),creatures +side-seamed legwear,attire +kebab,objects +pear,objects +pdf available,metatags +flamethrower,objects +neck biting,body_parts +bus interior,locations +full mouth,objects +armpit focus,image_composition +lifeguard,others +laser sight,objects +cherry tomato,objects +captive bead ring,attire +typing,verbs_and_gerunds +organs,body_parts +pointing down,body_parts +kriss vector,objects +mortarboard,attire +catching,verbs_and_gerunds +tank helmet,attire +tunnel,locations +racing,others +spacecraft interior,objects +diagram,image_composition +crucifixion,posture +shorts aside,nudity +oxygen mask,objects +cosmos (flower),objects +butterflyfish,creatures +morning glory print,attire +over the knee,posture +pink fire,objects +pixiv fantasia sword regalia,others +chocolate chip cookie,objects +blue oni,creatures +tuna,creatures +chrysanthemum print,attire +unworn legwear,attire +flirting,verbs_and_gerunds +sprout,objects +spiked ball and chain,objects +cut-in,image_composition +black souls,image_composition +cue stick,others +missing eye,body_parts +intertwined tails,body_parts +kiwi slice,objects +jiji (majo no takkyuubin),creatures +sakura empire (emblem),attire +knitting,verbs_and_gerunds +rubbing,verbs_and_gerunds +balaclava,attire +quad braids,body_parts +hands on another's waist,body_parts +poleyn,objects +licking another's cheek,verbs_and_gerunds +shopping basket,objects +gendou pose,posture +death (entity),creatures +pixiv fantasia new world,others +cat's cradle,creatures +dragonslayer (sword),objects +cum on fingers,sex_acts +cropped head,image_composition +myrtenaster,objects +deep wound,body_parts +spork,objects +bell pepper,objects +pravda (emblem),attire +aircraft carrier,objects +frankenstein's monster,creatures +multiple monitors,objects +fanged bangs,body_parts +peeling,verbs_and_gerunds +jiaozi,objects +diamond mouth,body_parts +incineroar,creatures +faceplant,posture +pixiv fantasia age of starlight,others +human furniture,sex_acts +half note,attire +spine (medium),others +condom left inside,sex_acts +piano print,attire +source mismatch,metatags +hello kitty (character),creatures +stone walkway,locations +microsoft windows,objects +naked chocolate,objects +nipple penetration,sex_acts +tank shell,objects +gigantic penis,body_parts +poketch,objects +cymbals,objects +aria pokoteng,creatures +double scoop,objects +removing eyewear,attire +lunchbox,objects +camping,verbs_and_gerunds +iris (flower),objects +deviantart sample,metatags +clothes in front,posture +ear cleaning,verbs_and_gerunds +plaid sleeves,attire +;<,body_parts +boxing,others +suicune,creatures +strong,subjective +sepia background,image_composition +ishikei (style),image_composition +urban legend in limbo,image_composition +baseball helmet,attire +hockey mask,others +text in eyes,body_parts +bruised eye,body_parts +analogous colors,image_composition +crocodile,creatures +waist hug,posture +5others,groups +queen,disambiguation_pages +black clothes,disambiguation_pages +saxophone,objects +x arms,body_parts +plaid legwear,attire +drawing on another's face,verbs_and_gerunds +spurs,attire +prostate milking,sex_acts +bakery,objects +collar grab,body_parts +skitty,creatures +front-hook bra,attire +plant hair,body_parts +comic panel redraw,metatags +canal,locations +wall-eyed,body_parts +orange pupils,body_parts +censored by text,image_composition +smelling flower,objects +taiko drum,objects +extra penises,sex_acts +carnation,objects +yaranaika,phrases +tako-san wiener,objects +orchid,objects +sakamoto (nichijou),creatures +autofacial,sex_acts +apologizing,verbs_and_gerunds +penetration gesture,body_parts +tsuki ni kawatte oshioki yo,body_parts +pastry box,objects +pixiv fantasia 3,others +skull hat ornament,attire +nuzzle,creatures +dou,objects +iron blood (emblem),attire +lobster,objects +music video,image_composition +despair,body_parts +pointing gun,objects +nunchaku,objects +kunreishiki,text +phone booth,objects +mother's day,others +moriya's iron rings,objects +top wo nerae!,image_composition +barding,objects +orange cat,creatures +swan,creatures +orange-framed eyewear,attire +inkling (language),text +waraji,attire +sabaton,objects +fire extinguisher,objects +crustacean,creatures +cupping glass,objects +thigh straddling,posture +yandere sample,metatags +gantz,image_composition +training,verbs_and_gerunds +thumb sucking,verbs_and_gerunds +clam,creatures +tupet,objects +rpg (weapon),objects +kuso miso technique,image_composition +completion time,metatags +mazinger z,image_composition +liquor,objects +stirring,verbs_and_gerunds +drifters,image_composition +mechanical,objects +doukutsu monogatari,creatures +rice cooker,objects +tasting,objects +pliers,objects +whale tail (clothing),body_parts +reverse nursing handjob,sex_acts +cornrows,body_parts +egg yolk,objects +firefighter,others +pixie cut,body_parts +at gunpoint,objects +crosshair,objects +tokyo big sight,locations +clitoris ring,body_parts +chocolate cornet,objects +ronald mcdonald,objects +nigirizushi,objects +oden,objects +shibari under clothes,sex_acts +flower bed,objects +m16a1,objects +spiked penis,body_parts +giraffe,creatures +dj,objects +nihongami,body_parts +longcat (meme),creatures +sliding,verbs_and_gerunds +tailjob,sex_acts +fiery background,image_composition +ibispaint (medium),others +sway back,posture +sweeping,verbs_and_gerunds +houndoom,creatures +oil lamp,image_composition +dirt road,locations +yen sign,attire +shampoo,body_parts +panties around ankles,attire +broad shoulders,body_parts +myon (phrase),phrases +mayonnaise,objects +eagle union (emblem),attire +devilman,image_composition +gelatin,objects +greek cross,attire +cooperative handjob,sex_acts +tickle torture,sex_acts +amazon warrior,disambiguation_pages +chastity belt,sex_objects +undone sarashi,attire +rito,body_parts +foregrip,objects +italy,locations +fisting,sex_acts +rose bush,objects +translucent hair,body_parts +pansy,objects +nemophila (flower),objects +euphonium,objects +breast mousepad,body_parts +naked suspenders,nudity +concealed weapon,objects +symmetrical hand pose,posture +shochuumimai,phrases +salt shaker,objects +lemon print,attire +tailmon,creatures +dynamite,objects +flamingo,creatures +adjusting bra,attire +pinky swear,body_parts +nori (seaweed),objects +horn (instrument),objects +scrape,body_parts +shot glass,objects +arena (company),disambiguation_pages +kansaiben,others +kikkoumon,image_composition +spoken x,attire +shamisen,objects +ocarina,objects +mimic chest,creatures +hand under swimsuit,attire +latin text,text +france,locations +engine,objects +market,objects +ant,creatures +screenshot,metatags +ammunition box,objects +pegging,sex_acts +cheese-kun,objects +roller coaster,locations +mistletoe,others +bust chart,body_parts +resting,verbs_and_gerunds +milkshake,objects +fujiko f fujio (style),image_composition +coffee beans,objects +cum on back,sex_acts +ayaya~,phrases +force-feeding,objects +yoga,posture +scientist,others +sakura mochi,objects +turntable,objects +marble (toy),others +saturday night fever,body_parts +billiard ball,others +sledgehammer,objects +eyecatch,metatags +goose,creatures +lace legwear,attire +oran berry,objects +hamburger steak,objects +cuddling handjob,sex_acts +double anal,sex_acts +peanuts (comic),creatures +bound thighs,sex_acts +lavender (flower),objects +eurasian tree sparrow,creatures +glaze artifacts,image_composition +supermarket,objects +sleeveless duster,attire +growlithe,creatures +shirt slip,nudity +pgm hecate ii,objects +cirno day,others +navel focus,image_composition +greek mythology,creatures +slouching,posture +kourindou,locations +figure four sitting,posture +harbor,locations +spiked helmet,objects +moth wings,body_parts +koishi komeiji's heart-throbbing adventure,image_composition +horns pose,posture +zouni soup,objects +bikini day,others +ukiyo-e,image_composition +hotel room,locations +scooby-doo,creatures +person between breasts,body_parts +mauser c96,objects +factory,locations +spraying,verbs_and_gerunds +pixiv-tan,others +horrified,body_parts +forbidden scrollery,image_composition +flail,objects +konpeitou,objects +headwear switch,artistic_license +vehicle request,objects +mochitsuki,others +watering,verbs_and_gerunds +flower trim,attire +flight attendant,objects +double-blade,objects +cheesecake,objects +cuisses,objects +deal with it (meme),attire +princess tutu,image_composition +headshop,metatags +sailboat,objects +ass smack,body_parts +crystal sword,objects +black tea,objects +kuromorimine (emblem),attire +split crop,image_composition +cannibalism,objects +machete,objects +matches,objects +caterpillar,creatures +cat o' nine tails,body_parts +dog costume,attire +no symbol,attire +chestnut,objects +farm,objects +knocking,verbs_and_gerunds +fist in hand,body_parts +collar tug,body_parts +captain america (series),image_composition +fruit tree,objects +kidnapping,verbs_and_gerunds +top pull,nudity +fainting,verbs_and_gerunds +jelly bean,objects +daffodil,objects +breast awe,body_parts +brown cat,creatures +strawberry slice,objects +cutlass,objects +arisaka,objects +h&k g11,objects +iona (aoki hagane no arpeggio),disambiguation_pages +falcon,creatures +begging,verbs_and_gerunds +koromaru (persona),creatures +pomegranate,objects +electrodes,objects +h&k mp5,objects +shaped lollipop,objects +big eyes,body_parts +labia piercing,attire +food between breasts,objects +pilot helmet,attire +thompson submachine gun,objects +no,text +mini flag,objects +leaf hat ornament,attire +sombrero,attire +bell-bottoms,attire +alpaca,creatures +hanged,verbs_and_gerunds +foodgasm,body_parts +eyeshield 21,others +well,locations +stepping,verbs_and_gerunds +penis piercing,attire +ostrich,creatures +catherine (game),image_composition +kodomo no hi,others +kemurikusa,image_composition +power bottom,sex_acts +wetland,locations +ballistic shield,objects +dildo under panties,sex_objects +canned food,objects +ak-12,objects +too many sex toys,sex_objects +catfight,creatures +mexico,locations +miso soup,objects +pig tail,body_parts +great ball,objects +hand on own foot,body_parts +penguin logistics logo,attire +star of life,attire +rotated,image_composition +laevatein (nanoha),objects +vintage microphone,objects +clothed after sex,sex_acts +partially annotated,metatags +weasel,creatures +foodification,artistic_license +barista,objects +seaplane,objects +corn dog,objects +fading border,image_composition +baking sheet,objects +locket,body_parts +table tennis,others +panda costume,attire +ice skating,others +waiting,verbs_and_gerunds +pajamas pull,nudity +spiked knuckles,objects +stiff tail,body_parts +kanoko (pattern),image_composition +male-female symbol,attire +jewel butt plug,sex_objects +canyon,locations +frustrated,body_parts +pyramid (geometry),attire +aqua-framed eyewear,attire +maria holic,creatures +dishes,objects +summoning,verbs_and_gerunds +wave print,attire +pool table,others +asteroid,locations +self breast sucking,body_parts +cocktail umbrella,objects +nabe,objects +exhaust,objects +airplane interior,locations +grandfather and grandson,others +thumbprint cookie,objects +shinkon santaku,objects +food-themed background,image_composition +stealth masturbation,sex_acts +eye pop,body_parts +cutoff jeans,attire +multiple insertions,sex_acts +banana boat,objects +h&k mp7,objects +breasts day,others +sig 556,objects +brown-tinted eyewear,attire +clitoris slip,body_parts +fox hat,attire +star censor,image_composition +cuffs-to-collar,sex_acts +sharp sign,attire +cartoonized,image_composition +fukumoto nobuyuki (style),image_composition +scribble censor,image_composition +victory pose,posture +train conductor,others +pink tulip,objects +mercury (element),disambiguation_pages +ninjatou,objects +cum on armpits,sex_acts +crinoline,attire +face to pecs,body_parts +lazy eye,body_parts +finger counting,body_parts +griffin,creatures +studio microphone,objects +naked robe,nudity +kiss day,others +tachi (weapon),objects +tokyo tower,locations +angel mort,objects +clover (flower),objects +monado,objects +concentrating,verbs_and_gerunds +apple pie,objects +landing,verbs_and_gerunds +bust measuring,body_parts +head on ass,body_parts +melon soda,objects +icon (computing),image_composition +chikuwa,objects +adjusting another's hair,body_parts +conductor,objects +ogre,creatures +torn bra,attire +an-94,objects +bikini briefs,attire +crack of light,image_composition +grappler baki,image_composition +panties on penis,attire +a6m zero,objects +skirt grab,nudity +tennis no ouji-sama,others +beehive hairdo,body_parts +espurr,creatures +strawberry parfait,objects +cicada,creatures +dragunov svd,objects +spiked gloves,attire +hazmat suit,attire +dog paws,creatures +bucket on head,attire +compression shirt,attire +figure skating,verbs_and_gerunds +axolotl,creatures +emperor penguin,creatures +giggling,verbs_and_gerunds +mons pubis,body_parts +walther wa 2000,objects +shaving,verbs_and_gerunds +soba,objects +keytar,objects +piglet,creatures +quiff,body_parts +color coordination,image_composition +hand on another's crotch,body_parts +arm wrestling,verbs_and_gerunds +cupless bikini,attire +watermelon print,attire +aerial battle,objects +game model,metatags +teardrop-framed glasses,attire +glaze lily,objects +seven-segment display,attire +breathing,verbs_and_gerunds +parking lot,locations +cum in panties,attire +vanripper (style),image_composition +sashimi,objects +united kingdom,locations +raikou,creatures +soundwave (transformers),disambiguation_pages +baby carry,posture +aunt and nephew,others +dilated pupils,body_parts +plus sign,attire +rockruff,creatures +aqua one-piece swimsuit,attire +bicycle helmet,attire +violet (flower),objects +rectangle,attire +epiphyllum,objects +luger p08,objects +stellated octahedron,attire +too bad! it was just me! (meme),phrases +cutie honey,image_composition +human toilet,sex_acts +sandogasa,attire +pan-pa-ka-paaan!,phrases +croquette,objects +detached pants,attire +buckler,objects +disappointed,body_parts +coughing,verbs_and_gerunds +no entry sign,attire +cashier,others +destroyer,objects +book focus,image_composition +heart hair bun,body_parts +headshot,objects +langrisser,image_composition +lion dance,others +cat panties,attire +bald girl,body_parts +helluva boss,image_composition +unyu,phrases +hina ningyou,others +cream on body,objects +rabbit vibrator,sex_objects +heart hat ornament,attire +trombone,objects +patting,verbs_and_gerunds +oxfords,attire +genie,creatures +nonowa,body_parts +pixiv fantasia 4,others +color drain,body_parts +ugoira conversion,metatags +red tulip,objects +prisoner,others +fn scar,objects +pokedex,objects +finnish text,text +scat,sex_acts +zafira,creatures +face,body_parts +cassette tape,objects +pipa (instrument),objects +satellite,objects +billiards,others +money gesture,body_parts +japanese tankery league (emblem),attire +transparent raincoat,attire +stalking,verbs_and_gerunds +mustard,objects +m14,objects +capybara,creatures +large buttons,attire +lens flare abuse,image_composition +mp40,objects +roaring,verbs_and_gerunds +food as clothes,objects +spider lily print,attire +twisted hair,body_parts +recycling symbol,attire +waist cutout,nudity +heart antenna hair,body_parts +two-tone sleeves,attire +silent princess,objects +orange one-piece swimsuit,attire +hatching,verbs_and_gerunds +aphrodisiac,sex_objects +qilin (mythology),creatures +exif rotation,metatags +hongbao,others +leaf bikini,attire +poinsettia,objects +bakeneko,creatures +mont blanc (food),objects +ace of diamond,others +pretzel,objects +pac-man eyes,body_parts +book on head,attire +tsukimi dango,others +greek text,text +guinea pig,creatures +palette swap,artistic_license +googly eyes,body_parts +chinese bellflower,objects +censored food,image_composition +fender jazz bass,objects +mirrored text,text +argyle dress,attire +paizuri on lap,sex_acts +king,disambiguation_pages +anatomy,sex_acts +barrett m82,objects +sunflower print,attire +blood elf (warcraft),creatures +pet walking,creatures +m1903 springfield,objects +underbarrel grenade launcher,objects +mind reading,verbs_and_gerunds +peacock,creatures +hardboiled egg,objects +moon print,attire +separated legs,sex_acts +toque blanche,attire +multicolored panties,attire +hat loss,attire +after fingering,sex_acts +osmanthus,objects +putting on headwear,attire +tying footwear,verbs_and_gerunds +arm out of sleeve,attire +salt,objects +long sword,objects +tentaclejob,sex_acts +weapon name,text +komatsuzaki rui (style),image_composition +stereo,objects +wing print,attire +anzio (emblem),attire +latex dress,attire +smoke grenade,objects +space station,objects +lemonade,objects +fanning,verbs_and_gerunds +dx,body_parts +print eyepatch,image_composition +firefly,creatures +traumatized,body_parts +grey rose,objects +sugimori ken (style),image_composition +giving birth,sex_acts +galaxia (sword),objects +no detached sleeves,attire +skinny dipping,verbs_and_gerunds +scimitar,objects +tavern,objects +fanning crotch,verbs_and_gerunds +hasshaku-sama,creatures +viking,objects +2004,year_tags +cum on chest,sex_acts +slipping,verbs_and_gerunds +ball busting,sex_acts +royal navy emblem (azur lane),attire +collar chain (jewelry),attire +power fist,body_parts +open bikini,nudity +omake,image_composition +maid cafe,objects +industrial,locations +downpants,nudity +fruit tart,objects +mega stone,objects +yagoo,others +the simpsons,image_composition +sig p220/p226,objects +ripping,verbs_and_gerunds +middle w,body_parts +pop filter,objects +underlighting,image_composition +sumo,others +bluebird,creatures +gazebo,locations +groucho glasses,attire +grandfather and granddaughter,others +grasshopper,creatures +cracker,objects +mario tennis,others +yamato (sword),objects +corrupted file,image_composition +aqua pupils,body_parts +plug (piercing),attire +looking at self,body_parts +breakfast,objects +flying saucer,objects +heavy metal,objects +izakaya,objects +forget-me-not (flower),objects +yellow tulip,objects +juggling,verbs_and_gerunds +panties in mouth,attire +cape lift,nudity +gerbera,objects +spoken star,attire +camellia print,attire +nipple torture,sex_acts +spiked mace,objects +savannah,locations +;>,body_parts +plum blossom print,attire +bomber,objects +birthday party,objects +reptile,creatures +grandmother and granddaughter,others +belly-to-belly,posture +h,phrases +yakitori,objects +giant tree,objects +impressionism,image_composition +nyotaimori,sex_acts +wooden bridge,locations +strawberry blossoms,objects +saunders (emblem),attire +airport,locations +sounding,sex_acts +folding stock,objects +wet legwear,attire +taxi,objects +armored vehicle,objects +lifting covers,nudity +brodie helmet,attire +teaching,verbs_and_gerunds +badminton racket,others +battoujutsu stance,posture +china,locations +green pepper,objects +head biting,verbs_and_gerunds +goldfish scooping,others +pony play,sex_acts +highway,locations +pitching,verbs_and_gerunds +tea party,objects +floating breasts,body_parts +tentacle clothes,sex_acts +reichsadler,attire +repede (tales),creatures +elfen lied,creatures +loaf of bread,objects +kneepit sex,sex_acts +shelf bra,attire +nipple bells,body_parts +small stellated dodecahedron,attire +e16a zuiun,objects +grape hat ornament,attire +firecrackers,others +nissan skyline,objects +latte art,objects +tawawa challenge,body_parts +dohna dohna issho ni warui koto o shiyou,image_composition +cat-shaped pillow,creatures +safari jacket,attire +shoejob,sex_acts +soukou kihei votoms,image_composition +sanada clan (emblem),attire +one finger selfie challenge (meme),image_composition +zun,others +relationship graph,image_composition +payphone,objects +searching,verbs_and_gerunds +predicament bondage,sex_acts +t-pose,posture +ornate armor,objects +fender telecaster,objects +hope's dusk (apex legends),objects +vs seeker,objects +cheytac m200,objects +mightyena,creatures +long nipples,body_parts +fake censor,image_composition +vibrator in anus,sex_objects +panties under bike shorts,attire +polar opposites,image_composition +push-button,disambiguation_pages +rabbit ear headphones,body_parts +slingshot (weapon),objects +decantering,objects +nut (food),objects +armpit carry,creatures +walkman,objects +turnip,objects +stifled laugh,body_parts +newhalf with male,sex_acts +checkered headwear,attire +mac-10/11,objects +eiffel tower,locations +lamb,creatures +oktoberfest,others +minimalism,image_composition +nattou,objects +ass on glass,body_parts +gold osmanthus,objects +borderless panels,image_composition +geass,body_parts +artemis (sailor moon),creatures +pea pod,objects +tsukimi,others +sofmap background,image_composition +family guy,image_composition +scorpion,creatures +up sleeve,attire +mizura,body_parts +margherita pizza,objects +the coffin of andy and leyley,image_composition +eye beam,body_parts +rpg-7,objects +paizuri over clothes,sex_acts +luxury ball,objects +octagram,attire +shichirin,objects +neglect play,sex_acts +meowstic,creatures +ara ara,phrases +elemental (creature),creatures +checkered bikini,attire +triple wielding,verbs_and_gerunds +baby's-breath,objects +piston,objects +saishi,attire +blue hawaii,objects +husky,creatures +kyoto,locations +bread bun,objects +selection university (emblem),attire +seahorse,creatures +clockwork,objects +tail insertion,sex_acts +guan dao,objects +epilepsy warning,metatags +satyr,creatures +lee-enfield,objects +psd available,metatags +dobermann,creatures +drawing (action),verbs_and_gerunds +ukulele,objects +ouroboros,attire +purrloin,creatures +crotchless leotard,attire +sitrus berry,objects +native american headdress,attire +disdain,body_parts +gradient sleeves,attire +ikura (food),objects +kissing hair,body_parts +cum in navel,sex_acts +maerchen (sound horizon),objects +french horn,objects +meatball,objects +dress aside,nudity +crotchless swimsuit,attire +yakiniku,objects +piercing through clothes,attire +pussy jewelry,attire +sunbathing,verbs_and_gerunds +peanut,objects +gardening,verbs_and_gerunds +canards,objects +chest rig,objects +image macro (meme),image_composition +wafer,objects +removing legwear,attire +erhu,objects +rowboat,objects +french cruller,objects +plate stack,objects +anubis (mythology),creatures +accordion,objects +anatomical nonsense,image_composition +garlic,objects +music stand,objects +eating hair,body_parts +h&k g36,objects +keizoku (emblem),attire +yuzu (fruit),objects +sulking,body_parts +oekaki musume,others +swaying,verbs_and_gerunds +leg cutout,nudity +nose hook,sex_objects +streetcar,objects +keffiyeh,attire +sound wave,disambiguation_pages +corset piercing,attire +knotting,sex_acts +indonesian text,text +barn,locations +postcard,image_composition +double bass,objects +cum on food,sex_acts +floppy disk,objects +rusty trombone,sex_acts +growlanser,image_composition +circuit board,objects +mapo tofu,objects +zombification,artistic_license +pile bunker,objects +ankle wings,body_parts +floral arch,objects +procreate (software),others +extra digits,image_composition +golf,others +thigh focus,image_composition +entei,creatures +tail pull,body_parts +adult baby,sex_acts +sun tattoo,body_parts +riot shield,objects +chireiden,locations +hijab,attire +rabbit panties,attire +suomi kp/-31,objects +olympics,others +black panther,creatures +backless pants,attire +finger biting,verbs_and_gerunds +waffle cone,objects +bishoujo senshi sailor moon crystal,image_composition +ember celica (rwby),objects +primula,disambiguation_pages +fruit bowl,objects +holding ears,body_parts +lunar tear,objects +tabby cat,creatures +shout lines,attire +3d glasses,attire +paper child,image_composition +vhs artifacts,image_composition +lever action,objects +new york city,locations +rolling pin,objects +chicken nuggets,objects +muzzle device,objects +scone,objects +on flower,body_parts +clarinet,objects +opening,verbs_and_gerunds +bowling ball,others +spas-12,objects +browning m2,objects +master ball,objects +smelling hair,body_parts +cinderella bust,body_parts +chinese lantern (plant),objects +kunkun,creatures +hermit crab,creatures +treehouse,locations +covering head,posture +the king of fighters xiii,image_composition +mooncake,objects +isopod,creatures +hishimochi,others +kujo jotaro's pose (jojo),posture +soy sauce bottle,objects +shirt on shoulders,body_parts +eyewear in mouth,attire +vulcan salute,body_parts +dahlia,objects +palanquin ship,locations +national basketball association,others +projectile trail,objects +cerberus,creatures +digging,verbs_and_gerunds +kubo tite (style),image_composition +school nurse,others +flipping food,objects +cunnilingus gesture,body_parts +multicolored sleeves,attire +mihama chiyo's father,creatures +no smoking,attire +howa type 89,objects +cross-laced sandals,attire +marvel vs. capcom 3,image_composition +imageboard colors,image_composition +ppsh-41,objects +open towel,nudity +hair scarf,body_parts +convention greeting,phrases +animated png,image_composition +antinomy of common flowers,image_composition +crooked eyewear,attire +robot dragon,objects +breast pump,sex_acts +shosei,attire +biting own thumb,verbs_and_gerunds +crossed fingers,body_parts +inward v,body_parts +date pun,others +tit (bird),creatures +marijuana,objects +uwu,body_parts +hatchet (axe),objects +anal fisting,sex_acts +sphinx,creatures +inverted colors,image_composition +yari,objects +bolter,objects +pecha berry,objects +mosaic background,image_composition +fishbowl helmet,attire +herb,objects +toucan,creatures +fn fal,objects +tanghulu,objects +flat sign,attire +famas,objects +light persona,artistic_license +l85,objects +hair over crotch,body_parts +colonel sanders,objects +2014 fifa world cup,others +fender precision bass,objects +h&k psg1,objects +panties day,others +itou ikuko (style),image_composition +double finger gun,body_parts +double vaginal,sex_acts +roe,objects +rope walking,sex_acts +willow,objects +no horns,artistic_license +card between breasts,body_parts +cat choker,creatures +sketchbook full colors,creatures +akg,objects +persona eyes,body_parts +x-ray glasses,attire +pull out,sex_acts +asymmetrical breasts,body_parts +pinstripe legwear,attire +hisuian growlithe,creatures +spiked dildo,sex_objects +swallow (bird),creatures +bagua,attire +dojikko pose,posture +oppai challenge,body_parts +fruit background,image_composition +white tulip,objects +gyari (imagesdawn) (style),image_composition +lantern on liquid,others +fire flower,objects +elizabeth tower,locations +grey pupils,body_parts +june,year_tags +okonomiyaki,objects +siamese cat,creatures +pokegear,objects +cheek biting,verbs_and_gerunds +groping motion,body_parts +optical illusion,image_composition +ak-74,objects +flour,objects +totenkopf,attire +sakura ayane,others +h&k g3,objects +banana slice,objects +nicoseiga sample,metatags +x anus,body_parts +seafloor,locations +mole (animal),disambiguation_pages +repairing,verbs_and_gerunds +suction cup dildo,sex_objects +microsoft paint (medium),others +smother,sex_acts +synthesizer,objects +underwater sex,sex_acts +hatch,objects +calla lily,objects +cumdrip onto panties,attire +planter,objects +moon rabbit,others +mini santa hat,attire +sea slug,creatures +flat top chef hat,attire +august,year_tags +july,year_tags +pepperoni,objects +triple scoop,objects +layered legwear,attire +kukri,objects +punch-out!!,others +dragonfly wings,body_parts +gambol shroud,objects +gumroad reward,metatags +gif artifacts,image_composition +golden shower,sex_acts +celtic cross,attire +extra breasts,sex_acts +croupier,others +b3 wingman,objects +moire,image_composition +pantsing,verbs_and_gerunds +hobble,sex_objects +holding legwear,attire +first aid,body_parts +american football,others +stielhandgranate,objects +strawberry milk,objects +newhalf with female,sex_acts +surgeonfish,creatures +ham,objects +osechi,objects +berserker armor,objects +pomeranian (dog),creatures +gyuudon,objects +dishwashing,objects +ai arctic warfare,objects +pentagon (shape),attire +judge,others +soft focus,image_composition +reversed,image_composition +nipple tag,body_parts +hut,locations +hakugyokurou,locations +2002,year_tags +tsuchinoko,creatures +fire hydrant,objects +liepard,creatures +bras d'honneur,posture +pecjob,sex_acts +2003,year_tags +catfish,creatures +raw meat,objects +cockatiel,creatures +color contrast,image_composition +tokarev tt-33,objects +highleg dress,attire +green apple,objects +skirt around ankles,nudity +elysion,objects +politician,others +garage,locations +nut (hardware),objects +blue whale,creatures +chocolate doughnut,objects +mechanical tentacles,sex_acts +horse dildo,sex_objects +sig 516,objects +patterned hair,image_composition +fn five-seven,objects +nipple biting,body_parts +rainbow text,text +charles schulz (style),image_composition +lanchester smg,objects +drinking pee,sex_acts +animal ears helmet,attire +censored gesture,image_composition +parakeet,creatures +nose art,objects +dorayaki,objects +ichimegasa,attire +tank turret,objects +horosho,phrases +hurricane glass,objects +colosseum,locations +bitten apple,objects +sesame seeds,objects +otaku room,locations +chipmunk,creatures +taiwan,locations +snoopy,creatures +biohazard symbol,attire +multicolored bra,attire +balkenkreuz,attire +olive,objects +tail masturbation,sex_acts +poochyena,creatures +daifuku,objects +flashbang,objects +puffer fish,creatures +ars goetia,attire +whipping,verbs_and_gerunds +kugimiya rie,others +ookiku furikabutte,others +jupiter symbol,attire +skeletal wings,body_parts +salamander,creatures +nightclub,locations +crossed wrists,body_parts +hiroshimaben,others +diner,objects +rebellion (sword),objects +whale shark,creatures +nude modeling,nudity +otoshidama,others +april,year_tags +autofellatio,sex_acts +nose picking,verbs_and_gerunds +mazda rx-7,objects +shadow puppet,body_parts +butter knife,objects +pepper shaker,objects +ginga tetsudou 999,image_composition +churro,objects +on animal,body_parts +hands on another's knees,body_parts +diving helmet,attire +yuuki aoi,others +akm,objects +hat basket,attire +bear hat,attire +cooperative grinding,sex_acts +inverted pentagram,attire +white chocolate,objects +squeeze bottle,objects +f-15 eagle,objects +anchor hat ornament,attire +taco,objects +bren lmg,objects +dress flip,attire +looking at hands,body_parts +chokutou,objects +bulges touching,sex_acts +zbrush (medium),others +macintosh,objects +arena,locations +apple rabbit,objects +working,verbs_and_gerunds +taunting,verbs_and_gerunds +black fire,objects +pikachu ears,body_parts +trim marks,image_composition +aqua sleeves,attire +cloud focus,image_composition +looking through scope,objects +december,year_tags +leopard,creatures +3 3,body_parts +tsuzumi,objects +fig sign,body_parts +human dog,sex_acts +softboiled egg,objects +lactating into container,body_parts +theater,locations +automail,objects +nail (hollow knight),objects +mosquito,creatures +october,year_tags +multilingual,text +cutting own hair,body_parts +spotted hair,body_parts +convenient head,image_composition +shiraishi minoru,others +healing,verbs_and_gerunds +touran-sai,others +jammers,attire +susuki grass,others +print hakama,image_composition +2018 fifa world cup,others +step-sisters,others +object behind ear,body_parts +aks-74u,objects +afterburner,objects +^q^,body_parts +garden of the sun,locations +iwi tavor,objects +biting another's tail,body_parts +toaster,objects +triangle (instrument),objects +shoulder massage,body_parts +umaibou,objects +koa (phrase),phrases +cantaloupe,objects +anpan,objects +november,year_tags +catherine,disambiguation_pages +iced tea,objects +multiple dogs,creatures +face of the people who sank all their money into the fx (meme),body_parts +mabosstiff,creatures +warehouse,locations +dinner,objects +cloud hair,body_parts +ein (cowboy bebop),creatures +smeargle,creatures +rocket ship,objects +sig mcx,objects +upright piano,objects +welrod,objects +mid-autumn festival,others +1960s (style),image_composition +pokemon rgby (style),image_composition +shampoo hat,attire +wasp,creatures +zweihander,objects +nuclear weapon,objects +print umbrella,image_composition +dildo gag,sex_objects +shipping (fandom),verbs_and_gerunds +march,year_tags +love train,sex_acts +batter,objects +mall,locations +blu-ray cover,image_composition +swimsuit costume,attire +alternate element,artistic_license +make a contract,phrases +happy holidays,phrases +a-pose,posture +bookstore,locations +kodachi,objects +walther ppk,objects +h&k usp,objects +pixiv fantasia wizard and knight,others +bell sleeves,attire +pon de lion,objects +playing with hair,body_parts +courtroom,locations +life vest,objects +male with breasts,body_parts +flower shop,locations +wendy (wendy's),objects +pineapple slice,objects +quarter rest,attire +yogurt,objects +quality,image_composition +brazil,locations +moriya shrine,locations +tank interior,locations +bridgeless bra,attire +censored with cum,image_composition +stomach day,others +print hair,body_parts +sai (weapon),objects +museum,locations +stg44,objects +bad reflection,image_composition +fir tree,objects +hanging food,objects +american football (object),others +walfie (style),image_composition +mizuki nana,others +skiing,others +snow leopard,creatures +goshoguruma,image_composition +shoulder-to-shoulder,posture +cake stand,objects +lens eye,body_parts +jeep,objects +venus flytrap,objects +ferret ears,body_parts +garfield,image_composition +shiitake,objects +premier ball,objects +jet engine,objects +jamadhar,objects +group profile,image_composition +harukawa moe (style),image_composition +clitoris tweak,body_parts +bad aspect ratio,image_composition +oarfish,creatures +nipple press,body_parts +dress grab,attire +akb48,objects +bumping,verbs_and_gerunds +h&k p30,objects +hopping,verbs_and_gerunds +interlocked mars and venus symbols,attire +bongo cat,creatures +jesus,creatures +tuba,objects +tnt,objects +poem,text +perfume (band),disambiguation_pages +paneled background,image_composition +bad gun anatomy,objects +blue plate special (sex),sex_acts +gimp suit,sex_objects +no anus,body_parts +juggling club,others +cavalier hat,attire +sphinx (toaru majutsu no index),creatures +rabbit ear legwear,attire +meal,objects +january,year_tags +dressing room,locations +forced lactation,body_parts +licking blade,verbs_and_gerunds +compression sleeve,attire +hands on another's leg,body_parts +february,year_tags +panzerfaust,objects +sequins,attire +pouncing,verbs_and_gerunds +penis sheath,attire +moai,locations +farmer,others +scarlet weather rhapsody,image_composition +wasabi,objects +buddhism,creatures +qbz-95,objects +brown rose,objects +dildo harness,sex_objects +runway,locations +mexican standoff,objects +mercury symbol,attire +golden retriever,creatures +winged bag,body_parts +kamikaze kaitou jeanne,image_composition +steyr aug,objects +m249,objects +smelling underwear,sex_acts +dough,objects +convention,locations +arancia,others +tank destroyer,objects +butterfly hat ornament,attire +portuguese text,text +bedwetting,verbs_and_gerunds +adhesive bra,attire +pork,objects +pillow sex,sex_acts +mozilla firefox,objects +fan speaking,verbs_and_gerunds +licking cum,verbs_and_gerunds +superhero landing,posture +president maa,creatures +statue of liberty,locations +harmonica,objects +pillbug,creatures +koto (instrument),objects +german shepherd,creatures +codpiece,objects +mango,objects +broom surfing,body_parts +quadruple wielding,verbs_and_gerunds +jian (weapon),objects +sugar bowl,objects +eighth rest,attire +2022 fifa world cup,others +five star stories,image_composition +cum in throat,sex_acts +trailer,objects +pickle,objects +kneeing,verbs_and_gerunds +gibson sg,objects +h&k mp5k,objects +pickelhaube,attire +o-ring legwear,attire +chanchanko (clothes),attire +jake the dog,creatures +wi-fi symbol,attire +sawashiro miyuki,others +skipping,verbs_and_gerunds +penguin hat,attire +serval,creatures +half-siblings,others +uroko (pattern),image_composition +inabakumori,image_composition +prostate,body_parts +tube socks,attire +serving dome,objects +naked armor,objects +kashiwa mochi (food),objects +toyota sprinter trueno,objects +off-shoulder coat,body_parts +semi truck,objects +pixiv fantasia scepter of zeraldia,others +oyster,creatures +m1918 bar,objects +after insertion,sex_acts +transforming clothes,objects +biting hair,body_parts +red-crowned crane,creatures +layer cake,objects +cat ornament,creatures +hirano aya,others +touhou hisoutensoku,image_composition +magnolia,objects +milk churn,objects +otogi-juushi akazukin,creatures +coffee grinder,objects +computer chip,objects +cat earrings,creatures +armored legwear,attire +squirting liquid,verbs_and_gerunds +stormtrooper,objects +construction site,locations +eavesdropping,verbs_and_gerunds +bra on head,attire +hara tetsuo (style),image_composition +touyama nao,others +s&w m&p,objects +honeypot,objects +urethral beads,sex_objects +latex panties,attire +lily print,attire +elbowing,verbs_and_gerunds +boys anti tank rifle,objects +broken egg,objects +chopstick rest,objects +bound knees,sex_acts +projector,objects +pug,creatures +m1 garand,objects +moomoo milk,objects +triple amputee,sex_acts +ueda masashi (style),image_composition +september,year_tags +fixed,metatags +england,locations +chihuahua,creatures +ribbon baton,others +rowing,verbs_and_gerunds +cubicle,locations +takemoto izumi (style),image_composition +f-14 tomcat,objects +eyewear view,attire +the beatles,objects +tiptoe kiss,posture +ultraviolet light,image_composition +has cropped revision,image_composition +sandwich cookie,objects +cocking gun,objects +biting another's hand,verbs_and_gerunds +sketching,verbs_and_gerunds +gunkanmaki,objects +labret piercing,attire +no animal ears,artistic_license +tassel hat ornament,attire +tamura yukari,others +cereal,objects +cathead,creatures +cellphone strap,objects +flight goggles,attire +wing hug,posture +rinnegan,body_parts +wing piercing,body_parts +red carnation,objects +harukana receive,others +off-shoulder leotard,body_parts +high-cut armor (persona),objects +yakisobapan,objects +recording studio,objects +painttool sai,others +carp,creatures +cruiser,objects +ghost trick,creatures +misty lake,locations +wing censor,body_parts +digimoji,text +cooperative footjob,sex_acts +objection,phrases +autocannon,objects +youkan (food),objects +skorpion vz. 61,objects +anal hook,sex_objects +bloody wings,body_parts +segment display,text +color halftone,metatags +jack-o'-lantern hat ornament,attire +battle athletes,others +notes,objects +areola piercing,body_parts +m60,objects +black cat (series),creatures +karakusa (pattern),image_composition +bridge piercing,attire +double-barreled shotgun,objects +outseal,objects +eyewear switch,attire +roman (sound horizon),objects +catheter,sex_objects +garfield (character),creatures +hotel,locations +konnyaku (food),objects +swiss cheese,objects +carving,verbs_and_gerunds +no parking sign,attire +rapeseed blossoms,objects +alolan meowth,creatures +zip available,metatags +cat stretch,creatures +american football helmet,attire +pizza delivery,objects +cafeteria,objects +toe sucking,verbs_and_gerunds +castanets,objects +zoo,locations +macaw,creatures +adjustable wrench,objects +fender jazzmaster,objects +glasses day,others +furnace,objects +kantoku (style),image_composition +blackberry (fruit),objects +katsudon (food),objects +teekyuu,others +cloaca,body_parts +envy,body_parts +cat slippers,creatures +glameow,creatures +locked slide,objects +autopaizuri,sex_acts +shoebill,creatures +uncle and nephew,others +lillipup,creatures +hand mouth,body_parts +pikachu tail,body_parts +frenulum piercing,attire +putting on legwear,attire +foreground text,text +full moon wo sagashite,image_composition +6 9,body_parts +breast biting,body_parts +holographic touchscreen,objects +mandragora,creatures +conjoined,sex_acts +bougu,objects +printer,objects +storage room,locations +shamisen (suzumiya haruhi),creatures +shutter shades,attire +carry me,posture +plant monster,objects +bow swimsuit,attire +kaneda shoutarou's bike,objects +licking navel,verbs_and_gerunds +remington 870,objects +henohenomoheji,body_parts +floating city,locations +winchester model 1897,objects +bunny headphones,objects +zipping,verbs_and_gerunds +heart tail duo,body_parts +hayami saori,others +inugami-ke no ichizoku pose,posture +gym leader badge,objects +onsen symbol,attire +long-tailed tit,creatures +furfrou,creatures +anal ball wear,attire +pink cat,creatures +cd player,objects +floating castle,locations +inarizushi,objects +fidough,creatures +chevron (symbol),objects +steamroller,objects +cum bath,sex_acts +radio tower,objects +megastructure,locations +hokkaido nippon-ham fighters,others +marigold,objects +roasting,objects +tokyo skytree,locations +humpback whale,creatures +flipnote studio (medium),others +persian (pokemon),creatures +hot sauce,objects +nail biting,verbs_and_gerunds +roman empire,locations +lace-up sleeves,attire +bread eating race,objects +tights day,others +phonecard,objects +mg34,objects +soccer field,locations +molotov cocktail,objects +christmas cake,objects +gentiana (flower),objects +em-2,objects +clamp (circle) (style),image_composition +biting own tail,body_parts +gas station,locations +cz 75,objects +target practice,objects +porsche 911,objects +apple print,attire +orange print,attire +semi-circular eyewear,attire +london,locations +space shuttle,objects +venice,locations +manectric,creatures +marching,year_tags +colt single action army,objects +humboldt penguin,creatures +f-22 raptor,objects +checkered panties,attire +zongzi,objects +bougainvillea (flower),objects +meat day,others +umeboshi,objects +walther p38,objects +father's day,others +instant ramen,objects +measuring cup,objects +omega symbol,attire +reverse paizuri,body_parts +@ (symbol),attire +can't show this (meme),image_composition +golf ball,others +m203,objects +nirvana (band),objects +griddle,objects +may,disambiguation_pages +cupid,creatures +cum swap,sex_acts +rifle cartridge,objects +iguana,creatures +star of lakshmi,attire +palm-fist greeting,body_parts +crew cut,body_parts +shakunetsu no takkyuu musume,others +innie nipples,body_parts +goofy,creatures +ear sex,sex_acts +landing gear,objects +fn fnc,objects +takenoko no sato,objects +ebony & ivory,objects +uesaka sumire,others +heart arms,body_parts +on banana,objects +leg wings,body_parts +himura kiseki (style),image_composition +swordfish,creatures +cat paw,creatures +volkswagen beetle,objects +dog on head,creatures +love ball,objects +2010 fifa world cup,others +apple core,objects +paper cutout,image_composition +aoki ume (style),image_composition +hammerhead shark,creatures +too many scoops,objects +dotera (clothes),attire +mimosa (flower),objects +food-themed hat ornament,attire +sharing,verbs_and_gerunds +sex doll,sex_objects +waterpark,locations +shachihoko,creatures +bernese mountain dog,creatures +krita (medium),others +bowling,others +ntw-20,objects +expandable baton,objects +body bridge,posture +avocado,objects +happy easter,phrases +no earrings,artistic_license +mixing console,objects +roulette animation,image_composition +moe (phrase),subjective +martini,objects +gorillaz,objects +donkey,disambiguation_pages +flare,image_composition +dining room,locations +evolutionary stone,objects +sleep talking,verbs_and_gerunds +boston terrier,creatures +japanese white-eye,creatures +m16a2,objects +red pepper,objects +r-301 carbine,objects +wax play,sex_acts +dogfight,objects +delcatty,creatures +sadaharu,creatures +basquash!,others +tadpole,creatures +hair weapon,body_parts +freesia (flower),objects +chi-hatan (emblem),attire +petal print,attire +bear position,posture +koshimizu ami,others +adolf hitler,others +fairey swordfish,objects +graviton beam emitter,objects +emoji censor,image_composition +vietnamese text,text +bandaid on ear,body_parts +ursus empire logo,attire +medibang paint (medium),others +orange tulip,objects +ke-ta (style),image_composition +pixiv fantasia revenge of the darkness,others +brown pupils,body_parts +bf 109,objects +lich,creatures +demento,creatures +toyota supra,objects +censored violence,image_composition +open cockpit,objects +adjusting collar,body_parts +clematis (flower),objects +anti-eyebrow piercing,attire +censored anus,image_composition +noir (anime),disambiguation_pages +melodica,objects +boney,creatures +hamo (dog),creatures +coelacanth,creatures +floating screen,objects +volume warning,metatags +arrow cross,attire +recolored,metatags +shouryouuma,others +blood sword,objects +spiral background,image_composition +flamel symbol,attire +public bondage,sex_acts +half up half down braid,body_parts +sea anemone,creatures +billy herrington,others +itano circus,objects +sumi-e,image_composition +handbell,objects +m1 helmet,attire +fuji aoi,objects +regal blue tang,creatures +character single,image_composition +geisha,others +bodyguard,others +bagel,objects +kilt,attire +glacier,locations +fender mustang,objects +rejected kiss,creatures +argentina,locations +toriyama akira (character),others +aneros,sex_objects +hakama pull,nudity +umbrella riding,verbs_and_gerunds +>3<,body_parts +kettenkrad,objects +lotus root,objects +winged hairband,body_parts +kankaku shadan,sex_acts +hitchhiking,verbs_and_gerunds +panty gag,sex_objects +cat feet,creatures +plug gag,sex_objects +dentist,others +plum,objects +kirigami,image_composition +aa-12,objects +front braid,body_parts +uchiha symbol,attire +marine day,others +fn scar 17,objects +mjolnir (marvel),objects +ai tenshi densetsu wedding peach,image_composition +brown one-piece swimsuit,attire +novelty glasses,attire +tanaka rie,others +kipi-san,others +siddham,text +wasteland,locations +pixiv fantasia 2,others +bell tower,locations +good meat day,others +red bean paste,objects +souffle pancake,objects +construction worker,others +trench,locations +cinnamon roll,objects +saturn symbol,attire +pensive,body_parts +takahashi rie,others +huion,objects +michael jackson,objects +oboe,objects +sea urchin,creatures +sprain,body_parts +hime granzchesta,creatures +milkor mgl,objects +grandmother and grandson,others +arawi keiichi (style),image_composition +ball bra,attire +daewoo k2,objects +nipple hair,body_parts +shibafu (glock23) (style),image_composition +torracat,creatures +improvised weapon,objects +organ (instrument),objects +airplane arms,posture +rotting,verbs_and_gerunds +hanshin tigers,others +hiking,verbs_and_gerunds +queen (band),objects +ilya kuvshinov (style),image_composition +keikenchi (style),image_composition +rush (mega man),creatures +florist,others +kitsune udon,objects +2001,year_tags +nue,creatures +zippo lighter,objects +linux,objects +carnivorous plant,objects +nantaimori,sex_acts +stoutland,creatures +conservatory,locations +mating (animal),sex_acts +ambulance,objects +leppa berry,objects +yamato (battleship),objects +dragon dildo,sex_objects +sv001 (metal slug),objects +shaka sign,body_parts +standing on chair,body_parts +okawaii koto,phrases +glowing headgear,image_composition +snubnosed revolver,objects +benelli m4,objects +badminton,others +dim sum,objects +sunfish,creatures +sea cucumber,creatures +matchbox,objects +bent back,posture +chamomile,objects +flower censor,image_composition +dotted quarter note,attire +smelling ass,body_parts +greavard,creatures +type 100 smg,objects +tail fondling,body_parts +ukraine,locations +snubbull,creatures +cat on person,creatures +minase inori,others +oda eiichirou (style),image_composition +takeout container,objects +hug and suck,sex_acts +non-repeating animation,image_composition +kangaroo,creatures +gnome,creatures +takuan,objects +st bernard,creatures +hummingbird,creatures +cockatoo,creatures +penis biting,verbs_and_gerunds +pixiv fantasia 1,others +bowling pin,others +j. league,others +genjiguruma,image_composition +neptune symbol,attire +fireman's carry,posture +chiaroscuro,image_composition +rolling sleeves up,attire +grapefruit,objects +howa type 64,objects +pixiv azriel,others +dominator (gun),objects +hippogriff,creatures +granblue fantasy (style),image_composition +pixiv fantasia mountain of heaven,others +pepper (spice),objects +colt 9mm smg,objects +sugita tomokazu,others +adobe photoshop,others +plasma,objects +polishing,verbs_and_gerunds +ford mustang,objects +cinnamon stick,objects +f6f hellcat,objects +urban legend,creatures +honey dipper,objects +sugar (food),objects +slimification,artistic_license +jitte,objects +boom microphone,objects +m134 minigun,objects +shack,locations +launching,verbs_and_gerunds +sword of kusanagi,objects +eclair (food),objects +smelling feet,sex_acts +polka dot sleeves,attire +stomach (organ),body_parts +asanagi (style),image_composition +kongou pose,posture +mouse costume,attire +hanazawa kana,others +nyan cat,creatures +muchigaku,others +baumkuchen,objects +conveyor belt sushi,objects +seal script,text +mermaid dress,attire +honey and clover,creatures +hajime no ippo,others +hikikomori,others +guard,others +the nightmare before christmas,creatures +necktie on head,body_parts +inumi,creatures +cat tower,creatures +legskin,attire +mian guan,attire +misaka imouto 10032's cat,creatures +habanero pepper,objects +ear focus,body_parts +ancestor and descendant,others +doctor who,creatures +\(^o^)/,body_parts +cherub,creatures +feast,objects +hirasawa susumu,objects +comb over,body_parts +clubroom,locations +shining needle castle,locations +katsu (food),objects +honda civic,objects +sardegna empire (emblem),attire +woman yelling at cat (meme),creatures +they're not panties,attire +workshop,locations +tied nipples,body_parts +cheek-to-breast,posture +vibrator on penis,sex_objects +pineapple print,attire +alternate eyewear,attire +jaguar,creatures +strappado,sex_acts +bleed through,image_composition +taketatsu ayana,others +cookie cutter,objects +ptrd-41,objects +gat (korean traditional hat),attire +tri drills,body_parts +implied footjob,sex_acts +bikkuriman (style),image_composition +animal background,image_composition +licking leg,verbs_and_gerunds +thumbnail surprise,metatags +paris,locations +chupacabra,creatures +tamagokake gohan,objects +shikoro,objects +blackpink,objects +medjed (mythology),creatures +squash,objects +excalibolg,objects +1996,year_tags +onion rings,objects +hamburglar,objects +hand in mouth,disambiguation_pages +dvd (object),objects +eientei,locations +mimori suzuko,others +pepperbox revolver,objects +kusunoki tomori,others +rpk-16,objects +1999,year_tags +granbull,creatures +houndour,creatures +asparagus,objects +lilac,objects +kuchisake-onna,creatures +mechanical hair,body_parts +eggshell hat,attire +2000,year_tags +peas,objects +puar,creatures +x-ray film,objects +testicles touching,sex_acts +hands on own crotch,body_parts +self-propelled artillery,objects +collarbone piercing,attire +grizzly win mag,objects +ots-14 groza,objects +saitou chiwa,others +sugar sugar rune,image_composition +arabic text,text +uranus symbol,attire +yokohama dena baystars,others +bardiche (weapon),objects +takkun (flcl),creatures +mayonnaise bottle,objects +ak-15,objects +northern parliament (emblem),attire +sidelocks tied back,body_parts +lacrosse,others +stretcher,objects +towel slip,nudity +colt python,objects +caramel,objects +fn f2000,objects +nagant m1895,objects +sunagakure symbol,attire +villain pose,posture +dalachi (headdress),attire +flower-shaped hair,body_parts +teddy (lingerie),attire +unbirthing,sex_acts +radio booth,objects +tied dress,attire +space sword,objects +mecha request,objects +shooting gallery,others +wing tattoo,body_parts +rainbow wings,body_parts +nipple flick,body_parts +namori (style),image_composition +kettle helm,attire +galarian meowth,creatures +bound feet,sex_acts +three section staff,objects +apollo chocolate,objects +hobble dress,attire +glider,objects +lotus position,posture +h&k g36c,objects +chonmage,body_parts ++ -,body_parts +hyacinth,objects +speed limit sign,attire +fruit sandwich,objects +kiwi (bird),creatures +scottish fold,creatures +engineer,objects +greece,locations +purugly,creatures +chunichi dragons,others +makarov pm,objects +idle animation,posture +hiroshima touyou carp,others +strawberry bra,attire +checkered sleeves,attire +ruan,objects +kawasumi ayako,others +toe socks,attire +laser rifle,objects +finch,creatures +cornflower,objects +field cap,attire +ichigo daifuku,objects +ashita no joe,others +poorly translated,metatags +spain,locations +beagle,creatures +dachshund,creatures +surgery,body_parts +vietnam,locations +unownglyphics,text +spaghetti and meatballs,objects +m16a4,objects +vichya dominion (emblem),attire +pet cone,body_parts +korea,locations +supermarine spitfire,objects +habanero-tan,objects +larva,creatures +tadpole tail,body_parts +judo,others +blood sucking,verbs_and_gerunds +stick grenade,objects +guzheng,objects +strawberry background,image_composition +turretless tank,objects +milk tea,objects +rickenbacker 4001,objects +soejima shigenori (style),image_composition +peach blossom,objects +donald trump,others +wrist wings,body_parts +tatsuki (irodori) (style),image_composition +convenient breasts,body_parts +nonstandard furigana,text +pigeon pose,posture +mamezara,objects +purple tulip,objects +panorama,image_composition +hydra,creatures +wedding cake,objects +bugle,objects +rugby ball,others +f-35 lightning ii,objects +graphics card,objects +colored pussy,body_parts +lahti-saloranta m/26,objects +canada,locations +christianity,creatures +sybian,sex_objects +hyena,creatures +kawakami tomoko,others +almond,objects +sawed-off shotgun,objects +crayfish,creatures +anmitsu (dessert),objects +usui yoshito (style),image_composition +looking for glasses,attire +shima (pattern),image_composition +the wizard of oz,creatures +autocunnilingus,sex_acts +pelican,creatures +farming,objects +orix buffaloes,others +kanemoto hisako,others +border collie,creatures +east german,locations +looking around,body_parts +azalea (flower),objects +patting back,body_parts +rick and morty,image_composition +chinese spoon,objects +noto mamiko,others +cpu,objects +fiat 500,objects +reference photo,image_composition +platypus,creatures +negative,image_composition +tabasco,objects +old-fashioned doughnut,objects +amazake (drink),objects +micro uzi,objects +yellow tang,creatures +omocat (style),image_composition +adaptive combat rifle,objects +birch tree,objects +merchant,others +excel saga,creatures +golgo 13,image_composition +ice cream scoop,objects +sukiyaki,objects +australia,locations +monkey costume,attire +caduceus,attire +fez hat,attire +bubble filter,image_composition +yeti (creature),creatures +gunshot wound,objects +dog hat,attire +browning m1919,objects +newhalf with newhalf,sex_acts +strawberry syrup,objects +sushi geta,objects +steyr iws 2000,objects +derringer,objects +poodle,creatures +subaru impreza,objects +armored personnel carrier,objects +wringing,verbs_and_gerunds +mechanical foot,objects +nipple sleeves,attire +whole note,attire +iris libre (emblem),attire +wings through clothes,body_parts +futou,attire +troll,creatures +dual drum magazine,objects +narwhal,creatures +amano yoshitaka (style),image_composition +yellow cat,creatures +the king of fighters xii,image_composition +siamese fighting fish,creatures +cat loaf,creatures +crotchless bloomers,attire +magazine request,image_composition +streaking,verbs_and_gerunds +nakamura yuuichi,others +marilyn monroe,objects +chocolate milk,objects +riding machine,sex_objects +pitcher plant,objects +body soaping,verbs_and_gerunds +print leggings,image_composition +major league baseball,others +i'm such a fool,phrases +straw hats jolly roger,attire +myouren temple,locations +cross patty,attire +fireworks print,image_composition +ornate weapon,objects +cleaned,metatags +mikuru beam,objects +moira,objects +maggot,creatures +1998,year_tags +van darkholme,others +mammoth,creatures +yukata lift,nudity +toyota 86,objects +floodlights,image_composition +slapping breasts,body_parts +bird of paradise flower,objects +grabbing another's wing,body_parts +bad ass,body_parts +heaven condition,image_composition +gingerbread house,objects +check source,metatags +snowdrop (flower),objects +nissan gt-r,objects +shimekazari,others +shooting range,objects +aran legwear,attire +ruler (mahoiku),disambiguation_pages +giorno giovanna's pose (jojo),posture +lunch,objects +sweden,locations +poland,locations +planetarium,locations +skating rink,locations +audio-technica,objects +google chrome,objects +cat nose,creatures +bitter melon,objects +m1 abrams,objects +chouchin obake,creatures +dia de muertos,others +anthurium,objects +flanged mace,objects +character chart,image_composition +self bondage,sex_acts +zashiki-warashi,creatures +ranunculus,objects +pig costume,attire +jackal,creatures +pipe bomb,objects +praise the sun,posture +java sparrow,creatures +cleaning weapon,objects +whisking,objects +side handle teapot,objects +earflap beanie,attire +bell pepper slice,objects +easytoon (medium),image_composition +walnut,objects +panties on breasts,attire +condensed milk,objects +finland,locations +eye poke,body_parts +1997,year_tags +multicolored rose,objects +ice flower,objects +compass rose,attire +potion (pokemon),objects +asymmetrical eyes,body_parts +zwei (rwby),creatures +yellow pepper,objects +biscuit (bread),objects +pink floyd,objects +xylophone,objects +captain tsubasa,image_composition +uh-60 blackhawk,objects +2d dating,verbs_and_gerunds +standing on shoulder,posture +bowling alley,locations +mitsubishi lancer evolution,objects +okosama lunch,objects +atmospheric perspective,image_composition +swedish text,text +standard manufacturing dp-12,objects +kamina pose,body_parts +venus bikini,attire +nekobus,creatures +claymore (mine),disambiguation_pages +half-dress,attire +forest of magic,locations +covering anus,body_parts +kel-tec rfb,objects +apple peel,objects +fourth of july,others +strawberry tart,objects +h&k mark 23,objects +military police brigade (emblem),attire +audio visualizer,objects +rondel,objects +rabbit on shoulder,body_parts +tennis dress,attire +deviruchi hat,attire +rappelling,verbs_and_gerunds +f-4 phantom ii,objects +hikasa youko,others +soumen,objects +yokohama,locations +matchlock,objects +lychee,objects +afghan hound,creatures +tape censor,image_composition +sliced meat,objects +natural sign,attire +mustard bottle,objects +saturated,image_composition +laughing man (gits),image_composition +food girls,objects +winx club,image_composition +stoned,disambiguation_pages +katou emiri,others +arthur (code geass),creatures +h8k,objects +shirt aside,nudity +umakoshi yoshihiko (style),image_composition +pixiv mahou gakuen,others +2020 summer olympics,others +hands on own feet,body_parts +oasis,locations +za warudo,phrases +space elevator,objects +quick ball,objects +plain,locations +clip (weapon),objects +chevrolet corvette,objects +dodo (bird),creatures +angled foregrip,objects +ooarai (ibaraki),locations +fluffy legwear,attire +teddy bear sex,sex_acts +b&t mp9,objects +simon shades,attire +carrot slice,objects +densuke (dennou coil),creatures +detroit metal city,objects +assassin,disambiguation_pages +air guitar,body_parts +beaver,creatures +nambu type 14,objects +lace-up legwear,attire +white fire,objects +fn scar 16,objects +1930s (style),image_composition +looking at pussy,body_parts +dragon boat festival,others +gold one-piece swimsuit,attire +juumonji yari,objects +bagpipes,objects +haiku,text +dao,objects +model building,verbs_and_gerunds +headstand,posture +potato (air),creatures +leaf panties,attire +stechkin aps,objects +arquebus,objects +sky surfing,verbs_and_gerunds +chocolate fountain,objects +snare drum,objects +partially blind,body_parts +obon,others +yoshida akihiko (style),image_composition +h&k mg5,objects +vehicalization,artistic_license +mizuhashi kaori,others +shepherd,others +hakutaku,creatures +plant wings,body_parts +dalmatian,creatures +mooning,verbs_and_gerunds +sv-98,objects +amy (madoka magica),creatures +dodecagram,attire +fig,objects +trumpet creeper,objects +sallet,attire +boltund,creatures +licking thigh,verbs_and_gerunds +p14 enfield,objects +yule log (cake),objects +kraken,creatures +nobiiru arm,objects +denim dress,attire +fake scrollbar,image_composition +nipple ribbon,body_parts +hissing,creatures +masa ni,phrases +fim-92 stinger,objects +extended magazine,objects +heart wings,body_parts +girls' generation,objects +yamaguchi tamon,others +k.o.,text +h&k g41,objects +palm-fist tap,body_parts +object on pectorals,body_parts +swing!!,others +sweet flower,objects +superman exposure,posture +type 74 (tank),objects +abbey road,objects +arnold schwarzenegger,others +triple bun,body_parts +as val,objects +heaven (kanji),attire +blazblue insignia,attire +de lisle carbine,objects +wind glider,body_parts +mosaic pattern,disambiguation_pages +snake head tail,body_parts +dive,verbs_and_gerunds +loose panties,attire +pkm,objects +half-track,objects +takahashi rumiko (style),image_composition +removing helmet,attire +dragon fruit,objects +ah-64 apache,objects +dracula (castlevania),disambiguation_pages +tsunokakushi,attire +spiked legwear,attire +joseph stalin,others +anomalocaris,creatures +humvee,objects +beretta ar70/90,objects +claymore (sword),disambiguation_pages +volkswagen type 2,objects +macuahuitl,objects +colt 1851 navy,objects +ii fuufu no hi,others +sten gun,objects +jonathan joestar's pose (jojo),posture +utensil rack,objects +pike (weapon),objects +dodgeball,others +parental advisory,attire +death star,objects +art gallery,locations +thanksgiving,others +plant boy,objects +kitchen scale,objects +kirigakure symbol,attire +gladiolus,objects +uchida maaya,others +water censor,image_composition +librarian,others +lamprey,creatures +the last supper,objects +forniphilia,sex_acts +black hayate,creatures +kobato.,creatures +shipyard,locations +pp-19 bizon,objects +shibuya 109,locations +hollyhock,objects +egg carton,objects +rattle drum,objects +blue cat,creatures +pumpkin hat ornament,attire +headphones for animal ears,objects +cannonball,objects +gladius,objects +the fool,creatures +f4u corsair,objects +hokkaido,locations +ensis exorcizans,objects +indonesia,locations +mess kit,objects +pluto symbol,attire +uchida aya,others +milo and akouo,objects +avatar generator,metatags +chopped spring onion,objects +cheetah,creatures +horie yui,others +heron,creatures +akamaru (naruto),creatures +exif thumbnail surprise,image_composition +a5m,objects +clitoris torture,sex_acts +national football league,others +color issue,image_composition +herdier,creatures +prince albert,attire +pixiv succubus,others +honda nsx,objects +tiramisu,objects +nissan s15 silvia,objects +huffing,creatures +webley revolver,objects +kubrick stare,body_parts +f-16 fighting falcon,objects +partisan (weapon),objects +magazine ejection,objects +koropokkuru,creatures +awesome face,body_parts +fake translation,metatags +vss vintorez,objects +mecha on girl,sex_acts +arc de triomphe,locations +shouten pegasus mix mori,body_parts +rafflesia (flower),objects +vuvuzela,objects +sigrunen,attire +golden gun,objects +tezuka osamu (style),image_composition +mutual breast sucking,body_parts +a-10 thunderbolt ii,objects +one way sign,attire +artist painter,others +clip studio paint,others +choking on object,verbs_and_gerunds +gradient text,text +two-tone eyewear,attire +sakamoto clan (emblem),attire +cordless phone,objects +philippines,locations +nipa~,phrases +ginga e kickoff!!,others +vibrator under pantyhose,sex_objects +single scoop,objects +petal censor,image_composition +obvious statement,subjective +mojibake text,text +autodesk 3ds max (medium),others +bastet (mythology),creatures +close quarters combat,objects +kitamura eri,others +dracula,creatures +namek,locations +hockey stick,others +clitoris clamp,sex_objects +clitoris leash,sex_objects +mi-24,objects +ma5,objects +orangette,objects +ju 87,objects +kune-kune,creatures +signal bar,attire +barn owl,creatures +remington model 700,objects +natalia poklonskaya,others +pkp pecheneg,objects +d3a,objects +interlocked venus symbols,attire +megalo box,others +aks-74,objects +ukrainian text,text +gravity suit (metroid),objects +mismatched irises,body_parts +major,others +seventh holy scripture,objects +cling,verbs_and_gerunds +1985,year_tags +seven-branched sword,objects +iwata satoru,others +devil bringer,objects +lungs,body_parts +a flat chest is a status symbol,body_parts +puffing up,creatures +bulldog,creatures +hat on chest,attire +osaka (city),locations +not afraid anymore,phrases +camouflage legwear,attire +castella (food),objects +mangekyou sharingan,body_parts +ikezoe ken'ichi,others +dp-27,objects +server,objects +tie fighter,objects +imi galil,objects +grimace (mcdonald's),objects +death devil,objects +hev suit,attire +beretta px4,objects +beluga whale,creatures +ass mousepad,objects +cooking oil,objects +uss enterprise (cv-6),objects +m6a seiran,objects +space habitat,objects +nymph,creatures +kamiya hiroshi,others +actress,others +compensated molestation,sex_acts +satou rina,others +fondue,objects +fencing,others +pixiv festa,others +breast pull,body_parts +at4,objects +ithaca m37,objects +wolf hat,attire +great lungmen logo,attire +dragon empery (emblem),attire +looking at crotch,body_parts +matsuki miyu,others +aqueduct,locations +diana (sailor moon),creatures +m3 submachine gun,objects +breast reduction,body_parts +tileable,image_composition +chest stand,posture +sks,objects +resisting,verbs_and_gerunds +chocolate clothes,objects +youkai mountain,locations +gordon ramsay,others +medusa (mythology),creatures +ozawa ari,others +vinesauce,others +alternate wing color,body_parts +holly hat ornament,attire +silk flower (genshin impact),objects +kagome (pattern),image_composition +basilisk,creatures +rave,disambiguation_pages +pixiv trainer,others +checkered bra,attire +hong kong,locations +netherlands,locations +walther p99,objects +prism,attire +gumball,objects +fushimi inari taisha,locations +magpie,creatures +mahou tsukai tai!,image_composition +warming,verbs_and_gerunds +holographic keyboard,objects +recipe (object),objects +starbucks siren,objects +uss iowa (bb-61),objects +f-18 hornet,objects +premier league,others +m1 bazooka,objects +yamaha pacifica,objects +pixiv shadow,others +fantastic four,image_composition +faceplate,objects +hand in bra,body_parts +grado labs,objects +fire truck,objects +legionnaire,objects +j-20,objects +akita inu,creatures +time bomb,objects +beast spear,objects +scrotum piercing,attire +grape stomping,objects +neck piercing,attire +nue day,others +too many dogs,creatures +purple cat,creatures +muscle awe,body_parts +walk cycle,posture +censored feet,image_composition +wing-shaped bow,body_parts +mousou dairinin,creatures +welding,verbs_and_gerunds +asumi kana,others +multiple panties,attire +sbd dauntless,objects +mosaic art,image_composition +wing ribbon,body_parts +flamberge,objects +daga kotowaru,phrases +sig sg550,objects +hip dips,body_parts +parsley,objects +triple anal,sex_acts +stork,creatures +nipple leash,sex_objects +art deco,image_composition +toyosaki aki,others +cappuccino,objects +ice sculpture,objects +military base,locations +observatory,locations +tiger lily,objects +nanjou yoshino,others +green cat,creatures +glitch censor,image_composition +poke puff,objects +oh? you're approaching me? (meme),phrases +barbed tongue,creatures +game controller print,image_composition +ar-10,objects +neo geo battle coliseum,image_composition +banjo,objects +barack obama,others +tequila,objects +psychogun,objects +jirou (ramen),objects +first ken,objects +b5n,objects +pavise,objects +milk mustache,objects +custard,objects +amabie,creatures +nissan s13 silvia,objects +dsr-50,objects +orange blossoms,objects +pig penis,body_parts +breast size switch,body_parts +lisa (blackpink),others +fangtian ji,objects +noogie,body_parts +dam,locations +ipod ad,objects +kame house,locations +vladimir putin,others +electrike,creatures +red queen (sword),objects +nerunerunerune,objects +gingerbread cookie,objects +m1 carbine,objects +san francisco,locations +mixer (cooking),objects +saiga-12,objects +slender man,creatures +toyota hiace,objects +type 56 assault rifle,objects +horikoshi kouhei (style),image_composition +shumai (food),objects +jerma985,others +grey-tinted eyewear,attire +munak,creatures +mig-29,objects +inoue marina,others +peacoat,attire +urameshiya,phrases +straight-arm salute,body_parts +blunderbuss,objects +vincent van gogh (style),image_composition +scarlet macaw,creatures +maltese cross,attire +j7w shinden,objects +twitter banner,metatags +cat symbol,creatures +tamagoyaki pan,objects +uchiwa (medium),image_composition +alchemist,others +baphomet,creatures +double footjob,sex_acts +wyrm,creatures +1995,year_tags +tomato sauce,objects +2006 fifa world cup,others +triple vaginal,sex_acts +foreskin biting,verbs_and_gerunds +french toast,objects +card background,image_composition +rare candy,objects +nashi pear,objects +aincrad,locations +dotted half note,attire +luck and pluck,objects +leonidas i,others +skull fucking,sex_acts +bronze parrot,objects +dorami,creatures +field radio,objects +nevermind,objects +thunder stone,objects +thistle,objects +shinkawa youji (style),image_composition +fake scan,image_composition +guided crotch grab,sex_acts +noise reduction,metatags +peeing on viewer,sex_acts +alolan persian,creatures +ooarai marine tower,locations +has watermarked revision,image_composition +kakushigoto,creatures +imac,objects +p-51 mustang,objects +tea ceremony,objects +tange sakura,others +yomiuri giants,others +janitor,others +ass biting,body_parts +felching,sex_acts +kishimoto masashi (style),image_composition +autogyro,objects +b-52 stratofortress,objects +location request,locations +cat zipper,creatures +kamakura (city),locations +pedestrian crossing sign,attire +webp-to-png conversion,metatags +two-legged horse (kanji),attire +slapping with breasts,body_parts +cz 805 bren,objects +bassoon,objects +stereogram,image_composition +rokurokubi,creatures +helicopter hair,body_parts +ono daisuke,others +cool your head,phrases +prostate massager,sex_objects +pheasant,creatures +combat shotgun,objects +moray eel,creatures +saitama seibu lions,others +my chemical romance,objects +purring,creatures +den (fma),creatures +mario golf,others +matsumoto leiji (style),image_composition +snowbell (flower),objects +succulent plant,objects +traffic cone on head,attire +m1904 mastiff,objects +terada tera (style),image_composition +trapeze dress,attire +pussy tentacle,sex_acts +freddie mercury,objects +tadakichi-san,creatures +balrog (doukutsu monogatari),creatures +m79,objects +macbook,objects +pi (math),attire +bohemian rhapsody,objects +uh-1 iroquois,objects +lamborghini countach,objects +israel,locations +pen spinning,verbs_and_gerunds +browning hi-power,objects +chang'e,others +leopard 2,objects +ice cream sandwich,objects +iwagakure symbol,attire +crocus (flower),objects +araizumi rui (style),image_composition +rope bridge,locations +mitsubishi f-2,objects +cat ear bikini,creatures +a7m reppuu,objects +la liga,others +multiple penis fellatio,sex_acts +1950s (style),image_composition +maya (medium),others +interface censor,image_composition +tsukimi burger,objects +tryzub,attire +microsoft paint (software),others +mitsuishi kotono,others +train attendant,others +you are already dead,phrases +pipe organ,objects +tongue clamp,sex_objects +boeing 747,objects +fire stone,objects +virgin mary,creatures +mary-san,creatures +zastava m21,objects +f4f wildcat,objects +burnt hair,body_parts +seulgi (red velvet),others +vibrator in leg garter,sex_objects +gear hat ornament,attire +fg42,objects +removable censorship,image_composition +tomatsu haruka,others +fukuoka softbank hawks,others +canele,objects +g-clef (suite precure),attire +mg3,objects +paisley,image_composition +tetrahedron,attire +n7 armor,objects +cat pajamas,creatures +backwards text,text +amaryllis (flower),objects +fabarm sat-8,objects +gracidea,objects +p2020 (pistol),objects +chocolate strawberry,objects +adobe illustrator (medium),others +double-sided axe,objects +bromide,image_composition +curling,others +shitajiki,image_composition +vulture,creatures +rugby,others +loch ness monster,creatures +metallica,objects +great knife,objects +lamborghini aventador,objects +studio ghibli (style),image_composition +arowana,creatures +v-22 osprey,objects +actor,others +geranium,objects +wing umbrella,body_parts +pedestrians only sign,attire +yoshizaki mine (style),image_composition +vk-47 flatline,objects +flip-up sight,objects +kneading (behavior),creatures +yukana,others +smoked cheese,objects +fw 190,objects +wallpaper forced,image_composition +chronicle 2nd,objects +lynx,creatures +steven seagal,others +radioactive,objects +tomahawk,objects +seisen no iberia,objects +one outs,others +hand glasses,body_parts +kongou (battleship),objects +missile (ghost trick),creatures +kingfisher,creatures +licking panties,attire +borzoi,creatures +male futanari,sex_acts +hand on another's foot,body_parts +501st joint fighter wing (emblem),attire +drawcrowd sample,metatags +basil leaf,objects +type-1 energy sword,objects +sweetest music,objects +weighing breasts,body_parts +sig p228/p229,objects +get,text +cybertron,objects +rainforest,objects +cauliflower,objects +fukuyama jun,others +thailand,locations +mashed potatoes,objects +saboten pose,posture +nissan 180sx,objects +keanu reeves,others +apron grab,nudity +peanut butter,objects +double sided wrench,objects +tokui sora,others +foot on breast,body_parts +scooby-doo (character),creatures +time signature,attire +aqua fire,objects +has lossy revision,image_composition +alstroemeria (flower),objects +nipple injection,body_parts +check weapon,metatags +dio brando's pose (jojo),posture +ears under headwear,body_parts +mossberg 500,objects +vaio,objects +starfruit,objects +rick astley,objects +matsuoka shuuzou,others +buttercup (flower),objects +fgm-148 javelin,objects +reverse bikini armor,attire +chiappa rhino,objects +sakimichan (style),image_composition +multicolor-tinted eyewear,attire +416 day,others +oyster pail,objects +kojitsunagi (pattern),image_composition +shirow masamune (style),image_composition +altyn helmet,attire +fake text,text +rome (city),locations +gotou yuuko,others +viola (instrument),objects +egypt,locations +imai asami,others +binding discoloration,metatags +eyelid piercing,attire +coyote,creatures +nagato (battleship),objects +tokyo yakult swallows,others +drop tank,objects +touhoku rakuten golden eagles,others +blue jay,creatures +petunia (flower),objects +b-25 mitchell,objects +track marks,body_parts +ki-43 hayabusa,objects +old-fashioned swimsuit,attire +daz studio (medium),others +nemlei (style),image_composition +m202 flash,objects +ueda kana,others +uso da,body_parts +mandolin,objects +iguchi yuka,others +ah-1 cobra,objects +pillow straddling,verbs_and_gerunds +rice porridge,objects +wheel of dharma,attire +thomas bangalter,others +poke flute,objects +papaya,objects +lossless-lossy,image_composition +nipple push,body_parts +ping pong (manga),others +h&k hk33,objects +dolphin penis,body_parts +kashikoma!,phrases +tuxedo cat,creatures +terrorist,others +i am l,phrases +sitar,objects +honda s2000,objects +type 90 (tank),objects +ch-47 chinook,objects +fish and chips,objects +urushihara satoshi (style),image_composition +umezu kazuo (style),image_composition +pixiv cat kingdom,others +mallard,creatures +erica mendez,others +amigasa,attire +wind chime focus,image_composition +doumyouji cocoa,objects +tagalog text,text +league card,objects +ippen shinde miru?,phrases +faux text,text +maschiff,creatures +funamusea (style),image_composition +cyber elf (mega man),objects +goldion hammer,objects +komamura sajin,creatures +desu,phrases +tail rape,body_parts +2ch.ru,disambiguation_pages +cloche hat,attire +cryptid,creatures +chiba lotte marines,others +warbonnet,attire +mechanical broom,objects +akms,objects +breast punch,body_parts +aurebesh,text +xnalara,others +brick oven,objects +serie a,others +minus sign,attire +side-tie legwear,attire +barrel shroud,objects +guy-manuel de homem-christo,others +shihou (g-o-s) (style),image_composition +dirty legwear,attire +large head wings,body_parts +pixel text,text +stop (gesture),body_parts +va (phrase),phrases +work boots,attire +empire state building,locations +cao cao,others +spy,others +ootsuka akio,others +ass expansion,body_parts +kefir,objects +ac/dc,objects +new york yankees,others +polish text,text +suzaki aya,others +cbj-ms,objects +chevrolet camaro,objects +ak 5,objects +pk machine gun,objects +gustav klimt (style),image_composition +0w0,body_parts +su-57,objects +mk 14 ebr,objects +hebrew text,text +h&k hk417,objects +mab pa-15,objects +sa-3 mozambique,objects +picture hat,attire +north korea,locations +jeanne d'arc,others +electric wind instrument,objects +robe slip,nudity +shame,subjective +clitoris pull,body_parts +cherry (lucky star),creatures +moon ball,objects +liver,body_parts +t-72,objects +kobe,locations +turkey leg,objects +terminator armor,objects +naval mine,objects +moscow,locations +wolfsbane (flower),objects +makai (touhou),locations +misaki kurehito (style),image_composition +muay thai,others +los angeles lakers,others +uss missouri (bb-63),objects +icosahedron,attire +nein (album),objects +takahashi kazuki (style),image_composition +n1k,objects +swordstaff,objects +sizzler plate,objects +two-barred cross,attire +yurie mouth,body_parts +lu bu,others +bob ross,others +behemoth,creatures +su-47 berkut,objects +enma (mythology),creatures +madeleine,objects +face stretching,verbs_and_gerunds +nixie tube,objects +crank,objects +tank truck,objects +former capital,locations +nyanpassu~,phrases +animal insertion,sex_acts +hot plate,objects +nogizaka46,objects +red ginger (flower),objects +straw cape,attire +star and crescent,attire +nejikirio (style),image_composition +animatic,metatags +g7 scout,objects +tangyuan,objects +shrimp tie,sex_acts +shanzha (fruit),objects +condiment packet,objects +mayaa (azumanga daioh),creatures +tiger mask (character),others +shanghai,locations +ubuntu,objects +inoue kikuko,others +opera glasses,attire +india,locations +endou aya,others +itou shizuka,others +sakurai masahiro,others +timpani,objects +flatwoods monster,creatures +mao zedong,others +kotobuki minako,others +lovebird,creatures +lewis gun,objects +dodge charger,objects +leucochloridium paradoxum,creatures +hymmnos,text +satellite cannon,objects +shotel,objects +morion,objects +brownie (food),objects +outside of play area,image_composition +triple action thunder,objects +anarchy symbol,attire +hisuian arcanine,creatures +robot hunter casshern,creatures +undine,creatures +sakurai takahiro,others +heavy ball,objects +net ball,objects +topiary,objects +mille-feuille,objects +ido e itaru mori e itaru ido,objects +danny lee,others +jetty,locations +shawarma,objects +paralysis,body_parts +great dane,creatures +mikimoto haruhiko (style),image_composition +great white shark,creatures +pp-91 kedr,objects +ricardo milos,others +stilt house,locations +dao fu,others +fengguan,attire +hanabasami kyou,objects +edoben,others +xp-pen,objects +dachsbun,creatures +iwi jericho 941,objects +step-brother and step-sister,others +it's not you sit down,phrases +eustoma,objects +cockatrice,creatures +anaglyph,image_composition +gunbelt,objects +beretta 93r,objects +puffin,creatures +dodge challenger,objects +weapon shop,locations +kv-1,objects +fp-45 liberator,objects +saddle shoes,attire +ookubo rumi,others +ishida akira (voice actor),others +scrambled egg,objects +soul edge (weapon),objects +set (mythology),creatures +nagamaki,objects +hawker harrier,objects +tbf avenger,objects +cat cutout panties,creatures +weapon rack,objects +tsuutenkaku,locations +fairouz ai,others +okidogi,creatures +protect gear,objects +polehammer,objects +fujita saki,others +kingyo chuuihou!,image_composition +rpk,objects +mozilla thunderbird,objects +1994,year_tags +itou junji (style),image_composition +dianthus,objects +assless swimsuit,attire +daewoo k1,objects +quadruple scoop,objects +cat helmet,creatures +ryuukishi07 (style),image_composition +malay text,text +perrserker,creatures +d4y suisei,objects +tied breast,body_parts +kawamura toshie (style),image_composition +nice knee socks day,others +quadruplets,others +leaning tower of pisa,locations +hewie,creatures +concertina,objects +necking,body_parts +knights templar,objects +bmw z4,objects +ptrs-41,objects +toto (twooz),creatures +friend ball,objects +tail stand,body_parts +ogura yui,others +sr-25,objects +magpul fmg-9,objects +matt groening (style),image_composition +zentlardy alphabet,text +b-2 spirit,objects +zinnia,objects +irene (red velvet),others +carrot cake,objects +crocea mors (rwby),objects +diagonal-striped legwear,attire +dutch text,text +uekawa yuji (style),image_composition +ginger root,objects +lasagne,objects +low bitrate,metatags +crucifix,attire +shower cap,attire +liu bei,others +bruce lee,others +su-37,objects +sousaphone,objects +satou satomi,others +lorum piercing,attire +akaname,creatures +gp-25,objects +tail lock,posture +aspear berry,objects +futa with newhalf,sex_acts +fuchigami mai,others +armory,locations +blazefire saber,objects +nagai gou (style),image_composition +standing on desk,body_parts +hs2000,objects +angel's trumpet,objects +b-29 superfortress,objects +whole rest,attire +sixteenth rest,attire +h&k sl8,objects +isayama hajime (style),image_composition +bicycles only sign,attire +no stopping sign,attire +demon days (gorillaz),objects +the rock (dwayne johnson),others +center axis relock stance,objects +missile (ace attorney),creatures +takahashi akira (style),image_composition +pixel eyes,body_parts +bow on wing,body_parts +pp-19-01 vityaz,objects +expressive wings,body_parts +nakahara mai,others +diaper changing,verbs_and_gerunds +aphex twin,objects +t-65 x-wing,objects +geyser,locations +i don't have a single regret in my life,phrases +lionel messi,others +drawn on eyes,body_parts +schwerer gustav,objects +tsuda minami,others +panties over bike shorts,attire +pumpkin pie,objects +control tower,locations +lewis hamilton,others +world baseball classic,others +water wings,disambiguation_pages +pound cake,objects +cigarette candy,objects +keep this a secret from everyone in class,phrases +sr-71 blackbird,objects +h&k p7,objects +bundesliga,others +jasmine (flower),objects +zipper legwear,attire +half rest,attire +takeuchi mariya,others +h&k xm8,objects +gingham legwear,attire +intestine hair,body_parts +gotouge koyoharu (style),image_composition +maromi,creatures +portugal,locations +separated wrists,sex_acts +gunship,objects +fn minimi,objects +malaysia,locations +radio telescope,objects +savoia s.21,objects +horseshoe crab,creatures +lecturing,verbs_and_gerunds +bunker,locations +apricot (fruit),objects +russian empire,locations +nameless hill,locations +toppo,objects +alexander (fma),creatures +common kingfisher,creatures +equal sign,attire +cooling tower,locations +champagne coupe,objects +roningasa,attire +baobab,objects +gravy boat,objects +fliegerhammer,objects +red cat,creatures +rose (blackpink),others +jennie (blackpink),others +alternator,objects +charge rifle,objects +peacekeeper (shotgun),objects +maritozzo,objects +sig sg552,objects +cats are scared of cucumbers (meme),creatures +banana popsicle,objects +calvin & hobbes,image_composition +railway gun,objects +fukuen misato,others +bloomers on head,attire +hobbit,creatures +hayashibara megumi,others +me 262,objects +leonardo da vinci,others +beam shield,objects +tama (dragon ball),creatures +bowed wings,body_parts +qbz-03,objects +uav,objects +softenni,others +letter pose,posture +octagon,attire +guqin,objects +amegakure symbol,attire +golden gate bridge,locations +kazakhstan,locations +blue-and-yellow macaw,creatures +shichi-go-san,others +singapore,locations +ice cream stand,objects +toyota crown,objects +daewoo k5,objects +barley tea,objects +imagawayaki,objects +ribs (food),objects +kazoo,objects +major 2nd,others +morino hon (style),image_composition +thirty-second note,attire +check annotation,metatags +road closed to vehicles sign,attire +dydoe,attire +divine spirit mausoleum,locations +itagaki keisuke (style),image_composition +jerma985 (person),others +cherry pie,objects +cricket,creatures +pixiv robot wars,others +napoleon bonaparte,others +ioryogi,creatures +machine translated,metatags +snake penis,body_parts +animal pose,posture +ak-105,objects +linkin park,objects +onomichi (city),locations +michelle ruff,others +dragon dance,others +fn mag,objects +snowy owl,creatures +40mm grenade,objects +breast implants,body_parts +super mario-kun,image_composition +super mario strikers,others +nanakusa-no-sekku,objects +garrison regiment (emblem),attire +beamed thirty-second notes,attire +knife in hair,body_parts +power glove (nintendo),objects +raven's bite,objects +restroom sign,attire +wand lighter,objects +longhorn,objects +saab gripen,objects +kamineko,creatures +ghoul,creatures +touch (manga),others +jackie chan,others +all-terrain vehicle,objects +iron maiden (band),objects +giant cat,creatures +self fisting,sex_acts +itou kanae,others +slushie,objects +pinata,objects +timer ball,objects +edelweiss (senjou no valkyria),objects +pipelining,verbs_and_gerunds +switch axe,objects +gewehr 43,objects +triptych (art),image_composition +nissan 350z,objects +south korea,locations +licking eye,verbs_and_gerunds +pixiv genealogy of life,others +larkspur (flower),objects +saberstaff,objects +g4m,objects +b6n tenzan,objects +sasumata,objects +uss des moines (ca-134),objects +peach slice,objects +scan dust,metatags +m43 field cap,attire +archaic japanese text,text +ryaku,phrases +igeta (pattern),image_composition +censored testicles,image_composition +metal band text,text +wallwalking,posture +nekokoneko,creatures +uguu~,phrases +bongo drums,objects +mini uzi,objects +cuttlefish,creatures +paku romi,others +su-27,objects +times square,locations +t-90,objects +valentine (tank),objects +koyasu takehito,others +chile,locations +hands on shoulder,body_parts +black spaghetti,objects +mikami shiori,others +jigoku no misawa (style),image_composition +kurumada masami (style),image_composition +cromwell (tank),objects +f/a-18e super hornet,objects +kabayaki,objects +bok choy,objects +dassault rafale,objects +papillon (dog),creatures +adrian helmet,attire +amamiya sora,others +rainbow legwear,attire +iwi x95,objects +h&k mg4,objects +coughing flowers,objects +pepper mill,objects +mp41,objects +peel (tool),objects +ksvk 12.7,objects +check spoilers,metatags +guided pectoral grab,sex_acts +whipping hair,body_parts +invasion stripes,image_composition +italia mondial,objects +full scorpion,posture +haneame,others +nukunuku nigirimeshi (style),image_composition +moonflower (flower),objects +rebelle (medium),others +twitter thumbnail collage,image_composition +cybernetic,objects +nonaka ai,others +cat between legs,creatures +kiss (rock band),objects +switzerland,locations +dump truck,objects +rpd,objects +enekk,creatures +st basil's cathedral,locations +vladimir lenin,others +eve (mythology),creatures +pp-2000,objects +las vegas,locations +ankle holster,objects +rifling,objects +baby steps,others +raw egg,objects +himaruya hidekazu (style),image_composition +cross fleury,attire +cross moline,attire +p-40 warhawk,objects +airfield,locations +margarita,objects +elon musk,others +butterfly knife (apex legends),objects +crested hair,body_parts +licking another's hair,body_parts +mako-hime,others +benjamin franklin,others +mount rushmore,locations +capacitor,objects +mig-21,objects +tower of the sun,locations +panzerschreck,objects +lure ball,objects +real madrid,others +breast clinging,verbs_and_gerunds +1988,year_tags +fc barcelona,others +pixiv forest,others +passion flower,objects +bomb suit,objects +costume combination,artistic_license +kyary pamyu pamyu,objects +scotland,locations +yamata no orochi,creatures +mongkhon,attire +cristina valenzuela,others +okra,objects +sadamoto yoshiyuki (style),image_composition +1987,year_tags +audi r8,objects +pps-43,objects +t-55,objects +zither,objects +technical,objects +ishikawa ken (style),image_composition +pudding a la mode,objects +hirano kouta (style),image_composition +monty oum (creator),others +c-47,objects +lr-300,objects +star hands,posture +lesser dog,creatures +against bed,body_parts +webley-fosbery automatic revolver,objects +break action,objects +ram (computer),objects +high-waist panties,attire +has artifacted revision,image_composition +jeffrey mangiat (style),image_composition +a cat is fine too (meme),creatures +cooperative naizuri,body_parts +silver one-piece swimsuit,attire +longevity peach bun,objects +marmalade,objects +tomino yoshiyuki,others +food fight,objects +su-30,objects +stranger mukou hadan,creatures +su-33,objects +ootani ikue,others +braille,text +chauchat,objects +akagi (aircraft carrier),objects +digital rain,attire +aps rifle,objects +kyojin no hoshi,others +nuclear powerplant,locations +stillsuit,objects +woodpecker,creatures +pokeblock case,objects +huge afro,body_parts +afghanistan,locations +hara yumi,others +hokkai,locations +1992,year_tags +fender jaguar,objects +red-and-green macaw,creatures +flatbed truck,objects +chicago bulls,others +ki-84 hayate,objects +kaga (battleship),objects +liquid wings,body_parts +cat pendant,creatures +interlocked mars symbols,attire +browning auto 5,objects +against desk,body_parts +on umbrella,body_parts +periwinkle (flower),objects +ye olde zipangese,others +shotgun speedloader,objects +cat eye-framed eyewear,attire +dekopon (fruit),objects +ecchi nano wa ikenai to omoimasu,phrases +cel,image_composition +download link,metatags +hillary clinton,others +dunkleosteus,creatures +blue rose (gun),objects +king of the hill,image_composition +athena (mythology),creatures +1991,year_tags +mikasa (battleship),objects +miner,others +otacool,others +slayer (band),objects +sphynx (cat),creatures +rod of asclepius,attire +garbage truck,objects +arrow to the knee,phrases +wing hold,body_parts +ar-18,objects +salon pixiv,others +black forest cake,objects +chiffon cake,objects +fruit pattern,attire +campaign hat,attire +type 99 light machine gun,objects +ideolo (style),image_composition +soda fountain,objects +standing on roof,body_parts +secretarybird,creatures +toyota mr2,objects +beretta model 38,objects +f-104 starfighter,objects +bernie sanders,others +hockey sweater,others +1984 (year),year_tags +502nd joint fighter wing (emblem),attire +z-crystal,objects +bunny ayumi,others +daewoo k11,objects +spathiphyllum,objects +the king (burger king),objects +h&k vp9,objects +kraber,objects +smelling pantyhose,sex_acts +kris (weapon),objects +squirt bottle (pokemon),objects +z (russian symbol),attire +on weapon,body_parts +dark knight,objects +miyazaki hayao (person),others +pharmacy,locations +austria,locations +open in internet explorer,image_composition +p-38 lightning,objects +sd card,objects +asian kung-fu generation,objects +j-10,objects +plasma rifle,objects +heen,creatures +cherish ball,objects +sydney opera house,locations +penis in eye,sex_acts +lancia stratos,objects +stax,objects +turkey (country),locations +heart hands trio,body_parts +m110 sass,objects +suzuki ichirou,others +root beer,objects +m72 law,objects +hifu,others +h&k mp5sd,objects +yahweh,creatures +mare's leg,objects +food awe,body_parts +slit throat (gesture),body_parts +ootsubo yuka,others +blaser r93,objects +banana split,objects +momiji manjuu,objects +usas-12,objects +kobe bryant,others +pixiv gakuen,others +dshk,objects +bearskin cap,attire +edelweiss (flower),objects +rubber day,others +mitsuba aoi (tokugawa mon),attire +ribbon of saint george,others +pinyin text,text +joe biden,others +great pyramid of giza,locations +cat burger,creatures +jalapeno pepper,objects +scorpion pose,posture +line sticker available,metatags +asterisk (symbol),attire +kadowaki mai,others +pepsi ice cucumber,objects +miyano mamoru,others +seki tomokazu,others +the pillows,objects +che guevara,others +mario strikers charged,others +andrew wk,others +ki-61 hien,objects +the rolling stones,objects +taco bell,objects +goliath tracked mine,objects +foxglove,objects +t91 assault rifle,objects +mobius strip,attire +btr-80,objects +maxim gun,objects +gel banana,objects +octahedron,attire +aoyama goushou (style),image_composition +subaru brz,objects +1986,year_tags +sulphur-crested cockatoo,creatures +serbia,locations +cassowary,creatures +stollen,objects +mario basketball 3on3,others +ruger mini-14,objects +honeydew (fruit),objects +c-5m super galaxy,objects +cocktail flower,objects +oobari masami (style),image_composition +no u-turn sign,attire +unadon (food),objects +yamakawa jun'ichi (style),image_composition +ryan gosling,others +stringer,attire +onono imoko (style),image_composition +unreal (medium),others +yonezu kenshi (person),others +orange pepper,objects +lost (sound horizon),objects +mcmillan tac-50,objects +chocoball,others +abraham lincoln,others +bongun,creatures +mazda rx-8,objects +croatia,locations +hungary,locations +great wall of china,locations +king crimson,objects +seal costume,attire +adfx-02 morgan,objects +repeat ball,objects +westminster palace,locations +ninja toes,body_parts +arapaima,creatures +speedloader,objects +merkava (tank),objects +b-17 flying fortress,objects +jollibee (mascot),objects +rpk-74,objects +tortoiseshell-framed eyewear,attire +2018 winter olympics,others +h&k hk21,objects +h&k hk433,objects +katzbalger,objects +scottish english text,text +panzerfaust 3,objects +energy hair,body_parts +ashizawa saki,objects +sentinel esr,objects +ueda hajime (style),image_composition +dead man's curve,objects +honggaitou,attire +horus (mythology),creatures +aphrodite (mythology),creatures +gaiwan,objects +mirco demuro,others +eating during class,objects +nosejob,sex_acts +legend of lemnear,image_composition +moot,others +boar costume,attire +oda nobunaga,others +wakamoto norio,others +mig-25,objects +hiroshima,locations +minidisc,objects +wingjob,body_parts +akaname-san,creatures +1993,year_tags +shiro (shin-chan),creatures +88 flak,objects +capture styler,objects +radiohead (band),objects +pontoon,objects +hawker hurricane,objects +umehara daigo,others +is-3,objects +angry video game nerd,others +tokyo city hall,locations +tsuru hiromi,others +dog biscuit,creatures +pierced wings,body_parts +bearded girl,body_parts +nigella,objects +combination wrench,objects +rockhopper penguin,creatures +black swan (bird),creatures +byzantine empire,locations +mongolia,locations +tupac shakur,others +takao (cruiser),objects +takeuchi naoko (style),image_composition +forced dressing,verbs_and_gerunds +tomato plant,objects +ochazuke (food),objects +f-117 nighthawk,objects +constructicon,objects +studded legwear,attire +open cylinder (revolver),objects +air quotes,body_parts +breast crush,body_parts +h&k g28,objects +souffle (food),objects +palestine,locations +cat pasties,creatures +b7a ryuusei,objects +hindi text,text +russian air force,objects +volt smg,objects +tauren (warcraft),creatures +2022 winter olympics,others +pomegranate flower,objects +muscle cuirass,objects +ultimate moe,subjective +bullfighting,verbs_and_gerunds +ace wo nerae!,others +opabinia,creatures +flak,objects +steve jobs,others +bread crust,objects +nakata jouji,others +building sex,sex_acts +quin tails,body_parts +hisakawa aya,others +argetlahm,objects +stan lee,others +chiang kai-shek,others +1990,year_tags +lumberjack,others +bt-7,objects +yorkshire terrier,creatures +green bean,objects +ch-53,objects +mito hollyhock,others +international space station,objects +guns n' roses,objects +mangosteen,objects +pika pika pikarin jankenpon,phrases +1989,year_tags +touchscreen,objects +sistrum,objects +fake eyelashes,body_parts +miura kentarou (style),image_composition +oohashi ayaka,others +gsh-18,objects +han megumi,others +moe musume,others +rare cheesecake,objects +takeuchi shunsuke,others +a6m2-n,objects +patreon logo censor,image_composition +one (style),image_composition +orthodox cross,attire +kouno marika,others +noppo bread,objects +bundled charge,objects +pulling off legwear,attire +oriental pearl tower,locations +ferrari f8 tributo,objects +arc star,objects +thermite grenade,objects +linothorax,objects +cooperative breast smother,sex_acts +ichinose kana,others +sparkle censor,image_composition +sun quan,others +asakawa yuu,others +sakamoto ryouma,others +nakajima megumi,others +millipede,creatures +compensator,objects +musashi (battleship),objects +warabimochi,objects +waist measuring,verbs_and_gerunds +glass cockpit,objects +black lotus,objects +h&k vp70,objects +anti-tank grenade,objects +refinery,locations +naga (avatar),creatures +jackalope,creatures +aerial tram,objects +fast animated gif,metatags +sword of resonance,objects +minaret,locations +bryan lee o'malley (style),image_composition +cuneiform,text +michael jordan,others +cacao fruit,objects +remington new model,objects +mk48,objects +saint patrick's day,others +underbarrel shotgun,objects +volkswagen golf,objects +dodecahedron,attire +c-130 hercules,objects +mizutani yuuko,others +chaeyoung (twice),others +gluhwein,objects +dotted eighth note,attire +aqua-tinted eyewear,attire +check medium,metatags +hoshiai no sora,others +suga yoshihide,others +kure (city),locations +take yutaka,others +rosemary (herb),objects +wada arco (style),image_composition +biwon blade,objects +chuseok,others +oncidium,objects +ragdoll (cat),creatures +takahashi kazuki (person),others +daisy chain (sex),sex_acts +type 80 machine gun,objects +standing on vehicle,body_parts +papercraft,image_composition +jav,metatags +marimba,objects +are you talking about kuririn,phrases +penis tail,body_parts +kubelwagen,objects +denmark,locations +forest of pixiv,others +juventus fc,others +notre dame de paris,locations +lady gaga (copyright),objects +apricorn,objects +dallas cowboys,others +chernobyl,locations +m18 hellcat,objects +coffee press,objects +namahage,creatures +sex shop,locations +tank gun,objects +abe shinzou,others +artemis (mythology),creatures +caviar,objects +huke (style),image_composition +uefa champions league,others +drama layer,image_composition +jim davis (style),image_composition +liverpool fc,others +galapagos penguin,creatures +caplock,objects +marashii,others +unzipping with mouth,verbs_and_gerunds +panzerbuchse 39,objects +hera (mythology),creatures +uss albacore (ss-218),objects +old english sheepdog,creatures +standing on bed,body_parts +torioigasa,attire +pixiv card battler,others +yasuhiko yoshikazu (style),image_composition +tea strainer,objects +sawada yukio (style),image_composition +bmw m4,objects +xf5u,objects +uss wisconsin (bb-64),objects +cd (source),metatags +cat on ass,creatures +togashi yoshihiro (style),image_composition +steyr hs .50,objects +horn band legwear,attire +cat cafe,creatures +1920s (style),image_composition +dirty pair (novels),image_composition +hemlok,objects +jisoo (blackpink),others +motor vehicles only sign,attire +kon satoshi (director),others +leash on penis,sex_objects +triple take,objects +tamegai katsumi (style),image_composition +rainbow cake,objects +people die if they are killed (meme),phrases +sobek (mythology),creatures +touhou igyoukyo,image_composition +houndstone,creatures +brain control (yu-gi-oh!),disambiguation_pages +zb-26,objects +george russell,others +easter island,locations +scarf tying,verbs_and_gerunds +rhyme,text +world trade center,locations +belgium,locations +mig-31,objects +s&w 500,objects +kimchi,objects +tu-95,objects +quail,creatures +satake (ichigo mashimaro),creatures +hallucigenia,creatures +bee (dragon ball),creatures +manchester united,others +lady gaga,others +cat skull,creatures +heliconia,objects +robert downey jr.,others +type 61 (tank),objects +boeing 787,objects +suzumura ken'ichi,others +john cena,others +ibm,objects +anman,objects +nomura tetsuya (style),image_composition +christine marie cabanos,others +national hockey league,others +plover (animal),creatures +adelie penguin,creatures +nishimura kinu (style),image_composition +in the court of the crimson king,objects +svt-40,objects +yukikaze (destroyer),objects +type 99 tank,objects +kakuma ai,others +death grips,objects +uss hornet (cv-8),objects +blue-footed booby,creatures +nagoya (city),locations +reol,others +falchion (weapon),objects +miyazaki hayao (style),image_composition +ac-bu (style),image_composition +stealth paizuri,sex_acts +danish text,text +carl gustaf recoilless rifle,objects +dondurma (ice cream),objects +havoc energy rifle,objects +gibson es-335,objects +weezer (band),objects +tohokuben,others +inteyvat flower (genshin impact),objects +lorgnette,attire +bear ear headphones,body_parts +necklace censor,image_composition +censored profanity,image_composition +satan (mythology),creatures +menchi,creatures +attack no 1,others +bound calves,sex_acts +kuwashima houko,others +translation note,metatags +time stranger kyoko,image_composition +heath ledger,others +cake dress,attire +pistachio,objects +msx,objects +shimoda asami,others +pixiv army,others +chrysler building,locations +m3 stuart,objects +bike-chan,creatures +kublai khan,others +level ball,objects +chelsea fc,others +los angeles,locations +contra-rotating propellers,objects +arsenal fc,others +separated arms,sex_acts +faux egyptian,text +resistor,objects +force edge (dmc),objects +ice hockey,others +gau-8,objects +wangan midnight,image_composition +shihouin yoruichi (cat),creatures +heptagram,attire +decagram,attire +george washington,others +xm2010,objects +m67,objects +true rune,attire +komatsu mikako,others +peregrine falcon,creatures +dragunov svu,objects +shocker (gesture),body_parts +arare (food),objects +yugoslavia,locations +zastava m70,objects +mizuki shigeru (style),image_composition +san antonio spurs,others +loquat,objects +m41 walker bulldog,objects +leafy seadragon,creatures +cross patonce,attire +fuchsia (flower),objects +j2m raiden,objects +long spout teapot,objects +hanae natsuki,others +video available,metatags +ash-12.7,objects +sabaton (band),objects +character hat ornament,attire +los angeles dodgers,others +serbo-croatian text,text +hungarian text,text +nagano mamoru (style),image_composition +c.a.r. smg,objects +monk shoes,attire +redaction,image_composition +fragile symbol,attire +george w. bush,others +hiyayakko (food),objects +feather censor,image_composition +star-shaped hair,body_parts +b&t apc,objects +wada ryuji,others +zeus (mythology),creatures +2023 world baseball classic,others +flycatcher (animal),creatures +fujita mariko (style),image_composition +emu,creatures +hirohashi ryou,others +sanada asami,others +friender,creatures +will smith,others +tom cruise,others +rave party,disambiguation_pages +ported barrel,objects +ac milan,others +sdkfz 251,objects +heartbreak haircut,body_parts +benito mussolini,others +mode gakuen cocoon tower,locations +fusou (battleship),objects +ireland,locations +rob halford,others +antonov an-225,objects +james rolfe,others +yokohama landmark tower,locations +beyerdynamic,objects +pokenav,objects +no fire,artistic_license +xillia symbol,attire +suwabe jun'ichi,others +king's rock,objects +fubuki (destroyer),objects +boston celtics,others +fc bayern munchen,others +yulia nova,others +lebron james,others +aek-999,objects +golden state warriors,others +michelangelo (sculptor),others +inconsistent censoring,image_composition +i-401 (submarine),objects +tog ii,objects +cross fitchy,attire +anzai chika,others +adam (mythology),creatures +blueberry tart,objects +2016 summer olympics,others +wool (miwol) (style),image_composition +euro 2016,others +lebel model 1886,objects +victory day,others +pizza toast,objects +hirai hisashi (style),image_composition +kiltie loafers,attire +koga aoi,others +cloth glansjob,sex_acts +hair color switch,artistic_license +flipaclip (medium),others +lahti l-39,objects +cone (geometry),attire +flight attendant hat,attire +kawasaki t-4,objects +flag dress,attire +yuzuki ryouka,others +oohara sayaka,others +iraq,locations +ogata megumi,others +ludwig van beethoven,others +noishe,creatures +led zeppelin,objects +animal hair,creatures +automag,objects +gun in pussy,body_parts +jeremy clarkson,others +tanaka atsuko,others +hijikata toshizou,others +dunce cap,attire +armored twintails,objects +albert einstein,others +gs ball,objects +chouno masahiro,others +moon stone,objects +shoukaku (aircraft carrier),objects +namikawa daisuke,others +m2 bradley,objects +chobi (pixiv),creatures +carrot sticks,objects +glass eye,body_parts +i-16,objects +nagasaki,locations +kashima antlers,others +borussia dortmund,others +garnet (jewelpet),creatures +slavic mythology,creatures +sagrada familia,locations +gabe newell,others +cougar (animal),creatures +true apocrypha,objects +photomosaic,image_composition +king (mother 2),creatures +pixiv robot wars gaia,others +akabane kenji,others +area 51,locations +taipei 101,locations +winged hussar,objects +alex ahad (style),image_composition +yamaguchi noboru (author),others +atago (cruiser),objects +t-26,objects +kuno misaki,others +bmw r75,objects +chest binder,body_parts +uss new jersey (bb-62),objects +gun barrel sequence,objects +egg tart,objects +cat band,creatures +shigeno shuuichi (style),image_composition +up (disney),creatures +tim burton (style),image_composition +ootomo katsuhiro (style),image_composition +tzuyu (twice),others +504th joint fighter wing (emblem),attire +after buttjob,sex_acts +songkran,others +video crop,metatags +junna (singer),others +nipple lock,body_parts +prowler smg,objects +ottoman empire,locations +penis under breasts,body_parts +choi seol-hwa,others +m600 spitfire,objects +fukunaga yuuichi,others +dream (youtuber),others +azpainter (medium),others +dolphin hat ornament,attire +egret (animal),creatures +hands on another's crotch,body_parts +censored symbol,image_composition +leviathan (mythology),creatures +censored urethra,image_composition +theremin,objects +billhook,objects +p-47 thunderbolt,objects +space uniform,objects +gotou saori,others +momoi haruko,others +cyclist,others +yngwie malmsteen,others +norway,locations +dubai,locations +winston churchill,others +falcata,objects +shoe pull,nudity +takayama minami,others +blue impulse (team),objects +haruna (battleship),objects +miyu miyu,creatures +f-5 freedom fighter,objects +condor,creatures +mas-36,objects +sterling smg,objects +belderiver,objects +ultrasone,objects +ise mariya,others +colombia,locations +shimakaze (destroyer),objects +amulet coin,objects +monster truck,objects +2012 summer olympics,others +chitose ame,objects +chastity bra,sex_objects +abalone,creatures +curved monitor,objects +ferrari 458 italia,objects +bowling glove,others +cormorant,creatures +iran,locations +blood on panties,attire +green day,objects +shaquille o'neal,others +kazuma kaneko (style),image_composition +type 96 light machine gun,objects +kurosawa tomoyo,others +cross potent,attire +f-86 sabre,objects +stridsvagn 103,objects +x-2 shinshin,objects +cat bra,creatures +bob (biyonbiyon) (style),image_composition +tinami sample,metatags +echidna (animal),creatures +bobunemimimmi,image_composition +cat button,creatures +h&k hk45,objects +fx-05 xiuhcoatl,objects +kord 6p50,objects +revive (pokemon),objects +kim yo-jong,others +in umbrella,body_parts +miura kentarou (mangaka),others +gloriosa (flower),objects +licking floor,verbs_and_gerunds +sakou yukie (style),image_composition +abbath,others +censored clitoris,image_composition +mk2 grenade,objects +shadow censor,image_composition +asano masumi,others +t-80,objects +jazz,objects +nakagawa shouko,others +hair bikini,body_parts +su-35,objects +mojito,objects +chiba saeko,others +stonehenge,locations +mont st-michel,locations +nakamura eriko,others +mothman,creatures +zero (nbc),creatures +cross game,others +toyoguchi megumi,others +berlin wall,locations +j-10b,objects +mig-23,objects +tu-160,objects +programming,objects +fast ball,objects +confederate states of america,locations +taj mahal,locations +schrodinger's cat,creatures +sparda (sword),objects +uruguay,locations +conquistador,objects +zuikaku (aircraft carrier),objects +douglas macarthur,others +needler,objects +f8f bearcat,objects +h p lovecraft,others +kaminarimon,locations +elizabeth ii,others +guilt,body_parts +cake pan,objects +choice band,objects +thanatos (album),objects +frogmouth,creatures +miami heat,others +mao cap,attire +bill watterson (style),image_composition +m41a pulse rifle,objects +staff room,locations +kakapo,creatures +azuma kiyohiko (style),image_composition +berlin,locations +game grumps,others +akasaki chinatsu,others +ppd-40,objects +1983,year_tags +passion fruit,objects +m48 patton,objects +kim jong-un,others +shintani mayumi,others +faux cyrillic,text +s&w m29,objects +major mitchell's cockatoo,creatures +uss south dakota (bb-57),objects +arch linux,objects +brooklyn bridge,locations +makisu,objects +gibson explorer,objects +blood censor,image_composition +currant,objects +c6n saiun,objects +speech bubble censor,image_composition +ichimichi mao,others +powerplant,locations +vincent van gogh (person),others +nyaos,creatures +da pump,objects +potoo,creatures +rich evans,others +kiwi print,attire +little egret,creatures +bear band legwear,attire +tewoarao-!,phrases +cinema 4d (medium),others +parking permissive sign,attire +club atletico boca juniors,others +yellowtip cockatoo (idolmaster),creatures +matoran language,text +30-30 repeater,objects +i'm wet! (meme),phrases +tokido (gamer),others +after effects (medium),others +bill gates,others +orikasa fumiko,others +david bowie,others +alliteration,text +erwin rommel,others +greyhound,creatures +kojima hideo,others +tie interceptor,objects +burj khalifa,locations +l3 (tank),objects +wolfgang amadeus mozart,others +chernobyl npp,locations +treasure mark censor,image_composition +boston red sox,others +2009 world baseball classic,others +beretta m12,objects +ntt docomo yoyogi building,locations +mirage 2000,objects +saw sawing,locations +fire body,objects +matsui rena,others +akebia fruit,objects +furikake (food),objects +birdie the early bird,objects +mosque,locations +parthenon,locations +red velvet cake,objects +austria-hungary,locations +pewdiepie,others +romania,locations +t-64,objects +foreskin piercing,attire +lunge mine,objects +otogakure symbol,attire +kizaki yuria,others +2014 winter olympics,others +a7v (tank),objects +drydock,locations +cum in urethra,sex_acts +euro sign,attire +empanada,objects +dog on shoulder,body_parts +toyota corolla,objects +amx-40,objects +shimada fumikane (style),image_composition +passenger pigeon,creatures +jiao bei jiu,objects +lancia delta s4,objects +aerial root,objects +kaze no daichi,others +romanian text,text +cantonese text,text +philadelphia 76ers,others +grey heron,creatures +oda non (style),image_composition +rhodesia,locations +school crossing sign,attire +x-55 devotion,objects +b&t apc556,objects +tengwar text,text +white strawberry,objects +century egg (food),objects +muse mark (identity v),attire +carlos sainz,others +kujou karen pose,posture +artificial ass,sex_objects +angel halo (mon-musu quest!),objects +cardinal (animal),creatures +whiteboard fox (medium),others +tadano kazuko (style),image_composition +guitar girl,objects +ginkgo nut,objects +nazuka kaori,others +megamac,objects +osama bin laden,others +kuwatani natsuko,others +opera,objects +conga drums,objects +tiny anus,body_parts +salon,locations +miyamoto shigeru,others +cremation,objects +adf-01 falken,objects +tsr-2,objects +ak-102,objects +white house,locations +james may,others +panties around tail,attire +john lennon,objects +robin (animal),creatures +koizumi jun'ichirou,others +alastor (sword),objects +rhododendron,objects +oasis (band),objects +type 4 chi-to,objects +sex pistols,objects +black sabbath,objects +souryuu (aircraft carrier),objects +m7,objects +mi-8,objects +killmark,objects +2011 fifa women's world cup,others +albatross,creatures +peru,locations +sun stone,objects +soothe bell,objects +water polo,others +matsui jurina,others +urawa red diamonds,others +soulcalibur (weapon),objects +naki no ryuu,image_composition +repel,objects +dagger axe,objects +t-62,objects +naya gorou,others +yes (band),objects +fedorov avtomat,objects +reggie fils-aime,others +mat-49,objects +anti-tank gun,objects +drill tank,objects +sanfrecce hiroshima,others +washington d.c.,locations +pixiv master and servant,others +terry pratchett,others +harada takehito (style),image_composition +hollywood sign,locations +nissan sileighty,objects +mitsubishi fusou,objects +scarlett johannson,others +chris pratt,others +uchida yuuma,others +obata takeshi (style),image_composition +shia labeouf,others +cat furniture,creatures +bleeding heart (flower),objects +wada kouji,others +galil ace,objects +ayrton senna,others +shimazaki nobunaga,others +raisin (fruit),objects +canned tea,objects +kikka (airplane),objects +cristiano ronaldo,others +tentacle gagged,sex_acts +k2 black panther,objects +shizuma yoshinori (style),image_composition +barrel (weapon),objects +cetme ameli,objects +knit legwear,attire +turkish text,text +irish text,text +romaja text,text +stonehenge turret network,locations +rainbow-tinted eyewear,attire +canada goose,creatures +belko (style),image_composition +railroad crossing ahead sign,attire +cr1tikal,others +tony taka (style),image_composition +b3 wingman elite,objects +anya taylor-joy,others +puraore! pride of orange,others +liga mx,others +censored insect,image_composition +flower of life (pattern),image_composition +anno hideaki (person),others +sig sg510,objects +om (symbol),attire +sig p210,objects +lucifer (mythology),creatures +kako-hime,others +he 111,objects +wanta,creatures +kim jong-il,others +takahashi chiaki,others +fukui yukari,others +koyama rikiya,others +pro golfer saru,others +rule of rose,creatures +daihatsu midget,objects +stryker,objects +electric organ,objects +midorikawa hikaru,others +prussia,locations +beavis and butt-head,image_composition +1chip msx,objects +yonakuni,creatures +lotus elise,objects +mr t,others +harrison ford,others +kanye west,others +cait sith (aria),creatures +osprey,creatures +de havilland mosquito,objects +red hot chili peppers,objects +a-4 skyhawk,objects +seattle,locations +pixiv wrestling association,others +replicant,objects +phoenix suns,others +x japan,objects +nomizu iori,others +hagia sophia,locations +eggnog,objects +hiryuu (aircraft carrier),objects +jatimatic,objects +louvre pyramid,locations +pixiv fairy,others +forsythia,objects +kanto map,objects +max revive,objects +hippocamp,creatures +yonaga tsubasa,others +yuri gagarin,others +oxygen destroyer,objects +buriki (style),image_composition +christ the redeemer,locations +auu,phrases +ishizuka unshou,others +k31,objects +lily (majo no takkyuubin),creatures +blue-and-white flycatcher,creatures +african grey parrot,creatures +sekigahara gakuen,others +sturmtiger,objects +cerezo osaka,others +ahiru no sora,others +samuel l. jackson,others +gepard gm6 lynx,objects +dragon boat,others +sapporo (city),locations +elena sergeevna katina,others +yulia olegovna volkova,others +uss yorktown (cv-5),objects +nec corporation,objects +rio de janeiro,locations +m-8 avenger,objects +sylvester (looney tunes),creatures +petronas twin towers,locations +strawberry chocolate,objects +leonard nimoy,others +murata yuusuke (style),image_composition +leonardo dicaprio,others +charlotte cake,objects +horiguchi yukiko (style),image_composition +uss pennsylvania (bb-38),objects +cross bottony,attire +hawker sea fury,objects +combaticon,objects +t-14 armata,objects +i just don't get it (madoka magica),phrases +one world trade center,locations +all out!!,others +xi jinping,others +crotchless buruma,attire +kenkou cross (style),image_composition +tow atgm,objects +czech text,text +h&k ag36,objects +h&k mg36,objects +budenovka,attire +pby catalina,objects +tobey maguire,others +turn left sign,attire +megan thee stallion,others +minnan text,text +solar (mamamoo),others +corrupted flash,metatags +rampage lmg,objects +single-shoulder sweater,body_parts +nikocado avocado,others +shashka,objects +bichir,creatures +airbus a350,objects +abigail shapiro,others +cat transcendence (meme),creatures +boeing 737,objects +ribbon censor,image_composition +type 59 (tank),objects +distress hand signal,body_parts +trucker,others +shintani ryouko,others +kikuchi mika,others +bf 110,objects +sylvester stallone,others +matsuoka yuki,others +shiraishi ryouko,others +ping pong club,others +johann sebastian bach,others +banshee,creatures +flared muzzle,objects +karl marx,others +let it be,objects +neuschwanstein castle,locations +tobimaru (stranger),creatures +barcelona,locations +snapdragon,objects +flugelhorn,objects +2010 winter olympics,others +saab viggen,objects +avro lancaster,objects +magpul pdr,objects +m10 tank destroyer,objects +censored background,image_composition +h6k,objects +nagimaki,objects +nakai kazuya,others +parmesan cheese,objects +bmp-1,objects +naked mole rat,creatures +celestial stones,others +hijiki (seaweed),objects +pixiv hogwarts,others +br55,objects +burglar,others +sailfish,creatures +type 5 chi-ri,objects +ford gt,objects +vektor cr-21,objects +bmw s1000rr,objects +cymbidium,objects +furuya tooru,others +kishida mel (style),image_composition +type 88 lmg,objects +pixiv witch craft school,others +fc internazionale milano,others +chow chow,creatures +nicolas cage,others +in legwear,attire +leopard 1,objects +eminem,others +otto von bismarck,others +comet (tank),objects +ginza wako,locations +mino boushi,attire +fn model 1910,objects +sdkfz 222,objects +takahashi youichi (style),image_composition +murakumo (destroyer),objects +inazuma (destroyer),objects +lafcadio hearn,others +william halsey jr,others +mark i tank,objects +harada katsuhiro,others +country ma'am,objects +fujiwara cocoa (mangaka),others +benedict cumberbatch,others +faker (gamer),others +natalie portman,others +ac-130 spectre,objects +tbd devastator,objects +kujou ichiso (style),image_composition +the onion,image_composition +haul truck,objects +ju 88,objects +type 63 assault rifle,objects +ks-23,objects +ki-44 shouki,objects +tanaka kensuke,others +object 279,objects +paintschainer (software),others +gepard m1,objects +flat envy,body_parts +bugatti chiron,objects +won sign,attire +siren head,creatures +tom holland,others +aerial bomb,objects +begonia (flower),objects +l-star,objects +disc menu,metatags +friday night funkin' (style),image_composition +memphis grizzlies,others +nekopaint (medium),others +palette hat ornament,attire +namagashi,objects +crepe cake,objects +potato flower,objects +pixiv no sekai no kamen rider,others +mizuki ichirou (singer),others +smoke censor,image_composition +optical drive,objects +blue angels (team),objects +jimi hendrix,objects +marina,disambiguation_pages +alexander the great,others +trackball,objects +subaru 360,objects +tokugawa ieyasu,others +wales,locations +dondake,phrases +x68000,objects +balalaika (instrument),objects +sydney,locations +space train,objects +hiyama nobuyuki,others +czech republic,locations +bra on ass,attire +konishi katsuyuki,others +usain bolt,others +matsumoto rika,others +windfire wheel,objects +warthog (halo),objects +ohka (weapon),objects +washington monument,locations +inoue kazuhiko,others +il-2,objects +spas-15,objects +steyr acr,objects +austin mini,objects +carrie fisher,others +sica shishikushiro,objects +hacker,others +new mutants,image_composition +mi-28,objects +f2a buffalo,objects +hermes (mythology),creatures +sling (weapon),objects +supermarine seafire,objects +selkie (mythology),creatures +new england patriots,others +hermann wilhelm goering,others +clint eastwood,others +paris saint-germain,others +electric screwdriver,objects +sumitomo ntk-62,objects +japanese bush warbler,creatures +skrillex,others +texas,locations +j-15,objects +b-1 lancer,objects +stoner 63,objects +nipple plug,body_parts +pixiv automata,others +kirishima (battleship),objects +hades (mythology),creatures +pb pistol,objects +mastiff,creatures +laura bailey,others +m113,objects +brooklyn nets,others +nonomura ryuutarou,others +double happiness,image_composition +uss arizona (bb-39),objects +mogumogu fuyoudo (style),image_composition +fujinami tatsumi,others +winchester model 1866,objects +cafe au lait,objects +kippah,attire +b-24 liberator,objects +pecan,objects +jeb bush,others +your next line is,phrases +j8m shuusui,objects +mk19 grenade launcher,objects +persib bandung,others +paintschainer,metatags +mariah carey,others +kaohsiung,locations +flash 9,metatags +john f. kennedy,others +reimu (flower),objects +fn spr a3g,objects +arsenal bird,objects +wing biting,body_parts +african penguin,creatures +lotus elan,objects +arsenal shipka,objects +wheelchair sign,attire +gretsch 6120,objects +adam sandler,others +r-101c carbine,objects +esp stream-miku-custom,objects +shintani naohiro (style),image_composition +hennin,attire +amx-30,objects +aerialbot,objects +hana bunny,others +persian cat,creatures +old english text,text +tabara seiki,others +ja morant,others +flammable symbol,attire +panavia tornado (aircraft),objects +charles leclerc,others +seitei jujiryou,locations +eye color switch,artistic_license +censored hands,image_composition +julius robert oppenheimer,others +cerastium,objects +o-i (tank),objects +the undertaker (wwe),others +sound burger,objects +kakihara tetsuya,others +flossing,disambiguation_pages +mr. fullswing,others +bruce willis,others +cuba,locations +honda chieko,others +sendai eri,others +mig-15,objects +gouri daisuke,others +everstone,objects +sakurai harumi,others +porsche 356,objects +cameroon,locations +jamie hyneman,others +space needle,locations +south africa,locations +m56 smartgun,objects +pixiv steampunk,others +otacool4,others +airbus a380,objects +bmp-3,objects +elvis presley,objects +mike tyson,others +gilles de rais,others +tommy lee jones,others +menorah,others +nevan (weapon),objects +agave,objects +tentacles in thighhighs,sex_acts +sango (jewelpet),creatures +manchester city fc,others +lava cookie,objects +bugatti veyron,objects +tube amplifier,objects +boeing 767,objects +kawasaki frontale,others +red fox,creatures +nursing bra,body_parts +hayami shou,others +hirasaka makoto (style),image_composition +pound sign,attire +new york knicks,others +michael schumacher,others +osaka castle,locations +opera (web browser),objects +j-31,objects +pina colada,objects +needlefish,creatures +green pheasant,creatures +mori toshiaki (style),image_composition +tano asami,others +black box,disambiguation_pages +su-100,objects +snoop dogg,others +hiei (battleship),objects +zsu-23-4,objects +serving spatula,objects +guiche piercing,attire +suzuya (cruiser),objects +bolt (movie),creatures +bosnia and herzegovina,locations +ayanami (destroyer),objects +kerria japonica,objects +toyota sports 800,objects +marble chocolate,objects +uss north carolina (bb-55),objects +uss northampton (ca-26),objects +uss saratoga (cv-3),objects +oleander,objects +a-6 intruder,objects +a-1 skyraider,objects +e-2 hawkeye,objects +milwaukee bucks,others +k1 (tank),objects +vinny (vinesauce),others +low frame rate,metatags +tsuda kenjirou,others +nusret gokce,others +vespa 150 tap,objects +poseidon (mythology),creatures +nara (city),locations +cat shooting lightning,creatures +yoshimura shiho,others +cleveland cavaliers,others +daewoo k3,objects +ags-30,objects +toyota hilux,objects +mexico city,locations +esperanto text,text +kbo league,others +doug bowser,others +guy fieri,others +adf-11f raven,objects +tuk-tuk,objects +great blue heron,creatures +1940s (style),image_composition +tottenham hotspur fc,others +ciphertext,text +bat legwear,attire +fat man (fallout),objects +rammstein (band),objects +jackson rhoads,objects +euro 2020,others +tazumi riku,others +poser (medium),others +imanami takatoshi,others +longpao,attire +tao dian,others +jonne jarvela,others +andrew garfield,others +maria (garnidelia),others +chris rock,others +transgender symbol,attire +hosoe junko,others +wolfsangel,attire +rogatywka,attire +miyuki hideaki,others +m26 grenade,objects +type 26 revolver,objects +fb msbs grot,objects +yoda (love love show) (style),image_composition +chuck norris,others +cn tower,locations +condoleezza rice,others +faux greek,text +p-61 black widow,objects +shitaya noriko,others +tanaka mayumi,others +jack black,others +toyotomi hideyoshi,others +inuo,creatures +cellphone radio bar,objects +hidaka noriko,others +phone in pussy,body_parts +chicago,locations +shimono hiro,others +pixiv summoner,others +john travolta,others +uso desu,phrases +mazda cosmo,objects +regia aeronautica,objects +julius caesar,others +richard hammond,others +pixiv frontier,others +do 335,objects +minna no golf,others +morikawa toshiyuki,others +sawfish,creatures +hiroshima peace memorial,locations +friendship charm,body_parts +westland wyvern,objects +f-8 crusader,objects +winchester model 1894,objects +nigeria,locations +2002 fifa world cup,others +shinano (aircraft carrier),objects +heinrich luitpold himmler,others +clitoris pump,sex_objects +atlanta hawks,others +yueqin,objects +cuckoo,creatures +ta 152,objects +su-34,objects +el castillo,locations +t65 assault rifle,objects +columbine (flower),objects +triebfluegel,objects +ai aw-50,objects +seattle mariners,others +morin khuur,objects +paul mccartney,objects +costa rica,locations +venezuela,locations +united arab emirates,locations +rudbeckia,objects +boston,locations +arino shin'ya,others +tanemura arina (style),image_composition +headphones on breasts,body_parts +saab draken,objects +four o'clock (flower),objects +lavrentiy beria,others +hyacinth macaw,creatures +house sparrow,creatures +ferret scout car,objects +isu-152,objects +gibson thunderbird,objects +motorhead,objects +brandenburg gate,locations +mazda 3,objects +lav-25,objects +hockey puck,others +sukima onna,creatures +kuala lumpur,locations +myoukou (cruiser),objects +infiltration,others +entwicklung 75,objects +dallas mavericks,others +sabina altynbekova,others +matthew mercer,others +uss ranger (cv-4),objects +sarah anne williams,others +nipple stretcher,body_parts +porsche 918,objects +minnesota timberwolves,others +rms titanic,objects +m551 sheridan,objects +snow cat,creatures +rodrigo duterte,others +ar 196,objects +ju 52,objects +g.55 centauro,objects +dj khaled,others +sb2c helldiver,objects +isuzu elf,objects +svt-38,objects +p-39 airacobra,objects +cockscomb (flower),objects +t77 submachine gun,objects +honey day,others +daniel radcliffe,others +dawn stone,objects +berthier rifle,objects +h&k hk53,objects +k9 thunder,objects +roku (kakushigoto),creatures +estonian text,text +no pedestrian crossing sign,attire +ted kaczynski,others +robert pattinson,others +m6d,objects +allegra clark,others +type 81 carbine,objects +flowing dress (dq),attire +war club (apex legends),objects +death hammer (apex legends),objects +grass lily,objects +airbus a320,objects +anvil position,sex_acts +t-54 (soviet),objects +sentaku-bune (style),image_composition +chest stand handstand,posture +sushi yuusha toro (style),image_composition +marder iii,objects +light hawk wings,body_parts +stephen colbert,others +fukuhara kaori,others +konno hiromi,others +kanai mika,others +cannoli,objects +pixiv yousenki,others +reitei,disambiguation_pages +sigmund freud,others +charlie chaplin,others +yajima akiko,others +asou tarou,others +mokele-mbembe,creatures +psy,others +yuri lowenthal,others +uirou (food),objects +steve irwin,others +hoshi souichirou,others +dog paddle,creatures +giant killing,others +t-35,objects +lamborghini diablo,objects +adam savage,others +he 219,objects +archer pose,posture +count orlok,creatures +type 89 ifv,objects +fairey firefly,objects +schwimmwagen,objects +takeuchi junko,others +fairey barracuda,objects +chester charles bennington,others +psl romak,objects +stephanie sheh,others +srs99,objects +vegalta sendai,others +plasma grenade (halo),objects +pixiv yuri gakuen,others +hirata hiroaki,others +armor of altair,objects +mike mignola (style),image_composition +genghis khan,others +katsuo no tataki,objects +hewlett-packard,objects +mitsubishi f-1,objects +guard tower,locations +songpyeon,objects +man gatarou (style),image_composition +fernando alonso,others +seki toshihiko,others +eurasian bullfinch,creatures +gateball,others +kookaburra,creatures +yamada yasuo,others +fasces (object),attire +grumpy cat,creatures +j-8,objects +seoul,locations +armored train,objects +emperor hirohito,others +transamerica pyramid,locations +pixiv insects,others +taichi you,others +sorachi hideaki (style),image_composition +club atletico de madrid,others +back piercing,attire +i-19 (submarine),objects +kawhi leonard,others +cherami leigh,others +m-3 predator,objects +hiya gohan (style),image_composition +ooyari ashito (style),image_composition +uss nevada (bb-36),objects +uss washington (bb-56),objects +fondant au chocolat,objects +opera cake,objects +pantera (band),objects +ufo day,others +bmw i8,objects +hakuryuu (aircraft carrier),objects +cashew,objects +f-20 tigershark,objects +f1m,objects +f-111 aardvark,objects +rose hip tea,objects +missing thumbnail,metatags +nian (mythology),others +schnauzer,creatures +denver nuggets,others +yasuno kiyono,others +cat band gloves,creatures +tortoise (tank),objects +murase ayumu,others +invert color censor,image_composition +505th joint fighter wing (emblem),attire +dusk stone,objects +gouta (nagishiro6624) (style),image_composition +m4a3e8,objects +aston martin db11,objects +ben wa balls,sex_objects +oklahoma city thunder,others +mike judge (style),image_composition +asuka (wrestler),others +daewoo k7,objects +mato (mozu hayanie) (style),image_composition +catalan text,text +norwegian text,text +filipino text,text +xanthe huynh,others +sig mkms,objects +water volleyball,others +mongolian text,text +kira buckland,others +bm-13 katyusha,objects +land rover defender,objects +pp-90,objects +gretsch 6128,objects +solid color thumbnail,image_composition +har gow,objects +gaz-66,objects +faux japanese,text +m4a3e2 jumbo,objects +social media composition,image_composition +yamanoteben,others +rusalka (mythology),creatures +tentacle censor,image_composition +yokoyama norihiro,others +thoth (mythology),creatures +gaping nipples,body_parts +kuri giepi (style),image_composition +shiny stone (pokemon),objects +fabarm sdass,objects +kac lamg,objects +m45 meusoc,objects +m26-mass,objects +steyr aug para,objects +inomata mutsumi (person),others +triplefold,posture +fi 156,objects +seating chart,image_composition +saddam hussein,others +sakakibara yoshiko,others +hulk hogan,others +marie antoinette,others +maltese,creatures +warabi,objects +su-152,objects +earl grey tea,objects +poorly stitched,metatags +dividing driver,objects +mark hamill,others +whistle!,others +vin diesel,others +mig-17,objects +christian bale,others +fc tokyo,others +minaguchi yuuko,others +gibson firebird,objects +pope benedict xvi,others +x-02 wyvern,objects +avro vulcan,objects +diego maradona,others +holy roman empire,locations +grand canyon,locations +ki-27,objects +sakaguchi daisuke,others +ise (battleship),objects +anamanaguchi (band),objects +buckingham palace,locations +gravity hammer,objects +baltimore orioles,others +cannibal corpse,objects +mutsu (battleship),objects +flame painter,image_composition +kemari,others +anti-tank mine,objects +sun yat-sen,others +pixiv robot wars 2,others +apollo (mythology),creatures +demeter (mythology),creatures +sakana-kun,others +ecuador,locations +yusa kouji,others +kanda shrine,locations +kimura ryouhei,others +cait sith (mythology),creatures +florence (city),locations +mesut ozil,others +yokoyama mitsuteru (style),image_composition +camel spider,creatures +kanna nobutoshi,others +kate higgins,others +clivia,objects +ogura eisuke (style),image_composition +araki hirohiko (person),others +terry crews,others +14th dalai lama,others +rambutan,objects +du fu,others +v-moda,objects +niagara falls,locations +helicopter cat,creatures +t29 heavy tank,objects +akizuki (destroyer),objects +tokyo jihen,objects +fad assault rifle,objects +yulia lipnitskaya,others +kuwahara yuuki,others +kamov ka-52,objects +krag jorgensen,objects +uss indianapolis (ca-35),objects +the doors,objects +los angeles clippers,others +mkb42,objects +> @,body_parts +hibiki (destroyer),objects +hybrid theory,objects +chocolate tart,objects +cymothoa exigua,creatures +gayageum (instrument),objects +uss hornet (cv-12),objects +copa america,others +kyousaru (style),image_composition +satou kibi (style),image_composition +akatsuka fujio (style),image_composition +too many tentacles,sex_acts +grace note,attire +stunticon,objects +ki-45 toryu,objects +ki-100,objects +ki-49 donryuu,objects +type 95 reconnaissance car,objects +great tit,creatures +bhumibol adulyadej,others +wendee lee,others +ootani shouhei,others +su-85,objects +us-2,objects +ookawara kunio (style),image_composition +char 2c,objects +t26e4 superpershing,objects +croquembouche,objects +nishidera gouta,others +beamed sixty-fourth notes,attire +blue orb (pokemon),objects +coolish,objects +mura takahito,others +mulberry,objects +stockholm,locations +icelandic text,text +woomy,phrases +joakim broden,objects +amt automag,objects +ferrari laferrari,objects +togashi yoshihiro (character),others +hidden file,metatags +blueberry print,attire +terry a davis,others +sunmi,others +it's embarrassing to be gossiped,phrases +epicanthic folds,body_parts +gyeongsang korean text,text +orchid fingers,body_parts +andres manuel lopez obrador,others +cold steel (apex legends),objects +songkok,attire +uchida hiroyuki,others +kayli mills,others +kawada yuuga,others +matsumoto leiji (mangaka),others +mauser tankgewehr m1918,objects +f-1 grenade (soviet),objects +alex bowman,others +franklin d. roosevelt,others +vivziepop (style),image_composition +estoc (weapon),objects +gentoo,objects +emma watson,others +fidel castro,others +vancouver canucks,others +shimizu kaori,others +kurt cobain,others +sylph,creatures +matthew perry,others +amt hardballer longslide,objects +knee mortar,objects +yamaguchi kappei,others +field hockey,others +akutagawa ryuunosuke,others +triple h,others +kokyuu,objects +franz schubert,others +chiba shigeru,others +bill murray,others +airbrake,objects +elizabeth i,others +patrick stewart,others +albirex niigata,others +jezail,objects +blackburn buccaneer,objects +kane (wwe),others +forbidden city,locations +skullcandy,objects +dodge monaco,objects +de havilland vampire,objects +honduras,locations +slovenia,locations +cote d'ivoire,locations +utsumi kenji,others +moscow kremlin,locations +houston astros,others +hisamoto masami,others +serdyukov sps,objects +china lake,objects +st. peter's basilica,locations +ho 229,objects +national diet building,locations +cologne cathedral,locations +gloster meteor,objects +m392 marksman,objects +tank desant,objects +kamov ka-27,objects +risotto,objects +daurian redstart,creatures +su-122,objects +mitsumame,objects +nike (mythology),creatures +hecate (mythology),creatures +george harrison,others +ringo starr,others +hoenn map,objects +guide dog,creatures +convenient uncensoring,image_composition +imizu (nitro unknown) (style),image_composition +joachim low,others +thomas muller,others +reliant robin,objects +tsar tank,objects +nagoya castle,locations +fairey gannet,objects +zebra finch,creatures +minenraumer,objects +ootsuka houchuu,others +vehicle muffler,objects +orita hikoichi (statue),others +gensou yakyoku (style),image_composition +m50 reising,objects +ono yoshinori,others +tonkori,objects +sanpei yuuko,others +sebastian vettel,others +toujou hideki,others +legwear bell,attire +neil armstrong,others +sei shounagon,others +red-flanked bluetail,creatures +southern brown kiwi,creatures +oriental stork,creatures +oracle bone script,text +m50 ontos,objects +1982,year_tags +narcissus flycatcher,creatures +prague,locations +kashiwa reysol,others +bmp-2,objects +affogato,objects +masuda kousuke (style),image_composition +c1 ariete,objects +ikazuchi (destroyer),objects +nagoya grampus,others +hestia (mythology),creatures +turbo baachan,creatures +danny devito,others +tougou heihachirou,others +halloween to yoru no monogatari,objects +goblin shark,creatures +the money store,objects +uss johnston (dd-557),objects +uss enterprise (cvn-65),objects +akmsu,objects +benedikt howedes,others +dwyane wade,others +m-92 mantis,objects +jon jafari,others +tortoiseshell cat,creatures +ch-46 sea knight,objects +sakura french,objects +strawberry swiss roll,objects +uss maury (dd-401),objects +uss lexington (cv-2),objects +sun cross,attire +concrete mixer truck,objects +marshmello,others +uss west virginia (bb-48),objects +club america,others +sano takayuki (samfree),others +mizuki shigeru,others +utah jazz,others +u-2 dragon lady,objects +akebono tarou,others +toronto (city),locations +symbol ba-90,attire +uss gerald r ford (cvn-78),objects +bank of china tower,locations +canton tower,locations +portland trail blazers,others +chris evans,others +landkreuzer p1000 ratte,objects +cr.42 falco,objects +mc.202 folgore,objects +j4m senden,objects +e-767,objects +helicoprion,creatures +zweigen kanazawa,others +haruse natsumi,others +sturmpanzer iv brummbar,objects +swimsuitsuccubus,others +g10n fugaku,objects +bridcutt sarah emi,others +charlotte hornets,others +cruz azul,others +2017 taipei universiade,others +solothurn s-18/100,objects +q1w toukai,objects +type 11 light machine gun,objects +fn ballista,objects +murakami teruaki (style),image_composition +pripyat,locations +bulgarian text,text +h&k msg90,objects +max verstappen,others +los angeles angels,others +2019 rugby world cup,others +melbourne,locations +lisa (singer),objects +seth macfarlane (style),image_composition +saint petersburg,locations +billy kametz,others +chadwick boseman,others +enako (cosplayer),others +turn right sign,attire +rabbit censor,image_composition +webp-to-jpg conversion,metatags +obrez,objects +sliced egg,objects +jimmy doolittle,others +r-201 soar,objects +bloodthirsty butchers,objects +mike stoklasa,others +animal-themed eyewear,attire +tsugaruben,others +bell pepper plant,objects +igor bogdanoff,others +kanda sayaka,others +mp-155,objects +czechoslovakia,locations +volodymyr zelensky,others +blueberry blossoms,objects +mac mini,objects +de havilland sea vixen,objects +stonetoss (style),image_composition +christophe lemaire,others +jack in the box (restaurant),objects +jason david frank,others +type 16 maneuver combat vehicle,objects +dionysus (mythology),creatures +heracles (mythology),creatures +kolovrat (symbol),attire +java apple,objects +lavalier microphone,objects +detonics combatmaster,objects +herring gull,creatures +gem-studded,attire +frusciante,creatures +debian,objects +yulia tymoshenko,others +cupping,verbs_and_gerunds +bass flute,objects +fujimura ayumi,others +harpsichord,objects +space capsule,objects +george s patton,others +blur (band),objects +beck (musician),objects +koorogi satomi,others +pakistan,locations +hellbender,creatures +primate murder,creatures +saiga mitsuki,others +wraith (halo),objects +a-5 vigilante,objects +external hard drive,objects +scorpion (halo),objects +hawker typhoon,objects +emerson lake & palmer,objects +augustus,others +fife (instrument),objects +stone cold steve austin,others +northern ireland,locations +jack box,objects +little caesar,objects +algeria,locations +ghana,locations +gooseberry,objects +lordi,objects +inada tetsu,others +afc ajax,others +me 163,objects +xm29 oicw,objects +fm 24/29,objects +marilyn manson,objects +nightingale (bird),creatures +pixiv duel,others +nagumo chuuichi,others +fujiko f fujio (illustrated),others +pixiv no ankokugai,others +kenwood,objects +yak-141,objects +yamadera kouichi,others +chuck yeager,others +sdkfz 250,objects +f-15s/mtd,objects +nanzen-ji aqueduct,locations +bubsy (character),creatures +ki-67,objects +randy orton,others +item finder,objects +william shakespeare,others +morita masakazu,others +kalafina,objects +kikimora (mythology),creatures +celtic mythology,creatures +shounen wa tsurugi wo...,objects +utagawa kuniyoshi (style),image_composition +sudachi (fruit),objects +bristol beaufighter,objects +shinigami daikou symbol,attire +ushi-oni,creatures +pixiv witch,others +mcnugget buddy,objects +vibraslap,objects +amestris symbol,attire +jack nicholson,others +ashigara (cruiser),objects +hei bai wuchang,creatures +tyrrell p34,objects +dug (up),creatures +euro 2012,others +joseph goebbels,others +new york jets,others +seburo c26a,objects +azure-winged magpie,creatures +little penguin,creatures +hunger hallucination,objects +machu picchu,locations +r-103 delphinus iii,objects +beijing,locations +yao ming,others +bull terrier,creatures +j-7,objects +jontron,others +women's day,others +ozzy osbourne,others +la-5,objects +panama,locations +theodore roosevelt,others +mark zuckerberg,others +fn model 1903,objects +aoba (cruiser),objects +nsv,objects +mago (gamer),others +kamikaze (destroyer),objects +hyuuga (battleship),objects +uss montana (bb-67),objects +ayaigasa,attire +sdkfz 9,objects +quarterly pixiv 6 yukata & wafuku,others +uss maryland (bb-46),objects +omiya ardija,others +uss essex (cv-9),objects +news of the world,objects +sydney harbour bridge,locations +yuudachi (destroyer),objects +justin wong (gamer),others +stephen curry,others +uss mahan (dd-364),objects +ligue 1,others +jean-claude van damme,others +m-6 carnifex,objects +matsushima (cruiser),objects +arakawa miho,others +tarkus (album),objects +gamba osaka,others +i-400 (submarine),objects +hungrybox,others +houston rockets,others +uss samuel b roberts (de-413),objects +uss independence (cvl-22),objects +cross crosslet,attire +sneaky (gamer),others +dan avidan,others +f2y sea dart,objects +b-36 peacemaker,objects +e-3 sentry,objects +sturmgeschutz iv,objects +denver broncos,others +alexa bliss,others +b1 centauro,objects +horatio nelson,others +toronto raptors,others +martin freeman,others +protectobot,objects +fi 167,objects +j1n gekkou,objects +ki-201 karyuu,objects +besson mb.411,objects +colt buntline,objects +david robinson,others +kimotsuki kaneta,others +fm-2 wildcat,objects +doosan bears,others +m46 patton,objects +morikura en (style),image_composition +kenny omega,others +okada kazuchika,others +type 87 self-propelled anti aircraft gun,objects +type 96 tank (ztz-96),objects +hazelnut,objects +oilfish,creatures +dotted sixteenth note,attire +red orb (pokemon),objects +canada day,others +atlanta braves,others +takao kanon,others +tsujitani kouji,others +portulaca,objects +swahili text,text +belarusian text,text +black-eyed susan,objects +todd howard,others +sajkaca,attire +suzuki masayuki,others +american idiot,objects +ohikaenasutte,body_parts +jared leto,others +itou asuka,others +las vegas raiders,others +hawaiian text,text +yamaha revstar,objects +rickenbacker 330,objects +rgd-33,objects +doja cat,others +non-alcoholic beer,objects +ruger lcp,objects +hachimura rui,others +linus sebastian,others +straight or left turn sign,attire +straight or right turn sign,attire +r'lyehian,text +firemaking,objects +gazyr,objects +amx-13,objects +black prince (tank),objects +m90,objects +b&t vp9,objects +sacramento kings,others +zach aguilar,others +criminal scum! (meme),phrases +nagoyaben,others +mypaint (medium),others +shenyang mandarin text,text +willem dafoe,others +high efficiency video coding,metatags +ra (mythology),creatures +english breakfast,objects +airbus a330,objects +j-16,objects +cetme model 58,objects +persian speedwell,objects +iwata yasunari,others +h&k hk51,objects +sigil of lucifer,attire +saiga semi-automatic rifle,objects +brad keselowski,others +leader (honey and clover),creatures +fire censor,image_composition +h-6,objects +hand on another's wing,body_parts +mitsubishi t-2,objects +dilbert,image_composition +fw 200,objects +he 100,objects +dingo,creatures +airbus a340,objects +albert yi,others +akakichi no eleven,others +mikage,disambiguation_pages +pyotr illyich tchaikovsky,others +ass ache,body_parts +electric double bass,objects +nikola tesla,others +clavia nord,objects +watanabe akeno,others +yak-28,objects +clove,objects +hikami kyouko,others +minami omi,others +jimmy page,others +landmaster,objects +blondie,image_composition +chiba chiemi,others +richard wagner,others +hector berlioz,others +k-9,creatures +mig-1.44,objects +revolver (album),objects +ak-107,objects +mi-26,objects +buzz aldrin,others +pittsburgh steelers,others +jet li,others +ichikawa osamu,others +walther p5,objects +ta 183,objects +beyonce,objects +watanabe kumiko,others +focus band,objects +shamrock (senjou no valkyria),objects +remington msr,objects +bastian schweinsteiger,others +manuel neuer,others +philipp lahm,others +michael wittmann,others +toni kroos,others +genesis (band),objects +mecha-drago,objects +qsz-92,objects +leonid brezhnev,others +taihou (aircraft carrier),objects +seva suit,objects +catherine the great,others +bruce springsteen,others +thunderbirds (team),objects +f7f tigercat,objects +san francisco giants,others +tachiki fumihiko,others +erich hartmann,others +gewehr 41,objects +cat in mouth,creatures +paulownia,objects +san francisco 49ers,others +x-15,objects +yak-9,objects +iu (singer),others +sugiyama noriaki,others +the miz,others +wada akiko,others +kabaddi,others +justin bieber,others +pico magic,objects +gyu-kaku,objects +m1941 johnson lmg,objects +usagi manjuu,objects +isaac newton,others +sandisk,objects +2010-2011 uefa champions' league,others +rg-42,objects +swiss guard,objects +kalavinka,creatures +shoplifting,verbs_and_gerunds +cm punk,others +chris jericho,others +welcome to the jungle,objects +florence cathedral,locations +ishinomori shoutarou (style),image_composition +emperor mutsuhito,others +viktor ivanovich belenko,others +ivan the terrible,others +hondew berry,objects +james hetfield,others +buffalo bills,others +kalanchoe,objects +tsunamayo (style),image_composition +everton fc,others +galia melon,objects +nikita khrushchev,others +ots-02 kiparis,objects +philippe petain,others +mutou keiji (wrestler),others +aj styles,others +mig-1,objects +japanese tit,creatures +resplendent quetzal,creatures +takayama kisai (style),image_composition +white-bellied green pigeon,creatures +northern cardinal,creatures +fiordland penguin,creatures +yellow-eyed penguin,creatures +m47 patton,objects +r-101 delphinus i,objects +doug walker,others +morgan freeman,others +takato yasuhiro,others +arin hanson,others +reichstag,locations +t-44,objects +milk bag,objects +cambodia,locations +santos fc,others +vienna,locations +hanukkah,others +mahatma gandhi,others +hot cross bun,objects +ushio (destroyer),objects +zuihou (aircraft carrier),objects +vlad iii dracula,others +uss independence (lcs-2),objects +remembrance day,others +nojima kenji,others +jun'you (aircraft carrier),objects +shigure (destroyer),objects +amatsukaze (destroyer),objects +wu zetian,others +carolina panthers,others +uss chevalier (dd-805),objects +uss everett f. larson (dd-830),objects +georgy zhukov,others +chester w. nimitz,others +uss wasp (cv-7),objects +pixiv psychicer ii,others +mats hummels,others +shiranui (destroyer),objects +naganami (destroyer),objects +yahagi (cruiser),objects +fender cyclone,objects +tim duncan,others +chris g,others +dean ambrose,others +alex myers,others +houston texans,others +hashidate (cruiser),objects +itsukushima (cruiser),objects +kitakami (cruiser),objects +angkor wat,locations +margot robbie,others +andre the giant,others +uss new york (bb-34),objects +uss salt lake city (ca-25),objects +doughnut day,others +uss langley (cv-1),objects +fuudo,others +mutsuki (destroyer),objects +izumi masayuki,others +norwegian forest cat,creatures +pixiv kitsune koku,others +f-86d sabre,objects +fv215,objects +tsai ing-wen,others +amx elc,objects +jennifer hale,others +orlando magic,others +leman russ (tank),objects +miriam defensor santiago,others +thomas jefferson,others +jiang zemin,others +kasumi (destroyer),objects +uss zumwalt (dd-1000),objects +g.50 freccia,objects +mc.200 saetta,objects +po-2,objects +indiana pacers,others +sami zayn,others +gyouza no manshuu,objects +inoue takehiko (style),image_composition +amphitheater,locations +506th joint fighter wing (emblem),attire +507th joint fighter wing (emblem),attire +508th joint fighter wing (emblem),attire +ghost note,attire +roman reigns,others +ho chi minh,others +naitou tetsuya,others +septuplets,others +macau,locations +e-100,objects +ford model t,objects +valmet m78/83,objects +islamic republic of iran air force,objects +united states capitol,locations +umeda sky building,locations +kakifly (style),image_composition +1986 fifa world cup,others +hyper potion,objects +x attack,objects +genista (flower),objects +kylian mbappe,others +...and justice for all,objects +pm-63 rak,objects +fujii yukiyo,others +erich honecker,others +bopomofo text,text +old norse text,text +konishi (koconatu) (style),image_composition +adfx-10,objects +herbal tea,objects +roadrunner (animal),creatures +andean condor,creatures +harris's hawk,creatures +fk brno field pistol,objects +1 pound no fukuin,others +archived file,image_composition +latvian text,text +slovenian text,text +cat thigh strap,creatures +black sun (symbol),attire +rickenbacker 325,objects +edmonton oilers,others +hirai hisashi (person),others +tara platt,others +lotus esprit,objects +isis (mythology),creatures +neymar,others +moriguchi hiroko,others +falling rocks sign,attire +k30 biho,objects +kiriji text,text +justin roiland (style),image_composition +basque text,text +kazakh text,text +pgz-80,objects +oscar isaac,others +takahashi ryousuke (director),others +m1901 mastiff,objects +taipei,locations +ishida atsuko (style),image_composition +persian text,text +jackson king v,objects +jay bauman,others +h&k hk23,objects +singlish text,text +sagaben,others +giannis antetokounmpo,others +washington wizards,others +pieris japonica,objects +hawthorn (plant),objects +sugai naosuke,others +spasskaya tower,locations +colo colo,others +cat detector (meme),creatures +jr central towers,locations +ikumi mia (mangaka),others +george r.r. martin,others +gourd blossom,objects +primera division (argentina),others +bolton-paul defiant,objects +estadio santiago bernabeu,locations +sakonoko (gamer),others +k21,objects +minamoto asuka,others +cream cornet,objects +food-themed eyewear,attire +aks-47,objects +majiko (musician),others +berdan rifle,objects +ai ax rifle,objects +lim feng,others +mika hakkinen,others +chase elliot,others +takagi wataru (voice actor),others +black-headed gull,creatures +marble background,image_composition +mutual tail biting,body_parts +bolt (bolt),creatures +british shorthair,creatures +slackware,objects +ta 154,objects +donald rumsfeld,others +chemist,others +jon stewart,others +dash kappei,others +fuchizaki yuriko,others +takano urara,others +open in winamp,image_composition +helicopter ears,objects +john mccain,others +heptagon,attire +steyr gb,objects +sgt pepper's lonely hearts club band,objects +frederic chopin,others +bernard montgomery,others +owari,disambiguation_pages +ikezawa haruna,others +pope john paul ii,others +shiratori yuri,others +cathedral of santa eulalia,locations +emiliano zapata,others +eris (mythology),creatures +cm-32,objects +hawker tempest,objects +sopwith camel,objects +acf fiorentina,others +togetsukyou bridge,locations +matsudaira ken,others +lagg-3,objects +denel paw-20,objects +slovakia,locations +t-6 texan,objects +miroslav klose,others +lukas podolski,others +otto carius,others +bob hoskins,others +madness (band),objects +sami khedira,others +mugihito,others +curtiss r3c-0,objects +valencia cf,others +fc schalke 04,others +he 162,objects +with the beatles,objects +taiyou whales,others +kerry king,others +jeff hanneman,others +jimmy wales,others +shinjuku park tower,locations +mp3008,objects +ar-50,objects +crispin freeman,others +shawn michaels,others +gaf-1,objects +rpg-29,objects +m19,objects +etymotic research,objects +sansui,objects +vasily zaytsev,others +sean young,others +kamov ka-50,objects +for better or for worse,image_composition +hans-ulrich rudel,others +pixiv sengoku jidai,others +yak-1,objects +bastille day,others +type 92 (heavy machine gun),objects +mark henry,others +ganymede (mythology),creatures +johto map,objects +g-dragon,others +nixie (mythology),creatures +lin biao,others +togashi misuzu,others +sheamus,others +su-24,objects +jiroo (style),image_composition +ladybug wings,body_parts +thurman thomas,others +tecmo super bowl,others +lars ulrich,others +cliff burton,others +kirk hammet,others +ov-10 bronco,objects +shingaki tarusuke,others +alitalia,objects +pokpung-ho,objects +jubilo iwata,others +rotary switch,objects +jenson button,others +kimi raikkonen,others +ba-64,objects +cathy guisewite (style),image_composition +lynn johnston (style),image_composition +scott adams (style),image_composition +chic young (style),image_composition +aaron mcgruder (style),image_composition +charles barkley,others +oomura kon,others +itou noiji (style),image_composition +hydra 70,objects +oracle (ancient greece),creatures +la malinche,others +alex shelley,others +edge (wrestler),others +seth rollins,others +black-backed wagtail,creatures +black-naped oriole,creatures +verditer flycatcher,creatures +meadow bunting,creatures +pixiv r.p.h,others +newcastle united fc,others +shar pei,creatures +alexander lukashenko,others +josip broz tito,others +baghdad,locations +quarterly pixiv 11 original,others +rockefeller center,locations +anti-tank dog,objects +robert patrick,others +yamazaki takumi,others +saitama (city),locations +ebonics,text +texas rangers,others +miyamura yuuko,others +milan,locations +kouda mariko,others +crested kingfisher,creatures +richard nixon,others +pope francis,others +ewan mcgregor,others +queen victoria,others +la-7,objects +qin shi huang,others +kido ibuki,others +mazda 2,objects +russian blue,creatures +guillermo del toro,others +yamauchi hiroshi,others +tenryuu gen'ichirou,others +kumano (cruiser),objects +mikuma (cruiser),objects +after urethral,sex_acts +i-58 (submarine),objects +montedio yamagata,others +hamakaze (destroyer),objects +openbsd,objects +bmd-3,objects +h.r. giger,others +rob liefeld (style),image_composition +danny trejo,others +ourai noriyoshi (style),image_composition +presence (album),objects +charles de gaulle,others +mario gotze,others +xian (gamer),others +katya lischina,others +amblypygi,creatures +maya (cruiser),objects +miyata kouki,others +uss stewart (dd-224),objects +kevin garnett,others +paul pierce,others +carmelo anthony,others +pixiv swap,others +euro 2008,others +elena radionova,others +niki lauda,others +kaga shigeru,others +uss shaw (dd-373),objects +uss gato (ss-212),objects +pixiv robot wars v,others +vouivre,creatures +celtic fc,others +william-adolphe bouguereau (style),image_composition +pixiv my master,others +hanwha eagles,others +fantail pigeon,creatures +asashio (destroyer),objects +jamieson price,others +tom brady,others +consadole sapporo,others +vissel kobe,others +montenegro,locations +yokoi gunpei,others +teruzuki (destroyer),objects +uss arleigh burke (ddg-51),objects +sonic's drive-in,objects +beast city pixiv,others +uss ronald reagan (cvn-76),objects +pl-01,objects +custard apple,objects +jenya davidyuk,others +uss intrepid (cv-11),objects +f-11 tiger,objects +f-105 thunderchief,objects +ea-6 prowler,objects +x-29,objects +c-46 commando,objects +t-100 varsuk,objects +vickers medium mark iii,objects +t-50 tank,objects +uss san francisco (ca-38),objects +michael bay,others +rms queen mary,objects +t110 heavy tank,objects +kriegsmesser,objects +imperial german flying corps,objects +tu-22m,objects +suzutsuki (destroyer),objects +mi-4,objects +bv 155,objects +hs 129,objects +sm.79 sparviero,objects +kevin owens,others +uss mingo (ss-216),objects +uss george h.w. bush (cvn-77),objects +noujou jun'ichi (style),image_composition +503rd joint fighter wing (emblem),attire +satou amina,others +mike pence,others +chicago cubs,others +m60a2,objects +becky lynch,others +uss newport news (ca-148),objects +hashi takaya,others +cat litter,creatures +tanahashi hiroshi,others +goshawk,creatures +naa guardian 380,objects +robot x laserbeam,others +genda tesshou,others +jackfruit,objects +twice cooked pork,objects +cathy (comic),image_composition +sixty-fourth note,attire +maserati ghibli,objects +tigres uanl,others +shenzhen,locations +imamura ayaka,others +arizona cardinals,others +bengali text,text +nelson mandela,others +jair bolsonaro,others +slovak text,text +yiddish text,text +welsh text,text +h&k hk69,objects +new national stadium,locations +ice rock (pokemon),objects +cats ringing bell,creatures +cr flamengo,others +kumeta kouji (character),others +omigawa chiaki,others +joaquin phoenix,others +ibaraki douji (mythology),creatures +berliner fernsehturm,locations +oriole,creatures +kea (animal),creatures +lithuanian text,text +madsen machine gun,objects +unova map,objects +peugeot 103,objects +rick may,others +okosozukin,attire +pss silent pistol,objects +leon trotsky,others +aizome karen,others +zendaya,others +dua lipa,others +val (otogi-juushi akazukin),creatures +dusty miller,objects +m36 jackson,objects +slash (musician),others +kelly (style),image_composition +lil nas x,others +eros (mythology),creatures +psyche (mythology),creatures +jim carrey,others +md-11,objects +stinky tofu,objects +cinco de mayo,others +erika harlacher,others +esp btl,objects +ore to umi (style),image_composition +seattle supersonics,others +bagna cauda,objects +australian english text,text +charlie day,others +charles martinet,others +scatman john,others +henry cavill,others +yaegashi nan (style),image_composition +chicago white sox,others +microsoft edge,objects +medibang paint,others +new orleans pelicans,others +b. league,others +zalgo text,text +detroit red wings,others +hyunako,others +hellebore,objects +lemat revolver,objects +lou albano,others +sukiichi pixiv,others +daniel ricciardo,others +tibetan text,text +ken block,others +steyr m1912,objects +tsunoda kouichi,others +crypto.com arena,locations +longan,objects +snakefruit,objects +tamarind,objects +tsuchiya keiichi,others +stg-60,objects +ari vatanen,others +jimmie johnson,others +mick schumacher,others +marc marquez,others +valentino rossi,others +zhou guanyu,others +kyle larson,others +b&t usw,objects +shindou kei (voice actor),others +guava (fruit),objects +black-tailed gull,creatures +grey-headed gull,creatures +yuina (voice actor),others +uni (cat),creatures +munchkin cat,creatures +bleep censor,image_composition +mozilla (character),objects +american shorthair,creatures +bradley center,locations +shimogasa miho (style),image_composition +dan forden,others +bert,disambiguation_pages +same,disambiguation_pages +minagawa junko,others +attacker you!,others +yamamoto isoroku,others +washinomiya shrine,locations +hanba tomoe,others +pixiv shogunate,others +oshii mamoru,others +ice cube (rapper),others +oki kanae,others +shimamoto sumi,others +endou masaaki,others +konishi hiroko,others +shinohara emi,others +morinaga rika,others +brown (rule of rose),creatures +megan fox,others +robert de niro,others +bono (u2),others +pancho villa,others +thanatos (mythology),creatures +kutaragi ken,others +igarashi kouji,others +johnny yong bosch,others +milan cathedral,locations +japanese spitz,creatures +robin williams,others +aoki densetsu shoot!,others +franz liszt,others +dr.i,objects +kusao takeshi,others +erich von manstein,others +uss constitution,objects +matsue castle,locations +m167 vads,objects +naples,locations +raul julia,others +bass trombone,objects +arthur conan doyle,others +uss monitor,objects +josef mengele,others +xb-35,objects +m7 priest,objects +nogi maresuke,others +anatoly mikhaylovich stessel,others +paraguay,locations +jerome boateng,others +per mertesacker,others +mario gomez,others +hans-dieter flick,others +oliver bierhoff,others +x-1,objects +katou tateo,others +houshou (aircraft carrier),objects +fact (band),objects +jude law,others +walt disney,others +antonio inoki,others +ozawa ichirou,others +minnesota twins,others +toronto blue jays,others +kawamura maria,others +tampa bay rays,others +taikakiden,others +palace of the parliament,locations +kristin kreuk,others +steven spielberg,others +komatsu yuka,others +vg-33,objects +wade barrett,others +rob bourdon,others +bradford phillip delson,others +david michael farrell,others +michael kenji shinoda,others +joseph hahn,others +colorado rockies,others +suda51,others +ogasawara arisa,others +pam grier,others +trafalgar square,locations +kc-135 stratotanker,objects +p-80 shooting star,objects +fedora (linux),objects +h39,objects +strela-2,objects +elega,objects +fc shakhtar donetsk,others +kitamura kazuki,others +mizusawa fumie,others +penghu tianho temple,locations +scott richards,others +gerhard barkhorn,others +xidazoon,creatures +m270 mlrs,objects +st. louis cardinals,others +cerberus (weapon),objects +shimizu s-pulse,others +mogami (cruiser),objects +pixiv robot wars 2 after,others +nancy (comic strip),image_composition +dick tracy,image_composition +non sequitur (comic strip),image_composition +jeff hardy,others +iris (mythology),creatures +jushin thunder liger (wrestler),others +sawa homare,others +great burnet,objects +ssc napoli,others +heart scale,objects +t.o.p (bigbang),others +terashima takuma,others +chris fehn,others +aisin-gioro puyi,others +kofi kingston,others +john morrison,others +sin cara,others +o-life japan (style),image_composition +syslila (style),image_composition +dei shirou (style),image_composition +mim-104 patriot,objects +andreas kopke,others +samuel nobre moore,others +tsuki wani (style),image_composition +raymond briggs (style),image_composition +nishizumi kojirou,others +efe (style),image_composition +alan shepard,others +katahira masashi (style),image_composition +uda tetla (style),image_composition +suzuki akiko,others +sakai saburou,others +edward gorey (style),image_composition +dipsacaceae,objects +shiba shitteru (style),image_composition +new york giants,others +charlotte bobcats,others +ge ping,others +ian mckellen,others +morikubo shoutarou,others +dimorphotheca,objects +daniel bryan,others +mirage iii,objects +belphegor (demon),creatures +albatros diii,objects +tu-22,objects +cr vasco da gama,others +parma fc,others +ame-no-nuhoko,objects +quarterly pixiv 8 seifuku,others +quarterly pixiv 9 original,others +jordan,locations +allianz arena,locations +fujita kazuhiro (style),image_composition +anastas mikoyan,others +georgy malenkov,others +chester gould (style),image_composition +ernie bushmiller (style),image_composition +wiley miller (style),image_composition +nico rosberg,others +romain grosjean,others +ferdinand porsche,others +morris marina,objects +lightcycle,objects +lombard street,locations +melnics,text +pythia,creatures +rainblower,objects +maser tank,objects +dolph ziggler,others +cody rhodes,others +kojima ayami (style),image_composition +white-cheeked starling,creatures +palm cockatoo,creatures +japanese robin,creatures +taiwan blue magpie,creatures +yasuda misako (actor),others +great spotted woodpecker,creatures +japanese grosbeak,creatures +frill-necked lizard,creatures +takahe,creatures +cross manage,others +quarterly pixiv 9 rainy season,others +francisco franco,others +kim il-sung,others +juan domingo peron,others +slobodan milosevic,others +augusto jose ramon pinochet ugarte,others +antonio de oliveira salazar,others +edward furlong,others +r-102 delphinus ii,objects +ferdinand marcos,others +iwao junko,others +hill blue flycatcher,creatures +yellow-rumped flycatcher,creatures +katsuki masako,others +tara strong,others +baneblade,objects +takishita tsuyoshi,others +stephen hawking,others +honda mariko,others +bill clinton,others +nero claudius caesar augustus germanicus,others +andou miki,others +asada mao,others +erin fitzgerald,others +mc hammer,others +jozef klemens pilsudski,others +akatsuki (destroyer),objects +irish setter,creatures +komatsuzaki shigeru (style),image_composition +furutaka (cruiser),objects +danny glover,others +klein bottle,attire +nectarine,objects +aten (mythology),creatures +willis tower,locations +southern cassowary,creatures +bmw hp4,objects +umetarou (ookami),creatures +troy baker,others +tsukada masaaki,others +shouhou (aircraft carrier),objects +toyota starlet,objects +tama (cruiser),objects +uss alabama (ssbn-731),objects +uss independence (cv-62),objects +kage-nashi dog,creatures +uss new (dd-818),objects +blue-eyed cockatoo,creatures +p-1,objects +fuel rod cannon,objects +polikarpov i-153,objects +iwanami (destroyer),objects +pr balrog,others +gamerbee,others +snake eyez,others +t34 heavy tank,objects +hatsuharu (destroyer),objects +kuroshio (destroyer),objects +gibson hummingbird,objects +dirk nowitzki,others +uzuki (destroyer),objects +james hunt,others +david letterman,others +kayumi iemasa,others +m-98 widow,objects +in through the out door,objects +patrick seitz,others +uss helena (cl-50),objects +highway to hell,objects +sticky fingers (album),objects +uss san diego (cl-53),objects +i-46 (submarine),objects +sawarabi (destroyer),objects +aec armored command vehicle,objects +arashio (destroyer),objects +uss dace (ss-247),objects +grey crowned crane,creatures +vrykolakas,creatures +mew2king,others +ppmd,others +mang0,others +kani-san wiener,objects +michishio (destroyer),objects +uss oklahoma (bb-37),objects +uss louisville (ca-28),objects +christopher lee,others +uss pensacola (ca-24),objects +uss skate (ss-305),objects +uss arkansas (bb-33),objects +kyle hebert,others +uss lexington (cv-16),objects +uss o'bannon (dd-450),objects +yokohama f. marinos,others +2015 fifa women's world cup,others +beretta 90two,objects +cardinal richelieu,others +luffy (gamer),others +jerusalem,locations +uss colorado (bb-45),objects +darjeeling tea,objects +growhair (kobayashi hideaki),others +alcatraz,locations +jack kirby (style),image_composition +hai du lam,others +balls (gamer),others +lemonnation,others +meteos (gamer),others +jj watt,others +uss quincy (ca-39),objects +impact (gamer),others +pixiv dragoon,others +julian edelman,others +uss houston (ca-30),objects +nicolaj jensen,others +luis suarez,others +lemmy kilmister,others +robert plant,others +is-1,objects +panzerhaubitze 2000,objects +type 5 ho-ri,objects +seattle seahawks,others +leicester city fc,others +new orleans saints,others +drew brees,others +uss tennessee (bb-43),objects +paula tiso,others +george brydges rodney,others +yura (cruiser),objects +italian (niigata),objects +uss california (bb-44),objects +uss salem (ca-139),objects +mi-17,objects +matt damon,others +toronto maple leafs,others +jeremy brett,others +minnesota vikings,others +hatsuyuki (destroyer),objects +bv 138,objects +d.vii,objects +mc.205 veltro,objects +canaanite mythology,creatures +baal (mythology),creatures +mel gibson,others +joko widodo,others +kyoto sanga f.c.,others +big cass,others +japanese wagtail,creatures +cain (mythology),creatures +abel (mythology),creatures +noah (mythology),creatures +jim morrison,others +atlanta falcons,others +evil (njpw),others +sanada (njpw),others +leopard cat,creatures +namekian language,text +blackburn roc,objects +bad luck fale,others +tama tonga,others +adam cole,others +hangman page,others +matt jackson,others +nick jackson,others +manga day,others +f9c sparrowhawk,objects +sagan tosu,others +asu-57,objects +t-10,objects +will ospreay,others +ishii tomohiro,others +gotou hirooki,others +yoshi-hashi,others +yano tooru,others +muranaka tomo,others +petra (jordan),locations +christian (wwe),others +thirty-second rest,attire +amano akira (style),image_composition +los angeles kings,others +yutarou (style),image_composition +kk 62,objects +kalos map,objects +fcm 36,objects +aa-52,objects +abu simbel,locations +javanese text,text +spigot mortar,objects +ruble sign,attire +houston,locations +jin yong,others +xander mobus,others +angel de la independencia,locations +scots text,text +farsi text,text +mike mangini,others +kia tigers,others +moss rock (pokemon),objects +oowada hitomi,others +berry pots (pokemon),objects +roddy piper,others +chris rorland,others +hannes van dahl,others +par sundstrom,others +tommy johansson,others +dragoon helmet,attire +franc sign,attire +kyle lowry,others +pittsburgh penguins,others +new york islanders,others +aichi h9a,objects +yasukuni shrine,locations +chinese pond heron,creatures +ryukyu minivet,creatures +moa (animal),creatures +japanese sparrowhawk,creatures +schoenbrunn palace,locations +christian pulisic,others +qinni (artist),others +galar map,objects +afrikaans text,text +albanian text,text +haitian creole text,text +lao text,text +appetite for destruction,objects +church of the savior on blood,locations +emma stone,others +xf-85 goblin,objects +jeffrey epstein,others +suegara rie,others +kashii katy,others +khmer text,text +tamil text,text +tpz fuchs,objects +cheng xiao,others +shirogane-sama (cosplayer),others +cm-11 brave tiger,objects +domoarigathanks,others +nissan idx,objects +buffalo sabres,others +gretsch 5230,objects +m6 heavy tank,objects +assault vest (pokemon),objects +h&k p11,objects +ako (gravure model),others +modo (medium),others +kurdish text,text +ampallang,attire +armenian text,text +jake angeli,others +ag42,objects +lisianthus (flower),objects +flax (flower),objects +terry funk,others +alina becker,others +203mm b-4,objects +keyshot (medium),others +kiki xu,others +2011 afc asian cup,others +george h.w. bush,others +major league soccer,others +leopard eel,creatures +randy savage,others +edinburgh (city),locations +urasawa naoki (mangaka),others +fear of the dark,objects +shotzi blackheart,others +2015 copa america,others +2011 copa america,others +laura stahl,others +wax flower,objects +grichka bogdanoff,others +ashita e attack!,others +jason momoa,others +otomatic,objects +ishida sui (mangaka),others +derrick j. wyatt,others +adfx-01 morgan,objects +f-94 starfire,objects +brock lesnar,others +kenn (voice actor),others +seattle kraken,others +jada pinkett smith,others +mutahar anas,others +bad bunny,others +konno chisato,others +vk-78 commando,objects +alligator gar,creatures +charles ii of spain,others +flash conversion,metatags +colorado avalanche,others +haitani (gamer),others +yoshida yutaka,others +szczerbiec,objects +mikhail gorbachev,others +oseledets,body_parts +matoba hitoshi,others +enneagram,attire +club atletico river plate,others +st. louis blues,others +san jose sharks,others +yano takayuki,others +sanjeok,others +baltimore ravens,others +tomtit (bird),creatures +hephaestus (mythology),creatures +luisito comunica,others +osv-96,objects +negev ng-7,objects +dale earnhardt,others +patrick pedraza,others +apep (mythology),creatures +rene descartes,others +stephen hillenburg (style),image_composition +stephen hillenburg,others +anthony edwards,others +red bean pie,objects +imi galil galatz,objects +checkered censor,image_composition +detroit pistons,others +daman mills,others +tsunoda yuuki (racecar driver),others +timo salonen,others +kobayashi kamui (racecar driver),others +pgz-09,objects +laura faye smith,others +pato o'ward,others +joey logano,others +steve millen,others +jackie oliver,others +francois delecour,others +gilles panizzi,others +lando norris,others +breadfruit,objects +little gull,creatures +great black-backed gull,creatures +glaucous gull,creatures +ross's gull,creatures +belchers's gull,creatures +sooty gull,creatures +ivory gull,creatures +ring-billed gull,creatures +heermann's gull,creatures +slaty-backed gull,creatures +vega gull,creatures +mediterranean gull,creatures +white-eyed gull,creatures +audouin's gull,creatures +black-billed gull,creatures +california gull,creatures +sabine's gull,creatures +lava gull,creatures +pallas's gull,creatures +swallow-tailed gull,creatures +grey gull,creatures +lowe (tank),objects +kawachi hiroshi,others +ebina masayoshi,others +tiam (tank),objects +boeing 737 max,objects +olifant (instrument),objects +satou tetsuzou,others +step-mother and step-son,others +sekine akira,others +ec bahia,others +se palmeiras,others +bombay cat,creatures +chronicle (sound horizon),objects +t-28 (tank),objects +ruppelbend,posture +sleeves with ears,attire +andou masahiro (style),image_composition +sharon,disambiguation_pages +mandriva,objects +suse,objects +knoppix,objects +croquet,others +me 410,objects +inahime,disambiguation_pages +sera,disambiguation_pages +skyfish,disambiguation_pages +shimura yumi,others +krist novoselic,others +dave grohl,others +fender rhodes,objects +yao kazuki,others +moero! top striker,others +madrid,locations +shrike,disambiguation_pages +camp nou,locations +paul bearer,others +john bonham,others +beng spies,others +porfirio diaz,others +medea (mythology),creatures +brigit (mythology),creatures +x-24,objects +r.e.m.,objects +nakagawa akiko,others +eddie van halen,others +troy polamalu,others +break shot,others +dmitry medvedev,others +inoue you,others +berlaymont building,locations +sant'elmo,locations +secret potion,objects +peter steele,others +ronnie james dio,others +cant 25,objects +butterfly vibrator,sex_objects +eric schmidt,others +jonas gutierrez,others +gabriel heinze,others +carlos tevez,others +gonzalo higuain,others +eddie guerrero,others +michael ballack,others +tim wiese,others +arne friedrich,others +marcell jansen,others +dennis aogo,others +serdar tasci,others +holger badstuber,others +piotr trochowski,others +marko marin,others +cacau,others +stefan kiessling,others +miyazato ai,others +he 280,objects +mr. lordi,objects +robert e lee,others +tim lincecum,others +buster posey,others +matt cain,others +brian wilson,others +aubrey huff,others +vychlop vks/vssk,objects +tamagawa sakiko,others +kc-10 extender,objects +marseille,locations +coors field,locations +ruger p95,objects +ingrid bergman,others +nishida kouji,others +nakanishi tetsuo,others +kimura saori,others +al-masjid al-nabawi,locations +smk (tank),objects +our lady of the assumption,locations +michael cole,others +tropicana field,locations +fenway park,locations +patrouille suisse,objects +luxor obelisk,locations +chen wun-tian,others +longma,creatures +b455,objects +axl rose,others +chubu centrair international airport,locations +mauser hsc,objects +family circus,image_composition +nissan fairlady,objects +albert pujols,others +fc cophenhagen,others +colt double eagle,objects +p-75 eagle,objects +huang xing,others +kimura subaru,others +armalite ar-7,objects +dong laifu,others +takahashi sankichi,others +cinnamon (hatena),creatures +luke gallows,others +serena deeb,others +big show,others +montel vontavious porter,others +lift key,objects +rainbow pass,objects +fame checker,objects +bayer 04 leverkusen,others +elian gonzalez,others +sepak takraw,others +sand mecha,objects +kate winslet,others +chen qimei,others +yuan shikai,others +jose mourinho,others +domotolain (style),image_composition +akou roushi (style),image_composition +aya shachou (style),image_composition +kitayuki kajika (style),image_composition +koutamii (style),image_composition +kujira lorant (style),image_composition +tadashi (style),image_composition +tirumu (style),image_composition +yokochou (style),image_composition +kuresento (style),image_composition +seki (red shine) (style),image_composition +pixiv mafia,others +hans-jorg butt,others +gurageida (style),image_composition +miko machi (style),image_composition +ootsuki wataru (style),image_composition +socha (style),image_composition +yanagi (artist) (style),image_composition +desaku (style),image_composition +kokoneko (style),image_composition +oro (zetsubou girl) (style),image_composition +sugawara kuniyuki (style),image_composition +gusu (style),image_composition +tatiana nikolaevna romanova,others +boeing 727,objects +masara (style),image_composition +takemoto eiji,others +saigan ryouhei (style),image_composition +sakurato tsuguhi (style),image_composition +shihouin symbol,attire +space fountain,objects +takaharu (style),image_composition +plant cell,objects +dandelion coffee,objects +asu-85,objects +kevin johnson,others +kevin willis,others +aki takejou,others +hosoda satoshi,others +nba jam,others +pyeongyeong,objects +tsukioka tsukiho (style),image_composition +ishikawa hideo,others +quarterly pixiv 8 free,others +quarterly pixiv 2 miku append,others +quarterly pixiv 2 free,others +uc sampdoria,others +abukuma (cruiser),objects +shikishima (battleship),objects +nishieda (style),image_composition +anthony hopkins,others +bil keane (style),image_composition +john terry,others +narain karthikeyan,others +pastor maldonado,others +pedro de la rosa,others +grigori rasputin,others +murofushi alexander koji,others +clay bennett (style),image_composition +fukuyama keiko (style),image_composition +joe montana,others +ahmad bradshaw,others +us citta di palermo,others +miguel hidalgo,others +hashimoto shin'ya,others +chris sabin,others +sting (wrestler),others +rey mysterio jr,others +austin aries,others +saitou takao (style),image_composition +ray bradbury,others +grey wagtail,creatures +raggiana bird-of-paradise,creatures +yellow bittern,creatures +kori bustard,creatures +black crowned crane,creatures +long-tailed widowbird,creatures +lilac-breasted roller,creatures +ijima copper pheasant,creatures +copper pheasant,creatures +white wagtail,creatures +semyon timoshenko,others +takebe motoichirou (style),image_composition +double-barred finch,creatures +dusky thrush,creatures +carrion crow,creatures +gouldian finch,creatures +real betis,others +japanese quail,creatures +lady amherst's pheasant,creatures +northern lapwing,creatures +oriental dollarbird,creatures +white-bellied go-away-bird,creatures +fukumen (violinist),others +anthropornis,creatures +haast's eagle,creatures +south island giant moa,creatures +southern boobook,creatures +southern royal albatross,creatures +kamiya akira,others +stg45,objects +quarterly pixiv 4 fantasy,others +nicolae ceausescu,others +khorloogiin choibalsan,others +hugo chavez,others +francois duvalier,others +muammar gaddafi,others +mengistu haile mariam,others +idi amin,others +jomo kenyatta,others +aleksandr ilyich ulyanov,others +ilya nikolayevich ulyanov,others +inessa armand,others +maria alexandrovna ulyanova,others +nadezhda konstantinovna krupskaya,others +hastings kamuzu banda,others +maximiliano hernandez martinez,others +robert gabriel mugabe,others +mustafa kemal ataturk,others +manuel noriega,others +pol pot,others +saparmurat atayevich niyazov,others +alfredo stroessner matiauda,others +omar hasan ahmad al-bashir,others +mohammed siad barre,others +jean-bedel bokassa,others +isu-122,objects +greater white-fronted goose,creatures +benigno aquino jr,others +hamada kenji,others +zhou enlai,others +area no kishi,others +okamura akemi,others +matsumoto yasunori,others +han keiko,others +fn cal,objects +quentin tarantino,others +hu jintao,others +judas cradle,sex_objects +backjob,sex_acts +kim yuna,others +scott k oelkers,others +mano erina,others +yukinko (spirit),creatures +edouard daladier,others +unryuu (aircraft carrier),objects +australian kelpie,creatures +quarterly pixiv 4 free,others +mine roller,objects +idris elba,others +gyotaku (medium),image_composition +okabe isaku,others +burj al arab,locations +cave cricket,creatures +william george tennant,others +pixiv western,others +english springer spaniel,creatures +briard,creatures +chinese crested dog,creatures +sports (album),objects +yagami kumi,others +pambdelurion,creatures +matsui naoko,others +jean sibelius,others +kiso (cruiser),objects +t1 cunningham,objects +uss boxer (cv-21),objects +manuel xavier rodriguez erdoiza,others +maria theresa,others +ramkhamhaeng the great,others +maria i,others +sejong the great,others +gustavus adolphus,others +fujimoto kikuo,others +entwicklung 50,objects +i-68 (submarine),objects +i-69 (submarine),objects +i-70 (submarine),objects +cesare prandelli,others +valentina tereshkova,others +the doors (album),objects +uss converse (dd-509),objects +dwight d. eisenhower,others +uss nautilus (ssn-571),objects +alejandro sabella,others +ezequiel lavezzi,others +sergio romero,others +experimental type 91 heavy tank,objects +james rodriguez,others +naka (cruiser),objects +kevin grosskreutz,others +ron-robert zieler,others +roman weidenfeller,others +matthias ginter,others +erik durm,others +shkodran mustafi,others +andre schurrle,others +julian draxler,others +cristoph kramer,others +uss ranger (cv-61),objects +uss ticonderoga (cg-47),objects +uss medusa (ar-1),objects +uss archerfish (ss-311),objects +uss cavalla (ss-244),objects +uss redfish (ss-395),objects +klay thompson,others +st. peter's square,locations +amar'e stoudemire,others +iman shumpert,others +eric bledsoe,others +brook lopez,others +joe johnson,others +blake griffin,others +deandre jordan,others +patrick depailler,others +mikami shinji,others +uss dolphin (ss-169),objects +charles aranguiz,others +jagdpanther ii,objects +yanaga kazuko,others +arteezy,others +uss kitty hawk (cv-63),objects +fc zenit,others +fc porto,others +yoshino (cruiser),objects +kasuga (cruiser),objects +grant george,others +choukai (cruiser),objects +deforest kelley,others +james doohan,others +thomas kinkade (style),image_composition +suama (food),objects +i-8 (submarine),objects +apologyman,others +uss theodore roosevelt (cvn-71),objects +tyrfing (mythology),objects +t49 light tank,objects +uss charr (ss-328),objects +uss jallao (ss-368),objects +uss spadefish (ss-411),objects +armada,others +gibson rd,objects +uss raleigh (cl-7),objects +uss narwhal (ss-167),objects +mochizuki (destroyer),objects +kiyoshimo (destroyer),objects +kisaragi (destroyer),objects +hayashimo (destroyer),objects +eli manning,others +uss smith (dd-378),objects +naomoto hikaru,others +2014 afc women's asian cup,others +tokyo verdy,others +avispa fukuoka,others +jef united,others +aiai (gamer),others +dome of the rock,locations +william brooke joyce,others +boy george,others +tokitsukaze (destroyer),objects +uss edsall (dd-219),objects +mick foley,others +type 90 tkr,objects +quarterly pixiv 7 free,others +uss chicago (ca-29),objects +kaneblueriver,others +uss yarnall (dd-541),objects +uss atlanta (cl-51),objects +takahashi hiroki,others +super bowl xxxvi,others +burrowing owl,creatures +katori (cruiser),objects +uss laffey (dd-459),objects +steven gerrard,others +john paul jones,others +saitou ayaka,others +f-106 delta dart,objects +j2f duck,objects +c-141 starlifter,objects +t-38 talon,objects +p-82 twin mustang,objects +xp-79,objects +xfy-1,objects +a2d skyshark,objects +legion (demons),creatures +chocolate framboise,objects +bavarois,objects +chocolate marquise,objects +hanazuki (destroyer),objects +uss mobile (cl-63),objects +uss santa fe (cl-60),objects +george akiyama (style),image_composition +uss st. louis (c-20),objects +tachibana maru (cargo liner 1935),objects +aku bouzu,creatures +uss boise (cl-47),objects +nie rongzhen,others +jeremy renner,others +rms queen elizabeth,objects +uss astoria (ca-34),objects +uss florida (bb-30),objects +prince eugene of savoy,others +alfred von tirpitz,others +oohira tooru,others +maeda ken,others +fc anzhi makhachkala,others +sao paulo fc,others +pfc cska moscow,others +btr-90,objects +nogami shou,others +uss michael monsoor (dd-1001),objects +marsh marigold,objects +do 24,objects +fw 58,objects +he 59,objects +he lerche,objects +ef 128,objects +ju 290,objects +z.506 airone,objects +katsuodori ramjet plane,objects +type88 light bomber,objects +ki-98,objects +uss saipan (cvl-48),objects +yagrush & ayamur,objects +uss alaska (cb-1),objects +an-148,objects +il-4,objects +la-11,objects +i-152,objects +tiger moth (airplane),objects +spiteful (airplane),objects +lysander (airplane),objects +bebe (gamer),others +lilballz,others +mistake (gamer),others +stanley (gamer),others +toyz (gamer),others +mirko filipovic,others +2015 rugby world cup,others +oku hiroya (style),image_composition +anno moyoko (style),image_composition +ki-20,objects +edestus,creatures +karsa (gamer),others +mmd (gamer),others +maple (gamer),others +swordart (gamer),others +qbu-10,objects +cat band footwear,creatures +tim kaine,others +guweiz (style),image_composition +piasecki hup retriever,objects +hawker tornado,objects +xavier woods,others +big e,others +rhyno,others +heath slater,others +sasha banks,others +finn balor,others +charlotte flair,others +cesaro,others +bayley,others +bray wyatt,others +nikki bella,others +jason jordan,others +chad gable,others +enzo amore,others +baron corbin,others +james ellsworth,others +braun strowman,others +the brian kendrick,others +simon gotch,others +persija jakarta,others +zack ryder,others +mickie (gamer),others +park geun-hye,others +type 4/5 superheavy tank,objects +kj-200,objects +loire 130,objects +takahashi hiromu,others +bushi (njpw),others +white russian (drink),objects +chinese leopard cat,creatures +ki-46,objects +ronda rousey,others +g8n renzan,objects +me 210,objects +tanga loa,others +takahashi yuujirou,others +pieter (njpw),others +bone soldier,others +chase owens,others +ryujehong (gamer),others +bjergsen (gamer),others +kurihara rui,others +trump tower,locations +penelope cruz,others +su-76,objects +gedo (njpw),others +jado (njpw),others +fh phantom,objects +itou bungaku,others +chicago bears,others +phin,objects +electric phin,objects +potentilla,objects +vladivostok,locations +void (player),others +imam ro.43,objects +nagatsuka takuma,others +dick beyer,others +king kamehameha,others +antidote (pokemon),objects +vn-17 ifv,objects +caesar (drink),objects +dotted thirty-second note,attire +jaguar c-x75,objects +bruno sammartino,others +arsenal strike one,objects +santos laguna,others +john bain,others +ootaka shinobu (style),image_composition +ernie johnson,others +kenny smith,others +yamamoto satoshi (style),image_composition +camila cabello,others +poppaea sabina,others +self edit,image_composition +vektor ss-77,objects +stefan karl stefansson,others +jawaharlal nehru,others +is-6,objects +jabari parker,others +kageyama hironobu,others +yamagata yukio,others +takayuki miyauchi,others +sergio moro,others +galician text,text +sichuanese text,text +swabian text,text +georgian text,text +fujita toshiko,others +h&k gmg,objects +object 704,objects +amx-50 foch,objects +spear mint tea,objects +radovan karadzic,others +chris cornell,others +sc corinthians paulista,others +ceara sc,others +fortaleza ec,others +irish english text,text +bashlik,attire +matsui hideki,others +club leon,others +oracle park,locations +iwi dan .338,objects +presidential office building,locations +yoshimura haruka,others +joe zieja,others +sheffield united fc,others +bramall lane,locations +big man tyrone,others +yellow-headed amazon,creatures +jandaya parakeet,creatures +golden parakeet,creatures +black-throated magpie-jay,creatures +nuthatch,creatures +eclectus parrot,creatures +black-headed parrot,creatures +pacific parrotlet,creatures +rose-ringed parakeet,creatures +blue-fronted redstart,creatures +barred buttonquail,creatures +pheasant-tailed jacana,creatures +siberian rubythroat,creatures +golden pheasant,creatures +tree swallow,creatures +black-headed oriole,creatures +nepali text,text +adjusted color balance,metatags +philadelphia flyers,others +alola map,objects +giuseppe conte,others +luxembourgish text,text +macedonian text,text +melbourne victory fc,others +brett crozier,others +kumamoto castle,locations +sanssouci palace,locations +okazaki ritsuko,others +kimura hana,others +t14 heavy tank,objects +adfx-10f,objects +elijah wood,others +herman li,others +sean chiplock,others +breton text,text +azami (cosplayer),others +olympique lyonnais,others +triumph spitfire,objects +c5m,objects +logic (rapper),others +margrethe ii,others +road narrows sign,attire +anbitaso,others +justinius builds,others +object 705a,objects +me 321,objects +tu-28,objects +aramaic text,text +tsukudani norio (mangaka),others +mark meer,others +rikona (style),image_composition +type 60 self-propelled 106mm recoilless gun,objects +suzuki gixxer sf 250,objects +hyper misao,others +sakazaki yuka,others +mizuki (tjpw),others +kobashiri.,others +yuubari king melon,objects +hyuna (singer),others +chichewa text,text +azerbaijani text,text +hmong text,text +kinyarwanda text,text +kyrgyz text,text +malagasy text,text +maltese text,text +maori text,text +somali text,text +tatar text,text +john david washington,others +dynasty (album),objects +fourchette piercing,attire +amharic text,text +malayalam text,text +telugu text,text +kamala harris,others +delilah (mythology),creatures +samson (mythology),creatures +winter melon (fruit),objects +yamauchi shinya,others +kamioka masao,others +perennial (flower),objects +dolly parton,others +m20 super bazooka,objects +cassandra lee morris,others +arrow through hair,body_parts +the gold experience,objects +tom hanks,others +piasecki h-21,objects +m739 saw,objects +houston dynamo,others +igbo text,text +sindhi text,text +zulu text,text +yoruba text,text +uzbek text,text +corsican text,text +xhosa text,text +yu yan,others +ss lazio,others +bologna fc 1909,others +anfield (stadium),locations +hard rock stadium,locations +heize (singer),others +milwaukee brewers,others +vincent price,others +bullock's oriole,creatures +paulo dybala,others +2021 copa america,others +copa america centenario,others +censored eyebrows,image_composition +pixiv clock world,others +ray manzarek,others +robby krieger,others +regis philbin,others +zha cai (food),objects +lantana (flower),objects +vince mcmahon,others +seth rogen,others +steve carell,others +artweaver (medium),others +hugh jackman,others +led zeppelin iv (album),objects +druze star,attire +atlas fc,others +david marquez (style),image_composition +gianluigi donnarumma,others +serj tankian,others +kaiji tang,others +yokohama b-corsairs,others +dave bautista,others +ma dong-seok,others +sarah miller-crews,others +censored poop,image_composition +ysys (style),image_composition +taeyang,others +daesung (bigbang),others +mace (wwe),others +wolgeum,objects +someordinarygamers,others +nakamura shinsuke,others +great-o-khan,others +carl gustav jung,others +alfred adler,others +pentas (flower),objects +luc mbah a moute,others +jordan peterson,others +noda maria,others +the ultimate warrior,others +kid pix (medium),others +date (fruit),objects +matsuyama kouhei,others +american curl,creatures +aimee-ffion edwards,others +gloster sparrowhawk,objects +airco dh.4,objects +frank sinatra,others +boris johnson,others +danny wells,others +sergio perez,others +mark whitten,others +ben shapiro,others +kris statlander,others +matt turner,others +pixiv shujuu monogatari,others +fn evolys,objects +richarlison,others +emiliano martinez,others +ishigami shin'ichi,others +sugimori ken (person),others +john densmore,others +deebo samuel,others +micah parsons,others +khalil mack,others +ben roethlisberger,others +boston bruins,others +montreal canadiens,others +quebec nordiques,others +carolina hurricanes,others +calgary flames,others +columbus crew,others +tampa bay lightning,others +new york rangers,others +ottawa senators,others +indianapolis colts,others +minnesota wild,others +vegas golden knights,others +2006 winter olympics,others +lamar jackson,others +logan couture,others +dusky warbler,creatures +little ringed plover,creatures +striated heron,creatures +chronos (mythology),creatures +type 62 (tank),objects +washington nationals,others +m163 machbet,objects +shii hirofumi,others +john leguizamo,others +olivier giroud,others +kaitlyn robrock,others +brdm,objects +frida kahlo,others +rosie day,others +erica lindbeck,others +chokecherry,objects +george lucas,others +kinoshita mitsuhiro,others +greg moore,others +yevgeny prigozhin,others +pineberry (fruit),objects +sergio cresto,others +pm-84 glauberyt,objects +motoyama satoshi,others +tachikawa yuuji,others +wakisaka juichi,others +pixiv zombie,others +pp-90m1,objects +jean alesi,others +carl sagan,others +kazama yasuyuki,others +johann zarco,others +brad binder,others +austin dillon,others +yamano tetsuya,others +matt kenseth,others +hq-17,objects +shimoda sayaka,others +shimano hana,others +martin brundle,others +teo fabi,others +katayama ukyou,others +nishiura katsuichi,others +suzuki toshio,others +jamie marchi,others +takahashi kazuho,others +ryan newman,others +kyle busch,others +jeff gordon,others +alan kulwicki,others +hibino tetsuya,others +ots-38 stechkin,objects +nishiyama hiroshi,others +nagayama masahiro,others +tanaka tetsuya,others +tom coronel,others +sisu nasu,objects +club deportivo guadalajara,others +tartare (food),objects +bijan robinson,others +harry s. truman,others +jiji (aardvark) (style),image_composition +mini pc,objects +lampiao,others +ray chase,others +tanabe hironobu,others +breguet 14,objects +maggie robertson,others +diego luna,others +caleb yen,others +arryn zech,others +mori yoshirou,others +emperor akihito,others +empress michiko,others +britt barton,others +briana white,others +suzie yeung,others +travis kelce,others +andy reid,others +kansas city chiefs,others +willis o'brien,others +tsuburaya eiji,others +ec vitoria,others +travis styles,others +rof (gamer),others +golden british shorthair,creatures +maine coon,creatures +bengal cat,creatures +exotic shorthair,creatures +siberian forest cat,creatures +somali cat,creatures +indian rupee sign,attire +quadfold,posture +mori nanako,others +olivier peslier,others +kusunoki michiharu (style),image_composition +iginio straffi (style),image_composition +fujioka kouta,others +kamikita futago (style),image_composition +watanabe kunihiko,others +mai,disambiguation_pages +midori,disambiguation_pages +yukari,disambiguation_pages +manga,disambiguation_pages +yuuki,disambiguation_pages +sakuya,disambiguation_pages +cap,disambiguation_pages +rin,disambiguation_pages +sei,disambiguation_pages +youko,disambiguation_pages +mizuki,disambiguation_pages +karin,disambiguation_pages +gif,disambiguation_pages +shirogane,disambiguation_pages +ichijou,disambiguation_pages +yuki,disambiguation_pages +akari,disambiguation_pages +hisui,disambiguation_pages +miyu,disambiguation_pages +satsuki,disambiguation_pages +alice,disambiguation_pages +kaguya,disambiguation_pages +eri,disambiguation_pages +natsuki,disambiguation_pages +honoka,disambiguation_pages +nagisa,disambiguation_pages +tsubaki,disambiguation_pages +shirley,disambiguation_pages +wallpaper,disambiguation_pages +ritsuko,disambiguation_pages +kagura,disambiguation_pages +mikoto,disambiguation_pages +makoto,disambiguation_pages +nanako,disambiguation_pages +asuka,disambiguation_pages +mina,disambiguation_pages +miyabi,disambiguation_pages +kasumi,disambiguation_pages +shion,disambiguation_pages +aoi,disambiguation_pages +lilith,disambiguation_pages +nanami,disambiguation_pages +maria,disambiguation_pages +nao,disambiguation_pages +anna,disambiguation_pages +asuna,disambiguation_pages +setsuna,disambiguation_pages +chikage,disambiguation_pages +mana,disambiguation_pages +aiko,disambiguation_pages +madoka,disambiguation_pages +miku,disambiguation_pages +viola,disambiguation_pages +jessica,disambiguation_pages +blue,disambiguation_pages +red,disambiguation_pages +white,disambiguation_pages +miyuki,disambiguation_pages +shiina,disambiguation_pages +tanaka,disambiguation_pages +michiru,disambiguation_pages +kira,disambiguation_pages +corona,disambiguation_pages +yuna,disambiguation_pages +color,subjective +elsa,disambiguation_pages +rika,disambiguation_pages +henrietta,disambiguation_pages +wendy,disambiguation_pages +tsubomi,disambiguation_pages +canvas,disambiguation_pages +nanashi,disambiguation_pages +nina,disambiguation_pages +claire,disambiguation_pages +kuma,disambiguation_pages +nozomi,disambiguation_pages +rebecca,disambiguation_pages +ayane,disambiguation_pages +alucard,disambiguation_pages +chris,disambiguation_pages +sayaka,disambiguation_pages +kuon,disambiguation_pages +erika,disambiguation_pages +ana,disambiguation_pages +rico,disambiguation_pages +mika,disambiguation_pages +hinata,disambiguation_pages +sophia,disambiguation_pages +sophie,disambiguation_pages +mao,disambiguation_pages +misha,disambiguation_pages +ingrid,disambiguation_pages +yui,disambiguation_pages +teresa,disambiguation_pages +hotaru,disambiguation_pages +meirin,disambiguation_pages +lina,disambiguation_pages +photoshop,disambiguation_pages +chihaya,disambiguation_pages +rikku,disambiguation_pages +heat,disambiguation_pages +mia,disambiguation_pages +athena,disambiguation_pages +kou,disambiguation_pages +nana,disambiguation_pages +emden,disambiguation_pages +sage,disambiguation_pages +eve,disambiguation_pages +sanada,disambiguation_pages +mirai,disambiguation_pages +umi,disambiguation_pages +ness,disambiguation_pages +angelica,disambiguation_pages +kurumi,disambiguation_pages +nami,disambiguation_pages +momiji,disambiguation_pages +dororo,disambiguation_pages +kikyou,disambiguation_pages +hana,disambiguation_pages +chiwa,disambiguation_pages +tootsweets,objects +touya,disambiguation_pages +green,disambiguation_pages +elie,disambiguation_pages +marie,disambiguation_pages +arthur,disambiguation_pages +vanessa,disambiguation_pages +mifuyu,disambiguation_pages +emily,disambiguation_pages +ursula,disambiguation_pages +guardian,disambiguation_pages +alicia,disambiguation_pages +ellis,disambiguation_pages +charlotte,disambiguation_pages +megumi,disambiguation_pages +patty,disambiguation_pages +tamako,disambiguation_pages +lisa,disambiguation_pages +widescreen,image_composition +farah,disambiguation_pages +eleanor,disambiguation_pages +momoko,disambiguation_pages +lycoris,disambiguation_pages +black,disambiguation_pages +artemis,disambiguation_pages +johnny,disambiguation_pages +sister,disambiguation_pages +lulu,disambiguation_pages +aruto,disambiguation_pages +tio,disambiguation_pages +mariel,disambiguation_pages +victoria,disambiguation_pages +gretel,disambiguation_pages +hansel,disambiguation_pages +amy,disambiguation_pages +ray,disambiguation_pages +cecilia,disambiguation_pages +pink,disambiguation_pages +purple,disambiguation_pages +vivian,disambiguation_pages +yellow,disambiguation_pages +akagi,disambiguation_pages +baton,disambiguation_pages +eclair,disambiguation_pages +botan,disambiguation_pages +yuzu,disambiguation_pages +keyboard,disambiguation_pages +straw,disambiguation_pages +angela,disambiguation_pages +toujou,disambiguation_pages +aqua,disambiguation_pages +vip quality,subjective +trap,disambiguation_pages +luna,disambiguation_pages +yumi,disambiguation_pages +sugar,disambiguation_pages +pepper,disambiguation_pages +norma,disambiguation_pages +anne,disambiguation_pages +fujisawa yayoi,disambiguation_pages +amber,disambiguation_pages +ebi,disambiguation_pages +love,subjective +male,disambiguation_pages +mimi,disambiguation_pages +crossing,disambiguation_pages +sasha,disambiguation_pages +saba,disambiguation_pages +rosemary,disambiguation_pages +jin,disambiguation_pages +miroku,disambiguation_pages +leon,disambiguation_pages +kasuga,disambiguation_pages +walter,disambiguation_pages +hanako,disambiguation_pages +diana,disambiguation_pages +bt,disambiguation_pages +kagerou,disambiguation_pages +tom,disambiguation_pages +uma,disambiguation_pages +kyle,disambiguation_pages +minase,disambiguation_pages +dorothy,disambiguation_pages +trunk,disambiguation_pages +oboro,disambiguation_pages +yuzuha,disambiguation_pages +guy,disambiguation_pages +mushi,disambiguation_pages +riku,disambiguation_pages +brother,disambiguation_pages +niko,disambiguation_pages +emo,disambiguation_pages +bunny girl,disambiguation_pages +film,disambiguation_pages +peridot,disambiguation_pages +kawasumi,disambiguation_pages +venom,disambiguation_pages +iria,disambiguation_pages +rem,disambiguation_pages +freya,disambiguation_pages +yu,disambiguation_pages +pandora,disambiguation_pages +yun,disambiguation_pages +elle,disambiguation_pages +bismarck,disambiguation_pages +musashi,disambiguation_pages +prinz eugen,disambiguation_pages +black jack,disambiguation_pages +xion,disambiguation_pages +sagiri,disambiguation_pages +shigure,disambiguation_pages +siesta,disambiguation_pages +mother,disambiguation_pages +lucas,disambiguation_pages +shiori,disambiguation_pages +mary,disambiguation_pages +fatima,disambiguation_pages +beatrix,disambiguation_pages +rina,disambiguation_pages +date,disambiguation_pages +lucia,disambiguation_pages +bazooka,objects +priscilla,disambiguation_pages +jo,disambiguation_pages +kurou,disambiguation_pages +sai,disambiguation_pages +shizuka,disambiguation_pages +doris,disambiguation_pages +yoshino,disambiguation_pages +jeane,disambiguation_pages +rita,disambiguation_pages +fate,disambiguation_pages +koutarou,disambiguation_pages +paula,disambiguation_pages +elizabeth,disambiguation_pages +cat gloves,creatures +lime,disambiguation_pages +bangs,body_parts +hugo,disambiguation_pages +barbecue,objects +ruru,disambiguation_pages +isabel,disambiguation_pages +keroppi,disambiguation_pages +harvest moon,disambiguation_pages +elza,disambiguation_pages +melissa,disambiguation_pages +stella,disambiguation_pages +annette,disambiguation_pages +ookami,disambiguation_pages +apollo,disambiguation_pages +hime,disambiguation_pages +lola,disambiguation_pages +ouka,disambiguation_pages +rena,disambiguation_pages +rachel,disambiguation_pages +nocturne,disambiguation_pages +biscuit,disambiguation_pages +reflector,disambiguation_pages +amano misao,disambiguation_pages +tako,disambiguation_pages +eileen,disambiguation_pages +hilda,disambiguation_pages +hiro,disambiguation_pages +arachnid,creatures +barbara,disambiguation_pages +waka,disambiguation_pages +kurogane,disambiguation_pages +luca,disambiguation_pages +millie,disambiguation_pages +zen,disambiguation_pages +raiden,disambiguation_pages +jade,disambiguation_pages +saori,disambiguation_pages +fey,disambiguation_pages +jane,disambiguation_pages +haku,disambiguation_pages +kamui,disambiguation_pages +azumi,disambiguation_pages +axel,disambiguation_pages +aoba,disambiguation_pages +charm,disambiguation_pages +athlete,others +chu chu,disambiguation_pages +amelia,disambiguation_pages +pino,disambiguation_pages +filia,disambiguation_pages +fenrir,disambiguation_pages +sakura,disambiguation_pages +layla,disambiguation_pages +sarah,disambiguation_pages +luke,disambiguation_pages +amaterasu,disambiguation_pages +mona,disambiguation_pages +hiei,disambiguation_pages +justice,disambiguation_pages +christina,disambiguation_pages +ashley,disambiguation_pages +rao,disambiguation_pages +lala,disambiguation_pages +haniwa,disambiguation_pages +mei,disambiguation_pages +sou,disambiguation_pages +kimuchi,disambiguation_pages +hina,disambiguation_pages +apricot,disambiguation_pages +butt plug tail,body_parts +nal,disambiguation_pages +lancelot,disambiguation_pages +shuu,disambiguation_pages +ash,disambiguation_pages +aida,disambiguation_pages +epic,subjective +okappa,body_parts +victor,disambiguation_pages +musician,others +kuroko,disambiguation_pages +fujin,disambiguation_pages +coco,disambiguation_pages +noel,disambiguation_pages +maru,disambiguation_pages +usagi,disambiguation_pages +noritama,disambiguation_pages +diamond,disambiguation_pages +kasugano urara,disambiguation_pages +kabocha,disambiguation_pages +el,disambiguation_pages +es,disambiguation_pages +mofumofu,disambiguation_pages +tao,disambiguation_pages +suzu,disambiguation_pages +irene,disambiguation_pages +ayako,disambiguation_pages +fujishima,disambiguation_pages +suzuri,disambiguation_pages +yoshitaka,disambiguation_pages +tony,disambiguation_pages +yuugi,disambiguation_pages +shiro,disambiguation_pages +odin,disambiguation_pages +galatea,disambiguation_pages +kamiyoshi,disambiguation_pages +miria,disambiguation_pages +helen,disambiguation_pages +tooya,disambiguation_pages +oswald,disambiguation_pages +gin,disambiguation_pages +valerie,disambiguation_pages +umiushi,disambiguation_pages +kikurage,disambiguation_pages +raki,disambiguation_pages +gotouza,disambiguation_pages +mitsuba,disambiguation_pages +ali,disambiguation_pages +calamity jane,disambiguation_pages +mitsurugi,disambiguation_pages +ako,disambiguation_pages +kazuma,disambiguation_pages +nyu,disambiguation_pages +erica,disambiguation_pages +hojo,disambiguation_pages +tablet,objects +grey,disambiguation_pages +sasahara natsuki,disambiguation_pages +mogera,disambiguation_pages +jack,disambiguation_pages +miata,disambiguation_pages +pauline,disambiguation_pages +monolith,disambiguation_pages +yoshika,disambiguation_pages +takenoko,disambiguation_pages +shue,disambiguation_pages +minerva,disambiguation_pages +ariel,disambiguation_pages +cheek pinch,body_parts +nova,disambiguation_pages +mike,disambiguation_pages +akai ringo,disambiguation_pages +asura,disambiguation_pages +eiko,disambiguation_pages +jeff,disambiguation_pages +aoringo,disambiguation_pages +erie,disambiguation_pages +astrid,disambiguation_pages +jill,disambiguation_pages +boyd,disambiguation_pages +kamishiro mai,disambiguation_pages +kanako,disambiguation_pages +labia,body_parts +garland,disambiguation_pages +urara,disambiguation_pages +souya,disambiguation_pages +rinka,disambiguation_pages +violet,disambiguation_pages +rakkyou,disambiguation_pages +yamada,disambiguation_pages +maitake,disambiguation_pages +aliza,disambiguation_pages +sara,disambiguation_pages +goma,disambiguation_pages +agatha,disambiguation_pages +ie,disambiguation_pages +mari,disambiguation_pages +sonia,disambiguation_pages +kirin,disambiguation_pages +beatrice,disambiguation_pages +reika,disambiguation_pages +fuji,disambiguation_pages +echidna,disambiguation_pages +tetsu,disambiguation_pages +yotsuba,disambiguation_pages +veronica,disambiguation_pages +sirius,disambiguation_pages +ilia,disambiguation_pages +type 96,disambiguation_pages +haruka,disambiguation_pages +squeezable,subjective +gai,disambiguation_pages +fiore,disambiguation_pages +name characters,disambiguation_pages +frieda,disambiguation_pages +nessie,disambiguation_pages +mamoru,disambiguation_pages +felicity,disambiguation_pages +regina,disambiguation_pages +leblanc,disambiguation_pages +lotte,disambiguation_pages +anastasia,disambiguation_pages +rail,disambiguation_pages +rikka,disambiguation_pages +hanna,disambiguation_pages +rakko,disambiguation_pages +jonathan,disambiguation_pages +bonnie,disambiguation_pages +fubuki,disambiguation_pages +yousuke,disambiguation_pages +edel,disambiguation_pages +uzura,disambiguation_pages +maribel,disambiguation_pages +hellcat,disambiguation_pages +riko,disambiguation_pages +bael,disambiguation_pages +kuchibue,disambiguation_pages +keio,disambiguation_pages +kanna,disambiguation_pages +pit,disambiguation_pages +vol,disambiguation_pages +dada,disambiguation_pages +una,disambiguation_pages +kanata,disambiguation_pages +tanmomo,disambiguation_pages +master,disambiguation_pages +mijinko,disambiguation_pages +chloe,disambiguation_pages +koota,disambiguation_pages +hiiragi,disambiguation_pages +kyoko,disambiguation_pages +nameless,disambiguation_pages +azuma,disambiguation_pages +kusaba,disambiguation_pages +tsuzuri,disambiguation_pages +piroshiki,disambiguation_pages +shippou,disambiguation_pages +mel,disambiguation_pages +toro,disambiguation_pages +natasha,disambiguation_pages +kura,disambiguation_pages +oracle,disambiguation_pages +isuzu,disambiguation_pages +ai,disambiguation_pages +hyuuga,disambiguation_pages +faye,disambiguation_pages +laura,disambiguation_pages +archangel,creatures +nekonote,disambiguation_pages +long nails,disambiguation_pages +annie,disambiguation_pages +nanoha,disambiguation_pages +nio,disambiguation_pages +ruby,disambiguation_pages +sapphire,disambiguation_pages +shiden,disambiguation_pages +nekomura,disambiguation_pages +zouni,disambiguation_pages +mukuro,disambiguation_pages +poorly drawn,image_composition +chourui,disambiguation_pages +margaret,disambiguation_pages +cute,subjective +zero,disambiguation_pages +liberator,disambiguation_pages +red clothes,disambiguation_pages +kouryuu,disambiguation_pages +melchior,disambiguation_pages +yukina,disambiguation_pages +daisuke,disambiguation_pages +katou,disambiguation_pages +misogi,disambiguation_pages +kaba,disambiguation_pages +sakuraba,disambiguation_pages +hattori,disambiguation_pages +domo,disambiguation_pages +haruhiko,disambiguation_pages +k1,disambiguation_pages +aikata,disambiguation_pages +topaz,disambiguation_pages +ayn,disambiguation_pages +haruko,disambiguation_pages +hentai,subjective +shishigami,disambiguation_pages +aji,disambiguation_pages +crane,disambiguation_pages +akai,disambiguation_pages +fukahire,disambiguation_pages +oomuro,disambiguation_pages +meshi,disambiguation_pages +kumakichi,disambiguation_pages +buki,disambiguation_pages +elesis,disambiguation_pages +morinaga,disambiguation_pages +izayoi,disambiguation_pages +juugo,disambiguation_pages +homura,disambiguation_pages +louie,disambiguation_pages +hibiki,disambiguation_pages +yagumo,disambiguation_pages +piss,disambiguation_pages +michiko,disambiguation_pages +billy,disambiguation_pages +ran,disambiguation_pages +kyouko,disambiguation_pages +rosa,disambiguation_pages +yayoi,disambiguation_pages +ayase,disambiguation_pages +yori,disambiguation_pages +benjamin,disambiguation_pages +kotoba,disambiguation_pages +ain,disambiguation_pages +ikasumi,disambiguation_pages +suzuki,disambiguation_pages +ask,disambiguation_pages +fall,disambiguation_pages +donguri,disambiguation_pages +eesuke,disambiguation_pages +kurokawa,disambiguation_pages +yuuhi,disambiguation_pages +niku,disambiguation_pages +akitsu,disambiguation_pages +kimono down,nudity +maeve,disambiguation_pages +hokori,disambiguation_pages +koharu,disambiguation_pages +shiren,disambiguation_pages +hatchet,objects +kouenji,disambiguation_pages +jako,disambiguation_pages +hokke,disambiguation_pages +persephone,disambiguation_pages +suiko,disambiguation_pages +asahina kyouko,disambiguation_pages +sino,disambiguation_pages +albion,disambiguation_pages +petra,disambiguation_pages +hishizaki shaia,disambiguation_pages +nosuke,disambiguation_pages +tara,disambiguation_pages +mayuge,disambiguation_pages +cecil,disambiguation_pages +anmitsu,disambiguation_pages +gotou,disambiguation_pages +kanae,disambiguation_pages +tora,disambiguation_pages +harusame,disambiguation_pages +isabella,disambiguation_pages +fuugetsu,disambiguation_pages +tachibana hibiki,disambiguation_pages +ichiru,disambiguation_pages +sakimori,disambiguation_pages +lee,disambiguation_pages +abigail,disambiguation_pages +zipang,disambiguation_pages +tsuduri,disambiguation_pages +kizaki,disambiguation_pages +adam,disambiguation_pages +kii,disambiguation_pages +dario,disambiguation_pages +kashiwa mochi,others +suika,disambiguation_pages +yamo,disambiguation_pages +komachi,disambiguation_pages +goto,disambiguation_pages +fragile,disambiguation_pages +nananana,disambiguation_pages +licorice,disambiguation_pages +sunameri,disambiguation_pages +yappy,disambiguation_pages +aguri,disambiguation_pages +touko,disambiguation_pages +socket,disambiguation_pages +freckle,disambiguation_pages +kato,disambiguation_pages +nameko,disambiguation_pages +patricia,disambiguation_pages +gou hiromi,disambiguation_pages +labo,disambiguation_pages +oke,disambiguation_pages +toki,disambiguation_pages +tifa,disambiguation_pages +fujimoto,disambiguation_pages +nan,disambiguation_pages +rick,disambiguation_pages +dai,disambiguation_pages +jennifer,disambiguation_pages +ari,disambiguation_pages +poco,disambiguation_pages +chip,disambiguation_pages +helpless,subjective +gyuunyuu,disambiguation_pages +katsuo,disambiguation_pages +buri,disambiguation_pages +baibars,disambiguation_pages +mixer,disambiguation_pages +dio,disambiguation_pages +hiromi,disambiguation_pages +wisp,disambiguation_pages +ange,disambiguation_pages +hyakkimaru,disambiguation_pages +kiwi,disambiguation_pages +ao,disambiguation_pages +kabi,disambiguation_pages +yukinko,disambiguation_pages +baal,disambiguation_pages +ooka,disambiguation_pages +father,disambiguation_pages +shinya,disambiguation_pages +fusuke,disambiguation_pages +kusanagi,disambiguation_pages +emilia,disambiguation_pages +jaw harp,objects +mk,disambiguation_pages +seiko,disambiguation_pages +nanigashi,disambiguation_pages +mato,disambiguation_pages +tama,disambiguation_pages +saburou,disambiguation_pages +zack,disambiguation_pages +jelly,disambiguation_pages +towa,disambiguation_pages +hata,disambiguation_pages +tsuki,disambiguation_pages +kanou,disambiguation_pages +karasumi,disambiguation_pages +ebiten,disambiguation_pages +yapo,disambiguation_pages +wasure,disambiguation_pages +chisato,disambiguation_pages +mimosa,disambiguation_pages +nachi,disambiguation_pages +kohane,disambiguation_pages +kirio,disambiguation_pages +oono,disambiguation_pages +chikyuu boueigun,disambiguation_pages +bjorn,disambiguation_pages +gilbert,disambiguation_pages +boy,disambiguation_pages +aono,disambiguation_pages +yukinon,disambiguation_pages +belial,disambiguation_pages +ecchi,subjective +tina,disambiguation_pages +brown,disambiguation_pages +long,disambiguation_pages +mejiro,disambiguation_pages +tokito,disambiguation_pages +short,disambiguation_pages +looking,verbs_and_gerunds +leaning over,disambiguation_pages +great,subjective +takamaru,disambiguation_pages +orange,disambiguation_pages +kei,disambiguation_pages +auburn hair,disambiguation_pages +bad,disambiguation_pages +azi,disambiguation_pages +oriya,disambiguation_pages +star,disambiguation_pages +nhk,disambiguation_pages +tenshi,disambiguation_pages +girl,disambiguation_pages +creampie,disambiguation_pages +kawaii,subjective +amber eyes,body_parts +tachibana sakuya,disambiguation_pages +officer,others +oira,disambiguation_pages +tanigawa,disambiguation_pages +yatarou,disambiguation_pages +fugaku,disambiguation_pages +green clothes,disambiguation_pages +mitsuki,disambiguation_pages +blanc,disambiguation_pages +awesome,subjective +sexy,subjective +buddy,disambiguation_pages +on,body_parts +gyrocopter,objects +trolley,disambiguation_pages +boondocks,image_composition +alen,disambiguation_pages +kaga,disambiguation_pages +seki,disambiguation_pages +may (calendar),year_tags +fumiko,disambiguation_pages +rasa,disambiguation_pages +yukako,disambiguation_pages +matsunaga hisahide,disambiguation_pages +peony,disambiguation_pages +blanche,disambiguation_pages +haruhi,disambiguation_pages +pote,disambiguation_pages +therianthrope,creatures +bending forward,disambiguation_pages +sano,disambiguation_pages +artist,disambiguation_pages +sage mode,disambiguation_pages +komugi,disambiguation_pages +regios,disambiguation_pages +cro,disambiguation_pages +florence,disambiguation_pages +amami,disambiguation_pages +iwa,disambiguation_pages +nacl,disambiguation_pages +thick,subjective +mitsuha,disambiguation_pages +richard,disambiguation_pages +hoozuki,disambiguation_pages +kinoshita,disambiguation_pages +junkie,disambiguation_pages +yuji,disambiguation_pages +cool,subjective +mikami yuuki,disambiguation_pages +riona,disambiguation_pages +nayuta,disambiguation_pages +white clothes,disambiguation_pages +miles,disambiguation_pages +janus,disambiguation_pages +ichima,disambiguation_pages +snifter,objects +falchion,disambiguation_pages +tiger (tank),disambiguation_pages +elise,disambiguation_pages +sb,disambiguation_pages +mikado,disambiguation_pages +nari,disambiguation_pages +childish,subjective +drain,disambiguation_pages +hinoki,disambiguation_pages +xabungle,disambiguation_pages +tohya,disambiguation_pages +sakura denbu,disambiguation_pages +shina,disambiguation_pages +reiko,disambiguation_pages +benisuzume,disambiguation_pages +hiyou,disambiguation_pages +toshibou,disambiguation_pages +kakashi,disambiguation_pages +kamibukuro,disambiguation_pages +takemaru,disambiguation_pages +ichigou,disambiguation_pages +shikine,disambiguation_pages +int,disambiguation_pages +amakusa,disambiguation_pages +nyoro,disambiguation_pages +frilled swimsuit,attire +sofia,disambiguation_pages +hisato,disambiguation_pages +lakshmi,disambiguation_pages +erotic,subjective +nissei,disambiguation_pages +nakatani,disambiguation_pages +toufu,disambiguation_pages +momo,disambiguation_pages +naru,disambiguation_pages +tanishi,disambiguation_pages +ramon,disambiguation_pages +pretty,subjective +no name,disambiguation_pages +fuusuke,disambiguation_pages +moi,disambiguation_pages +ef typhoon,objects +kogitsune,disambiguation_pages +gyuuki,disambiguation_pages +kunzite,disambiguation_pages +sosuke,disambiguation_pages +kokage,disambiguation_pages +condiment,disambiguation_pages +legion,disambiguation_pages +miso,disambiguation_pages +takagi,disambiguation_pages +humin,disambiguation_pages +hans,disambiguation_pages +isaki,disambiguation_pages +yukimichi,disambiguation_pages +kurari,disambiguation_pages +undertaker,disambiguation_pages +watarun,disambiguation_pages +shibito,disambiguation_pages +yamabuki,disambiguation_pages +inori,disambiguation_pages +konbu,disambiguation_pages +aizawa yuu,disambiguation_pages +roc,creatures +kiriya,disambiguation_pages +good,subjective +bishop,disambiguation_pages +jugo,disambiguation_pages +tatsuno,disambiguation_pages +suama,disambiguation_pages +mizuoka,disambiguation_pages +beautiful,subjective +yuuma,disambiguation_pages +hiroshi,disambiguation_pages +pippi,disambiguation_pages +omega,disambiguation_pages +soo,disambiguation_pages +andrew,disambiguation_pages +hoshi,disambiguation_pages +ba,disambiguation_pages +avril,disambiguation_pages +com,disambiguation_pages +shiratori,disambiguation_pages +chester,disambiguation_pages +creme egg,objects +luma,disambiguation_pages +bill,disambiguation_pages +eerika,disambiguation_pages +sumaki,disambiguation_pages +mathias,disambiguation_pages +fukuyama,disambiguation_pages +hanten,disambiguation_pages +kanbe,disambiguation_pages +ebichiri,disambiguation_pages +popi,disambiguation_pages +kakizaki,disambiguation_pages +navel sex,sex_acts +wabisuke,disambiguation_pages +fukami,disambiguation_pages +chouno,disambiguation_pages +rachael,disambiguation_pages +nishikawa,disambiguation_pages +taku,disambiguation_pages +phillip,disambiguation_pages +ootori kanae,disambiguation_pages +amazake,disambiguation_pages +pororokka,disambiguation_pages +asama,disambiguation_pages +kei5,disambiguation_pages +osomatsu,disambiguation_pages +kokuryuu,disambiguation_pages +hakuryuu,disambiguation_pages +gobou,disambiguation_pages +senju,disambiguation_pages +astarte,creatures +urashima,disambiguation_pages +baragon,disambiguation_pages +sakura itsuki,disambiguation_pages +black eagle tank,objects +safeguard,disambiguation_pages +alisa,disambiguation_pages +ezekiel,disambiguation_pages +food censor,image_composition +saaya,disambiguation_pages +natalia,disambiguation_pages +blackberry,disambiguation_pages +oomura,disambiguation_pages +hannah,disambiguation_pages +namako,disambiguation_pages +ookura,disambiguation_pages +kakitsubata,disambiguation_pages +paul,disambiguation_pages +aoxola,disambiguation_pages +moyo,disambiguation_pages +reiji,disambiguation_pages +kouyama,disambiguation_pages +koh,disambiguation_pages +kore,disambiguation_pages +tachibana tomoe,disambiguation_pages +kny,disambiguation_pages +naochika,disambiguation_pages +aiba,disambiguation_pages +beige hair,disambiguation_pages +hanaya,disambiguation_pages +hiryuu,disambiguation_pages +nekopanchi,disambiguation_pages +blaze,disambiguation_pages +junko,disambiguation_pages +keikoku,disambiguation_pages +neptune,disambiguation_pages +george,disambiguation_pages +hikage,disambiguation_pages +go!,disambiguation_pages +topo,disambiguation_pages +housei,disambiguation_pages +fei,disambiguation_pages +conan,disambiguation_pages +torute,disambiguation_pages +philip,disambiguation_pages +reference work,image_composition +shibuki,disambiguation_pages +indigo,disambiguation_pages +houjou,disambiguation_pages +ori,disambiguation_pages +pylon,disambiguation_pages +murakumo,disambiguation_pages +mentaiko,disambiguation_pages +shikabane,disambiguation_pages +nekopan,disambiguation_pages +byrne,disambiguation_pages +uwa,disambiguation_pages +integra,disambiguation_pages +onsen tamago,disambiguation_pages +hathor,disambiguation_pages +reirou,disambiguation_pages +shouta,disambiguation_pages +peso,disambiguation_pages +saz,disambiguation_pages +amano hina,disambiguation_pages +chuchu,disambiguation_pages +miyoko,disambiguation_pages +milly,disambiguation_pages +omutsu,disambiguation_pages +mustang,disambiguation_pages +heart pattern,disambiguation_pages +sassa,disambiguation_pages +honeycomb,disambiguation_pages +zero two,disambiguation_pages +crawford,disambiguation_pages +michikusa,disambiguation_pages +korori,disambiguation_pages +yamada maya,disambiguation_pages +adorable,subjective +kombu,disambiguation_pages +fujinami,disambiguation_pages +fuuto,disambiguation_pages +zubatto,disambiguation_pages +noji,disambiguation_pages +highlander,disambiguation_pages +handsome,subjective +centurion,disambiguation_pages +momonga,disambiguation_pages +lynne,disambiguation_pages +brownie,disambiguation_pages +knuckledusters,disambiguation_pages +hb,disambiguation_pages +kubota,disambiguation_pages +tojo,disambiguation_pages +mosao,disambiguation_pages +maroon hair,disambiguation_pages +mon,disambiguation_pages +mercury,disambiguation_pages +yahagi,disambiguation_pages +kashima,disambiguation_pages +hyottoko,disambiguation_pages +ivory,disambiguation_pages +gongitsune,disambiguation_pages +nut,disambiguation_pages +jugon,disambiguation_pages +ikura,disambiguation_pages +wani,disambiguation_pages +akashi,disambiguation_pages +umibouzu,disambiguation_pages +koukai,disambiguation_pages +yuhi,disambiguation_pages +hokora,disambiguation_pages +calico smg,objects +dendenmushi,disambiguation_pages +soukyuu,disambiguation_pages +devastator,disambiguation_pages +grease,disambiguation_pages +majires,disambiguation_pages +jonasan,disambiguation_pages +pickles,disambiguation_pages +kokone,disambiguation_pages +attractive,subjective +saburo,disambiguation_pages +tachi,disambiguation_pages +dotera,disambiguation_pages +suneo,disambiguation_pages +1gou,disambiguation_pages +hanei,disambiguation_pages +konno yuuki,disambiguation_pages +shuuichi,disambiguation_pages +sasakama,disambiguation_pages +noumu,disambiguation_pages +rantana,disambiguation_pages +adamas,disambiguation_pages +renault alpine a310,objects +kami,disambiguation_pages +itou shinji,disambiguation_pages +goliath,disambiguation_pages +chinese lantern,disambiguation_pages +okamochi,disambiguation_pages +double cross,disambiguation_pages +yadokari,disambiguation_pages +eggman,disambiguation_pages +mick,disambiguation_pages +antonia,disambiguation_pages +quetzalcoatl,disambiguation_pages +shinryoku,disambiguation_pages +philia,disambiguation_pages +okazu,disambiguation_pages +hetzer,disambiguation_pages +grazing,disambiguation_pages +red glasses,commonly_misused_tags +sousuke,disambiguation_pages +oyuya,disambiguation_pages +kamura,disambiguation_pages +susanoo,disambiguation_pages +panties on face,disambiguation_pages +firia,disambiguation_pages +kairu,disambiguation_pages +takagi wataru,disambiguation_pages +nodoka glasses,attire +macedonian flag,disambiguation_pages +amemiya,disambiguation_pages +umino,disambiguation_pages +kueru,disambiguation_pages +blaster,disambiguation_pages +canna,disambiguation_pages +miyamoto,disambiguation_pages +uwabami,disambiguation_pages +rubbish,disambiguation_pages +chuck,disambiguation_pages +ermine tail,body_parts +fay,disambiguation_pages +ouka ryouran,disambiguation_pages +totomaru,disambiguation_pages +chaos blade,disambiguation_pages +olga,disambiguation_pages +gary,disambiguation_pages +kiyoichi,disambiguation_pages +miso kyuuri,disambiguation_pages +patti,disambiguation_pages +aojin,disambiguation_pages +overlord,disambiguation_pages +jakoten,disambiguation_pages +ooi,disambiguation_pages +ki-51,disambiguation_pages +wt,disambiguation_pages +qin,disambiguation_pages +pov feeding,verbs_and_gerunds +kiyoharu,disambiguation_pages +phonon,disambiguation_pages +jumon,disambiguation_pages +torishima,disambiguation_pages +bola,disambiguation_pages +emuo,disambiguation_pages +sazanami,disambiguation_pages +beowulf,objects +mizuyoukan,disambiguation_pages +norishiro,disambiguation_pages +he 115,objects +shiryuu,disambiguation_pages +musuka,disambiguation_pages +tokage,disambiguation_pages +kugi,disambiguation_pages +etou misaki,disambiguation_pages +freyja,disambiguation_pages +perfect,subjective +anthony,disambiguation_pages +neko cyber,objects +ayaka,disambiguation_pages +ufu,disambiguation_pages +cuckolding,sex_acts +imai yuka,disambiguation_pages +florida marlins,others +kasugano,disambiguation_pages +mitsukoshi,disambiguation_pages +kanmuri,disambiguation_pages +lita,disambiguation_pages +black hole (space),objects +ueo,disambiguation_pages +magunasu,disambiguation_pages +bom,disambiguation_pages +mandrake (linux),objects +diane,disambiguation_pages +hitaki,disambiguation_pages +macchiato,disambiguation_pages +nabu,disambiguation_pages +tachibana chizuru,disambiguation_pages +violent,subjective +jinnai,disambiguation_pages +toyama,disambiguation_pages +imi uzi,objects +type 99,disambiguation_pages +flipping,disambiguation_pages +aino,disambiguation_pages +dc-10,objects +samara,disambiguation_pages +suzukaze,disambiguation_pages +hori,disambiguation_pages +ppsh,disambiguation_pages +hironi,disambiguation_pages +pink panzer,disambiguation_pages +tooyama,disambiguation_pages +planaria,disambiguation_pages +hirotaka,disambiguation_pages +toku-3-gou (tank),objects +ryuuichi,disambiguation_pages +blue clothes,disambiguation_pages +purple clothes,disambiguation_pages +eizan,disambiguation_pages +animal milking,verbs_and_gerunds +sling (medical),body_parts +tamaneko,disambiguation_pages +king of hearts,disambiguation_pages +kobayashi makoto,disambiguation_pages +azalea,disambiguation_pages +mogi,disambiguation_pages +tanzen,disambiguation_pages +totsuno,disambiguation_pages +chitta,disambiguation_pages +kowa,disambiguation_pages +shito,disambiguation_pages +zabaniya,disambiguation_pages +hayanie,disambiguation_pages +watari yuu,disambiguation_pages +piper,disambiguation_pages +sabamiso,disambiguation_pages +komori uta,disambiguation_pages +portia,disambiguation_pages +seiran,disambiguation_pages +adenine (artist) (style),image_composition +amane kanon (style),image_composition +cheken (style),image_composition +eho (icbm) (style),image_composition +higeneko (idemoto) (style),image_composition +okubyou yuuki (style),image_composition +sag (style),image_composition +schmaisen (style),image_composition +shishamoji (style),image_composition +yamoto (style),image_composition +yonekura satoya (style),image_composition +kurikinton,disambiguation_pages +kisaragi yuu,disambiguation_pages +nerima,disambiguation_pages +shimada kai,disambiguation_pages +shared bondage,sex_acts +fionn mac cumhaill,disambiguation_pages +belinda,disambiguation_pages +hino akane,disambiguation_pages +arai,disambiguation_pages +sepia dress,attire +type 2 ke-to,objects +baretto,disambiguation_pages +gorgeous,subjective +byte,disambiguation_pages +amano yuri,disambiguation_pages +misoshiru,disambiguation_pages +yuzuna99 (style),image_composition +kanoya,disambiguation_pages +nekopantsu,disambiguation_pages +cheat,sex_acts +fuen,disambiguation_pages +atsuage,disambiguation_pages +toubun,disambiguation_pages +mame daifuku,disambiguation_pages +monoka,disambiguation_pages +raayu,disambiguation_pages +onibi,disambiguation_pages +itou maki,others +t-50,disambiguation_pages +koppa mijinko,disambiguation_pages +my unit,disambiguation_pages +paper ball,disambiguation_pages +horizontal stripes,image_composition +rea,disambiguation_pages +kenryuu,disambiguation_pages +monoca,disambiguation_pages +hestia,disambiguation_pages +kkk,disambiguation_pages +brown clothes,disambiguation_pages +waribashi,disambiguation_pages +mizu youkan,disambiguation_pages +shougo,disambiguation_pages +koguchi,disambiguation_pages +hotarudama,disambiguation_pages +hinase,disambiguation_pages +rainbow sword,disambiguation_pages +charon,disambiguation_pages +kimonakochi,disambiguation_pages +dot eyes,disambiguation_pages +komatsu-hime,disambiguation_pages +oozora haruka,disambiguation_pages +kuroyuri,disambiguation_pages +takasaki misaki,disambiguation_pages +kanke,disambiguation_pages +moccha,disambiguation_pages +joint,disambiguation_pages +mekira,disambiguation_pages +gothicmade,disambiguation_pages +chanchanko,disambiguation_pages +ajisu abeba,disambiguation_pages +sekigahara,disambiguation_pages +yazuo,disambiguation_pages +muichi,disambiguation_pages +umino mokuzu,disambiguation_pages +hachihachi,disambiguation_pages +tag groups,sex_acts +warugaki,disambiguation_pages +pool groups,others +list of armor,others +list of genderswap characters,artistic_license +list of weapons,others +list of airplanes,others +trump,disambiguation_pages +list of magazine publications,others +nikaidou,disambiguation_pages +tanikawa,disambiguation_pages +list of pokemon objects,others +cia,disambiguation_pages +lewd,subjective +list of disambiguation pages,others +list of style parodies,image_composition +nobara,disambiguation_pages +list of zaku ii variants,others +evan,disambiguation_pages +chizu,disambiguation_pages +rommel,disambiguation_pages +list of pokemon media,others +tosaka,disambiguation_pages +futo,disambiguation_pages +list of animals,creatures +nelia,disambiguation_pages +kaboom,disambiguation_pages +ginga,disambiguation_pages +fara,disambiguation_pages +angelina,disambiguation_pages +shizuoka,disambiguation_pages +amanda,disambiguation_pages +orange clothes,disambiguation_pages +amahara,disambiguation_pages +shabu,disambiguation_pages +mercy,disambiguation_pages +pink clothes,disambiguation_pages +yellow clothes,disambiguation_pages +shin'ya,disambiguation_pages +after oral,sex_acts +yamashiro,disambiguation_pages +pallas,disambiguation_pages +bea,disambiguation_pages +gripen,disambiguation_pages +hadouhou,disambiguation_pages +niou,disambiguation_pages +boudica,disambiguation_pages +mave,disambiguation_pages +gamers,disambiguation_pages +kamakura,disambiguation_pages +amin,disambiguation_pages +zill,disambiguation_pages +fad,disambiguation_pages +raou,disambiguation_pages +komoriuta,disambiguation_pages +kon'iro,disambiguation_pages +korai,disambiguation_pages +koorogi,disambiguation_pages +using phone,disambiguation_pages +jugoya,disambiguation_pages +ouno,disambiguation_pages +long riders,disambiguation_pages +nakamura ryuutarou,others +yuurou,disambiguation_pages +rusha,disambiguation_pages +yukia,disambiguation_pages +saw shark,creatures +istanbul,locations +mipe,disambiguation_pages +kongou,disambiguation_pages +after frottage,sex_acts +harukawa,disambiguation_pages +repulse,disambiguation_pages +rvs,disambiguation_pages +sanada nobuyuki,disambiguation_pages +nonosuke,disambiguation_pages +tawawa,disambiguation_pages +yuuai,disambiguation_pages +bd-0,disambiguation_pages +kyokkou,disambiguation_pages +jyugo,disambiguation_pages +matome,disambiguation_pages +blaise,disambiguation_pages +yamabuki kaede,disambiguation_pages +tanuma,disambiguation_pages +zenzai,disambiguation_pages +palacio de carlos v,locations +kokkuri-san,disambiguation_pages +sakai yuki,disambiguation_pages +vesta,disambiguation_pages +uss phoenix (cl-46),objects +dokan,disambiguation_pages +ots-12,objects +mezashi,disambiguation_pages +trg,disambiguation_pages +aihara yuuki,disambiguation_pages +i-41 (submarine),objects +=^=,body_parts +=v=,body_parts +shiten'nou,disambiguation_pages +yakkyou,disambiguation_pages +ayano yuu,disambiguation_pages +yagen,disambiguation_pages +uss chester (ca-27),objects +motcha,disambiguation_pages +hokanko,disambiguation_pages +type 11,disambiguation_pages +uss yorktown (cv-10),objects +uss wasp (cv-18),objects +grey clothes,disambiguation_pages +maruhachi,disambiguation_pages +kumichou,disambiguation_pages +oral simulation,body_parts +uss camden (aoe-2),objects +uss kentucky (bb-66),objects +wildcat,disambiguation_pages +owan,disambiguation_pages +uss marblehead (cl-12),objects +uss sculpin (ss-191),objects +tsubaki (destroyer),objects +suparutan,disambiguation_pages +sashio sae,disambiguation_pages +anchira,disambiguation_pages +anila,disambiguation_pages +x-36,objects +armored recovery vehicle,objects +touyama,disambiguation_pages +hms lion,disambiguation_pages +tachibana yukino,disambiguation_pages +umeyama,disambiguation_pages +tobiuo,disambiguation_pages +hmas stuart,disambiguation_pages +yuujou,disambiguation_pages +unajuu,disambiguation_pages +shinkuukan,disambiguation_pages +chromatic aberration abuse,image_composition +oshiro,disambiguation_pages +orii,disambiguation_pages +onyankopon,disambiguation_pages +ichinose honami,disambiguation_pages +hs 123,objects +p1y,objects +ki-15,objects +uss powhatan,objects +uss corry (dd-463),objects +uss indiana (bb-58),objects +scimitar (airplane),objects +kagimushi,disambiguation_pages +ooga,disambiguation_pages +ikeya,disambiguation_pages +betsy,disambiguation_pages +gladion,disambiguation_pages +nanakusa kayu,disambiguation_pages +omanjuu,disambiguation_pages +medb,disambiguation_pages +white neckwear,body_parts +ootokage,disambiguation_pages +thicc,subjective +warspite,disambiguation_pages +geregere,disambiguation_pages +utsubo,disambiguation_pages +p-2,objects +e13a,objects +yuzi,disambiguation_pages +eisuke,disambiguation_pages +pink neckwear,body_parts +yomoda,disambiguation_pages +m10,disambiguation_pages +dabi,disambiguation_pages +chocolate hair,body_parts +penginmaru,disambiguation_pages +airgetlam,disambiguation_pages +hyoutan,disambiguation_pages +1-gou,disambiguation_pages +kashira,disambiguation_pages +moyamoya,disambiguation_pages +aqua neckwear,body_parts +brown neckwear,body_parts +checkered neckwear,body_parts +grey neckwear,body_parts +orange neckwear,body_parts +print neckwear,image_composition +purple neckwear,body_parts +striped neckwear,body_parts +yellow neckwear,body_parts +osakabe-hime,disambiguation_pages +borobudur temple,locations +ubo,disambiguation_pages +sakurai nozomi,disambiguation_pages +shouma,disambiguation_pages +multiple sources,metatags +eva-8,objects +shinoba (style),image_composition +misokatsu,disambiguation_pages +wholesome,subjective +siberian crane,creatures +pseudopenis,body_parts +lithia,disambiguation_pages +rhodes island logo,attire +mask challenge (meme),sex_objects +honkai,disambiguation_pages +cinema 4d,others +salvador dali (illustrated),others +self scan,metatags +disclaimer:english,others +interdigital folds,body_parts +amx-30b,objects +missing file,metatags +anise (spice),objects +hutao,disambiguation_pages +shufa guan,attire +dark-skinned other,body_parts +iwi negev,objects +silhouette censor,image_composition +deku suke (style),image_composition +skottichan,sex_acts +rufflet,attire +cat humanoid,body_parts +kret,disambiguation_pages +kotezio,metatags +pubic mound,body_parts +colored flesh,body_parts +equine ears,body_parts +rose (flower),objects +kinyama,creatures +mayar,body_parts +female,groups +feline,creatures +suntan,objects +girly,disambiguation_pages +musical instrument,objects +hair strands,body_parts +nivek,body_parts +epaulette,attire +adjusting clothing,nudity +shrub,objects +back to back,posture +loreking,image_composition +bare chest,commonly_misused_tags +intersex/female,sex_acts +stiches,metatags +peaches,objects +face to face,posture +1990s,image_composition +cross pupils,body_parts +multi arm,sex_acts +adjusting hat,attire +pulling hair,body_parts +heart shaped box,others +ortensia,objects +80's theme,image_composition +macaronneko,objects +pillarbox,image_composition +picture frame,image_composition +reymur,objects +portable music player,objects +lotosu,objects +talilly,sex_acts +shell casings,objects +mipha,verbs_and_gerunds +piilsud,sex_acts +omelette,objects +drumming stick,objects +flaming tail,objects +blur censorship,image_composition +steam censorship,image_composition +tugging,verbs_and_gerunds +railway,locations +blueberry (fruit),objects +kamilia,objects +intersex/intersex,sex_acts +toony,image_composition +yokai,creatures +walkies,objects +arm blades,objects +meat on bone,objects +juiceps,objects +pink swimwear,attire +butt cutout,attire +moetempura,objects +side cut,body_parts +salarian,others +folds,image_composition +kanab・・・,objects +perpendicular titfuck,sex_acts +redraw,metatags +purple swimwear,attire +tropical beverage,objects +ammo belt,objects +digos,objects +one eye obstructed,posture +bean,objects +patterns,image_composition +greentea,objects +putting on clothes,nudity +mellonbun,objects +ball suck,sex_acts +striped swimwear,attire +ibee,objects +green swimwear,attire +infurmary,locations +chryseum,objects +filled condom,sex_acts +kanji,others +trout,others +・・€病mi,creatures +flaming wings,body_parts +playing sport,others +felicer,others +nipple cutouts,body_parts +yellow swimwear,attire +print swimwear,image_composition +flat top,body_parts +kittentits,commonly_misused_tags +airship,disambiguation_pages +ball lick,sex_acts +dipteran,creatures +yattermang,image_composition +minze,objects +marei,subjective +stepsiblings,others +grey swimwear,attire +spaceship interior,objects +on knee,posture +wounded,body_parts +pockets,objects +face paint,verbs_and_gerunds +multi penis,sex_acts +cum on own face,sex_acts +sabatons,objects +forneus,objects +panzie,objects +devil horns (gesture),posture +castagno,objects +brown pussy,creatures +bellbottoms,attire +marshy,locations +mellonsoda,objects +figure skates,verbs_and_gerunds +korokke,objects +zapphira,creatures +cephei,body_parts +orange swimwear,attire +ace of diamonds,others +perec,objects +tentaclothes,sex_acts +firecracker,others +nyume,image_composition +pushbutton,disambiguation_pages +borderless panel,image_composition +tidalwave,attire +elfein,objects +zombiate,artistic_license +daria,objects +herbs,objects +multi breast,sex_acts +salamandr,creatures +orctober,year_tags +multi tongue,text +jammer,attire +uhoh,objects +katherine,disambiguation_pages +1960s,image_composition +feb,year_tags +honey pot,objects +ultraviolet,image_composition +paint tool sai,others +zooshi,locations +instant noodle,objects +reverse titfuck,body_parts +megi,disambiguation_pages +flayre,image_composition +emoji censorship,image_composition +brown swimwear,attire +glistening headgear,image_composition +dimsun,objects +the sunfish,creatures +butt sniffing,body_parts +hyacinthia,objects +ruff (clothing),body_parts +garbendatu,metatags +moirah,objects +ice rink,locations +whike,objects +majmajor,others +eurasian magpie,creatures +rocket launcher,objects +custardalvis,objects +slenderman,creatures +succulent,objects +imlutio,others +sitarra,objects +shanghailion,locations +templar,objects +lecture,verbs_and_gerunds +long horn,objects +babysteps,others +pippuri,disambiguation_pages +raiden (metal gear),disambiguation_pages \ No newline at end of file diff --git a/tagger/tagger.py b/tagger/tagger.py new file mode 100644 index 0000000000000000000000000000000000000000..df3015cb331abad7090c7eac6b642778c1962bfc --- /dev/null +++ b/tagger/tagger.py @@ -0,0 +1,552 @@ +from PIL import Image +import torch +import gradio as gr +import spaces +from transformers import ( + AutoImageProcessor, + AutoModelForImageClassification, +) +from pathlib import Path + + +WD_MODEL_NAMES = ["p1atdev/wd-swinv2-tagger-v3-hf"] +WD_MODEL_NAME = WD_MODEL_NAMES[0] + +device = "cuda" if torch.cuda.is_available() else "cpu" +default_device = device +wd_model = AutoModelForImageClassification.from_pretrained(WD_MODEL_NAME, trust_remote_code=True).to(default_device).eval() +wd_processor = AutoImageProcessor.from_pretrained(WD_MODEL_NAME, trust_remote_code=True) + + +def _people_tag(noun: str, minimum: int = 1, maximum: int = 5): + return ( + [f"1{noun}"] + + [f"{num}{noun}s" for num in range(minimum + 1, maximum + 1)] + + [f"{maximum+1}+{noun}s"] + ) + + +PEOPLE_TAGS = ( + _people_tag("girl") + _people_tag("boy") + _people_tag("other") + ["no humans"] +) + + +RATING_MAP = { + "sfw": "safe", + "general": "safe", + "sensitive": "sensitive", + "questionable": "nsfw", + "explicit": "explicit, nsfw", +} +DANBOORU_TO_E621_RATING_MAP = { + "sfw": "rating_safe", + "general": "rating_safe", + "safe": "rating_safe", + "sensitive": "rating_safe", + "nsfw": "rating_explicit", + "explicit, nsfw": "rating_explicit", + "explicit": "rating_explicit", + "rating:safe": "rating_safe", + "rating:general": "rating_safe", + "rating:sensitive": "rating_safe", + "rating:questionable, nsfw": "rating_explicit", + "rating:explicit, nsfw": "rating_explicit", +} + + +# https://github.com/toriato/stable-diffusion-webui-wd14-tagger/blob/a9eacb1eff904552d3012babfa28b57e1d3e295c/tagger/ui.py#L368 +kaomojis = [ + "0_0", + "(o)_(o)", + "+_+", + "+_-", + "._.", + "_", + "<|>_<|>", + "=_=", + ">_<", + "3_3", + "6_9", + ">_o", + "@_@", + "^_^", + "o_o", + "u_u", + "x_x", + "|_|", + "||_||", +] + + +def replace_underline(x: str): + return x.strip().replace("_", " ") if x not in kaomojis else x.strip() + + +def to_list(s): + return [x.strip() for x in s.split(",") if not s == ""] + + +def list_sub(a, b): + return [e for e in a if e not in b] + + +def list_uniq(l): + return sorted(set(l), key=l.index) + + +def load_dict_from_csv(filename): + dict = {} + if not Path(filename).exists(): + if Path('./tagger/', filename).exists(): filename = str(Path('./tagger/', filename)) + else: return dict + try: + with open(filename, 'r', encoding="utf-8") as f: + lines = f.readlines() + except Exception: + print(f"Failed to open dictionary file: {filename}") + return dict + for line in lines: + parts = line.strip().split(',') + dict[parts[0]] = parts[1] + return dict + + +anime_series_dict = load_dict_from_csv('character_series_dict.csv') + + +def character_list_to_series_list(character_list): + output_series_tag = [] + series_tag = "" + series_dict = anime_series_dict + for tag in character_list: + series_tag = series_dict.get(tag, "") + if tag.endswith(")"): + tags = tag.split("(") + character_tag = "(".join(tags[:-1]) + if character_tag.endswith(" "): + character_tag = character_tag[:-1] + series_tag = tags[-1].replace(")", "") + + if series_tag: + output_series_tag.append(series_tag) + + return output_series_tag + + +def select_random_character(series: str, character: str): + from random import seed, randrange + seed() + character_list = list(anime_series_dict.keys()) + character = character_list[randrange(len(character_list) - 1)] + series = anime_series_dict.get(character.split(",")[0].strip(), "") + return series, character + + +def danbooru_to_e621(dtag, e621_dict): + def d_to_e(match, e621_dict): + dtag = match.group(0) + etag = e621_dict.get(replace_underline(dtag), "") + if etag: + return etag + else: + return dtag + + import re + tag = re.sub(r'[\w ]+', lambda wrapper: d_to_e(wrapper, e621_dict), dtag, 2) + return tag + + +danbooru_to_e621_dict = load_dict_from_csv('danbooru_e621.csv') + + +def convert_danbooru_to_e621_prompt(input_prompt: str = "", prompt_type: str = "danbooru"): + if prompt_type == "danbooru": return input_prompt + tags = input_prompt.split(",") if input_prompt else [] + people_tags: list[str] = [] + other_tags: list[str] = [] + rating_tags: list[str] = [] + + e621_dict = danbooru_to_e621_dict + for tag in tags: + tag = replace_underline(tag) + tag = danbooru_to_e621(tag, e621_dict) + if tag in PEOPLE_TAGS: + people_tags.append(tag) + elif tag in DANBOORU_TO_E621_RATING_MAP.keys(): + rating_tags.append(DANBOORU_TO_E621_RATING_MAP.get(tag.replace(" ",""), "")) + else: + other_tags.append(tag) + + rating_tags = sorted(set(rating_tags), key=rating_tags.index) + rating_tags = [rating_tags[0]] if rating_tags else [] + rating_tags = ["explicit, nsfw"] if rating_tags and rating_tags[0] == "explicit" else rating_tags + + output_prompt = ", ".join(people_tags + other_tags + rating_tags) + + return output_prompt + + +def translate_prompt(prompt: str = ""): + def translate_to_english(prompt): + import httpcore + setattr(httpcore, 'SyncHTTPTransport', 'AsyncHTTPProxy') + from googletrans import Translator + translator = Translator() + try: + translated_prompt = translator.translate(prompt, src='auto', dest='en').text + return translated_prompt + except Exception as e: + print(e) + return prompt + + def is_japanese(s): + import unicodedata + for ch in s: + name = unicodedata.name(ch, "") + if "CJK UNIFIED" in name or "HIRAGANA" in name or "KATAKANA" in name: + return True + return False + + def to_list(s): + return [x.strip() for x in s.split(",")] + + prompts = to_list(prompt) + outputs = [] + for p in prompts: + p = translate_to_english(p) if is_japanese(p) else p + outputs.append(p) + + return ", ".join(outputs) + + +def translate_prompt_to_ja(prompt: str = ""): + def translate_to_japanese(prompt): + import httpcore + setattr(httpcore, 'SyncHTTPTransport', 'AsyncHTTPProxy') + from googletrans import Translator + translator = Translator() + try: + translated_prompt = translator.translate(prompt, src='en', dest='ja').text + return translated_prompt + except Exception as e: + print(e) + return prompt + + def is_japanese(s): + import unicodedata + for ch in s: + name = unicodedata.name(ch, "") + if "CJK UNIFIED" in name or "HIRAGANA" in name or "KATAKANA" in name: + return True + return False + + def to_list(s): + return [x.strip() for x in s.split(",")] + + prompts = to_list(prompt) + outputs = [] + for p in prompts: + p = translate_to_japanese(p) if not is_japanese(p) else p + outputs.append(p) + + return ", ".join(outputs) + + +def tags_to_ja(itag, dict): + def t_to_j(match, dict): + tag = match.group(0) + ja = dict.get(replace_underline(tag), "") + if ja: + return ja + else: + return tag + + import re + tag = re.sub(r'[\w ]+', lambda wrapper: t_to_j(wrapper, dict), itag, 2) + + return tag + + +def convert_tags_to_ja(input_prompt: str = ""): + tags = input_prompt.split(",") if input_prompt else [] + out_tags = [] + + tags_to_ja_dict = load_dict_from_csv('all_tags_ja_ext.csv') + dict = tags_to_ja_dict + for tag in tags: + tag = replace_underline(tag) + tag = tags_to_ja(tag, dict) + out_tags.append(tag) + + return ", ".join(out_tags) + + +enable_auto_recom_prompt = True + + +animagine_ps = to_list("masterpiece, best quality, very aesthetic, absurdres") +animagine_nps = to_list("lowres, (bad), text, error, fewer, extra, missing, worst quality, jpeg artifacts, low quality, watermark, unfinished, displeasing, oldest, early, chromatic aberration, signature, extra digits, artistic error, username, scan, [abstract]") +pony_ps = to_list("score_9, score_8_up, score_7_up, masterpiece, best quality, very aesthetic, absurdres") +pony_nps = to_list("source_pony, score_6, score_5, score_4, busty, ugly face, mutated hands, low res, blurry face, black and white, the simpsons, overwatch, apex legends") +other_ps = to_list("anime artwork, anime style, studio anime, highly detailed, cinematic photo, 35mm photograph, film, bokeh, professional, 4k, highly detailed") +other_nps = to_list("photo, deformed, black and white, realism, disfigured, low contrast, drawing, painting, crayon, sketch, graphite, impressionist, noisy, blurry, soft, deformed, ugly") +default_ps = to_list("highly detailed, masterpiece, best quality, very aesthetic, absurdres") +default_nps = to_list("score_6, score_5, score_4, lowres, (bad), text, error, fewer, extra, missing, worst quality, jpeg artifacts, low quality, watermark, unfinished, displeasing, oldest, early, chromatic aberration, signature, extra digits, artistic error, username, scan, [abstract]") +def insert_recom_prompt(prompt: str = "", neg_prompt: str = "", type: str = "None"): + global enable_auto_recom_prompt + prompts = to_list(prompt) + neg_prompts = to_list(neg_prompt) + + prompts = list_sub(prompts, animagine_ps + pony_ps) + neg_prompts = list_sub(neg_prompts, animagine_nps + pony_nps) + + last_empty_p = [""] if not prompts and type != "None" else [] + last_empty_np = [""] if not neg_prompts and type != "None" else [] + + if type == "Auto": + enable_auto_recom_prompt = True + else: + enable_auto_recom_prompt = False + if type == "Animagine": + prompts = prompts + animagine_ps + neg_prompts = neg_prompts + animagine_nps + elif type == "Pony": + prompts = prompts + pony_ps + neg_prompts = neg_prompts + pony_nps + + prompt = ", ".join(list_uniq(prompts) + last_empty_p) + neg_prompt = ", ".join(list_uniq(neg_prompts) + last_empty_np) + + return prompt, neg_prompt + + +def load_model_prompt_dict(): + import json + dict = {} + path = 'model_dict.json' if Path('model_dict.json').exists() else './tagger/model_dict.json' + try: + with open('model_dict.json', encoding='utf-8') as f: + dict = json.load(f) + except Exception: + pass + return dict + + +model_prompt_dict = load_model_prompt_dict() + + +def insert_model_recom_prompt(prompt: str = "", neg_prompt: str = "", model_name: str = "None"): + if not model_name or not enable_auto_recom_prompt: return prompt, neg_prompt + prompts = to_list(prompt) + neg_prompts = to_list(neg_prompt) + prompts = list_sub(prompts, animagine_ps + pony_ps + other_ps) + neg_prompts = list_sub(neg_prompts, animagine_nps + pony_nps + other_nps) + last_empty_p = [""] if not prompts and type != "None" else [] + last_empty_np = [""] if not neg_prompts and type != "None" else [] + ps = [] + nps = [] + if model_name in model_prompt_dict.keys(): + ps = to_list(model_prompt_dict[model_name]["prompt"]) + nps = to_list(model_prompt_dict[model_name]["negative_prompt"]) + else: + ps = default_ps + nps = default_nps + prompts = prompts + ps + neg_prompts = neg_prompts + nps + prompt = ", ".join(list_uniq(prompts) + last_empty_p) + neg_prompt = ", ".join(list_uniq(neg_prompts) + last_empty_np) + return prompt, neg_prompt + + +tag_group_dict = load_dict_from_csv('tag_group.csv') + + +def remove_specific_prompt(input_prompt: str = "", keep_tags: str = "all"): + def is_dressed(tag): + import re + p = re.compile(r'dress|cloth|uniform|costume|vest|sweater|coat|shirt|jacket|blazer|apron|leotard|hood|sleeve|skirt|shorts|pant|loafer|ribbon|necktie|bow|collar|glove|sock|shoe|boots|wear|emblem') + return p.search(tag) + + def is_background(tag): + import re + p = re.compile(r'background|outline|light|sky|build|day|screen|tree|city') + return p.search(tag) + + un_tags = ['solo'] + group_list = ['groups', 'body_parts', 'attire', 'posture', 'objects', 'creatures', 'locations', 'disambiguation_pages', 'commonly_misused_tags', 'phrases', 'verbs_and_gerunds', 'subjective', 'nudity', 'sex_objects', 'sex', 'sex_acts', 'image_composition', 'artistic_license', 'text', 'year_tags', 'metatags'] + keep_group_dict = { + "body": ['groups', 'body_parts'], + "dress": ['groups', 'body_parts', 'attire'], + "all": group_list, + } + + def is_necessary(tag, keep_tags, group_dict): + if keep_tags == "all": + return True + elif tag in un_tags or group_dict.get(tag, "") in explicit_group: + return False + elif keep_tags == "body" and is_dressed(tag): + return False + elif is_background(tag): + return False + else: + return True + + if keep_tags == "all": return input_prompt + keep_group = keep_group_dict.get(keep_tags, keep_group_dict["body"]) + explicit_group = list(set(group_list) ^ set(keep_group)) + + tags = input_prompt.split(",") if input_prompt else [] + people_tags: list[str] = [] + other_tags: list[str] = [] + + group_dict = tag_group_dict + for tag in tags: + tag = replace_underline(tag) + if tag in PEOPLE_TAGS: + people_tags.append(tag) + elif is_necessary(tag, keep_tags, group_dict): + other_tags.append(tag) + + output_prompt = ", ".join(people_tags + other_tags) + + return output_prompt + + +def sort_taglist(tags: list[str]): + if not tags: return [] + character_tags: list[str] = [] + series_tags: list[str] = [] + people_tags: list[str] = [] + group_list = ['groups', 'body_parts', 'attire', 'posture', 'objects', 'creatures', 'locations', 'disambiguation_pages', 'commonly_misused_tags', 'phrases', 'verbs_and_gerunds', 'subjective', 'nudity', 'sex_objects', 'sex', 'sex_acts', 'image_composition', 'artistic_license', 'text', 'year_tags', 'metatags'] + group_tags = {} + other_tags: list[str] = [] + rating_tags: list[str] = [] + + group_dict = tag_group_dict + group_set = set(group_dict.keys()) + character_set = set(anime_series_dict.keys()) + series_set = set(anime_series_dict.values()) + rating_set = set(DANBOORU_TO_E621_RATING_MAP.keys()) | set(DANBOORU_TO_E621_RATING_MAP.values()) + + for tag in tags: + tag = replace_underline(tag) + if tag in PEOPLE_TAGS: + people_tags.append(tag) + elif tag in rating_set: + rating_tags.append(tag) + elif tag in group_set: + elem = group_dict[tag] + group_tags[elem] = group_tags[elem] + [tag] if elem in group_tags else [tag] + elif tag in character_set: + character_tags.append(tag) + elif tag in series_set: + series_tags.append(tag) + else: + other_tags.append(tag) + + output_group_tags: list[str] = [] + for k in group_list: + output_group_tags.extend(group_tags.get(k, [])) + + rating_tags = [rating_tags[0]] if rating_tags else [] + rating_tags = ["explicit, nsfw"] if rating_tags and rating_tags[0] == "explicit" else rating_tags + + output_tags = character_tags + series_tags + people_tags + output_group_tags + other_tags + rating_tags + + return output_tags + + +def sort_tags(tags: str): + if not tags: return "" + taglist: list[str] = [] + for tag in tags.split(","): + taglist.append(tag.strip()) + taglist = list(filter(lambda x: x != "", taglist)) + return ", ".join(sort_taglist(taglist)) + + +def postprocess_results(results: dict[str, float], general_threshold: float, character_threshold: float): + results = { + k: v for k, v in sorted(results.items(), key=lambda item: item[1], reverse=True) + } + + rating = {} + character = {} + general = {} + + for k, v in results.items(): + if k.startswith("rating:"): + rating[k.replace("rating:", "")] = v + continue + elif k.startswith("character:"): + character[k.replace("character:", "")] = v + continue + + general[k] = v + + character = {k: v for k, v in character.items() if v >= character_threshold} + general = {k: v for k, v in general.items() if v >= general_threshold} + + return rating, character, general + + +def gen_prompt(rating: list[str], character: list[str], general: list[str]): + people_tags: list[str] = [] + other_tags: list[str] = [] + rating_tag = RATING_MAP[rating[0]] + + for tag in general: + if tag in PEOPLE_TAGS: + people_tags.append(tag) + else: + other_tags.append(tag) + + all_tags = people_tags + other_tags + + return ", ".join(all_tags) + + +@spaces.GPU(duration=30) +def predict_tags(image: Image.Image, general_threshold: float = 0.3, character_threshold: float = 0.8): + inputs = wd_processor.preprocess(image, return_tensors="pt") + + outputs = wd_model(**inputs.to(wd_model.device, wd_model.dtype)) + logits = torch.sigmoid(outputs.logits[0]) # take the first logits + + # get probabilities + if device != default_device: wd_model.to(device=device) + results = { + wd_model.config.id2label[i]: float(logit.float()) for i, logit in enumerate(logits) + } + if device != default_device: wd_model.to(device=default_device) + # rating, character, general + rating, character, general = postprocess_results( + results, general_threshold, character_threshold + ) + prompt = gen_prompt( + list(rating.keys()), list(character.keys()), list(general.keys()) + ) + output_series_tag = "" + output_series_list = character_list_to_series_list(character.keys()) + if output_series_list: + output_series_tag = output_series_list[0] + else: + output_series_tag = "" + return output_series_tag, ", ".join(character.keys()), prompt, gr.update(interactive=True) + + +def predict_tags_wd(image: Image.Image, input_tags: str, algo: list[str], general_threshold: float = 0.3, + character_threshold: float = 0.8, input_series: str = "", input_character: str = ""): + if not "Use WD Tagger" in algo and len(algo) != 0: + return input_series, input_character, input_tags, gr.update(interactive=True) + return predict_tags(image, general_threshold, character_threshold) + + +def compose_prompt_to_copy(character: str, series: str, general: str): + characters = character.split(",") if character else [] + serieses = series.split(",") if series else [] + generals = general.split(",") if general else [] + tags = characters + serieses + generals + cprompt = ",".join(tags) if tags else "" + return cprompt diff --git a/tagger/utils.py b/tagger/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..a40887cc06b51b481d7e34bca5aaf8a768477c1b --- /dev/null +++ b/tagger/utils.py @@ -0,0 +1,50 @@ +import gradio as gr +from dartrs.v2 import AspectRatioTag, LengthTag, RatingTag, IdentityTag + + +V2_ASPECT_RATIO_OPTIONS: list[AspectRatioTag] = [ + "ultra_wide", + "wide", + "square", + "tall", + "ultra_tall", +] +V2_RATING_OPTIONS: list[RatingTag] = [ + "sfw", + "general", + "sensitive", + "nsfw", + "questionable", + "explicit", +] +V2_LENGTH_OPTIONS: list[LengthTag] = [ + "very_short", + "short", + "medium", + "long", + "very_long", +] +V2_IDENTITY_OPTIONS: list[IdentityTag] = [ + "none", + "lax", + "strict", +] + + +# ref: https://qiita.com/tregu148/items/fccccbbc47d966dd2fc2 +def gradio_copy_text(_text: None): + gr.Info("Copied!") + + +COPY_ACTION_JS = """\ +(inputs, _outputs) => { + // inputs is the string value of the input_text + if (inputs.trim() !== "") { + navigator.clipboard.writeText(inputs); + } +}""" + + +def gradio_copy_prompt(prompt: str): + gr.Info("Copied!") + return prompt diff --git a/tagger/v2.py b/tagger/v2.py new file mode 100644 index 0000000000000000000000000000000000000000..28207d5c54ee3ba52c2780e10824f9e88f6b59e9 --- /dev/null +++ b/tagger/v2.py @@ -0,0 +1,260 @@ +import time +import torch +from typing import Callable +from pathlib import Path + +from dartrs.v2 import ( + V2Model, + MixtralModel, + MistralModel, + compose_prompt, + LengthTag, + AspectRatioTag, + RatingTag, + IdentityTag, +) +from dartrs.dartrs import DartTokenizer +from dartrs.utils import get_generation_config + + +import gradio as gr +from gradio.components import Component + + +try: + from output import UpsamplingOutput +except: + from .output import UpsamplingOutput + + +V2_ALL_MODELS = { + "dart-v2-moe-sft": { + "repo": "p1atdev/dart-v2-moe-sft", + "type": "sft", + "class": MixtralModel, + }, + "dart-v2-sft": { + "repo": "p1atdev/dart-v2-sft", + "type": "sft", + "class": MistralModel, + }, +} + + +def prepare_models(model_config: dict): + model_name = model_config["repo"] + tokenizer = DartTokenizer.from_pretrained(model_name) + model = model_config["class"].from_pretrained(model_name) + + return { + "tokenizer": tokenizer, + "model": model, + } + + +def normalize_tags(tokenizer: DartTokenizer, tags: str): + """Just remove unk tokens.""" + return ", ".join([tag for tag in tokenizer.tokenize(tags) if tag != "<|unk|>"]) + + +@torch.no_grad() +def generate_tags( + model: V2Model, + tokenizer: DartTokenizer, + prompt: str, + ban_token_ids: list[int], +): + output = model.generate( + get_generation_config( + prompt, + tokenizer=tokenizer, + temperature=1, + top_p=0.9, + top_k=100, + max_new_tokens=256, + ban_token_ids=ban_token_ids, + ), + ) + + return output + + +def _people_tag(noun: str, minimum: int = 1, maximum: int = 5): + return ( + [f"1{noun}"] + + [f"{num}{noun}s" for num in range(minimum + 1, maximum + 1)] + + [f"{maximum+1}+{noun}s"] + ) + + +PEOPLE_TAGS = ( + _people_tag("girl") + _people_tag("boy") + _people_tag("other") + ["no humans"] +) + + +def gen_prompt_text(output: UpsamplingOutput): + # separate people tags (e.g. 1girl) + people_tags = [] + other_general_tags = [] + + for tag in output.general_tags.split(","): + tag = tag.strip() + if tag in PEOPLE_TAGS: + people_tags.append(tag) + else: + other_general_tags.append(tag) + + return ", ".join( + [ + part.strip() + for part in [ + *people_tags, + output.character_tags, + output.copyright_tags, + *other_general_tags, + output.upsampled_tags, + output.rating_tag, + ] + if part.strip() != "" + ] + ) + + +def elapsed_time_format(elapsed_time: float) -> str: + return f"Elapsed: {elapsed_time:.2f} seconds" + + +def parse_upsampling_output( + upsampler: Callable[..., UpsamplingOutput], +): + def _parse_upsampling_output(*args) -> tuple[str, str, dict]: + output = upsampler(*args) + + return ( + gen_prompt_text(output), + elapsed_time_format(output.elapsed_time), + gr.update(interactive=True), + gr.update(interactive=True), + ) + + return _parse_upsampling_output + + +class V2UI: + model_name: str | None = None + model: V2Model + tokenizer: DartTokenizer + + input_components: list[Component] = [] + generate_btn: gr.Button + + def on_generate( + self, + model_name: str, + copyright_tags: str, + character_tags: str, + general_tags: str, + rating_tag: RatingTag, + aspect_ratio_tag: AspectRatioTag, + length_tag: LengthTag, + identity_tag: IdentityTag, + ban_tags: str, + *args, + ) -> UpsamplingOutput: + if self.model_name is None or self.model_name != model_name: + models = prepare_models(V2_ALL_MODELS[model_name]) + self.model = models["model"] + self.tokenizer = models["tokenizer"] + self.model_name = model_name + + # normalize tags + # copyright_tags = normalize_tags(self.tokenizer, copyright_tags) + # character_tags = normalize_tags(self.tokenizer, character_tags) + # general_tags = normalize_tags(self.tokenizer, general_tags) + + ban_token_ids = self.tokenizer.encode(ban_tags.strip()) + + prompt = compose_prompt( + prompt=general_tags, + copyright=copyright_tags, + character=character_tags, + rating=rating_tag, + aspect_ratio=aspect_ratio_tag, + length=length_tag, + identity=identity_tag, + ) + + start = time.time() + upsampled_tags = generate_tags( + self.model, + self.tokenizer, + prompt, + ban_token_ids, + ) + elapsed_time = time.time() - start + + return UpsamplingOutput( + upsampled_tags=upsampled_tags, + copyright_tags=copyright_tags, + character_tags=character_tags, + general_tags=general_tags, + rating_tag=rating_tag, + aspect_ratio_tag=aspect_ratio_tag, + length_tag=length_tag, + identity_tag=identity_tag, + elapsed_time=elapsed_time, + ) + + +def parse_upsampling_output_simple(upsampler: UpsamplingOutput): + return gen_prompt_text(upsampler) + + +v2 = V2UI() + + +def v2_upsampling_prompt(model: str = "dart-v2-moe-sft", copyright: str = "", character: str = "", + general_tags: str = "", rating: str = "nsfw", aspect_ratio: str = "square", + length: str = "very_long", identity: str = "lax", ban_tags: str = "censored"): + raw_prompt = parse_upsampling_output_simple(v2.on_generate(model, copyright, character, general_tags, + rating, aspect_ratio, length, identity, ban_tags)) + return raw_prompt + + +def load_dict_from_csv(filename): + dict = {} + if not Path(filename).exists(): + if Path('./tagger/', filename).exists(): filename = str(Path('./tagger/', filename)) + else: return dict + try: + with open(filename, 'r', encoding="utf-8") as f: + lines = f.readlines() + except Exception: + print(f"Failed to open dictionary file: {filename}") + return dict + for line in lines: + parts = line.strip().split(',') + dict[parts[0]] = parts[1] + return dict + + +anime_series_dict = load_dict_from_csv('character_series_dict.csv') + + +def select_random_character(series: str, character: str): + from random import seed, randrange + seed() + character_list = list(anime_series_dict.keys()) + character = character_list[randrange(len(character_list) - 1)] + series = anime_series_dict.get(character.split(",")[0].strip(), "") + return series, character + + +def v2_random_prompt(general_tags: str = "", copyright: str = "", character: str = "", rating: str = "nsfw", + aspect_ratio: str = "square", length: str = "very_long", identity: str = "lax", + ban_tags: str = "censored", model: str = "dart-v2-moe-sft"): + if copyright == "" and character == "": + copyright, character = select_random_character("", "") + raw_prompt = v2_upsampling_prompt(model, copyright, character, general_tags, rating, + aspect_ratio, length, identity, ban_tags) + return raw_prompt, copyright, character \ No newline at end of file