SeaArtLab commited on
Commit
6c49dbc
1 Parent(s): 22bf636

Upload 8 files

Browse files
Files changed (8) hide show
  1. README.md +10 -6
  2. app.py +395 -0
  3. config.py +112 -0
  4. requirements.txt +10 -0
  5. style.css +63 -0
  6. utils.py +182 -0
  7. wildcard/character31.txt +2126 -0
  8. wildcard/characterfull.txt +0 -0
README.md CHANGED
@@ -1,13 +1,17 @@
1
  ---
2
- title: SeaArt Furry XL 1.0
3
- emoji: 🌖
4
- colorFrom: indigo
5
- colorTo: indigo
6
  sdk: gradio
7
- sdk_version: 4.26.0
8
  app_file: app.py
 
9
  pinned: false
10
- license: creativeml-openrail-m
 
11
  ---
12
 
13
  Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
 
 
 
1
  ---
2
+ title: SeaArt-Furry-XL 1.0
3
+ emoji: 🌍
4
+ colorFrom: gray
5
+ colorTo: blue
6
  sdk: gradio
7
+ sdk_version: 4.20.0
8
  app_file: app.py
9
+ license: mit
10
  pinned: false
11
+ suggested_hardware: a10g-small
12
+ short_description: The most opinionated, anime-themed SDXL model
13
  ---
14
 
15
  Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference
16
+
17
+ https://arxiv.org/abs/2307.01952
app.py ADDED
@@ -0,0 +1,395 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import os
2
+ import gc
3
+ import gradio as gr
4
+ import numpy as np
5
+ import torch
6
+ import json
7
+ import spaces
8
+ import config
9
+ import utils
10
+ import logging
11
+ from PIL import Image, PngImagePlugin
12
+ from datetime import datetime
13
+ from diffusers.models import AutoencoderKL
14
+ from diffusers import StableDiffusionXLPipeline, StableDiffusionXLImg2ImgPipeline
15
+
16
+ logging.basicConfig(level=logging.INFO)
17
+ logger = logging.getLogger(__name__)
18
+
19
+ DESCRIPTION = "SeaArt-Furry-XL-1.0"
20
+ if not torch.cuda.is_available():
21
+ DESCRIPTION += "\n<p>Running on CPU 🥶 This demo does not work on CPU. </p>"
22
+ IS_COLAB = utils.is_google_colab() or os.getenv("IS_COLAB") == "1"
23
+ HF_TOKEN = os.getenv("HF_TOKEN")
24
+ CACHE_EXAMPLES = torch.cuda.is_available() and os.getenv("CACHE_EXAMPLES") == "1"
25
+ MIN_IMAGE_SIZE = int(os.getenv("MIN_IMAGE_SIZE", "512"))
26
+ MAX_IMAGE_SIZE = int(os.getenv("MAX_IMAGE_SIZE", "2048"))
27
+ USE_TORCH_COMPILE = os.getenv("USE_TORCH_COMPILE") == "1"
28
+ ENABLE_CPU_OFFLOAD = os.getenv("ENABLE_CPU_OFFLOAD") == "1"
29
+ OUTPUT_DIR = os.getenv("OUTPUT_DIR", "./outputs")
30
+
31
+ MODEL = os.getenv(
32
+ "MODEL",
33
+ "https://huggingface.co/SeaArtLab/SeaArt-Furry-XL-1.0/blob/main/furry-xl-4.0.safetensors",
34
+ )
35
+
36
+ torch.backends.cudnn.deterministic = True
37
+ torch.backends.cudnn.benchmark = False
38
+
39
+ device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
40
+
41
+
42
+ def load_pipeline(model_name):
43
+ vae = AutoencoderKL.from_pretrained(
44
+ "madebyollin/sdxl-vae-fp16-fix",
45
+ torch_dtype=torch.float16,
46
+ )
47
+ pipeline = (
48
+ StableDiffusionXLPipeline.from_single_file
49
+ if MODEL.endswith(".safetensors")
50
+ else StableDiffusionXLPipeline.from_pretrained
51
+ )
52
+
53
+ pipe = pipeline(
54
+ model_name,
55
+ vae=vae,
56
+ torch_dtype=torch.float16,
57
+ custom_pipeline="lpw_stable_diffusion_xl",
58
+ use_safetensors=True,
59
+ add_watermarker=False,
60
+ use_auth_token=HF_TOKEN,
61
+ )
62
+
63
+ pipe.to(device)
64
+ return pipe
65
+
66
+
67
+ @spaces.GPU
68
+ def generate(
69
+ prompt: str,
70
+ negative_prompt: str = "",
71
+ seed: int = 0,
72
+ custom_width: int = 1024,
73
+ custom_height: int = 1024,
74
+ guidance_scale: float = 7.0,
75
+ num_inference_steps: int = 28,
76
+ sampler: str = "Euler a",
77
+ aspect_ratio_selector: str = "896 x 1152",
78
+ style_selector: str = "(None)",
79
+ quality_selector: str = "Standard v3.1",
80
+ use_upscaler: bool = False,
81
+ upscaler_strength: float = 0.55,
82
+ upscale_by: float = 1.5,
83
+ add_quality_tags: bool = True,
84
+ progress=gr.Progress(track_tqdm=True),
85
+ ):
86
+ generator = utils.seed_everything(seed)
87
+
88
+ width, height = utils.aspect_ratio_handler(
89
+ aspect_ratio_selector,
90
+ custom_width,
91
+ custom_height,
92
+ )
93
+
94
+ prompt = utils.add_wildcard(prompt, wildcard_files)
95
+
96
+ prompt, negative_prompt = utils.preprocess_prompt(
97
+ quality_prompt, quality_selector, prompt, negative_prompt, add_quality_tags
98
+ )
99
+ prompt, negative_prompt = utils.preprocess_prompt(
100
+ styles, style_selector, prompt, negative_prompt
101
+ )
102
+
103
+ width, height = utils.preprocess_image_dimensions(width, height)
104
+
105
+ backup_scheduler = pipe.scheduler
106
+ pipe.scheduler = utils.get_scheduler(pipe.scheduler.config, sampler)
107
+
108
+ if use_upscaler:
109
+ upscaler_pipe = StableDiffusionXLImg2ImgPipeline(**pipe.components)
110
+ metadata = {
111
+ "prompt": prompt,
112
+ "negative_prompt": negative_prompt,
113
+ "resolution": f"{width} x {height}",
114
+ "guidance_scale": guidance_scale,
115
+ "num_inference_steps": num_inference_steps,
116
+ "seed": seed,
117
+ "sampler": sampler,
118
+ "sdxl_style": style_selector,
119
+ "add_quality_tags": add_quality_tags,
120
+ "quality_tags": quality_selector,
121
+ }
122
+
123
+ if use_upscaler:
124
+ new_width = int(width * upscale_by)
125
+ new_height = int(height * upscale_by)
126
+ metadata["use_upscaler"] = {
127
+ "upscale_method": "nearest-exact",
128
+ "upscaler_strength": upscaler_strength,
129
+ "upscale_by": upscale_by,
130
+ "new_resolution": f"{new_width} x {new_height}",
131
+ }
132
+ else:
133
+ metadata["use_upscaler"] = None
134
+ metadata["Model"] = {
135
+ "Model": DESCRIPTION,
136
+ "Model hash": "e3c47aedb0",
137
+ }
138
+
139
+ logger.info(json.dumps(metadata, indent=4))
140
+
141
+ try:
142
+ if use_upscaler:
143
+ latents = pipe(
144
+ prompt=prompt,
145
+ negative_prompt=negative_prompt,
146
+ width=width,
147
+ height=height,
148
+ guidance_scale=guidance_scale,
149
+ num_inference_steps=num_inference_steps,
150
+ generator=generator,
151
+ output_type="latent",
152
+ ).images
153
+ upscaled_latents = utils.upscale(latents, "nearest-exact", upscale_by)
154
+ images = upscaler_pipe(
155
+ prompt=prompt,
156
+ negative_prompt=negative_prompt,
157
+ image=upscaled_latents,
158
+ guidance_scale=guidance_scale,
159
+ num_inference_steps=num_inference_steps,
160
+ strength=upscaler_strength,
161
+ generator=generator,
162
+ output_type="pil",
163
+ ).images
164
+ else:
165
+ images = pipe(
166
+ prompt=prompt,
167
+ negative_prompt=negative_prompt,
168
+ width=width,
169
+ height=height,
170
+ guidance_scale=guidance_scale,
171
+ num_inference_steps=num_inference_steps,
172
+ generator=generator,
173
+ output_type="pil",
174
+ ).images
175
+
176
+ if images:
177
+ image_paths = [
178
+ utils.save_image(image, metadata, OUTPUT_DIR, IS_COLAB)
179
+ for image in images
180
+ ]
181
+
182
+ for image_path in image_paths:
183
+ logger.info(f"Image saved as {image_path} with metadata")
184
+
185
+ return image_paths, metadata
186
+ except Exception as e:
187
+ logger.exception(f"An error occurred: {e}")
188
+ raise
189
+ finally:
190
+ if use_upscaler:
191
+ del upscaler_pipe
192
+ pipe.scheduler = backup_scheduler
193
+ utils.free_memory()
194
+
195
+
196
+ if torch.cuda.is_available():
197
+ pipe = load_pipeline(MODEL)
198
+ logger.info("Loaded on Device!")
199
+ else:
200
+ pipe = None
201
+
202
+ styles = {k["name"]: (k["prompt"], k["negative_prompt"]) for k in config.style_list}
203
+ quality_prompt = {
204
+ k["name"]: (k["prompt"], k["negative_prompt"]) for k in config.quality_prompt_list
205
+ }
206
+
207
+ wildcard_files = utils.load_wildcard_files("wildcard")
208
+
209
+ with gr.Blocks(css="style.css") as demo:
210
+ title = gr.HTML(
211
+ f"""<h1><span>{DESCRIPTION}</span></h1>""",
212
+ elem_id="title",
213
+ )
214
+ gr.Markdown(
215
+ f"""Gradio demo for [SeaArtLab/SeaArt-Furry-XL-1.0](https://huggingface.co/SeaArtLab/SeaArt-Furry-XL-1.0)""",
216
+ elem_id="subtitle",
217
+ )
218
+ gr.DuplicateButton(
219
+ value="Duplicate Space for private use",
220
+ elem_id="duplicate-button",
221
+ visible=os.getenv("SHOW_DUPLICATE_BUTTON") == "1",
222
+ )
223
+ with gr.Row():
224
+ with gr.Column(scale=2):
225
+ with gr.Tab("Txt2img"):
226
+ with gr.Group():
227
+ prompt = gr.Text(
228
+ label="Prompt",
229
+ max_lines=5,
230
+ placeholder="Enter your prompt",
231
+ )
232
+ negative_prompt = gr.Text(
233
+ label="Negative Prompt",
234
+ max_lines=5,
235
+ placeholder="Enter a negative prompt",
236
+ )
237
+ with gr.Accordion(label="Quality Tags", open=True):
238
+ add_quality_tags = gr.Checkbox(
239
+ label="Add Quality Tags", value=True
240
+ )
241
+ quality_selector = gr.Dropdown(
242
+ label="Quality Tags Presets",
243
+ interactive=True,
244
+ choices=list(quality_prompt.keys()),
245
+ value="Standard v3.1",
246
+ )
247
+ with gr.Tab("Advanced Settings"):
248
+ with gr.Group():
249
+ style_selector = gr.Radio(
250
+ label="Style Preset",
251
+ container=True,
252
+ interactive=True,
253
+ choices=list(styles.keys()),
254
+ value="(None)",
255
+ )
256
+ with gr.Group():
257
+ aspect_ratio_selector = gr.Radio(
258
+ label="Aspect Ratio",
259
+ choices=config.aspect_ratios,
260
+ value="896 x 1152",
261
+ container=True,
262
+ )
263
+ with gr.Group(visible=False) as custom_resolution:
264
+ with gr.Row():
265
+ custom_width = gr.Slider(
266
+ label="Width",
267
+ minimum=MIN_IMAGE_SIZE,
268
+ maximum=MAX_IMAGE_SIZE,
269
+ step=8,
270
+ value=1024,
271
+ )
272
+ custom_height = gr.Slider(
273
+ label="Height",
274
+ minimum=MIN_IMAGE_SIZE,
275
+ maximum=MAX_IMAGE_SIZE,
276
+ step=8,
277
+ value=1024,
278
+ )
279
+ with gr.Group():
280
+ use_upscaler = gr.Checkbox(label="Use Upscaler", value=False)
281
+ with gr.Row() as upscaler_row:
282
+ upscaler_strength = gr.Slider(
283
+ label="Strength",
284
+ minimum=0,
285
+ maximum=1,
286
+ step=0.05,
287
+ value=0.55,
288
+ visible=False,
289
+ )
290
+ upscale_by = gr.Slider(
291
+ label="Upscale by",
292
+ minimum=1,
293
+ maximum=1.5,
294
+ step=0.1,
295
+ value=1.5,
296
+ visible=False,
297
+ )
298
+ with gr.Group():
299
+ sampler = gr.Dropdown(
300
+ label="Sampler",
301
+ choices=config.sampler_list,
302
+ interactive=True,
303
+ value="Euler a",
304
+ )
305
+ with gr.Group():
306
+ seed = gr.Slider(
307
+ label="Seed", minimum=0, maximum=utils.MAX_SEED, step=1, value=0
308
+ )
309
+ randomize_seed = gr.Checkbox(label="Randomize seed", value=True)
310
+ with gr.Group():
311
+ with gr.Row():
312
+ guidance_scale = gr.Slider(
313
+ label="Guidance scale",
314
+ minimum=1,
315
+ maximum=12,
316
+ step=0.1,
317
+ value=7.0,
318
+ )
319
+ num_inference_steps = gr.Slider(
320
+ label="Number of inference steps",
321
+ minimum=1,
322
+ maximum=50,
323
+ step=1,
324
+ value=28,
325
+ )
326
+ with gr.Column(scale=3):
327
+ with gr.Blocks():
328
+ run_button = gr.Button("Generate", variant="primary")
329
+ result = gr.Gallery(
330
+ label="Result",
331
+ columns=1,
332
+ height='100%',
333
+ preview=True,
334
+ show_label=False
335
+ )
336
+ with gr.Accordion(label="Generation Parameters", open=False):
337
+ gr_metadata = gr.JSON(label="metadata", show_label=False)
338
+ gr.Examples(
339
+ examples=config.examples,
340
+ inputs=prompt,
341
+ outputs=[result, gr_metadata],
342
+ fn=lambda *args, **kwargs: generate(*args, use_upscaler=True, **kwargs),
343
+ cache_examples=CACHE_EXAMPLES,
344
+ )
345
+ use_upscaler.change(
346
+ fn=lambda x: [gr.update(visible=x), gr.update(visible=x)],
347
+ inputs=use_upscaler,
348
+ outputs=[upscaler_strength, upscale_by],
349
+ queue=False,
350
+ api_name=False,
351
+ )
352
+ aspect_ratio_selector.change(
353
+ fn=lambda x: gr.update(visible=x == "Custom"),
354
+ inputs=aspect_ratio_selector,
355
+ outputs=custom_resolution,
356
+ queue=False,
357
+ api_name=False,
358
+ )
359
+
360
+ gr.on(
361
+ triggers=[
362
+ prompt.submit,
363
+ negative_prompt.submit,
364
+ run_button.click,
365
+ ],
366
+ fn=utils.randomize_seed_fn,
367
+ inputs=[seed, randomize_seed],
368
+ outputs=seed,
369
+ queue=False,
370
+ api_name=False,
371
+ ).then(
372
+ fn=generate,
373
+ inputs=[
374
+ prompt,
375
+ negative_prompt,
376
+ seed,
377
+ custom_width,
378
+ custom_height,
379
+ guidance_scale,
380
+ num_inference_steps,
381
+ sampler,
382
+ aspect_ratio_selector,
383
+ style_selector,
384
+ quality_selector,
385
+ use_upscaler,
386
+ upscaler_strength,
387
+ upscale_by,
388
+ add_quality_tags,
389
+ ],
390
+ outputs=[result, gr_metadata],
391
+ api_name="run",
392
+ )
393
+
394
+ if __name__ == "__main__":
395
+ demo.queue(max_size=20).launch(debug=IS_COLAB, share=IS_COLAB)
config.py ADDED
@@ -0,0 +1,112 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ examples = [
2
+ "anthro, kemono, male, (chibi:1.2), ((adventure costume)), ((cute)), ((wolf) fluffy fur, fluffy), detailed face, detailed eyes, (close up:1.5), (happy, excited), (at lawn forest:1.5), group shot, detailed background, (high quality, highres, masterpiece), (dynamic lighting, vivid color), (high-angle view:1.1), (picnic:1.5), (evening), ((cartoon))",
3
+ "Watercolor elements, 1girl, kemono, furry, detailed body fur, animal face, animal hand, unfocused spread of gold flower",
4
+ "anime key visual, top quality, highres, High-quality illustrations, unparalleled masterpiece(movie of life)nature inspired imagery, rendered in maya, romanticized views, lively illustrations, whimsical cartoonish, farm, Blue sky, clouds, florals Beautiful garden(furry anthro, solo, girl, casual fashion, Relux pose, Smile)absurdres, perfect anatomy, caustics, cinematic lighting, lens flare, deep shadow, dynamic angle,",
5
+ "(epic, dynamic angle)top quality, best quality, High-quality illustrations, masterpiece, While creating a Halloween atmosphere, vampire with furry elements, (kemono, super cute girl, solo focus)(furry anthro)(highly detailed beautiful face and eyes)absurdres, perfect anatomy, Scene of a red full moon with a strong horror color,",
6
+ "8K resolution, ((highest quality)), ((masterpiece)), ((super detailed)), (very delicate and beautiful), juvenile, boy, cute, cool, beast, beast person, anime style illustration, whole body",
7
+ "super deformed, furry, funny, best quality, super fine, 16k, white fluffy cute weasel, dumb look, cute pose, in the forest, fantasy world image, fantastic and mysterious, variety of visual styles that combine various artistic elements like a sparkling iridescent pastel and vivid colors",
8
+
9
+ ]
10
+
11
+ quality_prompt_list = [
12
+ {
13
+ "name": "(None)",
14
+ "prompt": "{prompt}",
15
+ "negative_prompt": "nsfw, lowres",
16
+ },
17
+ {
18
+ "name": "Standard v3.0",
19
+ "prompt": "{prompt}, masterpiece, best quality",
20
+ "negative_prompt": "nsfw, 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",
21
+ },
22
+ {
23
+ "name": "Standard v3.1",
24
+ "prompt": "{prompt}, masterpiece, best quality, very aesthetic, absurdres",
25
+ "negative_prompt": "nsfw, 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]",
26
+ },
27
+ {
28
+ "name": "Light v3.1",
29
+ "prompt": "{prompt}, (masterpiece), best quality, very aesthetic, perfect face",
30
+ "negative_prompt": "nsfw, (low quality, worst quality:1.2), very displeasing, 3d, watermark, signature, ugly, poorly drawn",
31
+ },
32
+ {
33
+ "name": "Heavy v3.1",
34
+ "prompt": "{prompt}, (masterpiece), (best quality), (ultra-detailed), very aesthetic, illustration, disheveled hair, perfect composition, moist skin, intricate details",
35
+ "negative_prompt": "nsfw, longbody, lowres, bad anatomy, bad hands, missing fingers, pubic hair, extra digit, fewer digits, cropped, worst quality, low quality, very displeasing",
36
+ },
37
+ ]
38
+
39
+ sampler_list = [
40
+ "DPM++ 2M Karras",
41
+ "DPM++ SDE Karras",
42
+ "DPM++ 2M SDE Karras",
43
+ "Euler",
44
+ "Euler a",
45
+ "DDIM",
46
+ ]
47
+
48
+ aspect_ratios = [
49
+ "1024 x 1024",
50
+ "1152 x 896",
51
+ "896 x 1152",
52
+ "1216 x 832",
53
+ "832 x 1216",
54
+ "1344 x 768",
55
+ "768 x 1344",
56
+ "1536 x 640",
57
+ "640 x 1536",
58
+ "Custom",
59
+ ]
60
+
61
+ style_list = [
62
+ {
63
+ "name": "(None)",
64
+ "prompt": "{prompt}",
65
+ "negative_prompt": "",
66
+ },
67
+ {
68
+ "name": "Cinematic",
69
+ "prompt": "{prompt}, cinematic still, emotional, harmonious, vignette, highly detailed, high budget, bokeh, cinemascope, moody, epic, gorgeous, film grain, grainy",
70
+ "negative_prompt": "nsfw, cartoon, graphic, text, painting, crayon, graphite, abstract, glitch, deformed, mutated, ugly, disfigured",
71
+ },
72
+ {
73
+ "name": "Photographic",
74
+ "prompt": "{prompt}, cinematic photo, 35mm photograph, film, bokeh, professional, 4k, highly detailed",
75
+ "negative_prompt": "nsfw, drawing, painting, crayon, sketch, graphite, impressionist, noisy, blurry, soft, deformed, ugly",
76
+ },
77
+ {
78
+ "name": "Anime",
79
+ "prompt": "{prompt}, anime artwork, anime style, key visual, vibrant, studio anime, highly detailed",
80
+ "negative_prompt": "nsfw, photo, deformed, black and white, realism, disfigured, low contrast",
81
+ },
82
+ {
83
+ "name": "Manga",
84
+ "prompt": "{prompt}, manga style, vibrant, high-energy, detailed, iconic, Japanese comic style",
85
+ "negative_prompt": "nsfw, ugly, deformed, noisy, blurry, low contrast, realism, photorealistic, Western comic style",
86
+ },
87
+ {
88
+ "name": "Digital Art",
89
+ "prompt": "{prompt}, concept art, digital artwork, illustrative, painterly, matte painting, highly detailed",
90
+ "negative_prompt": "nsfw, photo, photorealistic, realism, ugly",
91
+ },
92
+ {
93
+ "name": "Pixel art",
94
+ "prompt": "{prompt}, pixel-art, low-res, blocky, pixel art style, 8-bit graphics",
95
+ "negative_prompt": "nsfw, sloppy, messy, blurry, noisy, highly detailed, ultra textured, photo, realistic",
96
+ },
97
+ {
98
+ "name": "Fantasy art",
99
+ "prompt": "{prompt}, ethereal fantasy concept art, magnificent, celestial, ethereal, painterly, epic, majestic, magical, fantasy art, cover art, dreamy",
100
+ "negative_prompt": "nsfw, 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",
101
+ },
102
+ {
103
+ "name": "Neonpunk",
104
+ "prompt": "{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",
105
+ "negative_prompt": "nsfw, painting, drawing, illustration, glitch, deformed, mutated, cross-eyed, ugly, disfigured",
106
+ },
107
+ {
108
+ "name": "3D Model",
109
+ "prompt": "{prompt}, professional 3d model, octane render, highly detailed, volumetric, dramatic lighting",
110
+ "negative_prompt": "nsfw, ugly, deformed, noisy, low poly, blurry, painting",
111
+ },
112
+ ]
requirements.txt ADDED
@@ -0,0 +1,10 @@
 
 
 
 
 
 
 
 
 
 
 
1
+ accelerate==0.27.2
2
+ diffusers==0.26.3
3
+ gradio==4.20.0
4
+ invisible-watermark==0.2.0
5
+ Pillow==10.2.0
6
+ spaces==0.24.0
7
+ torch==2.0.1
8
+ transformers==4.38.1
9
+ omegaconf==2.3.0
10
+ timm==0.9.10
style.css ADDED
@@ -0,0 +1,63 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ :root {
2
+ --title-font-size: clamp(1.5rem, 6vw, 3rem);
3
+ --subtitle-font-size: clamp(1rem, 2vw, 1.2rem);
4
+ }
5
+
6
+ h1 {
7
+ text-align: center;
8
+ font-size: var(--title-font-size);
9
+ display: block;
10
+ }
11
+
12
+ h2 {
13
+ text-align: center;
14
+ font-size: 2rem;
15
+ display: block;
16
+ }
17
+
18
+ #duplicate-button {
19
+ display: block;
20
+ margin: 1rem auto;
21
+ color: #fff;
22
+ background: #1565c0;
23
+ border-radius: 100vh;
24
+ padding: 0.5rem 1rem;
25
+ }
26
+
27
+ #component-0 {
28
+ max-width: 85%;
29
+ margin: 2rem auto;
30
+ padding: 2rem;
31
+ }
32
+
33
+ @media (max-width: 600px) {
34
+ #component-0 {
35
+ max-width: 100%;
36
+ padding: 0.5rem;
37
+ }
38
+ }
39
+
40
+ #title-container {
41
+ text-align: center;
42
+ padding: 2rem 0;
43
+ }
44
+
45
+ #title {
46
+ font-size: var(--title-font-size);
47
+ color: #333;
48
+ font-family: 'Helvetica Neue', sans-serif;
49
+ text-transform: uppercase;
50
+ background: transparent;
51
+ }
52
+
53
+ #title span {
54
+ background: linear-gradient(45deg, #4EACEF, #28b485);
55
+ background-clip: text;
56
+ color: transparent;
57
+ }
58
+
59
+ #subtitle {
60
+ text-align: center;
61
+ font-size: var(--subtitle-font-size);
62
+ margin-top: 1rem;
63
+ }
utils.py ADDED
@@ -0,0 +1,182 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import gc
2
+ import os
3
+ import random
4
+ import numpy as np
5
+ import json
6
+ import torch
7
+ import uuid
8
+ from PIL import Image, PngImagePlugin
9
+ from datetime import datetime
10
+ from dataclasses import dataclass
11
+ from typing import Callable, Dict, Optional, Tuple
12
+ from diffusers import (
13
+ DDIMScheduler,
14
+ DPMSolverMultistepScheduler,
15
+ DPMSolverSinglestepScheduler,
16
+ EulerAncestralDiscreteScheduler,
17
+ EulerDiscreteScheduler,
18
+ )
19
+
20
+ MAX_SEED = np.iinfo(np.int32).max
21
+
22
+
23
+ @dataclass
24
+ class StyleConfig:
25
+ prompt: str
26
+ negative_prompt: str
27
+
28
+
29
+ def randomize_seed_fn(seed: int, randomize_seed: bool) -> int:
30
+ if randomize_seed:
31
+ seed = random.randint(0, MAX_SEED)
32
+ return seed
33
+
34
+
35
+ def seed_everything(seed: int) -> torch.Generator:
36
+ torch.manual_seed(seed)
37
+ torch.cuda.manual_seed_all(seed)
38
+ np.random.seed(seed)
39
+ generator = torch.Generator()
40
+ generator.manual_seed(seed)
41
+ return generator
42
+
43
+
44
+ def parse_aspect_ratio(aspect_ratio: str) -> Optional[Tuple[int, int]]:
45
+ if aspect_ratio == "Custom":
46
+ return None
47
+ width, height = aspect_ratio.split(" x ")
48
+ return int(width), int(height)
49
+
50
+
51
+ def aspect_ratio_handler(
52
+ aspect_ratio: str, custom_width: int, custom_height: int
53
+ ) -> Tuple[int, int]:
54
+ if aspect_ratio == "Custom":
55
+ return custom_width, custom_height
56
+ else:
57
+ width, height = parse_aspect_ratio(aspect_ratio)
58
+ return width, height
59
+
60
+
61
+ def get_scheduler(scheduler_config: Dict, name: str) -> Optional[Callable]:
62
+ scheduler_factory_map = {
63
+ "DPM++ 2M Karras": lambda: DPMSolverMultistepScheduler.from_config(
64
+ scheduler_config, use_karras_sigmas=True
65
+ ),
66
+ "DPM++ SDE Karras": lambda: DPMSolverSinglestepScheduler.from_config(
67
+ scheduler_config, use_karras_sigmas=True
68
+ ),
69
+ "DPM++ 2M SDE Karras": lambda: DPMSolverMultistepScheduler.from_config(
70
+ scheduler_config, use_karras_sigmas=True, algorithm_type="sde-dpmsolver++"
71
+ ),
72
+ "Euler": lambda: EulerDiscreteScheduler.from_config(scheduler_config),
73
+ "Euler a": lambda: EulerAncestralDiscreteScheduler.from_config(
74
+ scheduler_config
75
+ ),
76
+ "DDIM": lambda: DDIMScheduler.from_config(scheduler_config),
77
+ }
78
+ return scheduler_factory_map.get(name, lambda: None)()
79
+
80
+
81
+ def free_memory() -> None:
82
+ torch.cuda.empty_cache()
83
+ gc.collect()
84
+
85
+
86
+ def preprocess_prompt(
87
+ style_dict,
88
+ style_name: str,
89
+ positive: str,
90
+ negative: str = "",
91
+ add_style: bool = True,
92
+ ) -> Tuple[str, str]:
93
+ p, n = style_dict.get(style_name, style_dict["(None)"])
94
+
95
+ if add_style and positive.strip():
96
+ formatted_positive = p.format(prompt=positive)
97
+ else:
98
+ formatted_positive = positive
99
+
100
+ combined_negative = n
101
+ if negative.strip():
102
+ if combined_negative:
103
+ combined_negative += ", " + negative
104
+ else:
105
+ combined_negative = negative
106
+
107
+ return formatted_positive, combined_negative
108
+
109
+
110
+ def common_upscale(
111
+ samples: torch.Tensor,
112
+ width: int,
113
+ height: int,
114
+ upscale_method: str,
115
+ ) -> torch.Tensor:
116
+ return torch.nn.functional.interpolate(
117
+ samples, size=(height, width), mode=upscale_method
118
+ )
119
+
120
+
121
+ def upscale(
122
+ samples: torch.Tensor, upscale_method: str, scale_by: float
123
+ ) -> torch.Tensor:
124
+ width = round(samples.shape[3] * scale_by)
125
+ height = round(samples.shape[2] * scale_by)
126
+ return common_upscale(samples, width, height, upscale_method)
127
+
128
+
129
+ def load_wildcard_files(wildcard_dir: str) -> Dict[str, str]:
130
+ wildcard_files = {}
131
+ for file in os.listdir(wildcard_dir):
132
+ if file.endswith(".txt"):
133
+ key = f"__{file.split('.')[0]}__" # Create a key like __character__
134
+ wildcard_files[key] = os.path.join(wildcard_dir, file)
135
+ return wildcard_files
136
+
137
+
138
+ def get_random_line_from_file(file_path: str) -> str:
139
+ with open(file_path, "r") as file:
140
+ lines = file.readlines()
141
+ if not lines:
142
+ return ""
143
+ return random.choice(lines).strip()
144
+
145
+
146
+ def add_wildcard(prompt: str, wildcard_files: Dict[str, str]) -> str:
147
+ for key, file_path in wildcard_files.items():
148
+ if key in prompt:
149
+ wildcard_line = get_random_line_from_file(file_path)
150
+ prompt = prompt.replace(key, wildcard_line)
151
+ return prompt
152
+
153
+
154
+ def preprocess_image_dimensions(width, height):
155
+ if width % 8 != 0:
156
+ width = width - (width % 8)
157
+ if height % 8 != 0:
158
+ height = height - (height % 8)
159
+ return width, height
160
+
161
+
162
+ def save_image(image, metadata, output_dir, is_colab):
163
+ if is_colab:
164
+ current_time = datetime.now().strftime("%Y%m%d_%H%M%S")
165
+ filename = f"image_{current_time}.png"
166
+ else:
167
+ filename = str(uuid.uuid4()) + ".png"
168
+ os.makedirs(output_dir, exist_ok=True)
169
+ filepath = os.path.join(output_dir, filename)
170
+ metadata_str = json.dumps(metadata)
171
+ info = PngImagePlugin.PngInfo()
172
+ info.add_text("metadata", metadata_str)
173
+ image.save(filepath, "PNG", pnginfo=info)
174
+ return filepath
175
+
176
+
177
+ def is_google_colab():
178
+ try:
179
+ import google.colab
180
+ return True
181
+ except:
182
+ return False
wildcard/character31.txt ADDED
@@ -0,0 +1,2126 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 1girl, souryuu asuka langley, neon genesis evangelion
2
+ 1girl, warrior of light \(ff14\), final fantasy
3
+ 1girl, akiyama mio, k-on!
4
+ 1girl, tifa lockhart, final fantasy
5
+ 1girl, 2b \(nier:automata\), nier \(series\)
6
+ 1girl, nakano azusa, k-on!
7
+ 1girl, rem \(re:zero\), re:zero kara hajimeru isekai seikatsu
8
+ 1girl, hirasawa yui, k-on!
9
+ 1girl, gotoh hitori, bocchi the rock!
10
+ 1girl, ayanami rei, neon genesis evangelion
11
+ 1boy, male focus, joseph joestar, jojo no kimyou na bouken
12
+ 1girl, matoi ryuuko, kill la kill
13
+ 1girl, yor briar, spy x family
14
+ 1girl, tainaka ritsu, k-on!
15
+ 1girl, misaka mikoto, toaru majutsu no index
16
+ 1girl, megumin, kono subarashii sekai ni shukufuku wo!
17
+ 1girl, nanami chiaki, danganronpa \(series\)
18
+ 1boy, male focus, kujo jotaro, jojo no kimyou na bouken
19
+ 1boy, male focus, joseph joestar \(young\), jojo no kimyou na bouken
20
+ 1girl, pyra \(xenoblade\), xenoblade chronicles \(series\)
21
+ 1girl, kafuu chino, gochuumon wa usagi desu ka?
22
+ 1girl, makima \(chainsaw man\), chainsaw man
23
+ 1boy, male focus, cloud strife, final fantasy
24
+ 1girl, byleth \(fire emblem\), fire emblem
25
+ 1girl, mythra \(xenoblade\), xenoblade chronicles \(series\)
26
+ 1girl, kotobuki tsumugi, k-on!
27
+ 1girl, c.c., code geass
28
+ 1boy, male focus, dio brando, jojo no kimyou na bouken
29
+ 1boy, male focus, caesar anthonio zeppeli, jojo no kimyou na bouken
30
+ 1girl, aerith gainsborough, final fantasy
31
+ 1girl, asuna \(sao\), sword art online
32
+ 1girl, senketsu, kill la kill
33
+ 1girl, kiryuuin satsuki, kill la kill
34
+ 1girl, byleth \(female\) \(fire emblem\), fire emblem
35
+ 1boy, male focus, komaeda nagito, danganronpa \(series\)
36
+ 1girl, nami \(one piece\), one piece
37
+ 1boy, male focus, oma kokichi, danganronpa \(series\)
38
+ 1boy, male focus, midoriya izuku, boku no hero academia
39
+ 1girl, aqua \(konosuba\), kono subarashii sekai ni shukufuku wo!
40
+ 1girl, nishikigi chisato, lycoris recoil
41
+ 1boy, male focus, son goku, dragon ball
42
+ 1girl, power \(chainsaw man\), chainsaw man
43
+ 1girl, zero two \(darling in the franxx\), darling in the franxx
44
+ 1boy, male focus, hinata hajime, danganronpa \(series\)
45
+ 1boy, male focus, ikari shinji, neon genesis evangelion
46
+ 1girl, anya \(spy x family\), spy x family
47
+ 1girl, suletta mercury, gundam
48
+ 1girl, oshino shinobu, monogatari \(series\)
49
+ 1boy, male focus, saihara shuichi, danganronpa \(series\)
50
+ 1girl, kitagawa marin, sono bisque doll wa koi wo suru
51
+ 1girl, lucina \(fire emblem\), fire emblem
52
+ 1girl, corrin \(fire emblem\), fire emblem
53
+ 1girl, hestia \(danmachi\), dungeon ni deai wo motomeru no wa machigatteiru darou ka
54
+ 1girl, oyama mahiro, onii-chan wa oshimai!
55
+ 1girl, uraraka ochako, boku no hero academia
56
+ 1boy, male focus, narukami yuu, persona
57
+ 1girl, haruno sakura, naruto \(series\)
58
+ 1girl, kita ikuyo, bocchi the rock!
59
+ 1boy, male focus, kakyoin noriaki, jojo no kimyou na bouken
60
+ 1boy, male focus, denji \(chainsaw man\), chainsaw man
61
+ 1girl, inoue takina, lycoris recoil
62
+ 1girl, mirko, boku no hero academia
63
+ 1girl, kujo jolyne, jojo no kimyou na bouken
64
+ 1girl, gokou ruri, ore no imouto ga konna ni kawaii wake ga nai
65
+ 1girl, edelgard von hresvelg, fire emblem
66
+ 1girl, takarada rikka, gridman universe
67
+ 1boy, male focus, giorno giovanna, jojo no kimyou na bouken
68
+ 1girl, trailblazer \(honkai: star rail\), honkai: star rail
69
+ 1boy, male focus, jonathan joestar, jojo no kimyou na bouken
70
+ 1boy, male focus, bakugou katsuki, boku no hero academia
71
+ 1girl, miorine rembran, gundam
72
+ 1boy, male focus, gojou satoru, jujutsu kaisen
73
+ 1girl, ijichi nijika, bocchi the rock!
74
+ 1boy, male focus, kirito, sword art online
75
+ 1girl, mikasa ackerman, shingeki no kyojin
76
+ 1girl, nakano nino, go-toubun no hanayome
77
+ 1boy, male focus, uzumaki naruto, naruto \(series\)
78
+ 1girl, robin \(fire emblem\), fire emblem
79
+ 1girl, shirogane naoto, persona
80
+ 1girl, kafka \(honkai: star rail\), honkai: star rail
81
+ 1girl, reisalin stout, atelier \(series\)
82
+ 1boy, male focus, monkey d. luffy, one piece
83
+ 1girl, hyuuga hinata, naruto \(series\)
84
+ 1boy, male focus, higashikata josuke, jojo no kimyou na bouken
85
+ 1girl, hoto cocoa, gochuumon wa usagi desu ka?
86
+ 1girl, emilia \(re:zero\), re:zero kara hajimeru isekai seikatsu
87
+ 1girl, corrin \(female\) \(fire emblem\), fire emblem
88
+ 1girl, nakano miku, go-toubun no hanayome
89
+ 1girl, tatsumaki, one-punch man
90
+ 1girl, nico robin, one piece
91
+ 1girl, satonaka chie, persona
92
+ 1boy, male focus, roronoa zoro, one piece
93
+ 1boy, male focus, lelouch vi britannia, code geass
94
+ 1girl, kirigiri kyoko, danganronpa \(series\)
95
+ 1girl, mankanshoku mako, kill la kill
96
+ 1girl, yoshida yuuko \(machikado mazoku\), machikado mazoku
97
+ 1girl, makise kurisu, steins;gate
98
+ 1girl, shirai kuroko, toaru majutsu no index
99
+ 1boy, male focus, amamiya ren, persona
100
+ 1boy, male focus, nagisa kaworu, neon genesis evangelion
101
+ 1girl, kousaka kirino, ore no imouto ga konna ni kawaii wake ga nai
102
+ 1girl, kamado nezuko, kimetsu no yaiba
103
+ 1girl, yamada ryo, bocchi the rock!
104
+ 1girl, enoshima junko, danganronpa \(series\)
105
+ 1girl, kallen stadtfeld, code geass
106
+ 1boy, male focus, twilight \(spy x family\), spy x family
107
+ 1boy, male focus, eren yeager, shingeki no kyojin
108
+ 1girl, shokuhou misaki, toaru majutsu no index
109
+ 1girl, kirima syaro, gochuumon wa usagi desu ka?
110
+ 1girl, chitanda eru, hyouka
111
+ 1girl, ram \(re:zero\), re:zero kara hajimeru isekai seikatsu
112
+ 1boy, male focus, yuuki makoto \(persona 3\), persona
113
+ 1girl, nakano yotsuba, go-toubun no hanayome
114
+ 1girl, izumi sagiri, eromanga sensei
115
+ 1boy, uchiha sasuke, naruto \(series\)
116
+ 1girl, makinami mari illustrious, neon genesis evangelion
117
+ 1girl, nia \(xenoblade\), xenoblade chronicles \(series\)
118
+ 1girl, march 7th \(honkai: star rail\), honkai: star rail
119
+ 1girl, toga himiko, boku no hero academia
120
+ 1boy, male focus, itadori yuuji, jujutsu kaisen
121
+ 1girl, tippy \(gochiusa\), gochuumon wa usagi desu ka?
122
+ 1girl, hanekawa tsubasa, monogatari \(series\)
123
+ 1girl, senjougahara hitagi, monogatari \(series\)
124
+ 1girl, stelle \(honkai: star rail\), honkai: star rail
125
+ 1girl, junketsu, kill la kill
126
+ 1girl, akamatsu kaede, danganronpa \(series\)
127
+ 1boy, male focus, fushiguro megumi, jujutsu kaisen
128
+ 1girl, adventurer \(ff11\), final fantasy
129
+ 1girl, kujikawa rise, persona
130
+ 1girl, android 18, dragon ball
131
+ 1girl, kochou shinobu, kimetsu no yaiba
132
+ 1girl, saten ruiko, toaru majutsu no index
133
+ 1girl, amagi yukiko, persona
134
+ 1girl, harukawa maki, danganronpa \(series\)
135
+ 1girl, hilda valentine goneril, fire emblem
136
+ 1girl, lyn \(fire emblem\), fire emblem
137
+ 1girl, darkness \(konosuba\), kono subarashii sekai ni shukufuku wo!
138
+ 1girl, lysithea von ordelia, fire emblem
139
+ 1boy, male focus, sanji \(one piece\), one piece
140
+ 1girl, higashiyama kobeni, chainsaw man
141
+ 1girl, shinjou akane, gridman universe
142
+ 1girl, shinomiya kaguya, kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~
143
+ 1girl, shima rin, yurucamp
144
+ 1girl, neptune \(neptunia\), neptune \(series\)
145
+ 1boy, male focus, satou kazuma, kono subarashii sekai ni shukufuku wo!
146
+ 1girl, jakuzure nonon, kill la kill
147
+ 1girl, asui tsuyu, boku no hero academia
148
+ 1boy, male focus, vegeta, dragon ball
149
+ 1girl, christa renz, shingeki no kyojin
150
+ 1boy, male focus, endeavor \(boku no hero academia\), boku no hero academia
151
+ 1girl, kanna kamui, kobayashi-san chi no maidragon
152
+ 1girl, aegis \(persona\), persona
153
+ 1girl, ujimatsu chiya, gochuumon wa usagi desu ka?
154
+ 1girl, tedeza rize, gochuumon wa usagi desu ka?
155
+ 1boy, male focus, johnny joestar, jojo no kimyou na bouken
156
+ 1girl, robin \(female\) \(fire emblem\), fire emblem
157
+ 1girl, tsumiki mikan, danganronpa \(series\)
158
+ 1girl, chiyoda momo, machikado mazoku
159
+ 1girl, reze \(chainsaw man\), chainsaw man
160
+ 1boy, male focus, 9s \(nier:automata\), nier \(series\)
161
+ 1girl, sinon, sword art online
162
+ 1girl, shiomi kotone, persona
163
+ 1girl, oumae kumiko, hibike! euphonium
164
+ 1girl, camilla \(fire emblem\), fire emblem
165
+ 1boy, male focus, levi \(shingeki no kyojin\), shingeki no kyojin
166
+ 1girl, monokuma, danganronpa \(series\)
167
+ 1girl, kanroji mitsuri, kimetsu no yaiba
168
+ 1boy, male focus, dan heng \(honkai: star rail\), honkai: star rail
169
+ 1girl, komi shouko, komi-san wa komyushou desu
170
+ 1girl, hiroi kikuri, bocchi the rock!
171
+ 1boy, male focus, hanamura yousuke, persona
172
+ 1boy, male focus, hiro \(darling in the franxx\), darling in the franxx
173
+ 1girl, chouzetsusaikawa tenshi-chan, needy girl overdose
174
+ 1girl, sakura futaba, persona
175
+ 1girl, takamaki anne, persona
176
+ 1boy, male focus, hayakawa aki, chainsaw man
177
+ 1girl, yaoyorozu momo, boku no hero academia
178
+ 1girl, kirigaya suguha, sword art online
179
+ 1boy, male focus, todoroki shouto, boku no hero academia
180
+ 1boy, male focus, trafalgar law, one piece
181
+ 1girl, bulma, dragon ball
182
+ 1girl, tohru \(maidragon\), kobayashi-san chi no maidragon
183
+ 1boy, male focus, kishibe rohan, jojo no kimyou na bouken
184
+ 1boy, male focus, naegi makoto, danganronpa \(series\)
185
+ 1girl, leafa, sword art online
186
+ 1girl, fujiwara chika, kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~
187
+ 1boy, male focus, edward elric, fullmetal alchemist
188
+ 1boy, male focus, byleth \(male\) \(fire emblem\), fire emblem
189
+ 1girl, silver wolf \(honkai: star rail\), honkai: star rail
190
+ 1girl, yuffie kisaragi, final fantasy
191
+ 1girl, noire \(neptunia\), neptune \(series\)
192
+ 1girl, purple heart \(neptunia\), neptune \(series\)
193
+ 1girl, terra branford, final fantasy
194
+ 1boy, male focus, gamagoori ira, kill la kill
195
+ 1girl, marianne von edmund, fire emblem
196
+ 1boy, male focus, oreki houtarou, hyouka
197
+ 1girl, hikawa sayo, bang dream!
198
+ 1boy, male focus, nanami kento, jujutsu kaisen
199
+ 1girl, hirasawa ui, k-on!
200
+ 1boy, male focus, jean pierre polnareff, jojo no kimyou na bouken
201
+ 1girl, rebecca \(cyberpunk\), cyberpunk \(series\)
202
+ 1girl, ymir \(shingeki no kyojin\), shingeki no kyojin
203
+ 1girl, hikawa hina, bang dream!
204
+ 1girl, shihouin yoruichi, bleach
205
+ 1girl, tiki \(fire emblem\), fire emblem
206
+ 1boy, male focus, kamado tanjirou, kimetsu no yaiba
207
+ 1boy, male focus, sephiroth, final fantasy
208
+ 1girl, inoue orihime, bleach
209
+ 1boy, male focus, hawks \(boku no hero academia\), boku no hero academia
210
+ 1girl, android 21, dragon ball
211
+ 1girl, kirijou mitsuru, persona
212
+ 1boy, male focus, bruno bucciarati, jojo no kimyou na bouken
213
+ 1girl, kuchiki rukia, bleach
214
+ 1girl, yoru \(chainsaw man\), chainsaw man
215
+ 1boy, male focus, natsuki subaru, re:zero kara hajimeru isekai seikatsu
216
+ 1girl, fubuki \(one-punch man\), one-punch man
217
+ 1girl, yukinoshita yukino, yahari ore no seishun lovecome wa machigatteiru.
218
+ 1girl, nakano itsuki, go-toubun no hanayome
219
+ 1boy, male focus, robin \(male\) \(fire emblem\), fire emblem
220
+ 1boy, male focus, tatsumi kanji, persona
221
+ 1girl, kugisaki nobara, jujutsu kaisen
222
+ 1boy, male focus, joseph joestar \(old\), jojo no kimyou na bouken
223
+ 1girl, uiharu kazari, toaru majutsu no index
224
+ 1girl, nakano ichika, go-toubun no hanayome
225
+ 1boy, male focus, rex \(xenoblade\), xenoblade chronicles \(series\)
226
+ 1boy, male focus, getou suguru, jujutsu kaisen
227
+ 1girl, kagamihara nadeshiko, yurucamp
228
+ 1boy, male focus, son gohan, dragon ball
229
+ 1boy, male focus, reiner braun, shingeki no kyojin
230
+ 1girl, ashido mina, boku no hero academia
231
+ 1boy, male focus, ike \(fire emblem\), fire emblem
232
+ 1girl, sengoku nadeko, monogatari \(series\)
233
+ 1girl, oyama mihari, onii-chan wa oshimai!
234
+ 1girl, kousaka reina, hibike! euphonium
235
+ 1girl, blanc \(neptunia\), neptune \(series\)
236
+ 1girl, nepgear, neptune \(series\)
237
+ 1girl, yuigahama yui, yahari ore no seishun lovecome wa machigatteiru.
238
+ 1girl, niijima makoto, persona
239
+ 1girl, himeno \(chainsaw man\), chainsaw man
240
+ 1girl, pochita \(chainsaw man\), chainsaw man
241
+ 1girl, hakurei reimu, touhou
242
+ 1girl, katsuragi misato, neon genesis evangelion
243
+ 1girl, yamato \(one piece\), one piece
244
+ 1girl, rias gremory, high school dxd
245
+ 1girl, tharja \(fire emblem\), fire emblem
246
+ 1boy, male focus, momota kaito, danganronpa \(series\)
247
+ 1girl, pod \(nier:automata\), nier:automata
248
+ 1boy, male focus, araragi koyomi, monogatari \(series\)
249
+ 1girl, haro, gundam
250
+ 1boy, male focus, kuma \(persona 4\), persona
251
+ 1girl, tsunade \(naruto\), naruto \(series\)
252
+ 1girl, moogle, final fantasy
253
+ 1boy, male focus, gyro zeppeli, jojo no kimyou na bouken
254
+ 1girl, hoshino fumina, gundam
255
+ 1boy, male focus, saitama \(one-punch man\), one-punch man
256
+ 1girl, hozuki momiji, onii-chan wa oshimai!
257
+ 1girl, alear \(fire emblem\), fire emblem
258
+ 1girl, silica, sword art online
259
+ 1boy, male focus, armin arlert, shingeki no kyojin
260
+ 1girl, hachikuji mayoi, monogatari \(series\)
261
+ 1boy, male focus, guido mista, jojo no kimyou na bouken
262
+ 1girl, rydia \(ff4\), final fantasy
263
+ 1girl, uzaki hana, uzaki-chan wa asobitai!
264
+ 1boy, male focus, kururugi suzaku, code geass
265
+ 1girl, takeba yukari, persona
266
+ 1boy, male focus, ryoumen sukuna \(jujutsu kaisen\), jujutsu kaisen
267
+ 1girl, hatsune miku, vocaloid
268
+ 1girl, white mage, final fantasy
269
+ 1girl, micaiah \(fire emblem\), fire emblem
270
+ 1girl, celestia ludenberg, danganronpa \(series\)
271
+ 1girl, chi-chi \(dragon ball\), dragon ball
272
+ 1boy, male focus, kurosaki ichigo, bleach
273
+ 1girl, azura \(fire emblem\), fire emblem
274
+ 1girl, elaina \(majo no tabitabi\), majo no tabitabi
275
+ 1girl, inuyama aoi, yurucamp
276
+ 1girl, jirou kyouka, boku no hero academia
277
+ 1boy, male focus, caelus \(honkai: star rail\), honkai: star rail
278
+ 1girl, mioda ibuki, danganronpa \(series\)
279
+ 1girl, yoroizuka mizore, hibike! euphonium
280
+ 1boy, male focus, squall leonhart, final fantasy
281
+ 1girl, albedo \(overlord\), overlord \(maruyama\)
282
+ 1girl, lucy \(cyberpunk\), cyberpunk \(series\)
283
+ 1boy, male focus, kaneki ken, tokyo ghoul
284
+ 1girl, maizono sayaka, danganronpa \(series\)
285
+ 1boy, male focus, fujisaki chihiro, danganronpa \(series\)
286
+ 1boy, male focus, marth \(fire emblem\), fire emblem
287
+ 1girl, matsumoto rangiku, bleach
288
+ 1girl, hayasaka ai, kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~
289
+ 1girl, a2 \(nier:automata\), nier \(series\)
290
+ 1girl, mitake ran, bang dream!
291
+ 1girl, winry rockbell, fullmetal alchemist
292
+ 1boy, male focus, zidane tribal, final fantasy
293
+ 1boy, male focus, killua zoldyck, hunter x hunter
294
+ 1girl, nia \(blade\) \(xenoblade\), xenoblade chronicles \(series\)
295
+ 1boy, male focus, kamukura izuru, danganronpa \(series\)
296
+ 1girl, boa hancock, one piece
297
+ 1girl, monomi \(danganronpa\), danganronpa \(series\)
298
+ 1boy, male focus, kars \(jojo\), jojo no kimyou na bouken
299
+ 1girl, violet evergarden, violet evergarden \(series\)
300
+ 1girl, bernadetta von varley, fire emblem
301
+ 1girl, okumura haru, persona
302
+ 1boy, male focus, sanageyama uzu, kill la kill
303
+ 1girl, garnet til alexandros xvii, final fantasy
304
+ 1girl, dorothea arnault, fire emblem
305
+ 1girl, sakurajima mai, seishun buta yarou
306
+ 1girl, yunyun \(konosuba\), kono subarashii sekai ni shukufuku wo!
307
+ 1boy, male focus, blade \(honkai: star rail\), honkai: star rail
308
+ 1girl, manabe nodoka, k-on!
309
+ 1girl, suzukaze aoba, new game!
310
+ 1girl, raphtalia, tate no yuusha no nariagari
311
+ 1girl, lucoa \(maidragon\), kobayashi-san chi no maidragon
312
+ 1girl, kirisame marisa, touhou
313
+ 1boy, male focus, alphonse elric, fullmetal alchemist
314
+ 1boy, male focus, guts \(berserk\), berserk
315
+ 1boy, male focus, dimitri alexandre blaiddyd, fire emblem
316
+ 1girl, yuuki \(sao\), sword art online
317
+ 1girl, mio \(xenoblade\), xenoblade chronicles \(series\)
318
+ 1boy, male focus, rengoku kyoujurou, kimetsu no yaiba
319
+ 1girl, ame-chan \(needy girl overdose\), needy girl overdose
320
+ 1girl, ichigo \(darling in the franxx\), darling in the franxx
321
+ 1girl, araragi karen, monogatari \(series\)
322
+ 1girl, yuna \(ff10\), final fantasy
323
+ 1girl, ishmael \(project moon\), limbus company
324
+ 1boy, male focus, trunks \(dragon ball\), dragon ball
325
+ 1girl, roxy migurdia, mushoku tensei
326
+ 1boy, male focus, kamijou touma, toaru majutsu no index
327
+ 1girl, kasaki nozomi, hibike! euphonium
328
+ 1girl, annie leonhardt, shingeki no kyojin
329
+ 1girl, ilulu \(maidragon\), kobayashi-san chi no maidragon
330
+ 1girl, himejima akeno, high school dxd
331
+ 1girl, y'shtola rhul, final fantasy
332
+ 1boy, male focus, narancia ghirga, jojo no kimyou na bouken
333
+ 1girl, eunie \(xenoblade\), xenoblade chronicles \(series\)
334
+ 1girl, alice zuberg, sword art online
335
+ 1boy, male focus, okabe rintarou, steins;gate
336
+ 1girl, lenna charlotte tycoon, final fantasy
337
+ 1boy, male focus, damian desmond, spy x family
338
+ 1girl, eva 02, neon genesis evangelion
339
+ 1boy, male focus, claude von riegan, fire emblem
340
+ 1girl, oshino ougi, monogatari \(series\)
341
+ 1boy, male focus, corrin \(male\) \(fire emblem\), fire emblem
342
+ 1other, rimuru tempest, tensei shitara slime datta ken
343
+ 1boy, male focus, star platinum, jojo no kimyou na bouken
344
+ 1girl, faris scherwiz, final fantasy
345
+ 1girl, mitaka asa, chainsaw man
346
+ 1boy, male focus, kira yoshikage, jojo no kimyou na bouken
347
+ 1boy, male focus, tony tony chopper, one piece
348
+ 1girl, aragaki ayase, ore no imouto ga konna ni kawaii wake ga nai
349
+ 1girl, eris greyrat, mushoku tensei
350
+ 1girl, tsurumaki kokoro, bang dream!
351
+ 1girl, kanbaru suruga, monogatari \(series\)
352
+ 1girl, alear \(female\) \(fire emblem\), fire emblem
353
+ 1girl, chocobo, final fantasy
354
+ 1boy, male focus, kousaka kyousuke, ore no imouto ga konna ni kawaii wake ga nai
355
+ 1boy, male focus, roy \(fire emblem\), fire emblem
356
+ 1girl, tiki \(adult\) \(fire emblem\), fire emblem
357
+ 1boy, male focus, tieria erde, gundam
358
+ 1boy, male focus, sinclair \(project moon\), limbus company
359
+ 1girl, ingrid brandl galatea, fire emblem
360
+ 1girl, eirika \(fire emblem\), fire emblem
361
+ 1boy, male focus, amami rantaro, danganronpa \(series\)
362
+ 1boy, male focus, diego brando, jojo no kimyou na bouken
363
+ 1girl, rx-78-2, gundam
364
+ 1girl, yumeno himiko, danganronpa \(series\)
365
+ 1girl, kiss-shot acerola-orion heart-under-blade, monogatari \(series\)
366
+ 1boy, male focus, chrom \(fire emblem\), fire emblem
367
+ 1girl, pyra \(pro swimmer\) \(xenoblade\), xenoblade chronicles \(series\)
368
+ 1girl, yamagishi fuuka, persona
369
+ 1girl, don quixote \(project moon\), limbus company
370
+ 1boy, male focus, zack fair, final fantasy
371
+ 1girl, kirishima touka, tokyo ghoul
372
+ 1girl, kaine \(nier\), nier \(series\)
373
+ 1girl, isshiki iroha, yahari ore no seishun lovecome wa machigatteiru.
374
+ 1girl, yoshizawa kasumi, persona
375
+ 1girl, eva 01, neon genesis evangelion
376
+ 1girl, iruma miu, danganronpa \(series\)
377
+ 1girl, kiran \(fire emblem\), fire emblem
378
+ 1girl, celes chere, final fantasy
379
+ 1girl, nina \(fire emblem\), fire emblem
380
+ 1girl, araragi tsukihi, monogatari \(series\)
381
+ 1girl, doujima nanako, persona
382
+ 1boy, male focus, mohammed avdol, jojo no kimyou na bouken
383
+ 1girl, maruyama aya, bang dream!
384
+ 1boy, male focus, kirby, kirby \(series\)
385
+ 1boy, male focus, pannacotta fugo, jojo no kimyou na bouken
386
+ 1girl, rhea \(fire emblem\), fire emblem
387
+ 1girl, pneuma \(xenoblade\), xenoblade chronicles \(series\)
388
+ 1boy, male focus, inumuta houka, kill la kill
389
+ 1boy, male focus, kurapika, hunter x hunter
390
+ 1girl, trish una, jojo no kimyou na bouken
391
+ 1girl, meer campbell, gundam
392
+ 1girl, lightning farron, final fantasy
393
+ 1boy, male focus, tomioka giyuu, kimetsu no yaiba
394
+ 1girl, vert \(neptunia\), neptune \(series\)
395
+ 1girl, yamanaka ino, naruto \(series\)
396
+ 1girl, agatsuma zenitsu, kimetsu no yaiba
397
+ 1girl, titan \(shingeki no kyojin\), shingeki no kyojin
398
+ 1boy, male focus, morgana \(persona 5\), persona
399
+ 1girl, sylphiette \(mushoku tensei\), mushoku tensei
400
+ 1boy, male focus, yi sang \(project moon\), limbus company
401
+ 1boy, male focus, gon freecss, hunter x hunter
402
+ 1girl, navia \(genshin impact\), genshin impact
403
+ 1girl, jingliu \(honkai: star rail\), honkai: star rail
404
+ 1girl, aoba moca, bang dream!
405
+ 1girl, hange zoe, shingeki no kyojin
406
+ 1girl, izayoi sakuya, touhou
407
+ 1girl, perona, one piece
408
+ 1girl, uzaki tsuki, uzaki-chan wa asobitai!
409
+ 1girl, riza hawkeye, fullmetal alchemist
410
+ 1girl, melia antiqua, xenoblade chronicles \(series\)
411
+ 1girl, harime nui, kill la kill
412
+ 1girl, agrias oaks, final fantasy
413
+ 1girl, hadou nejire, boku no hero academia
414
+ 1girl, kobayashi \(maidragon\), kobayashi-san chi no maidragon
415
+ 1boy, male focus, hirose koichi, jojo no kimyou na bouken
416
+ 1boy, male focus, char aznable, gundam
417
+ 1boy, male focus, dan heng \(imbibitor lunae\) \(honkai: star rail\), honkai: star rail
418
+ 1girl, yamada elf, eromanga sensei
419
+ 1boy, male focus, k1-b0, danganronpa \(series\)
420
+ 1girl, jouga maya, gochuumon wa usagi desu ka?
421
+ 1girl, lisbeth \(sao\), sword art online
422
+ 1girl, faust \(project moon\), limbus company
423
+ 1boy, male focus, piccolo, dragon ball
424
+ 1boy, male focus, bartz klauser, final fantasy
425
+ 1boy, male focus, hong lu \(project moon\), limbus company
426
+ 1girl, nakagawa natsuki, hibike! euphonium
427
+ 1girl, gekota, toaru majutsu no index
428
+ 1boy, male focus, aragaki shinjirou, persona
429
+ 1boy, male focus, usopp, one piece
430
+ 1girl, himeko \(honkai: star rail\), honkai: star rail
431
+ 1girl, natsu megumi, gochuumon wa usagi desu ka?
432
+ 1girl, fukawa toko, danganronpa \(series\)
433
+ 1girl, quanxi \(chainsaw man\), chainsaw man
434
+ 1girl, yamada anna, boku no kokoro no yabai yatsu
435
+ 1girl, doraemon \(character\), doraemon
436
+ 1girl, black heart \(neptunia\), neptune \(series\)
437
+ 1girl, tsuyuri kanao, kimetsu no yaiba
438
+ 1girl, yonaga angie, danganronpa \(series\)
439
+ 1boy, male focus, angel devil \(chainsaw man\), chainsaw man
440
+ 1boy, male focus, takumi \(fire emblem\), fire emblem
441
+ 1boy, male focus, setsuna f. seiei, gundam
442
+ 1girl, julia \(fire emblem\), fire emblem
443
+ 1boy, male focus, nijimura okuyasu, jojo no kimyou na bouken
444
+ 1girl, takimoto hifumi, new game!
445
+ 1girl, sonia nevermind, danganronpa \(series\)
446
+ 1girl, shiina mayuri, steins;gate
447
+ 1boy, male focus, link, the legend of zelda
448
+ 1boy, male focus, roy mustang, fullmetal alchemist
449
+ 1boy, male focus, diavolo, jojo no kimyou na bouken
450
+ 1girl, mercedes von martritz, fire emblem
451
+ 1boy, male focus, portgas d. ace, one piece
452
+ 1girl, chomusuke, kono subarashii sekai ni shukufuku wo!
453
+ 1boy, male focus, sanada akihiko, persona
454
+ 1girl, wiz \(konosuba\), kono subarashii sekai ni shukufuku wo!
455
+ 1girl, black hanekawa, monogatari \(series\)
456
+ 1girl, iori rinko, gundam
457
+ 1boy, male focus, hatake kakashi, naruto \(series\)
458
+ 1girl, matsubara kanon, bang dream!
459
+ 1boy, male focus, leone abbacchio, jojo no kimyou na bouken
460
+ 1girl, nakiri erina, shokugeki no souma
461
+ 1girl, lunamaria hawke, gundam
462
+ 1girl, uehara himari, bang dream!
463
+ 1girl, ophelia \(fire emblem\), fire emblem
464
+ 1boy, male focus, adventurer \(ff14\), final fantasy
465
+ 1girl, murosaki miyo, onii-chan wa oshimai!
466
+ 1girl, bronya rand, honkai: star rail
467
+ 1boy, male focus, kirishima eijirou, boku no hero academia
468
+ 1girl, koizumi mahiru, danganronpa \(series\)
469
+ 1girl, elise \(fire emblem\), fire emblem
470
+ 1girl, feldt grace, gundam
471
+ 1girl, majin android 21, dragon ball
472
+ 1boy, male focus, higashikata josuke \(jojolion\), jojo no kimyou na bouken
473
+ 1girl, okusawa misaki, bang dream!
474
+ 1girl, shirasagi chisato, bang dream!
475
+ 1girl, imai lisa, bang dream!
476
+ 1girl, grima \(fire emblem\), fire emblem
477
+ 1boy, male focus, pikachu, pokemon
478
+ 1girl, hozuki kaede, onii-chan wa oshimai!
479
+ 1girl, adult neptune, neptune \(series\)
480
+ 1girl, ikusaba mukuro, danganronpa \(series\)
481
+ 1girl, uni \(neptunia\), neptune \(series\)
482
+ 1boy, male focus, uesugi fuutarou, go-toubun no hanayome
483
+ 1girl, asahina aoi, danganronpa \(series\)
484
+ 1boy, male focus, noctis lucis caelum, final fantasy
485
+ 1boy, male focus, bertolt hoover, shingeki no kyojin
486
+ 1girl, tomori nao, charlotte \(anime\)
487
+ 1girl, seele \(honkai: star rail\), honkai: star rail
488
+ 1boy, male focus, kuririn, dragon ball
489
+ 1boy, male focus, clive rosfield, final fantasy
490
+ 1girl, sakura \(fire emblem\), fire emblem
491
+ 1girl, minato yukina, bang dream!
492
+ 1boy, male focus, admiral \(kancolle\), kantai collection
493
+ 1girl, xenovia quarta, high school dxd
494
+ 1girl, beatrice \(re:zero\), re:zero kara hajimeru isekai seikatsu
495
+ 1girl, oka asahi, onii-chan wa oshimai!
496
+ 1girl, tiki \(young\) \(fire emblem\), fire emblem
497
+ 1girl, euphemia li britannia, code geass
498
+ 1girl, saionji hiyoko, danganronpa \(series\)
499
+ 1girl, sothis \(fire emblem\), fire emblem
500
+ 1girl, suzuki jun, k-on!
501
+ 1boy, male focus, iggy \(jojo\), jojo no kimyou na bouken
502
+ 1girl, iino miko, kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~
503
+ 1girl, chabashira tenko, danganronpa \(series\)
504
+ 1girl, sasha braus, shingeki no kyojin
505
+ 1girl, kawakami sadayo, persona
506
+ 1girl, nunnally vi britannia, code geass
507
+ 1girl, mia \(fire emblem\), fire emblem
508
+ 1girl, annette fantine dominic, fire emblem
509
+ 1girl, lucia \(punishing: gray raven\), punishing: gray raven
510
+ 1girl, jibril \(no game no life\), no game no life
511
+ 1girl, udagawa tomoe, bang dream!
512
+ 1girl, asuna \(sao-alo\), sword art online
513
+ 1boy, male focus, prosciutto, jojo no kimyou na bouken
514
+ 1girl, lisa lisa, jojo no kimyou na bouken
515
+ 1girl, fu xuan \(honkai: star rail\), honkai: star rail
516
+ 1girl, platelet \(hataraku saibou\), hataraku saibou
517
+ 1girl, yoshikawa yuuko, hibike! euphonium
518
+ 1girl, mythra \(massive melee\) \(xenoblade\), xenoblade chronicles \(series\)
519
+ 1girl, celica \(fire emblem\), fire emblem
520
+ 1girl, pekoyama peko, danganronpa \(series\)
521
+ 1girl, temari \(naruto\), naruto \(series\)
522
+ 1boy, male focus, shulk \(xenoblade\), xenoblade chronicles \(series\)
523
+ 1girl, ijichi seika, bocchi the rock!
524
+ 1girl, ichigaya arisa, bang dream!
525
+ 1boy, male focus, seliph \(fire emblem\), fire emblem
526
+ 1girl, shez \(fire emblem\), fire emblem
527
+ 1girl, tennouboshi uzume, neptune \(series\)
528
+ 1girl, ibuki \(blue archive\), blue archive
529
+ 1boy, male focus, leo \(fire emblem\), fire emblem
530
+ 1girl, videl, dragon ball
531
+ 1girl, uchiha sarada, naruto \(series\)
532
+ 1boy, male focus, gogeta, dragon ball
533
+ 1girl, hagakure tooru, boku no hero academia
534
+ 1girl, white blood cell \(hataraku saibou\), hataraku saibou
535
+ 1boy, male focus, risotto nero, jojo no kimyou na bouken
536
+ 1girl, erina pendleton, jojo no kimyou na bouken
537
+ 1girl, lacus clyne, gundam
538
+ 1boy, male focus, vincent valentine, final fantasy
539
+ 1girl, rossweisse, high school dxd
540
+ 1girl, misaka imouto, toaru majutsu no index
541
+ 1girl, zaku ii, gundam
542
+ 1girl, ghislaine dedoldia, mushoku tensei
543
+ 1girl, yamanaka sawako, k-on!
544
+ 1boy, male focus, adachi tooru, persona
545
+ 1boy, male focus, toudou aoi \(jujutsu kaisen\), jujutsu kaisen
546
+ 1girl, ninian \(fire emblem\), fire emblem
547
+ 1girl, white heart \(neptunia\), neptune \(series\)
548
+ 1girl, elma \(maidragon\), kobayashi-san chi no maidragon
549
+ 1girl, ivy \(fire emblem\), fire emblem
550
+ 1girl, sugimoto reimi, jojo no kimyou na bouken
551
+ 1girl, remilia scarlet, touhou
552
+ 1boy, male focus, eraser head \(boku no hero academia\), boku no hero academia
553
+ 1girl, kuroka \(high school dxd\), high school dxd
554
+ 1girl, ononoki yotsugi, monogatari \(series\)
555
+ 1girl, anya alstreim, code geass
556
+ 1girl, echidna \(re:zero\), re:zero kara hajimeru isekai seikatsu
557
+ 1girl, cirno, touhou
558
+ 1girl, akemi homura, mahou shoujo madoka magica
559
+ 1girl, enlightened byleth \(female\), fire emblem
560
+ 1boy, male focus, fushiguro touji, jujutsu kaisen
561
+ 1girl, shirogane tsumugi, danganronpa \(series\)
562
+ 1girl, morag ladair \(xenoblade\), xenoblade chronicles \(series\)
563
+ 1boy, male focus, crocodile \(one piece\), one piece
564
+ 1girl, sui-feng, bleach
565
+ 1girl, ibara mayaka, hyouka
566
+ 1girl, byleth \(female\) \(summer\) \(fire emblem\), fire emblem
567
+ 1boy, male focus, okkotsu yuuta, jujutsu kaisen
568
+ 1girl, bond \(spy x family\), spy x family
569
+ 1girl, pa-san, bocchi the rock!
570
+ 1boy, male focus, iori junpei, persona
571
+ 1boy, male focus, narciso anasui, jojo no kimyou na bouken
572
+ 1boy, male focus, hashibira inosuke, kimetsu no yaiba
573
+ 1boy, male focus, donquixote doflamingo, one piece
574
+ 1boy, male focus, mikisugi aikurou, kill la kill
575
+ 1girl, uta \(one piece\), one piece
576
+ 1boy, male focus, all might, boku no hero academia
577
+ 1girl, totooria helmold, atelier \(series\)
578
+ 1other, dante \(limbus company\), limbus company
579
+ 1girl, suzi q, jojo no kimyou na bouken
580
+ 1boy, male focus, son goten, dragon ball
581
+ 1girl, larcei \(fire emblem\), fire emblem
582
+ 1girl, sasaki chiho, hataraku maou-sama!
583
+ 1girl, rosa farrell, final fantasy
584
+ 1girl, toujou koneko, high school dxd
585
+ 1girl, samus aran, metroid
586
+ 1boy, male focus, the world, jojo no kimyou na bouken
587
+ 1girl, lilina \(fire emblem\), fire emblem
588
+ 1boy, male focus, broly \(dragon ball super\), dragon ball
589
+ 1girl, anko \(gochiusa\), gochuumon wa usagi desu ka?
590
+ 1girl, secelia dote, gundam
591
+ 1girl, artoria pendragon \(fate\), fate \(series\)
592
+ 1boy, male focus, g'raha tia, final fantasy
593
+ 1girl, kaname madoka, mahou shoujo madoka magica
594
+ 1girl, venat \(ff14\), final fantasy
595
+ 1girl, priestess \(goblin slayer!\), goblin slayer!
596
+ 1boy, male focus, enrico pucci, jojo no kimyou na bouken
597
+ 1boy, male focus, killer queen, jojo no kimyou na bouken
598
+ 1boy, male focus, hikigaya hachiman, yahari ore no seishun lovecome wa machigatteiru.
599
+ 1girl, asia argento, high school dxd
600
+ 1boy, male focus, kirito \(sao-ggo\), sword art online
601
+ 1girl, zen'in maki, jujutsu kaisen
602
+ 1boy, male focus, hierophant green, jojo no kimyou na bouken
603
+ 1girl, puru two, gundam
604
+ 1girl, pan \(dragon ball\), dragon ball
605
+ 1girl, haman karn, gundam
606
+ 1girl, elizabeth \(persona\), persona
607
+ 1boy, male focus, griffith \(berserk\), berserk
608
+ 1girl, poppi \(xenoblade\), xenoblade chronicles \(series\)
609
+ 1girl, minami yume, gridman universe
610
+ 1boy, male focus, xander \(fire emblem\), fire emblem
611
+ 1girl, amane suzuha, steins;gate
612
+ 1boy, male focus, eugeo, sword art online
613
+ 1boy, male focus, buront, final fantasy
614
+ 1girl, sazaki kaoruko, gundam
615
+ 1girl, shirley fenette, code geass
616
+ 1girl, morgan \(fire emblem\), fire emblem
617
+ 1boy, male focus, robert e. o. speedwagon, jojo no kimyou na bouken
618
+ 1girl, patchouli knowledge, touhou
619
+ 1girl, tanaka asuka, hibike! euphonium
620
+ 1girl, sophie neuenmuller, atelier \(series\)
621
+ 1girl, flayn \(fire emblem\), fire emblem
622
+ 1girl, sophia \(fire emblem\), fire emblem
623
+ 1boy, male focus, trunks \(future\) \(dragon ball\), dragon ball
624
+ 1boy, male focus, soda kazuichi, danganronpa \(series\)
625
+ 1boy, male focus, tidus, final fantasy
626
+ 1other, neferpitou, hunter x hunter
627
+ 1girl, black mage, final fantasy
628
+ 1girl, rinoa heartilly, final fantasy
629
+ 1boy, male focus, uchiha itachi, naruto \(series\)
630
+ 1boy, male focus, tachibana makoto, free!
631
+ 1girl, firefly \(honkai: star rail\), honkai: star rail
632
+ 1girl, yamagishi yukako, jojo no kimyou na bouken
633
+ 1boy, male focus, amuro ray, gundam
634
+ 1girl, konpaku youmu, touhou
635
+ 1girl, high elf archer \(goblin slayer!\), goblin slayer!
636
+ 1girl, eruruu, utawarerumono
637
+ 1girl, hazawa tsugumi, bang dream!
638
+ 1girl, meowy \(chainsaw man\), chainsaw man
639
+ 1boy, male focus, franky \(one piece\), one piece
640
+ 1boy, male focus, lockon stratos, gundam
641
+ 1girl, iris heart, neptune \(series\)
642
+ 1boy, male focus, uzumaki boruto, naruto \(series\)
643
+ 1boy, male focus, tanaka gundham, danganronpa \(series\)
644
+ 1girl, yui \(sao\), sword art online
645
+ 1boy, male focus, ishimaru kiyotaka, danganronpa \(series\)
646
+ 1girl, alice margatroid, touhou
647
+ 1girl, lilith \(machikado mazoku\), machikado mazoku
648
+ 1girl, mythra \(radiant beach\) \(xenoblade\), xenoblade chronicles \(series\)
649
+ 1girl, wang liu mei, gundam
650
+ 1boy, male focus, kamille bidan, gundam
651
+ 1boy, male focus, jean kirchstein, shingeki no kyojin
652
+ 1boy, male focus, david martinez, cyberpunk \(series\)
653
+ 1girl, gundam aerial, gundam
654
+ 1girl, shez \(female\) \(fire emblem\), fire emblem
655
+ 1girl, oogaki chiaki, yurucamp
656
+ 1girl, foo fighters \(jojo\), jojo no kimyou na bouken
657
+ 1boy, male focus, vinegar doppio, jojo no kimyou na bouken
658
+ 1girl, inui sajuna, sono bisque doll wa koi wo suru
659
+ 1boy, male focus, dabi \(boku no hero academia\), boku no hero academia
660
+ 1boy, male focus, elan ceres, gundam
661
+ 1girl, leonie pinelli, fire emblem
662
+ 1girl, naruko \(naruto\), naruto \(series\)
663
+ 1girl, petra macneary, fire emblem
664
+ 1boy, male focus, wamuu, jojo no kimyou na bouken
665
+ 1girl, ryoshu \(project moon\), limbus company
666
+ 1boy, male focus, kuzuryu fuyuhiko, danganronpa \(series\)
667
+ 1girl, nayuta \(chainsaw man\), chainsaw man
668
+ 1boy, male focus, jing yuan, honkai: star rail
669
+ 1girl, princess zelda, the legend of zelda
670
+ 1boy, male focus, hibiki yuuta, gridman universe
671
+ 1girl, ruan mei \(honkai: star rail\), honkai: star rail
672
+ 1boy, male focus, shigaraki tomura, boku no hero academia
673
+ 1girl, flandre scarlet, touhou
674
+ 1girl, fran \(ff12\), final fantasy
675
+ 1boy, male focus, nanase haruka \(free!\), free!
676
+ 1boy, male focus, akechi gorou, persona
677
+ 1girl, rikku \(ff10\), final fantasy
678
+ 1girl, nowi \(fire emblem\), fire emblem
679
+ 1boy, male focus, genos, one-punch man
680
+ 1girl, kagero \(fire emblem\), fire emblem
681
+ 1girl, cagalli yula athha, gundam
682
+ 1boy, male focus, owada mondo, danganronpa \(series\)
683
+ 1girl, toyama kasumi, bang dream!
684
+ 1girl, rororina fryxell, atelier \(series\)
685
+ 1girl, shirokane rinko, bang dream!
686
+ 1girl, herta \(honkai: star rail\), honkai \(series\)
687
+ 1boy, male focus, chrollo lucilfer, hunter x hunter
688
+ 1boy, male focus, togami byakuya, danganronpa \(series\)
689
+ 1boy, male focus, matsuoka rin, free!
690
+ 1girl, lissa \(fire emblem\), fire emblem
691
+ 1boy, male focus, cecil harvey, final fantasy
692
+ 1girl, ishtar \(fire emblem\), fire emblem
693
+ 1girl, caeda \(fire emblem\), fire emblem
694
+ 1boy, male focus, hisoka morow, hunter x hunter
695
+ 1girl, yunaka \(fire emblem\), fire emblem
696
+ 1boy, male focus, allelujah haptism, gundam
697
+ 1girl, tojo kirumi, danganronpa \(series\)
698
+ 1boy, male focus, guel jeturk, gundam
699
+ 1girl, nena trinity, gundam
700
+ 1boy, male focus, brook \(one piece\), one piece
701
+ 1boy, male focus, mario, mario \(series\)
702
+ 1girl, anna \(fire emblem\), fire emblem
703
+ 1boy, male focus, l \(death note\), death note
704
+ 1boy, male focus, melone, jojo no kimyou na bouken
705
+ 1girl, princess peach, mario \(series\)
706
+ 1girl, soma peries, gundam
707
+ 1boy, male focus, frieza, dragon ball
708
+ 1girl, ryne waters, final fantasy
709
+ 1girl, fjorm \(fire emblem\), fire emblem
710
+ 1girl, kochiya sanae, touhou
711
+ 1girl, puck \(re:zero\), re:zero kara hajimeru isekai seikatsu
712
+ 1girl, sinon \(sao-alo\), sword art online
713
+ 1girl, liv \(punishing: gray raven\), punishing: gray raven
714
+ 1girl, takemi tae, persona
715
+ 1boy, male focus, sylvain jose gautier, fire emblem
716
+ 1girl, cheese-kun, code geass
717
+ 1girl, topaz \(honkai: star rail\), honkai: star rail
718
+ 1girl, pina \(sao\), sword art online
719
+ 1boy, male focus, smoker \(one piece\), one piece
720
+ 1girl, jill warrick, final fantasy
721
+ 1girl, villetta nu, code geass
722
+ 1boy, male focus, eliwood \(fire emblem\), fire emblem
723
+ 1girl, tier harribel, bleach
724
+ 1girl, hubert von vestra, fire emblem
725
+ 1girl, nefertari vivi, one piece
726
+ 1girl, akagi ritsuko, neon genesis evangelion
727
+ 1boy, male focus, fukube satoshi, hyouka
728
+ 1girl, meteion, final fantasy
729
+ 1girl, nino \(fire emblem\), fire emblem
730
+ 1girl, sumeragi lee noriega, gundam
731
+ 1boy, male focus, kaminari denki, boku no hero academia
732
+ 1boy, male focus, felix hugo fraldarius, fire emblem
733
+ 1girl, shamir nevrand, fire emblem
734
+ 1boy, male focus, mochizuki ryouji, persona
735
+ 1boy, male focus, barret wallace, final fantasy
736
+ 1girl, elpeo puru, gundam
737
+ 1girl, sharena \(fire emblem\), fire emblem
738
+ 1girl, cordelia \(fire emblem\), fire emblem
739
+ 1girl, outis \(project moon\), limbus company
740
+ 1girl, fiora \(xenoblade\), xenoblade chronicles \(series\)
741
+ 1girl, krile mayer baldesion \(ff5\), final fantasy
742
+ 1girl, mineva lao zabi, gundam
743
+ 1boy, male focus, vegetto, dragon ball
744
+ 1boy, male focus, yoshida hirofumi, chainsaw man
745
+ 1girl, ieiri shoko, jujutsu kaisen
746
+ 1girl, seta kaoru, bang dream!
747
+ 1girl, tingyun \(honkai: star rail\), honkai: star rail
748
+ 1boy, male focus, yagami light, death note
749
+ 1girl, kiryuuin ragyou, kill la kill
750
+ 1girl, hinoka \(fire emblem\), fire emblem
751
+ 1girl, suzumiya haruhi, suzumiya haruhi no yuuutsu
752
+ 1girl, if \(neptunia\), neptune \(series\)
753
+ 1girl, xianyun \(genshin impact\), genshin impact
754
+ 1girl, zero \(code geass\), code geass
755
+ 1boy, male focus, shirogane miyuki, kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~
756
+ 1boy, male focus, gladiolus amicitia, final fantasy
757
+ 1girl, olivia \(fire emblem\), fire emblem
758
+ 1girl, brighid \(xenoblade\), xenoblade chronicles \(series\)
759
+ 1boy, male focus, kiran \(male\) \(fire emblem\), fire emblem
760
+ 1boy, male focus, ghiaccio, jojo no kimyou na bouken
761
+ 1girl, palla \(fire emblem\), fire emblem
762
+ 1girl, shu \(arknights\), arknights
763
+ 1girl, matsuoka gou, free!
764
+ 1girl, wild geese, gochuumon wa usagi desu ka?
765
+ 1girl, catria \(fire emblem\), fire emblem
766
+ 1girl, caulifla, dragon ball
767
+ 1girl, hinatsuki mikan, machikado mazoku
768
+ 1boy, male focus, scary monsters \(stand\), jojo no kimyou na bouken
769
+ 1girl, cornelia li britannia, code geass
770
+ 1girl, ulti \(one piece\), one piece
771
+ 1boy, male focus, tokitou muichirou, kimetsu no yaiba
772
+ 1girl, red blood cell \(hataraku saibou\), hataraku saibou
773
+ 1girl, morgan \(female\) \(fire emblem\), fire emblem
774
+ 1girl, nara shikamaru, naruto \(series\)
775
+ 1girl, esdeath, akame ga kill!
776
+ 1boy, male focus, urushibara ruka, steins;gate
777
+ 1girl, cloud retainer \(genshin impact\), genshin impact
778
+ 1boy, male focus, dracule mihawk, one piece
779
+ 1girl, naegi komaru, danganronpa \(series\)
780
+ 1girl, zaku, gundam
781
+ 1boy, male focus, ephraim \(fire emblem\), fire emblem
782
+ 1other, pom-pom \(honkai: star rail\), honkai: star rail
783
+ 1girl, aruruu, utawarerumono
784
+ 1boy, male focus, shinazugawa sanemi, kimetsu no yaiba
785
+ 1boy, male focus, gokuhara gonta, danganronpa \(series\)
786
+ 1girl, gojou wakana, sono bisque doll wa koi wo suru
787
+ 1boy, male focus, kuja, final fantasy
788
+ 1boy, male focus, amada ken, persona
789
+ 1boy, male focus, vivi ornitier, final fantasy
790
+ 1girl, green heart \(neptunia\), neptune \(series\)
791
+ 1boy, male focus, esidisi, jojo no kimyou na bouken
792
+ 1boy, male focus, broly \(dragon ball z\), dragon ball
793
+ 1boy, male focus, hermit purple, jojo no kimyou na bouken
794
+ 1girl, marina ismail, gundam
795
+ 1boy, male focus, sabo \(one piece\), one piece
796
+ 1girl, chuatury panlunch, gundam
797
+ 1boy, male focus, ichikawa kyoutarou, boku no kokoro no yabai yatsu
798
+ 1girl, shameimaru aya, touhou
799
+ 1girl, owari akane, danganronpa \(series\)
800
+ 1girl, ermes costello, jojo no kimyou na bouken
801
+ 1girl, unicorn gundam, gundam
802
+ 1girl, celine \(fire emblem\), fire emblem
803
+ 1boy, male focus, illumi zoldyck, hunter x hunter
804
+ 1boy, male focus, ikari gendou, neon genesis evangelion
805
+ 1girl, hong meiling, touhou
806
+ 1boy, male focus, felix argyle, re:zero kara hajimeru isekai seikatsu
807
+ 1girl, rumia, touhou
808
+ 1girl, nelliel tu odelschwanck, bleach
809
+ 1boy, male focus, sakamoto ryuuji, persona
810
+ 1girl, red mage, final fantasy
811
+ 1girl, paladin \(final fantasy\), final fantasy
812
+ 1girl, hirose yasuho, jojo no kimyou na bouken
813
+ 1girl, shidou irina, high school dxd
814
+ 1boy, male focus, noah \(xenoblade\), xenoblade chronicles \(series\)
815
+ 1girl, komeiji satori, touhou
816
+ 1girl, rom \(neptunia\), neptune \(series\)
817
+ 1girl, kyubey, mahou shoujo madoka magica
818
+ 1boy, male focus, shinguji korekiyo, danganronpa \(series\)
819
+ 1boy, male focus, alear \(male\) \(fire emblem\), fire emblem
820
+ 1boy, male focus, hinata shouyou, haikyuu!!
821
+ 1boy, male focus, erwin smith, shingeki no kyojin
822
+ 1girl, eiko carol, final fantasy
823
+ 1girl, milly ashford, code geass
824
+ 1boy, male focus, heathcliff \(project moon\), limbus company
825
+ 1girl, cheelai, dragon ball
826
+ 1girl, tenten \(naruto\), naruto \(series\)
827
+ 1girl, komeiji koishi, touhou
828
+ 1girl, dancer \(final fantasy\), final fantasy
829
+ 1girl, kudelia aina bernstein, gundam
830
+ 1girl, saber \(fate\), fate \(series\)
831
+ 1girl, yakumo yukari, touhou
832
+ 1girl, alpha \(punishing: gray raven\), punishing: gray raven
833
+ 1girl, grayfia lucifuge, high school dxd
834
+ 1girl, yamabuki saya, bang dream!
835
+ 1boy, male focus, kitagawa yuusuke, persona
836
+ 1girl, ae-3803, hataraku saibou
837
+ 1boy, male focus, athrun zala, gundam
838
+ 1girl, silica \(sao-alo\), sword art online
839
+ 1girl, black swan \(honkai: star rail\), honkai: star rail
840
+ 1boy, male focus, emet-selch, final fantasy
841
+ 1girl, nu gundam, gundam
842
+ 1boy, male focus, koromaru \(persona\), persona
843
+ 1girl, tamura manami, ore no imouto ga konna ni kawaii wake ga nai
844
+ 1girl, alisaie leveilleur, final fantasy
845
+ 1boy, male focus, ramza beoulve, final fantasy
846
+ 1boy, male focus, prompto argentum, final fantasy
847
+ 1girl, aila jyrkiainen, gundam
848
+ 1girl, usami \(danganronpa\), danganronpa \(series\)
849
+ 1girl, michelle \(bang dream!\), bang dream!
850
+ 1girl, fami \(chainsaw man\), chainsaw man
851
+ 1girl, selphie tilmitt, final fantasy
852
+ 1girl, ram \(neptunia\), neptune \(series\)
853
+ 1boy, male focus, nobi nobita, doraemon
854
+ 1girl, amane misa, death note
855
+ 1boy, male focus, hector \(fire emblem\), fire emblem
856
+ 1girl, hanazono tae, bang dream!
857
+ 1girl, veronica \(fire emblem\), fire emblem
858
+ 1boy, male focus, ignis scientia, final fantasy
859
+ 1girl, tomoe mami, mahou shoujo madoka magica
860
+ 1girl, nanakusa nazuna \(yofukashi no uta\), yofukashi no uta
861
+ 1girl, sena \(xenoblade\), xenoblade chronicles \(series\)
862
+ 1girl, lunch \(dragon ball\), dragon ball
863
+ 1boy, male focus, weather report, jojo no kimyou na bouken
864
+ 1girl, felicia \(fire emblem\), fire emblem
865
+ 1boy, male focus, togata mirio, boku no hero academia
866
+ 1boy, male focus, mineta minoru, boku no hero academia
867
+ 1boy, male focus, iida tenya, boku no hero academia
868
+ 1girl, nika nanaura, gundam
869
+ 1girl, alice \(alice in wonderland\), alice in wonderland
870
+ 1girl, saitou ena, yurucamp
871
+ 1girl, penelo, final fantasy
872
+ 1boy, male focus, warrior of light \(ff1\), final fantasy
873
+ 1girl, klaudia valentz, atelier \(series\)
874
+ 1girl, yune \(fire emblem\), fire emblem
875
+ 1boy, male focus, bell cranel, dungeon ni deai wo motomeru no wa machigatteiru darou ka
876
+ 1girl, myrrh \(fire emblem\), fire emblem
877
+ 1girl, akiha rumiho, steins;gate
878
+ 1girl, shimakaze \(kancolle\), kantai collection
879
+ 1girl, miki sayaka, mahou shoujo madoka magica
880
+ 1boy, male focus, iguro obanai, kimetsu no yaiba
881
+ 1girl, tifa lockhart \(refined dress\), final fantasy
882
+ 1girl, tianzi, code geass
883
+ 1boy, male focus, aventurine \(honkai: star rail\), honkai: star rail
884
+ 1girl, tenkawa nayuta, onii-chan wa oshimai!
885
+ 1boy, male focus, kuroko tetsuya, kuroko no basuke
886
+ 1girl, ninja \(final fantasy\), final fantasy
887
+ 1girl, frenda seivelun, toaru majutsu no index
888
+ 1boy, male focus, crazy diamond, jojo no kimyou na bouken
889
+ 1girl, mist \(fire emblem\), fire emblem
890
+ 1boy, male focus, kinagase tsumugu, kill la kill
891
+ 1boy, male focus, funny valentine, jojo no kimyou na bouken
892
+ 1girl, florina \(fire emblem\), fire emblem
893
+ 1girl, goldmary \(fire emblem\), fire emblem
894
+ 1girl, pandoria \(xenoblade\), xenoblade chronicles \(series\)
895
+ 1girl, zeta gundam \(mobile suit\), gundam
896
+ 1boy, male focus, bardock, dragon ball
897
+ 1boy, male focus, meursault \(project moon\), limbus company
898
+ 1girl, purple sister, neptune \(series\)
899
+ 1boy, male focus, donquixote rocinante, one piece
900
+ 1girl, titania \(sao\), sword art online
901
+ 1boy, male focus, u-1146, hataraku saibou
902
+ 1girl, reisen udongein inaba, touhou
903
+ 1girl, fae \(fire emblem\), fire emblem
904
+ 1boy, male focus, uzui tengen, kimetsu no yaiba
905
+ 1girl, dark knight \(final fantasy\), final fantasy
906
+ 1boy, male focus, yagi toshinori, boku no hero academia
907
+ 1girl, krul tepes, owari no seraph
908
+ 1girl, makoto \(blue archive\), blue archive
909
+ 1girl, ashelia b'nargin dalmasca, final fantasy
910
+ 1boy, male focus, kise ryouta, kuroko no basuke
911
+ 1boy, male focus, reno \(ff7\), final fantasy
912
+ 1boy, male focus, shanks \(one piece\), one piece
913
+ 1boy, male focus, zeke von genbu \(xenoblade\), xenoblade chronicles \(series\)
914
+ 1boy, male focus, ryoma \(fire emblem\), fire emblem
915
+ 1girl, strelizia, darling in the franxx
916
+ 1girl, palutena, kid icarus
917
+ 1boy, male focus, rudeus greyrat, mushoku tensei
918
+ 1boy, male focus, kishibe \(chainsaw man\), chainsaw man
919
+ 1girl, guts \(kill la kill\), kill la kill
920
+ 1boy, male focus, tadano hitohito, komi-san wa komyushou desu
921
+ 1boy, male focus, kirito \(sao-alo\), sword art online
922
+ 1boy, male focus, momonosuke \(one piece\), one piece
923
+ 1girl, inkling player character, splatoon \(series\)
924
+ 1girl, ogami sakura, danganronpa \(series\)
925
+ 1girl, eva 00, neon genesis evangelion
926
+ 1boy, male focus, muten roushi, dragon ball
927
+ 1boy, male focus, connie springer, shingeki no kyojin
928
+ 1boy, male focus, inumaki toge, jujutsu kaisen
929
+ 1girl, director chimera \(spy x family\), spy x family
930
+ 1girl, udagawa ako, bang dream!
931
+ 1girl, dragoon \(final fantasy\), final fantasy
932
+ 1boy, male focus, alfonse \(fire emblem\), fire emblem
933
+ 1boy, male focus, kira yamato, gundam
934
+ 1boy, male focus, meta knight, kirby \(series\)
935
+ 1girl, hiiragi shinoa, owari no seraph
936
+ 1girl, gaia \(ff14\), final fantasy
937
+ 1boy, male focus, suou tatsuya, persona
938
+ 1girl, konan \(naruto\), naruto \(series\)
939
+ 1girl, shalltear bloodfallen, overlord \(maruyama\)
940
+ 1girl, kurumi \(lycoris recoil\), lycoris recoil
941
+ 1girl, marida cruz, gundam
942
+ 1girl, yotsuyu goe brutus, final fantasy
943
+ 1girl, milim nava, tensei shitara slime datta ken
944
+ 1girl, sword maiden, goblin slayer!
945
+ 1girl, mujina, gridman universe
946
+ 1girl, pururut, neptune \(series\)
947
+ 1girl, karenina \(punishing: gray raven\), punishing: gray raven
948
+ 1girl, robin \(female\) \(summer\) \(fire emblem\), fire emblem
949
+ 1girl, kuon \(utawarerumono\), utawarerumono
950
+ 1boy, male focus, cell \(dragon ball\), dragon ball
951
+ 1girl, constance von nuvelle, fire emblem
952
+ 1girl, asada shino, sword art online
953
+ 1boy, male focus, goblin slayer, goblin slayer!
954
+ 1girl, shiro \(no game no life\), no game no life
955
+ 1girl, rizu-kyun, sono bisque doll wa koi wo suru
956
+ 1girl, lila decyrus, atelier \(series\)
957
+ 1girl, yagami kou, new game!
958
+ 1girl, lora \(xenoblade\), xenoblade chronicles \(series\)
959
+ 1girl, severa \(fire emblem\), fire emblem
960
+ 1boy, male focus, hoshi ryoma, danganronpa \(series\)
961
+ 1girl, no.21 \(punishing: gray raven\), punishing: gray raven
962
+ 1boy, male focus, eustass kid, one piece
963
+ 1girl, ainz ooal gown, overlord \(maruyama\)
964
+ 1boy, male focus, ferdinand von aegir, fire emblem
965
+ 1boy, male focus, linhardt von hevring, fire emblem
966
+ 1boy, male focus, kaburamaru, kimetsu no yaiba
967
+ 1girl, scholar \(final fantasy\), final fantasy
968
+ 1boy, male focus, hazuki nagisa, free!
969
+ 1girl, rodion \(project moon\), limbus company
970
+ 1girl, llenn \(sao\), sword art online
971
+ 1girl, dark elven forest ranger, last origin
972
+ 1girl, iijima yun, new game!
973
+ 1boy, male focus, ardbert hylfyst, final fantasy
974
+ 1girl, becky blackbell, spy x family
975
+ 1girl, cecilia \(shiro seijo to kuro bokushi\), shiro seijo to kuro bokushi
976
+ 1girl, sayla mass, gundam
977
+ 1girl, mount lady, boku no hero academia
978
+ 1boy, male focus, pesci, jojo no kimyou na bouken
979
+ 1boy, male focus, iwatani naofumi, tate no yuusha no nariagari
980
+ 1girl, kiryuu moeka, steins;gate
981
+ 1girl, may \(gundam build divers re:rise\), gundam
982
+ 1boy, male focus, yuri briar, spy x family
983
+ 1girl, nakiri alice, shokugeki no souma
984
+ 1boy, male focus, pit \(kid icarus\), kid icarus
985
+ 1boy, male focus, lorenz hellman gloucester, fire emblem
986
+ 1boy, male focus, gold experience, jojo no kimyou na bouken
987
+ 1girl, gotoh hitori \(octopus\), bocchi the rock!
988
+ 1girl, yusa emi, hataraku maou-sama!
989
+ 1girl, nagato yuki, suzumiya haruhi no yuuutsu
990
+ 1girl, tana \(fire emblem\), fire emblem
991
+ 1boy, male focus, doujima ryoutarou, persona
992
+ 1girl, thief \(final fantasy\), final fantasy
993
+ 1boy, male focus, illuso, jojo no kimyou na bouken
994
+ 1girl, lulu \(ff10\), final fantasy
995
+ 1boy, male focus, aomine daiki, kuroko no basuke
996
+ 1girl, kuroe shizuku, sono bisque doll wa koi wo suru
997
+ 1girl, fujiwara no mokou, touhou
998
+ 1boy, male focus, gregor \(project moon\), limbus company
999
+ 1girl, accelerator \(toaru majutsu no index\), toaru majutsu no index
1000
+ 1boy, male focus, red xiii, final fantasy
1001
+ 1girl, feh \(fire emblem heroes\), fire emblem
1002
+ 1girl, kousaka china, gundam
1003
+ 1girl, emil \(nier\), nier \(series\)
1004
+ 1girl, chloe \(fire emblem\), fire emblem
1005
+ 1boy, male focus, dr. ratio \(honkai: star rail\), honkai: star rail
1006
+ 1girl, uzumaki himawari, naruto \(series\)
1007
+ 1girl, lumine \(genshin impact\), genshin impact
1008
+ 1girl, unohana retsu, bleach
1009
+ 1girl, kokoro \(darling in the franxx\), darling in the franxx
1010
+ 1girl, kurotsuchi nemu, bleach
1011
+ 1girl, casca \(berserk\), berserk
1012
+ 1girl, freija crescent, final fantasy
1013
+ 1girl, sakura kyoko, mahou shoujo madoka magica
1014
+ 1girl, moriya suwako, touhou
1015
+ 1girl, lucia: plume \(punishing: gray raven\), punishing: gray raven
1016
+ 1girl, stone free, jojo no kimyou na bouken
1017
+ 1boy, male focus, soren \(fire emblem\), fire emblem
1018
+ 1boy, male focus, choso \(jujutsu kaisen\), jujutsu kaisen
1019
+ 1girl, kamiki mirai, gundam
1020
+ 1girl, lunafreya nox fleuret, final fantasy
1021
+ 1boy, male focus, nier \(young\), nier \(series\)
1022
+ 1girl, white mage \(fft\), final fantasy
1023
+ 1boy, male focus, firion, final fantasy
1024
+ 1girl, karulau, utawarerumono
1025
+ 1girl, irisu fuyumi, hyouka
1026
+ 1girl, poppi qtpi \(xenoblade\), xenoblade chronicles \(series\)
1027
+ 1boy, male focus, thanatos \(persona\), persona
1028
+ 1girl, ganyu \(genshin impact\), genshin impact
1029
+ 1boy, male focus, mikazuki augus, gundam
1030
+ 1boy, male focus, mahito \(jujutsu kaisen\), jujutsu kaisen
1031
+ 1boy, male focus, suzuya juuzou, tokyo ghoul
1032
+ 1other, rimuru tempest \(slime\), tensei shitara slime datta ken
1033
+ 1boy, male focus, aida kensuke, neon genesis evangelion
1034
+ 1boy, male focus, servant \(danganronpa\), danganronpa \(series\)
1035
+ 1girl, mash kyrielight, fate \(series\)
1036
+ 1girl, relm arrowny, final fantasy
1037
+ 1boy, male focus, alphinaud leveilleur, final fantasy
1038
+ 1girl, tachibana himeko, k-on!
1039
+ 1girl, asta \(honkai: star rail\), honkai: star rail
1040
+ 1girl, midnight \(boku no hero academia\), boku no hero academia
1041
+ 1boy, male focus, vanilla ice, jojo no kimyou na bouken
1042
+ 1girl, kagamihara sakura, yurucamp
1043
+ 1boy, male focus, alcryst \(fire emblem\), fire emblem
1044
+ 1boy, male focus, colossal titan, shingeki no kyojin
1045
+ 1boy, male focus, silver chariot, jojo no kimyou na bouken
1046
+ 1boy, male focus, enlightened byleth \(male\), fire emblem
1047
+ 1girl, serafall leviathan, high school dxd
1048
+ 1girl, carrot \(one piece\), one piece
1049
+ 1girl, qingque \(honkai: star rail\), honkai: star rail
1050
+ 1boy, male focus, hashida itaru, steins;gate
1051
+ 1boy, male focus, luocha \(honkai: star rail\), honkai: star rail
1052
+ 1girl, saigyouji yuyuko, touhou
1053
+ 1boy, male focus, jinbe \(one piece\), one piece
1054
+ 1girl, corrin \(female\) \(summer\) \(fire emblem\), fire emblem
1055
+ 1girl, hot pants \(sbr\), jojo no kimyou na bouken
1056
+ 1girl, hinanawi tenshi, touhou
1057
+ 1boy, male focus, iori shirou, kill la kill
1058
+ 1girl, ibuki suika, touhou
1059
+ 1girl, escha malier, atelier \(series\)
1060
+ 1girl, hortensia \(fire emblem\), fire emblem
1061
+ 1girl, jigglypuff, pokemon
1062
+ 1girl, kromer \(project moon\), limbus company
1063
+ 1boy, male focus, kawajiri kosaku, jojo no kimyou na bouken
1064
+ 1girl, u-1196, hataraku saibou
1065
+ 1girl, kana \(fire emblem\), fire emblem
1066
+ 1girl, maomao \(kusuriya no hitorigoto\), kusuriya no hitorigoto
1067
+ 1girl, aerith gainsborough \(red dress\), final fantasy
1068
+ 1boy, male focus, sonic the hedgehog, sonic \(series\)
1069
+ 1girl, gundam barbatos, gundam
1070
+ 1boy, male focus, luigi, mario \(series\)
1071
+ 1boy, male focus, yamcha, dragon ball
1072
+ 1girl, audrey burne, gundam
1073
+ 1girl, eri \(boku no hero academia\), boku no hero academia
1074
+ 1boy, male focus, hagakure yasuhiro, danganronpa \(series\)
1075
+ 1girl, kefla \(dragon ball\), dragon ball
1076
+ 1girl, veyle \(fire emblem\), fire emblem
1077
+ 1girl, shizuku murasaki, hunter x hunter
1078
+ 1girl, komi shuuko, komi-san wa komyushou desu
1079
+ 1girl, fiona frost, spy x family
1080
+ 1girl, cindy aurum, final fantasy
1081
+ 1boy, male focus, izanagi \(persona 4\), persona
1082
+ 1girl, shirogane kei, kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~
1083
+ 1girl, senju muramasa, eromanga sensei
1084
+ 1boy, male focus, kageyama tobio, haikyuu!!
1085
+ 1boy, male focus, alm \(fire emblem\), fire emblem
1086
+ 1boy, male focus, quattro bajeena, gundam
1087
+ 1boy, male focus, banagher links, gundam
1088
+ 1boy, male focus, dazai osamu \(bungou stray dogs\), bungou stray dogs
1089
+ 1boy, male focus, terence t. d'arby, jojo no kimyou na bouken
1090
+ 1girl, tora \(xenoblade 2\), xenoblade chronicles \(series\)
1091
+ 1girl, makishima saori, ore no imouto ga konna ni kawaii wake ga nai
1092
+ 1girl, kujo holy, jojo no kimyou na bouken
1093
+ 1girl, genocider shou, danganronpa \(series\)
1094
+ 1girl, android 17, dragon ball
1095
+ 1girl, kale \(dragon ball\), dragon ball
1096
+ 1girl, rosalina, mario \(series\)
1097
+ 1girl, beatrix \(ff9\), final fantasy
1098
+ 1boy, male focus, jeremiah gottwald, code geass
1099
+ 1girl, hatsume mei, boku no hero academia
1100
+ 1girl, kochou kanae, kimetsu no yaiba
1101
+ 1girl, selena \(punishing: gray raven\), punishing: gray raven
1102
+ 1girl, salome \(one piece\), one piece
1103
+ 1girl, aoyama blue mountain, gochuumon wa usagi desu ka?
1104
+ 1girl, soleil \(fire emblem\), fire emblem
1105
+ 1boy, male focus, caspar von bergliez, fire emblem
1106
+ 1boy, male focus, rolo lamperouge, code geass
1107
+ 1boy, male focus, admiral suwabe, kantai collection
1108
+ 1girl, nakaseko kaori, hibike! euphonium
1109
+ 1boy, male focus, ness \(mother 2\), mother \(game\)
1110
+ 1girl, turn a gundam \(mobile suit\), gundam
1111
+ 1boy, male focus, locke cole, final fantasy
1112
+ 1girl, clara \(honkai: star rail\), honkai: star rail
1113
+ 1girl, kousaka tamaki, to heart \(series\)
1114
+ 1girl, xi gundam, gundam
1115
+ 1girl, sanaki kirsch altina, fire emblem
1116
+ 1boy, male focus, sano manjirou, tokyo revengers
1117
+ 1girl, utsushimi kemii, boku no hero academia
1118
+ 1girl, mass production eva, neon genesis evangelion
1119
+ 1girl, timerra \(fire emblem\), fire emblem
1120
+ 1girl, shimizu kiyoko, haikyuu!!
1121
+ 1girl, aiz wallenstein, dungeon ni deai wo motomeru no wa machigatteiru darou ka
1122
+ 1boy, male focus, jakob \(fire emblem\), fire emblem
1123
+ 1girl, gundam exia, gundam
1124
+ 1girl, kawashima sapphire, hibike! euphonium
1125
+ 1boy, male focus, kagami taiga, kuroko no basuke
1126
+ 1girl, raynare, high school dxd
1127
+ 1girl, yui \(sao-alo\), sword art online
1128
+ 1girl, vera \(punishing: gray raven\), punishing: gray raven
1129
+ 1boy, male focus, tokoyami fumikage, boku no hero academia
1130
+ 1girl, hoto mocha, gochuumon wa usagi desu ka?
1131
+ 1boy, male focus, hitsugaya toushirou, bleach
1132
+ 1girl, uzumaki kushina, naruto \(series\)
1133
+ 1girl, minamoto shizuka, doraemon
1134
+ 1girl, kagamine rin, vocaloid
1135
+ 1boy, male focus, bowser, mario \(series\)
1136
+ 1girl, niijima sae, persona
1137
+ 1girl, petra ral, shingeki no kyojin
1138
+ 1girl, daki \(kimetsu no yaiba\), kimetsu no yaiba
1139
+ 1girl, bianca \(punishing: gray raven\), punishing: gray raven
1140
+ 1girl, rogue titan, shingeki no kyojin
1141
+ 1girl, reiuji utsuho, touhou
1142
+ 1girl, last order \(toaru majutsu no index\), toaru majutsu no index
1143
+ 1girl, yoshida ryouko, machikado mazoku
1144
+ 1girl, citrinne \(fire emblem\), fire emblem
1145
+ 1girl, rain mikamura, gundam
1146
+ 1girl, konori mii, toaru kagaku no railgun
1147
+ 1girl, glimmer \(xenoblade\), xenoblade chronicles \(series\)
1148
+ 1girl, dogoo, neptune \(series\)
1149
+ 1boy, male focus, nidai nekomaru, danganronpa \(series\)
1150
+ 1boy, male focus, sakakura juuzou, danganronpa \(series\)
1151
+ 1girl, yukizome chisa, danganronpa \(series\)
1152
+ 1girl, luna \(punishing: gray raven\), punishing: gray raven
1153
+ 1girl, cerestia of life, last origin
1154
+ 1girl, houraisan kaguya, touhou
1155
+ 1girl, iroha \(blue archive\), blue archive
1156
+ 1girl, usami renko, touhou
1157
+ 1boy, male focus, formaggio, jojo no kimyou na bouken
1158
+ 1boy, male focus, heero yuy, gundam
1159
+ 1girl, izumi konata, lucky star
1160
+ 1boy, male focus, ashe ubert, fire emblem
1161
+ 1girl, chris \(konosuba\), kono subarashii sekai ni shukufuku wo!
1162
+ 1boy, male focus, kaidou \(one piece\), one piece
1163
+ 1boy, male focus, orimoto rika, jujutsu kaisen
1164
+ 1girl, kawashiro nitori, touhou
1165
+ 1girl, sabotender, final fantasy
1166
+ 1girl, ryu lion, dungeon ni deai wo motomeru no wa machigatteiru darou ka
1167
+ 1girl, lapis \(fire emblem\), fire emblem
1168
+ 1girl, louise halevy, gundam
1169
+ 1girl, gigi andalusia, gundam
1170
+ 1boy, male focus, alluka zoldyck, hunter x hunter
1171
+ 1boy, male focus, abyssal admiral \(kancolle\), kantai collection
1172
+ 1girl, inkling girl, splatoon \(series\)
1173
+ 1girl, chun-li, street fighter
1174
+ 1girl, stellar loussier, gundam
1175
+ 1girl, kurumi \(kantoku\), original
1176
+ 1girl, elincia ridell crimea, fire emblem
1177
+ 1girl, ultima \(fft\), final fantasy
1178
+ 1girl, chihaya anon, bang dream!
1179
+ 1girl, huohuo \(honkai: star rail\), honkai: star rail
1180
+ 1girl, lucia: crimson abyss \(punishing: gray raven\), punishing: gray raven
1181
+ 1girl, sumeragi kaguya, code geass
1182
+ 1girl, meyrin hawke, gundam
1183
+ 1girl, ushigome rimi, bang dream!
1184
+ 1girl, igrene \(fire emblem\), fire emblem
1185
+ 1girl, monk \(final fantasy\), final fantasy
1186
+ 1girl, jessie rasberry, final fantasy
1187
+ 1girl, index \(toaru majutsu no index\), toaru majutsu no index
1188
+ 1girl, laegjarn \(fire emblem\), fire emblem
1189
+ 1boy, male focus, loran cehack, gundam
1190
+ 1boy, male focus, lee \(punishing: gray raven\), punishing: gray raven
1191
+ 1girl, jack frost, persona
1192
+ 1boy, male focus, will anthonio zeppeli, jojo no kimyou na bouken
1193
+ 1boy, male focus, majin buu, dragon ball
1194
+ 1girl, entoma vasilissa zeta, overlord \(maruyama\)
1195
+ 1girl, ibuki maya, neon genesis evangelion
1196
+ 1girl, bra \(dragon ball\), dragon ball
1197
+ 1girl, mito ikumi, shokugeki no souma
1198
+ 1boy, male focus, gorou \(darling in the franxx\), darling in the franxx
1199
+ 1girl, bakugou mitsuki, boku no hero academia
1200
+ 1girl, mugino shizuri, toaru majutsu no index
1201
+ 1girl, touka \(utawarerumono\), utawarerumono
1202
+ 1girl, lunch \(bad\) \(dragon ball\), dragon ball
1203
+ 1girl, sonya \(fire emblem\), fire emblem
1204
+ 1girl, meruru \(oreimo\), hoshikuzu witch meruru
1205
+ 1girl, katou hazuki, hibike! euphonium
1206
+ 1girl, lust \(fma\), fullmetal alchemist
1207
+ 1boy, male focus, douma \(kimetsu no yaiba\), kimetsu no yaiba
1208
+ 1boy, male focus, katana man \(chainsaw man\), chainsaw man
1209
+ 1girl, hisaishi kanade, hibike! euphonium
1210
+ 1girl, selkie \(fire emblem\), fire emblem
1211
+ 1boy, male focus, ulquiorra cifer, bleach
1212
+ 1girl, may of doom, last origin
1213
+ 1girl, 2p \(nier:automata\), nier \(series\)
1214
+ 1girl, wakamiya eve, bang dream!
1215
+ 1boy, male focus, rock lee, naruto \(series\)
1216
+ 1boy, male focus, kuroo tetsurou, haikyuu!!
1217
+ 1boy, male focus, namikaze minato, naruto \(series\)
1218
+ 1girl, boryeon \(last origin\), last origin
1219
+ 1girl, sailor moon, bishoujo senshi sailor moon
1220
+ 1girl, penpen, neon genesis evangelion
1221
+ 1boy, male focus, toon link, the legend of zelda
1222
+ 1girl, minerva \(fire emblem\), fire emblem
1223
+ 1girl, histoire, neptune \(series\)
1224
+ 1girl, aida rayhunton, gundam
1225
+ 1girl, pieck finger, shingeki no kyojin
1226
+ 1girl, sakura nene, new game!
1227
+ 1boy, male focus, kain highwind, final fantasy
1228
+ 1girl, delthea \(fire emblem\), fire emblem
1229
+ 1girl, horaki hikari, neon genesis evangelion
1230
+ 1girl, ravel phenex, high school dxd
1231
+ 1girl, merurulince rede arls, atelier \(series\)
1232
+ 1girl, flora \(fire emblem\), fire emblem
1233
+ 1girl, ethel \(xenoblade\), xenoblade chronicles \(series\)
1234
+ 1boy, male focus, judau ashta, gundam
1235
+ 1girl, labrys \(persona\), persona
1236
+ 1girl, villager \(animal crossing\), animal crossing
1237
+ 1girl, filo \(tate no yuusha no nariagari\), tate no yuusha no nariagari
1238
+ 1boy, male focus, sawamura daichi, haikyuu!!
1239
+ 1girl, oikura sodachi, monogatari \(series\)
1240
+ 1girl, lisbeth \(sao-alo\), sword art online
1241
+ 1girl, orange heart \(neptunia\), neptune \(series\)
1242
+ 1boy, male focus, jin \(xenoblade\), xenoblade chronicles \(series\)
1243
+ 1girl, ayra \(fire emblem\), fire emblem
1244
+ 1girl, panette \(fire emblem\), fire emblem
1245
+ 1boy, male focus, ryuugazaki rei, free!
1246
+ 1girl, kiyama harumi, toaru kagaku no railgun
1247
+ 1girl, miku \(darling in the franxx\), darling in the franxx
1248
+ 1boy, male focus, shinn asuka, gundam
1249
+ 1girl, ayame \(gundam build divers\), gundam
1250
+ 1boy, male focus, kuwata leon, danganronpa \(series\)
1251
+ 1girl, elven forest maker, last origin
1252
+ 1girl, yakumo ran, touhou
1253
+ 1girl, hibiki \(kancolle\), kantai collection
1254
+ 1girl, poppi alpha \(xenoblade\), xenoblade chronicles \(series\)
1255
+ 1girl, gm \(mobile suit\), gundam
1256
+ 1girl, maribel hearn, touhou
1257
+ 1girl, sachiel \(evangelion\), neon genesis evangelion
1258
+ 1girl, nephenee \(fire emblem\), fire emblem
1259
+ 1boy, male focus, domon kasshu, gundam
1260
+ 1girl, atra mixta, gundam
1261
+ 1girl, nanami \(punishing: gray raven\), punishing: gray raven
1262
+ 1girl, olivier mira armstrong, fullmetal alchemist
1263
+ 1girl, narberal gamma, overlord \(maruyama\)
1264
+ 1girl, rhea \(summer\) \(fire emblem\), fire emblem
1265
+ 1girl, compa, neptune \(series\)
1266
+ 1boy, male focus, sai \(naruto\), naruto \(series\)
1267
+ 1girl, kamishiro rize, tokyo ghoul
1268
+ 1girl, kos-mos, xenosaga
1269
+ 1boy, male focus, commander \(last origin\), last origin
1270
+ 1boy, male focus, hyuuga neji, naruto \(series\)
1271
+ 1girl, liliruca arde, dungeon ni deai wo motomeru no wa machigatteiru darou ka
1272
+ 1boy, male focus, hol horse, jojo no kimyou na bouken
1273
+ 1boy, male focus, hanamura teruteru, danganronpa \(series\)
1274
+ 1girl, mariah \(jojo\), jojo no kimyou na bouken
1275
+ 1girl, sparkle \(honkai: star rail\), honkai: star rail
1276
+ 1boy, male focus, ryuk, death note
1277
+ 1girl, shiva \(final fantasy\), final fantasy
1278
+ 1girl, nagasaki soyo, bang dream!
1279
+ 1boy, male focus, taion \(xenoblade\), xenoblade chronicles \(series\)
1280
+ 1girl, monk \(fft\), final fantasy
1281
+ 1girl, marie \(persona 4\), persona
1282
+ 1boy, male focus, onsoku no sonic, one-punch man
1283
+ 1girl, yoko littner, tengen toppa gurren lagann
1284
+ 1boy, male focus, gaara \(naruto\), naruto \(series\)
1285
+ 1girl, futaba rio, seishun buta yarou
1286
+ 1boy, male focus, onion knight, final fantasy
1287
+ 1girl, prishe, final fantasy
1288
+ 1girl, carbuncle \(final fantasy\), final fantasy
1289
+ 1boy, male focus, deidara \(naruto\), naruto \(series\)
1290
+ 1girl, velouria \(fire emblem\), fire emblem
1291
+ 1girl, shinoda hajime, new game!
1292
+ 1girl, loki \(fire emblem\), fire emblem
1293
+ 1boy, male focus, shez \(male\) \(fire emblem\), fire emblem
1294
+ 1girl, christina sierra, gundam
1295
+ 1girl, konpaku youmu \(ghost\), touhou
1296
+ 1girl, margaret \(persona\), persona
1297
+ 1girl, bayonetta, bayonetta \(series\)
1298
+ 1boy, male focus, akihiro altland, gundam
1299
+ 1boy, male focus, joseph joestar \(tequila\), jojo no kimyou na bouken
1300
+ 1boy, male focus, otosaka yuu, charlotte \(anime\)
1301
+ 1girl, yasaka kanako, touhou
1302
+ 1girl, shizuku \(kantoku\), original
1303
+ 1girl, dromarch \(xenoblade\), xenoblade chronicles \(series\)
1304
+ 1boy, male focus, morgan \(male\) \(fire emblem\), fire emblem
1305
+ 1boy, male focus, matsuno chifuyu, tokyo revengers
1306
+ 1girl, maple \(bofuri\), itai no wa iya nano de bougyoryoku ni kyokufuri shitai to omoimasu
1307
+ 1girl, saikawa riko, kobayashi-san chi no maidragon
1308
+ 1boy, male focus, tenshinhan, dragon ball
1309
+ 1boy, male focus, hythlodaeus, final fantasy
1310
+ 1girl, mimi houllier von schwarzlang, atelier \(series\)
1311
+ 1girl, kitazawa hagumi, bang dream!
1312
+ 1girl, eris \(konosuba\), kono subarashii sekai ni shukufuku wo!
1313
+ 1girl, sushang \(honkai: star rail\), honkai: star rail
1314
+ 1girl, pien cat \(needy girl overdose\), needy girl overdose
1315
+ 1boy, male focus, yoshi, mario \(series\)
1316
+ 1boy, male focus, yamazaki sousuke, free!
1317
+ 1girl, bambietta basterbine, bleach
1318
+ 1boy, male focus, buggy the clown, one piece
1319
+ 1girl, camyu, utawarerumono
1320
+ 1boy, male focus, welt yang, honkai \(series\)
1321
+ 1boy, male focus, ignatz victor, fire emblem
1322
+ 1girl, hapi \(fire emblem\), fire emblem
1323
+ 1boy, male focus, cid highwind, final fantasy
1324
+ 1girl, asuna \(stacia\), sword art online
1325
+ 1girl, gawr gura, hololive
1326
+ 1boy, male focus, ru-class battleship, kantai collection
1327
+ 1girl, yagokoro eirin, touhou
1328
+ 1girl, deirdre \(fire emblem\), fire emblem
1329
+ 1boy, male focus, captain falcon, f-zero
1330
+ 1boy, male focus, niles \(fire emblem\), fire emblem
1331
+ 1girl, freyja \(fire emblem\), fire emblem
1332
+ 1girl, shion \(tensei shitara slime datta ken\), tensei shitara slime datta ken
1333
+ 1boy, male focus, gepard landau, honkai: star rail
1334
+ 1girl, jewelry bonney, one piece
1335
+ 1boy, male focus, perfect cell, dragon ball
1336
+ 1girl, dianna soreil, gundam
1337
+ 1boy, male focus, goku black, dragon ball
1338
+ 1girl, sawatari akane \(chainsaw man\), chainsaw man
1339
+ 1girl, inaba tewi, touhou
1340
+ 1boy, male focus, solid snake, metal gear \(series\)
1341
+ 1girl, kaenbyou rin, touhou
1342
+ 1girl, lady nagant, boku no hero academia
1343
+ 1girl, sommie \(fire emblem\), fire emblem
1344
+ 1boy, male focus, raphael kirsten, fire emblem
1345
+ 1boy, male focus, uchiha obito, naruto \(series\)
1346
+ 1girl, kendou itsuka, boku no hero academia
1347
+ 1girl, gotoh futari, bocchi the rock!
1348
+ 1girl, fir \(fire emblem\), fire emblem
1349
+ 1boy, male focus, graham aker, gundam
1350
+ 1girl, mitarashi anko, naruto \(series\)
1351
+ 1girl, iori utahime, jujutsu kaisen
1352
+ 1girl, dokugamine riruka, bleach
1353
+ 1girl, tohsaka rin, fate \(series\)
1354
+ 1girl, lute \(fire emblem\), fire emblem
1355
+ 1boy, male focus, cait sith \(ff7\), final fantasy
1356
+ 1girl, chen, touhou
1357
+ 1girl, zaku ii s char custom, gundam
1358
+ 1boy, male focus, dedue molinaro, fire emblem
1359
+ 1girl, faye \(fire emblem\), fire emblem
1360
+ 1girl, gine, dragon ball
1361
+ 1boy, male focus, hope estheim, final fantasy
1362
+ 1girl, bailu \(honkai: star rail\), honkai: star rail
1363
+ 1girl, komekko, kono subarashii sekai ni shukufuku wo!
1364
+ 1girl, kyon, suzumiya haruhi no yuuutsu
1365
+ 1girl, gunnthra \(fire emblem\), fire emblem
1366
+ 1girl, yoshino chidori, persona
1367
+ 1girl, felt \(re:zero\), re:zero kara hajimeru isekai seikatsu
1368
+ 1boy, male focus, haruno shiobana, jojo no kimyou na bouken
1369
+ 1girl, yamato maya, bang dream!
1370
+ 1girl, trotter \(honkai: star rail\), honkai: star rail
1371
+ 1girl, raiden shogun, genshin impact
1372
+ 1boy, male focus, king crimson \(stand\), jojo no kimyou na bouken
1373
+ 1girl, ilyana \(fire emblem\), fire emblem
1374
+ 1girl, gridman \(ssss\), gridman universe
1375
+ 1boy, male focus, reinhardt \(fire emblem\), fire emblem
1376
+ 1girl, linde \(fire emblem\), fire emblem
1377
+ 1boy, male focus, crystal exarch, final fantasy
1378
+ 1girl, serval \(kemono friends\), kemono friends
1379
+ 1boy, male focus, feitan portor, hunter x hunter
1380
+ 1girl, inubashiri momiji, touhou
1381
+ 1boy, male focus, hakuowlo, utawarerumono
1382
+ 1girl, hakodate omiko, kill la kill
1383
+ 1boy, male focus, lucas \(mother 3\), mother \(game\)
1384
+ 1girl, clorinde \(genshin impact\), genshin impact
1385
+ 1girl, mankanshoku sukuyo, kill la kill
1386
+ 1boy, male focus, donkey kong, donkey kong \(series\)
1387
+ 1girl, relena peacecraft, gundam
1388
+ 1boy, male focus, suzuhara touji, neon genesis evangelion
1389
+ 1boy, male focus, abarai renji, bleach
1390
+ 1boy, male focus, tusk \(stand\), jojo no kimyou na bouken
1391
+ 1boy, male focus, munakata kyousuke, danganronpa \(series\)
1392
+ 1girl, tashigi, one piece
1393
+ 1boy, male focus, leorio paladiknight, hunter x hunter
1394
+ 1girl, leila malcal, code geass
1395
+ 1boy, male focus, shinsou hitoshi, boku no hero academia
1396
+ 1girl, tayuya \(naruto\), naruto \(series\)
1397
+ 1boy, male focus, kozume kenma, haikyuu!!
1398
+ 1boy, male focus, vaan, final fantasy
1399
+ 1girl, rebecca bluegarden, eden's zero
1400
+ 1girl, kaga \(kancolle\), kantai collection
1401
+ 1girl, oerba dia vanille, final fantasy
1402
+ 1girl, roux louka, gundam
1403
+ 1boy, male focus, adelbert steiner, final fantasy
1404
+ 1girl, sazabi, gundam
1405
+ 1boy, male focus, raditz, dragon ball
1406
+ 1boy, male focus, sampo koski, honkai: star rail
1407
+ 1girl, quistis trepe, final fantasy
1408
+ 1boy, male focus, shinazugawa genya, kimetsu no yaiba
1409
+ 1boy, male focus, hazekura mikitaka, jojo no kimyou na bouken
1410
+ 1girl, frieren, sousou no frieren
1411
+ 1boy, male focus, diamant \(fire emblem\), fire emblem
1412
+ 1girl, bomb devil \(chainsaw man\), chainsaw man
1413
+ 1boy, male focus, estinien varlineau, final fantasy
1414
+ 1girl, utsugi kotoko, danganronpa \(series\)
1415
+ 1girl, ikuno \(darling in the franxx\), darling in the franxx
1416
+ 1girl, elsa granhilte, re:zero kara hajimeru isekai seikatsu
1417
+ 1girl, allenby beardsley, g gundam
1418
+ 1boy, male focus, asanaka yomogi, gridman universe
1419
+ 1girl, mystia lorelei, touhou
1420
+ 1girl, kamishirasawa keine, touhou
1421
+ 1boy, male focus, mega man \(character\), mega man \(classic\)
1422
+ 1girl, acheron \(honkai: star rail\), honkai: star rail
1423
+ 1boy, male focus, pichu, pokemon
1424
+ 1girl, ingrid brandl galatea \(summer\), fire emblem
1425
+ 1girl, warrior \(final fantasy\), final fantasy
1426
+ 1girl, theodore \(persona\), persona
1427
+ 1boy, male focus, sasaki haise, tokyo ghoul
1428
+ 1girl, poi \(last origin\), last origin
1429
+ 1girl, kazami yuuka, touhou
1430
+ 1girl, stephanie dora, no game no life
1431
+ 1girl, marth \(fire emblem awakening\), fire emblem
1432
+ 1girl, towa monaca, danganronpa \(series\)
1433
+ 1girl, commander \(nier:automata\), nier \(series\)
1434
+ 1girl, kongou \(kancolle\), kantai collection
1435
+ 1boy, male focus, ling yao, fullmetal alchemist
1436
+ 1girl, falling devil \(chainsaw man\), chainsaw man
1437
+ 1boy, male focus, fox mccloud, star fox
1438
+ 1boy, male focus, sigurd \(fire emblem\), fire emblem
1439
+ 1girl, manuela casagranda, fire emblem
1440
+ 1boy, male focus, toudou naoya, persona
1441
+ 1girl, kurusu kanako, ore no imouto ga konna ni kawaii wake ga nai
1442
+ 1boy, male focus, porco galliard, shingeki no kyojin
1443
+ 1boy, male focus, hyakuya yuuichirou, owari no seraph
1444
+ 1girl, shanghai doll, touhou
1445
+ 1girl, oboro \(fire emblem\), fire emblem
1446
+ 1girl, serra \(fire emblem\), fire emblem
1447
+ 1girl, etie \(fire emblem\), fire emblem
1448
+ 1girl, mei mei \(jujutsu kaisen\), jujutsu kaisen
1449
+ 1boy, male focus, togami byakuya \(danganronpa 2\), danganronpa \(series\)
1450
+ 1girl, hiyajou maho, steins;gate
1451
+ 1girl, mori calliope, hololive
1452
+ 1boy, male focus, morichika rinnosuke, touhou
1453
+ 1boy, male focus, orochimaru \(naruto\), naruto \(series\)
1454
+ 1girl, dom \(mobile suit\), gundam
1455
+ 1girl, peri \(fire emblem\), fire emblem
1456
+ 1boy, male focus, oikawa tooru \(haikyuu!!\), haikyuu!!
1457
+ 1girl, lunch \(good\) \(dragon ball\), dragon ball
1458
+ 1boy, male focus, panda \(jujutsu kaisen\), jujutsu kaisen
1459
+ 1boy, male focus, jiraiya \(naruto\), naruto \(series\)
1460
+ 1girl, commandant \(punishing: gray raven\), punishing: gray raven
1461
+ 1girl, numby \(honkai: star rail\), honkai: star rail
1462
+ 1boy, male focus, heaven's door, jojo no kimyou na bouken
1463
+ 1boy, male focus, gino weinberg, code geass
1464
+ 1girl, fan la norne, xenoblade chronicles \(series\)
1465
+ 1girl, setsuna \(fire emblem\), fire emblem
1466
+ 1boy, male focus, rosado \(fire emblem\), fire emblem
1467
+ 1girl, amano maya, persona
1468
+ 1girl, wakaouji ichigo, k-on!
1469
+ 1boy, male focus, moblit berner, shingeki no kyojin
1470
+ 1boy, male focus, nakahara chuuya, bungou stray dogs
1471
+ 1boy, male focus, ganondorf, the legend of zelda
1472
+ 1girl, est \(fire emblem\), fire emblem
1473
+ 1girl, qubeley, gundam
1474
+ 1girl, g-spring goddess \(ishiyumi\), gundam
1475
+ 1girl, yukihira souma, shokugeki no souma
1476
+ 1boy, male focus, baji keisuke, tokyo revengers
1477
+ 1girl, hana \(fire emblem\), fire emblem
1478
+ 1boy, male focus, mitsuru \(darling in the franxx\), darling in the franxx
1479
+ 1girl, lupusregina beta, overlord \(maruyama\)
1480
+ 1girl, fuiba fuyu, gochuumon wa usagi desu ka?
1481
+ 1girl, kanzaki aoi \(kimetsu no yaiba\), kimetsu no yaiba
1482
+ 1boy, male focus, alfred \(fire emblem\), fire emblem
1483
+ 1boy, male focus, edgar roni figaro, final fantasy
1484
+ 1girl, fa yuiry, gundam
1485
+ 1boy, male focus, kaji ryouji, neon genesis evangelion
1486
+ 1girl, felsi rollo, gundam
1487
+ 1boy, male focus, joshua rosfield, final fantasy
1488
+ 1boy, male focus, yamada hifumi, danganronpa \(series\)
1489
+ 1girl, shizune \(naruto\), naruto \(series\)
1490
+ 1girl, tatara kogasa, touhou
1491
+ 1boy, male focus, marco \(one piece\), one piece
1492
+ 1girl, l'arachel \(fire emblem\), fire emblem
1493
+ 1boy, male focus, maou sadao, hataraku maou-sama!
1494
+ 1girl, morrigan aensland, vampire \(game\)
1495
+ 1girl, yuuhi kurenai, naruto \(series\)
1496
+ 1boy, male focus, present mic, boku no hero academia
1497
+ 1girl, karin \(naruto\), naruto \(series\)
1498
+ 1girl, fortune \(last origin\), last origin
1499
+ 1girl, sumia \(fire emblem\), fire emblem
1500
+ 1girl, black sister, neptune \(series\)
1501
+ 1girl, liv: empyrea \(punishing: gray raven\), punishing: gray raven
1502
+ 1girl, miwa kasumi, jujutsu kaisen
1503
+ 1girl, yachi hitoka, haikyuu!!
1504
+ 1boy, male focus, greed \(fma\), fullmetal alchemist
1505
+ 1boy, male focus, haurchefant greystone, final fantasy
1506
+ 1girl, lucina \(spring\) \(fire emblem\), fire emblem
1507
+ 1girl, lethe \(fire emblem\), fire emblem
1508
+ 1girl, brigid \(fire emblem\), fire emblem
1509
+ 1boy, male focus, beerus, dragon ball
1510
+ 1boy, male focus, sero hanta, boku no hero academia
1511
+ 1girl, hirume of heavenly incense, last origin
1512
+ 1boy, male focus, sex pistols \(stand\), jojo no kimyou na bouken
1513
+ 1girl, gundam mk ii, gundam
1514
+ 1girl, samurai \(final fantasy\), final fantasy
1515
+ 1boy, male focus, bokuto koutarou, haikyuu!!
1516
+ 1boy, male focus, sensei \(blue archive\), blue archive
1517
+ 1girl, pela \(honkai: star rail\), honkai: star rail
1518
+ 1boy, male focus, inuzuka kiba, naruto \(series\)
1519
+ 1girl, komaki manaka, to heart \(series\)
1520
+ 1girl, charlotte \(fire emblem\), fire emblem
1521
+ 1boy, male focus, garma zabi, gundam
1522
+ 1boy, male focus, ishigami yuu, kaguya-sama wa kokurasetai ~tensai-tachi no renai zunousen~
1523
+ 1girl, torgal \(ff16\), final fantasy
1524
+ 1boy, male focus, edward geraldine, final fantasy
1525
+ 1boy, male focus, sasori \(naruto\), naruto \(series\)
1526
+ 1girl, hikigaya komachi, yahari ore no seishun lovecome wa machigatteiru.
1527
+ 1girl, yukinoshita haruno, yahari ore no seishun lovecome wa machigatteiru.
1528
+ 1girl, yuigahama yui's mother, yahari ore no seishun lovecome wa machigatteiru.
1529
+ 1girl, princess daisy, mario \(series\)
1530
+ 1girl, nah \(fire emblem\), fire emblem
1531
+ 1girl, cherche \(fire emblem\), fire emblem
1532
+ 1girl, catherine \(fire emblem\), fire emblem
1533
+ 1girl, kon \(bleach\), bleach
1534
+ 1girl, prospera mercury, gundam
1535
+ 1girl, kongou mitsuko, toaru kagaku no railgun
1536
+ 1girl, perrault \(last origin\), last origin
1537
+ 1boy, male focus, aether \(genshin impact\), genshin impact
1538
+ 1boy, male focus, hinata hajime \(awakened\), danganronpa \(series\)
1539
+ 1boy, male focus, mankanshoku matarou, kill la kill
1540
+ 1girl, tooyama rin, new game!
1541
+ 1girl, hongryeon \(last origin\), last origin
1542
+ 1boy, male focus, rude \(ff7\), final fantasy
1543
+ 1boy, male focus, klein \(sao\), sword art online
1544
+ 1girl, kaneki ichika, tokyo ghoul
1545
+ 1boy, male focus, senkawa minato, onii-chan wa oshimai!
1546
+ 1boy, male focus, sticky fingers \(stand\), jojo no kimyou na bouken
1547
+ 1girl, kijin seija, touhou
1548
+ 1girl, maria \(fire emblem\), fire emblem
1549
+ 1girl, firis mistlud, atelier \(series\)
1550
+ 1girl, guncannon, gundam
1551
+ 1boy, male focus, kefka palazzo, final fantasy
1552
+ 1boy, male focus, todoroki touya, boku no hero academia
1553
+ 1boy, male focus, hidan \(naruto\), naruto \(series\)
1554
+ 1girl, wii fit trainer, wii fit
1555
+ 1girl, cecilia \(fire emblem\), fire emblem
1556
+ 1girl, machi komacine, hunter x hunter
1557
+ 1girl, riselia ray crystalia, seiken gakuin no maken tsukai
1558
+ 1boy, male focus, yanqing \(honkai: star rail\), honkai: star rail
1559
+ 1girl, summoner \(final fantasy\), final fantasy
1560
+ 1boy, male focus, envy \(fma\), fullmetal alchemist
1561
+ 1girl, plachta, atelier \(series\)
1562
+ 1boy, male focus, lucario, pokemon
1563
+ 1girl, tailtiu \(fire emblem\), fire emblem
1564
+ 1girl, gouf, gundam
1565
+ 1boy, male focus, grimmjow jaegerjaquez, bleach
1566
+ 1girl, ultimecia, final fantasy
1567
+ 1girl, wii fit trainer \(female\), wii fit
1568
+ 1boy, male focus, kuchiki byakuya, bleach
1569
+ 1girl, selena \(fire emblem fates\), fire emblem
1570
+ 1boy, male focus, cioccolata, jojo no kimyou na bouken
1571
+ 1girl, quinella, sword art online
1572
+ 1girl, hiiragi kagami, lucky star
1573
+ 1girl, barbariccia, final fantasy
1574
+ 1girl, god gundam, gundam
1575
+ 1girl, owain \(fire emblem\), fire emblem
1576
+ 1girl, kana \(female\) \(fire emblem\), fire emblem
1577
+ 1girl, anew returner, gundam
1578
+ 1girl, ericht samaya, gundam
1579
+ 1boy, male focus, laguna loire, final fantasy
1580
+ 1girl, jinno megumi, eromanga sensei
1581
+ 1girl, asahina mikuru, suzumiya haruhi no yuuutsu
1582
+ 1boy, male focus, iori sei, gundam
1583
+ 1boy, male focus, orga itsuka, gundam
1584
+ 1girl, geomancer \(fft\), final fantasy
1585
+ 1girl, anosillus ii, gridman universe
1586
+ 1girl, ninomae ina'nis, hololive
1587
+ 1boy, male focus, magatsuchi shouta, kobayashi-san chi no maidragon
1588
+ 1boy, male focus, duo maxwell, gundam
1589
+ 1girl, 00 gundam, gundam
1590
+ 1girl, angelise reiter, final fantasy
1591
+ 1girl, serah farron, final fantasy
1592
+ 1girl, guinaifen \(honkai: star rail\), honkai: star rail
1593
+ 1girl, chikuwa \(yurucamp\), yurucamp
1594
+ 1girl, freedom gundam, gundam
1595
+ 1girl, g-self, gundam
1596
+ 1boy, male focus, sakurai shin'ichi, uzaki-chan wa asobitai!
1597
+ 1boy, male focus, matsuda yasuke, danganronpa \(series\)
1598
+ 1girl, metis \(persona\), persona
1599
+ 1girl, kawajiri shinobu, jojo no kimyou na bouken
1600
+ 1boy, male focus, hyakuya mikaela, owari no seraph
1601
+ 1girl, crusch karsten, re:zero kara hajimeru isekai seikatsu
1602
+ 1girl, yuudachi \(kancolle\), kantai collection
1603
+ 1boy, male focus, wario, mario \(series\)
1604
+ 1girl, corrin \(female\) \(nohr noble\) \(fire emblem\), fire emblem
1605
+ 1girl, tiffa adill, gundam
1606
+ 1girl, kumacy, one piece
1607
+ 1boy, male focus, akashi seijuurou, kuroko no basuke
1608
+ 1boy, male focus, tsukishima kei, haikyuu!!
1609
+ 1girl, hyuuga hanabi, naruto \(series\)
1610
+ 1boy, male focus, sakurada yuuta, onii-chan wa oshimai!
1611
+ 1boy, male focus, red \(pokemon\), pokemon
1612
+ 1boy, male focus, sarutobi asuma, naruto \(series\)
1613
+ 1other, osana najimi \(komi-san wa komyushou desu\), komi-san wa komyushou desu
1614
+ 1boy, male focus, edward newgate, one piece
1615
+ 1girl, charlotte pudding, one piece
1616
+ 1boy, male focus, gohan beast, dragon ball
1617
+ 1boy, male focus, amajiki tamaki, boku no hero academia
1618
+ 1girl, noumu \(boku no hero academia\), boku no hero academia
1619
+ 1girl, akame \(akame ga kill!\), akame ga kill!
1620
+ 1boy, male focus, king dedede, kirby \(series\)
1621
+ 1girl, luma \(mario\), mario \(series\)
1622
+ 1boy, male focus, master asia, gundam
1623
+ 1boy, male focus, zenos yae galvus, final fantasy
1624
+ 1girl, tamade chiyu, bang dream!
1625
+ 1girl, lum, urusei yatsura
1626
+ 1boy, male focus, hyoudou issei, high school dxd
1627
+ 1girl, nana \(ice climber\), ice climber
1628
+ 1boy, male focus, yuri leclerc, fire emblem
1629
+ 1girl, serval landau, honkai: star rail
1630
+ 1boy, male focus, galuf halm baldesion, final fantasy
1631
+ 1boy, male focus, nitori aiichirou, free!
1632
+ 1boy, male focus, hirako shinji, bleach
1633
+ 1girl, monet \(one piece\), one piece
1634
+ 1girl, hu tao \(genshin impact\), genshin impact
1635
+ 1girl, shenhe \(genshin impact\), genshin impact
1636
+ 1girl, koakuma, touhou
1637
+ 1boy, male focus, ryu \(street fighter\), street fighter
1638
+ 1girl, takamachi nanoha, lyrical nanoha
1639
+ 1girl, sachi \(sao\), sword art online
1640
+ 1girl, sheik, the legend of zelda
1641
+ 1girl, noire \(fire emblem\), fire emblem
1642
+ 1girl, nina einstein, code geass
1643
+ 1boy, male focus, akaza \(kimetsu no yaiba\), kimetsu no yaiba
1644
+ 1girl, kagamine len, vocaloid
1645
+ 1girl, ouro kronii, hololive
1646
+ 1girl, gardevoir, pokemon
1647
+ 1girl, sukuna shinmyoumaru, touhou
1648
+ 1girl, paimon \(genshin impact\), genshin impact
1649
+ 1boy, male focus, mankanshoku barazou, kill la kill
1650
+ 1boy, male focus, totsuka saika, yahari ore no seishun lovecome wa machigatteiru.
1651
+ 1girl, ursula \(fire emblem\), fire emblem
1652
+ 1girl, mai \(dragon ball\), dragon ball
1653
+ 1girl, marianne von edmund \(summer\), fire emblem
1654
+ 1girl, thancred waters, final fantasy
1655
+ 1boy, male focus, arsene \(persona 5\), persona
1656
+ 1girl, bard \(final fantasy\), final fantasy
1657
+ 1boy, male focus, zorome \(darling in the franxx\), darling in the franxx
1658
+ 1girl, idunn \(fire emblem\), fire emblem
1659
+ 1girl, kihel heim, gundam
1660
+ 1girl, hi-nu gundam, gundam
1661
+ 1girl, shiina taki, bang dream!
1662
+ 1girl, hijiri byakuren, touhou
1663
+ 1girl, isabelle \(animal crossing\), animal crossing
1664
+ 1boy, male focus, charizard, pokemon
1665
+ 1girl, lachesis \(fire emblem\), fire emblem
1666
+ 1girl, laevatein \(fire emblem\), fire emblem
1667
+ 1girl, tougou hifumi, persona
1668
+ 1girl, dorothea arnault \(summer\), fire emblem
1669
+ 1boy, male focus, lyle dylandy, gundam
1670
+ 1girl, shaddiq zenelli, gundam
1671
+ 1boy, male focus, jecht, final fantasy
1672
+ 1boy, male focus, marco bodt, shingeki no kyojin
1673
+ 1boy, male focus, daniel j. d'arby, jojo no kimyou na bouken
1674
+ 1boy, male focus, king \(one piece\), one piece
1675
+ 1girl, kotetsu isane, bleach
1676
+ 1girl, watson amelia, hololive
1677
+ 1girl, gold ship \(umamusume\), umamusume
1678
+ 1girl, inazuma \(kancolle\), kantai collection
1679
+ 1boy, male focus, golbez, final fantasy
1680
+ 1girl, daiyousei, touhou
1681
+ 1boy, male focus, sothe \(fire emblem\), fire emblem
1682
+ 1boy, male focus, killer t \(hataraku saibou\), hataraku saibou
1683
+ 1girl, philia \(sao\), sword art online
1684
+ 1boy, male focus, jinshi \(kusuriya no hitorigoto\), kusuriya no hitorigoto
1685
+ 1girl, pac-man, pac-man \(game\)
1686
+ 1girl, megurine luka, vocaloid
1687
+ 1girl, nagato \(kancolle\), kantai collection
1688
+ 1girl, hatsuse izuna, no game no life
1689
+ 1girl, triandra \(fire emblem\), fire emblem
1690
+ 1girl, luluko, code geass
1691
+ 1boy, male focus, sabin rene figaro, final fantasy
1692
+ 1girl, gundam aerial rebuild, gundam
1693
+ 1girl, kibutsuji muzan, kimetsu no yaiba
1694
+ 1boy, male focus, charlotte katakuri, one piece
1695
+ 1boy, male focus, kira yoshikage \(jojolion\), jojo no kimyou na bouken
1696
+ 1girl, kinuhata saiai, toaru majutsu no index
1697
+ 1girl, nyubara reona, bang dream!
1698
+ 1boy, male focus, sora \(kingdom hearts\), kingdom hearts
1699
+ 1girl, marlene wallace, final fantasy
1700
+ 1girl, fei fakkuma, final fantasy
1701
+ 1girl, kohaku \(dr. stone\), dr. stone
1702
+ 1boy, male focus, logix ficsario, atelier \(series\)
1703
+ 1girl, takanashi kiara, hololive
1704
+ 1boy, male focus, mr. game & watch, super smash bros.
1705
+ 1girl, lilith \(fire emblem\), fire emblem
1706
+ 1girl, lrl \(last origin\), last origin
1707
+ 1boy, male focus, santana \(jojo\), jojo no kimyou na bouken
1708
+ 1girl, ronye arabel, sword art online
1709
+ 1boy, male focus, yingxing \(honkai: star rail\), honkai: star rail
1710
+ 1girl, eto \(tokyo ghoul\), tokyo ghoul
1711
+ 1girl, ayesha altugle, atelier \(series\)
1712
+ 1girl, houshou marine, hololive
1713
+ 1girl, mecha-fiora, xenoblade chronicles \(series\)
1714
+ 1girl, kos-mos re:, xenoblade chronicles \(series\)
1715
+ 1girl, mitama \(fire emblem\), fire emblem
1716
+ 1girl, sara \(gundam build divers\), gundam
1717
+ 1girl, oerba yun fang, final fantasy
1718
+ 1boy, male focus, oshino meme, monogatari \(series\)
1719
+ 1girl, ando ruruka, danganronpa \(series\)
1720
+ 1girl, hinamori momo, bleach
1721
+ 1boy, male focus, shizuka joestar, jojo no kimyou na bouken
1722
+ 1girl, norea du noc, gundam
1723
+ 1girl, ahagon umiko, new game!
1724
+ 1girl, cynthia \(fire emblem\), fire emblem
1725
+ 1boy, male focus, hanemiya kazutora, tokyo revengers
1726
+ 1girl, tayelle ebonclaw, final fantasy
1727
+ 1girl, inui shinju, sono bisque doll wa koi wo suru
1728
+ 1girl, usada pekora, hololive
1729
+ 1girl, hata no kokoro, touhou
1730
+ 1girl, machine \(nier\), nier:automata
1731
+ 1girl, eir \(fire emblem\), fire emblem
1732
+ 1girl, plumeria \(fire emblem\), fire emblem
1733
+ 1boy, male focus, tseng, final fantasy
1734
+ 1boy, male focus, cham-p, danganronpa \(series\)
1735
+ 1girl, uzaki yanagi, uzaki-chan wa asobitai!
1736
+ 1girl, tiese schtrinen, sword art online
1737
+ 1girl, devola, nier \(series\)
1738
+ 1girl, okita souji \(fate\), fate \(series\)
1739
+ 1girl, kinomoto sakura, cardcaptor sakura
1740
+ 1girl, ryuujou \(kancolle\), kantai collection
1741
+ 1girl, destiny gundam, gundam
1742
+ 1boy, male focus, himejima gyoumei, kimetsu no yaiba
1743
+ 1boy, male focus, ishida uryuu, bleach
1744
+ 1girl, popola, nier \(series\)
1745
+ 1girl, framme \(fire emblem\), fire emblem
1746
+ 1boy, male focus, anti \(ssss.gridman\), gridman universe
1747
+ 1girl, yonah, nier \(series\)
1748
+ 1girl, clarine \(fire emblem\), fire emblem
1749
+ 1boy, male focus, nappa, dragon ball
1750
+ 1girl, reiji \(gundam bf\), gundam
1751
+ 1boy, male focus, shenron \(dragon ball\), dragon ball
1752
+ 1girl, astrologian \(final fantasy\), final fantasy
1753
+ 1girl, kimura seiko, danganronpa \(series\)
1754
+ 1girl, night angel \(last origin\), last origin
1755
+ 1girl, iihara nao, resort boin
1756
+ 1girl, toki ayano, yurucamp
1757
+ 1girl, mae \(fire emblem\), fire emblem
1758
+ 1girl, gotoh hitori \(tsuchinoko\), bocchi the rock!
1759
+ 1girl, rebecca \(one piece\), one piece
1760
+ 1boy, male focus, marshall d. teach, one piece
1761
+ 1boy, male focus, seteth \(fire emblem\), fire emblem
1762
+ 1boy, male focus, franky franklin, spy x family
1763
+ 1girl, luffyko, one piece
1764
+ 1boy, male focus, pain \(naruto\), naruto \(series\)
1765
+ 1girl, genny \(fire emblem\), fire emblem
1766
+ 1girl, rebecca \(fire emblem\), fire emblem
1767
+ 1girl, asukagawa chise, gridman universe
1768
+ 1boy, male focus, tusk act1, jojo no kimyou na bouken
1769
+ 1girl, izanami \(persona\), persona
1770
+ 1boy, male focus, zeke yeager, shingeki no kyojin
1771
+ 1boy, male focus, uchiha madara, naruto \(series\)
1772
+ 1girl, kuromi, sanrio
1773
+ 1girl, tsukino usagi, bishoujo senshi sailor moon
1774
+ 1girl, onozuka komachi, touhou
1775
+ 1girl, caroline \(persona 5\), persona
1776
+ 1boy, male focus, diddy kong, donkey kong \(series\)
1777
+ 1boy, male focus, olimar, pikmin \(series\)
1778
+ 1girl, marisa \(fire emblem\), fire emblem
1779
+ 1girl, lene \(fire emblem\), fire emblem
1780
+ 1girl, lafter frankland, gundam
1781
+ 1girl, mito \(sao\), sword art online
1782
+ 1girl, li xingke, code geass
1783
+ 1girl, higashikata daiya, jojo no kimyou na bouken
1784
+ 1boy, male focus, ewen egeburg, spy x family
1785
+ 1boy, male focus, octopus devil \(chainsaw man\), chainsaw man
1786
+ 1girl, kurata mashiro, bang dream!
1787
+ 1girl, stocking \(psg\), panty & stocking with garterbelt
1788
+ 1girl, tenryuu \(kancolle\), kantai collection
1789
+ 1girl, 00 qan[t], gundam
1790
+ 1boy, male focus, aida taketo, kobayashi-san chi no maidragon
1791
+ 1boy, male focus, hermes \(ff14\), final fantasy
1792
+ 1girl, gunner \(final fantasy\), final fantasy
1793
+ 1girl, minfilia warde, final fantasy
1794
+ 1boy, male focus, garou \(one-punch man\), one-punch man
1795
+ 1girl, lamia \(punishing: gray raven\), punishing: gray raven
1796
+ 1girl, aura bella fiora, overlord \(maruyama\)
1797
+ 1boy, male focus, magician's red, jojo no kimyou na bouken
1798
+ 1girl, cow girl \(goblin slayer!\), goblin slayer!
1799
+ 1boy, male focus, lanz \(xenoblade\), xenoblade chronicles \(series\)
1800
+ 1boy, male focus, armored titan, shingeki no kyojin
1801
+ 1girl, nakahara mizuki, lycoris recoil
1802
+ 1boy, male focus, beam \(chainsaw man\), chainsaw man
1803
+ 1girl, mutsuki tooru, tokyo ghoul
1804
+ 1boy, male focus, kaiki deishuu, monogatari \(series\)
1805
+ 1boy, male focus, ichimaru gin, bleach
1806
+ 1girl, hydaelyn, final fantasy
1807
+ 1boy, male focus, ojiro mashirao, boku no hero academia
1808
+ 1boy, male focus, reinhard van astrea, re:zero kara hajimeru isekai seikatsu
1809
+ 1girl, frederica baumann, re:zero kara hajimeru isekai seikatsu
1810
+ 1girl, iris \(konosuba\), kono subarashii sekai ni shukufuku wo!
1811
+ 1girl, little red riding hood \(grimm\), little red riding hood
1812
+ 1girl, cecile croomy, code geass
1813
+ 1boy, male focus, riki \(xenoblade\), xenoblade chronicles \(series\)
1814
+ 1girl, squirtle, pokemon
1815
+ 1boy, male focus, shigure \(fire emblem\), fire emblem
1816
+ 1girl, nina \(thief\) \(fire emblem\), fire emblem
1817
+ 1girl, rosetta \(punishing: gray raven\), punishing: gray raven
1818
+ 1girl, mona \(genshin impact\), genshin impact
1819
+ 1girl, yumemi riamu, idolmaster
1820
+ 1boy, male focus, sakata gintoki, gintama
1821
+ 1boy, male focus, inigo \(fire emblem\), fire emblem
1822
+ 1girl, chainsaw devil, chainsaw man
1823
+ 1boy, male focus, futoshi \(darling in the franxx\), darling in the franxx
1824
+ 1girl, lyn \(summer\) \(fire emblem\), fire emblem
1825
+ 1girl, nanna \(fire emblem\), fire emblem
1826
+ 1girl, hilda valentine goneril \(summer\), fire emblem
1827
+ 1girl, zz gundam, gundam
1828
+ 1girl, gabi braun, shingeki no kyojin
1829
+ 1boy, male focus, maga-g, danganronpa \(series\)
1830
+ 1boy, male focus, cabba, dragon ball
1831
+ 1girl, hachiko of castling, last origin
1832
+ 1girl, otosaka ayumi, charlotte \(anime\)
1833
+ 1girl, suigintou, rozen maiden
1834
+ 1boy, male focus, mewtwo, pokemon
1835
+ 1girl, hoshiguma yuugi, touhou
1836
+ 1girl, shinozaki sayoko, code geass
1837
+ 1girl, jaffar \(fire emblem\), fire emblem
1838
+ 1girl, lalah sune, gundam
1839
+ 1boy, male focus, quina quen, final fantasy
1840
+ 1girl, momoi satsuki, kuroko no basuke
1841
+ 1girl, lucy steel, jojo no kimyou na bouken
1842
+ 1boy, male focus, auruo bossard, shingeki no kyojin
1843
+ 1girl, fuyukawa kagari, hakanai kimi wa moukou wo hajimeru
1844
+ 1girl, draculina \(last origin\), last origin
1845
+ 1girl, mochizuki momiji, new game!
1846
+ 1girl, shanna \(fire emblem\), fire emblem
1847
+ 1girl, kamiki sekai, gundam
1848
+ 1girl, gundam calibarn, gundam
1849
+ 1girl, sabrith ebonclaw, final fantasy
1850
+ 1boy, male focus, sun-d, danganronpa \(series\)
1851
+ 1boy, male focus, izumi masamune, eromanga sensei
1852
+ 1girl, sinon \(solus\), sword art online
1853
+ 1boy, male focus, gol d. roger, one piece
1854
+ 1girl, ylgr \(fire emblem\), fire emblem
1855
+ 1girl, murrue ramius, gundam
1856
+ 1girl, aranea highwind, final fantasy
1857
+ 1girl, reaper \(final fantasy\), final fantasy
1858
+ 1girl, female titan, shingeki no kyojin
1859
+ 1boy, male focus, son gohan \(future\), dragon ball
1860
+ 1boy, male focus, pet shop, jojo no kimyou na bouken
1861
+ 1boy, male focus, emile elman, spy x family
1862
+ 1girl, tanaka \(chainsaw man\), chainsaw man
1863
+ 1girl, yoshizawa sumire, persona
1864
+ 1girl, luna: laurel \(punishing: gray raven\), punishing: gray raven
1865
+ 1girl, nishimori yusa, charlotte \(anime\)
1866
+ 1girl, fujimaru ritsuka \(female\), fate/grand order
1867
+ 1boy, male focus, purple haze \(stand\), jojo no kimyou na bouken
1868
+ 1girl, shigure \(kancolle\), kantai collection
1869
+ 1girl, elma \(xenoblade x\), xenoblade chronicles \(series\)
1870
+ 1boy, male focus, dark pit, kid icarus
1871
+ 1boy, male focus, falco lombardi, star fox
1872
+ 1boy, male focus, saizo \(fire emblem\), fire emblem
1873
+ 1girl, f91 gundam, gundam
1874
+ 1boy, male focus, balthier, final fantasy
1875
+ 1girl, luna \(konosuba\), kono subarashii sekai ni shukufuku wo!
1876
+ 1boy, male focus, jum-p, danganronpa \(series\)
1877
+ 1girl, monica kruszewski, code geass
1878
+ 1girl, invincible dragon \(last origin\), last origin
1879
+ 1girl, sekhmet of death, last origin
1880
+ 1boy, male focus, bepo, one piece
1881
+ 1boy, male focus, takiya makoto, kobayashi-san chi no maidragon
1882
+ 1girl, justine \(persona 5\), persona
1883
+ 1girl, shirahoshi, one piece
1884
+ 1boy, male focus, leif \(fire emblem\), fire emblem
1885
+ 1girl, unicorn gundam banshee, gundam
1886
+ 1boy, male focus, fox devil \(chainsaw man\), chainsaw man
1887
+ 1boy, male focus, themis \(ff14\), final fantasy
1888
+ 1boy, male focus, n'doul, jojo no kimyou na bouken
1889
+ 1boy, male focus, umino iruka, naruto \(series\)
1890
+ 1boy, male focus, kurosaki kazui, bleach
1891
+ 1girl, ayla \(punishing: gray raven\), punishing: gray raven
1892
+ 1girl, my melody, sanrio
1893
+ 1girl, black lilith \(last origin\), last origin
1894
+ 1boy, male focus, popo \(ice climber\), ice climber
1895
+ 1girl, oribe tsubasa, fire emblem
1896
+ 1girl, miriel \(fire emblem\), fire emblem
1897
+ 1girl, strike gundam, gundam
1898
+ 1girl, sochie heim, gundam
1899
+ 1girl, emma sheen, gundam
1900
+ 1girl, mog, final fantasy
1901
+ 1girl, ovelia atkascha, final fantasy
1902
+ 1boy, male focus, might guy, naruto \(series\)
1903
+ 1girl, vinsmoke reiju, one piece
1904
+ 1boy, male focus, sabito \(kimetsu\), kimetsu no yaiba
1905
+ 1girl, shimura nana, boku no hero academia
1906
+ 1girl, terakomari gandezblood, hikikomari kyuuketsuki no monmon
1907
+ 1girl, yuna \(sao\), sword art online
1908
+ 1girl, northern ocean princess, kantai collection
1909
+ 1girl, akagi \(kancolle\), kantai collection
1910
+ 1boy, male focus, echoes \(stand\), jojo no kimyou na bouken
1911
+ 1boy, male focus, simon \(ttgl\), tengen toppa gurren lagann
1912
+ 1girl, tiki \(adult\) \(summer\) \(fire emblem\), fire emblem
1913
+ 1girl, monica von ochs, fire emblem
1914
+ 1girl, reiko holinger, gundam
1915
+ 1girl, yashio rui, bang dream!
1916
+ 1girl, altera moontail, final fantasy
1917
+ 1boy, male focus, kakuzu \(naruto\), naruto \(series\)
1918
+ 1boy, male focus, rudolph von stroheim, jojo no kimyou na bouken
1919
+ 1boy, male focus, gun devil \(chainsaw man\), chainsaw man
1920
+ 1girl, bambinata \(punishing: gray raven\), punishing: gray raven
1921
+ 1girl, fenrir \(last origin\), last origin
1922
+ 1girl, akatsuki \(kancolle\), kantai collection
1923
+ 1girl, ibaraki kasen, touhou
1924
+ 1girl, lilith \(evangelion\), neon genesis evangelion
1925
+ 1boy, male focus, greninja, pokemon
1926
+ 1girl, lilique kadoka lipati, gundam
1927
+ 1boy, male focus, urahara kisuke, bleach
1928
+ 1girl, arisawa tatsuki, bleach
1929
+ 1girl, lisa silverman, persona
1930
+ 1girl, minato aqua, hololive
1931
+ 1boy, male focus, zaraki kenpachi, bleach
1932
+ 1girl, wo-class aircraft carrier, kantai collection
1933
+ 1boy, male focus, dirty deeds done dirt cheap, jojo no kimyou na bouken
1934
+ 1boy, male focus, hathaway noa, gundam
1935
+ 1boy, male focus, fat gum \(boku no hero academia\), boku no hero academia
1936
+ 1boy, male focus, emporio alnino, jojo no kimyou na bouken
1937
+ 1girl, may chang, fullmetal alchemist
1938
+ 1girl, black rock shooter \(character\), black rock shooter
1939
+ 1girl, holo, spice and wolf
1940
+ 1girl, wriggle nightbug, touhou
1941
+ 1girl, nazrin, touhou
1942
+ 1girl, wing gundam zero custom, gundam
1943
+ 1girl, maribelle \(fire emblem\), fire emblem
1944
+ 1girl, orochi \(fire emblem\), fire emblem
1945
+ 1girl, nyx \(fire emblem\), fire emblem
1946
+ 1girl, camilla \(spring\) \(fire emblem\), fire emblem
1947
+ 1girl, yashiro momoka, gundam
1948
+ 1girl, hots \(gundam suisei no majo\), gundam
1949
+ 1girl, payila \(granblue fantasy\), granblue fantasy
1950
+ 1boy, male focus, salamander coral, final fantasy
1951
+ 1girl, shirma, final fantasy
1952
+ 1boy, male focus, izayoi sounosuke, danganronpa \(series\)
1953
+ 1boy, male focus, zamasu, dragon ball
1954
+ 1boy, male focus, nijimura keicho, jojo no kimyou na bouken
1955
+ 1girl, argo the rat, sword art online
1956
+ 1girl, no.21: xxi \(punishing: gray raven\), punishing: gray raven
1957
+ 1boy, male focus, sakazuki \(akainu\), one piece
1958
+ 1boy, male focus, gilgamesh \(fate\), fate \(series\)
1959
+ 1boy, male focus, spider-man, marvel
1960
+ 1girl, sophie pulone, gundam
1961
+ 1girl, camilla \(summer\) \(fire emblem\), fire emblem
1962
+ 1girl, terumi mei, naruto \(series\)
1963
+ 1girl, kamazuki suzuno, hataraku maou-sama!
1964
+ 1girl, marron \(dragon ball\), dragon ball
1965
+ 1boy, male focus, akaashi keiji, haikyuu!!
1966
+ 1boy, male focus, gotenks, dragon ball
1967
+ 1girl, cerberus \(last origin\), last origin
1968
+ 1girl, kiana kaslana, honkai \(series\)
1969
+ 1boy, male focus, aizen sousuke, bleach
1970
+ 1girl, petelgeuse romaneeconti, re:zero kara hajimeru isekai seikatsu
1971
+ 1girl, kampfer \(mobile suit\), gundam
1972
+ 1boy, male focus, piranha plant, mario \(series\)
1973
+ 1boy, male focus, azusagawa sakuta, seishun buta yarou
1974
+ 1boy, male focus, malos \(xenoblade\), xenoblade chronicles \(series\)
1975
+ 1girl, erinys \(fire emblem\), fire emblem
1976
+ 1boy, male focus, kana \(male\) \(fire emblem\), fire emblem
1977
+ 1boy, male focus, jeralt reus eisner, fire emblem
1978
+ 1girl, flay allster, gundam
1979
+ 1girl, trance terra branford, final fantasy
1980
+ 1girl, yukong \(honkai: star rail\), honkai: star rail
1981
+ 1girl, tabris-xx, neon genesis evangelion
1982
+ 1girl, tadokoro megumi, shokugeki no souma
1983
+ 1girl, tail \(honkai: star rail\), honkai: star rail
1984
+ 1boy, male focus, shiki haruomi, kanojo x kanojo x kanojo
1985
+ 1boy, male focus, borsalino \(kizaru\), one piece
1986
+ 1girl, priscilla \(fire emblem\), fire emblem
1987
+ 1boy, male focus, forrest \(fire emblem\), fire emblem
1988
+ 1boy, male focus, getou suguru \(kenjaku\), jujutsu kaisen
1989
+ 1girl, meruem, hunter x hunter
1990
+ 1boy, male focus, king \(one-punch man\), one-punch man
1991
+ 1girl, lucia: crimson weave \(punishing: gray raven\), punishing: gray raven
1992
+ 1girl, no.21: feral scent \(punishing: gray raven\), punishing: gray raven
1993
+ 1girl, prototype labiata, last origin
1994
+ 1girl, yuri \(project moon\), limbus company
1995
+ 1boy, male focus, doodle sensei \(blue archive\), blue archive
1996
+ 1girl, okita souji \(koha-ace\), fate \(series\)
1997
+ 1boy, male focus, aerosmith \(stand\), jojo no kimyou na bouken
1998
+ 1boy, male focus, killer \(one piece\), one piece
1999
+ 1boy, male focus, terui soushichi, hakanai kimi wa moukou wo hajimeru
2000
+ 1girl, dorothea arnault \(plegian\), fire emblem
2001
+ 1girl, zeong, gundam
2002
+ 1girl, mileina vashti, gundam
2003
+ 1boy, male focus, gouda takeshi, doraemon
2004
+ 1girl, shantotto, final fantasy
2005
+ 1girl, twice \(boku no hero academia\), boku no hero academia
2006
+ 1boy, male focus, whis, dragon ball
2007
+ 1boy, male focus, danny \(jojo\), jojo no kimyou na bouken
2008
+ 1girl, strea \(sao\), sword art online
2009
+ 1girl, cosmo \(chainsaw man\), chainsaw man
2010
+ 1girl, priscilla barielle, re:zero kara hajimeru isekai seikatsu
2011
+ 1girl, arato hisako, shokugeki no souma
2012
+ 1girl, puni \(atelier\), atelier \(series\)
2013
+ 1girl, illyasviel von einzbern, fate \(series\)
2014
+ 1girl, yazawa nico, love live!
2015
+ 1boy, male focus, whitesnake \(stand\), jojo no kimyou na bouken
2016
+ 1girl, mizuhashi parsee, touhou
2017
+ 1girl, makinohara shouko, seishun buta yarou
2018
+ 1girl, minase inori, gochuumon wa usagi desu ka?
2019
+ 1girl, porom, final fantasy
2020
+ 1boy, male focus, sugawara koushi, haikyuu!!
2021
+ 1boy, male focus, kawajiri hayato, jojo no kimyou na bouken
2022
+ 1boy, male focus, utsumi shou, gridman universe
2023
+ 1girl, shaula \(re:zero\), re:zero kara hajimeru isekai seikatsu
2024
+ 1girl, miho \(last origin\), last origin
2025
+ 1boy, male focus, sterkenburg cranach, atelier \(series\)
2026
+ 1boy, male focus, frankenstein's monster, jojo no kimyou na bouken
2027
+ 1girl, furina \(genshin impact\), genshin impact
2028
+ 1girl, kaban \(kemono friends\), kemono friends
2029
+ 1girl, slime \(dragon quest\), dragon quest
2030
+ 1girl, fate testarossa, lyrical nanoha
2031
+ 1boy, male focus, igor \(persona\), persona
2032
+ 1girl, family computer robot, fire emblem
2033
+ 1girl, hilda ware, final fantasy
2034
+ 1boy, male focus, lauda neill, gundam
2035
+ 1boy, male focus, straizo, jojo no kimyou na bouken
2036
+ 1boy, male focus, pharos, persona
2037
+ 1girl, santa claus \(chainsaw man\), chainsaw man
2038
+ 1girl, nohara rin, naruto \(series\)
2039
+ 1boy, male focus, akimichi chouji, naruto \(series\)
2040
+ 1boy, male focus, rob lucci, one piece
2041
+ 1boy, male focus, fuyutsuki kouzou, neon genesis evangelion
2042
+ 1girl, 001 \(darling in the franxx\), darling in the franxx
2043
+ 1girl, kshatriya, gundam
2044
+ 1girl, julietta juris, gundam
2045
+ 1boy, male focus, sunday \(honkai: star rail\), honkai: star rail
2046
+ 1girl, bahamut \(final fantasy\), final fantasy
2047
+ 1boy, male focus, vergil \(devil may cry\), devil may cry \(series\)
2048
+ 1girl, kouzuki hiyori, one piece
2049
+ 1boy, male focus, tsugikuni yoriichi, kimetsu no yaiba
2050
+ 1girl, komori kinoko, boku no hero academia
2051
+ 1girl, kinoshita shizuka, k-on!
2052
+ 1girl, rensouhou-chan, kantai collection
2053
+ 1boy, male focus, tobi \(naruto\), naruto \(series\)
2054
+ 1boy, male focus, mare bello fiore, overlord \(maruyama\)
2055
+ 1girl, ash \(fire emblem\), fire emblem
2056
+ 1girl, zen'in mai, jujutsu kaisen
2057
+ 1girl, elena \(ff7\), final fantasy
2058
+ 1girl, shin-chan \(evangelion\), neon genesis evangelion
2059
+ 1girl, hiiragi tsukasa, lucky star
2060
+ 1boy, male focus, fafnir \(maidragon\), kobayashi-san chi no maidragon
2061
+ 1girl, pish, neptune \(series\)
2062
+ 1girl, sharla \(xenoblade\), xenoblade chronicles \(series\)
2063
+ 1boy, male focus, henry \(fire emblem\), fire emblem
2064
+ 1boy, male focus, chaozu, dragon ball
2065
+ 1boy, male focus, puar, dragon ball
2066
+ 1girl, leafa \(terraria\), sword art online
2067
+ 1girl, riko \(machikado mazoku\), machikado mazoku
2068
+ 1girl, fushimi chihiro, persona
2069
+ 1girl, four murasame, gundam
2070
+ 1boy, male focus, midorima shintarou, kuroko no basuke
2071
+ 1boy, male focus, gaelio bauduin, gundam
2072
+ 1girl, kaijin hime do-s, one-punch man
2073
+ 1girl, hassu, gridman universe
2074
+ 1boy, male focus, erd gin, shingeki no kyojin
2075
+ 1girl, yonebayashi saiko, tokyo ghoul
2076
+ 1girl, takanashi rikka, chuunibyou demo koi ga shitai!
2077
+ 1girl, nagae iku, touhou
2078
+ 1girl, guild girl \(goblin slayer!\), goblin slayer!
2079
+ 1boy, male focus, dunban \(xenoblade\), xenoblade chronicles \(series\)
2080
+ 1girl, titania \(fire emblem\), fire emblem
2081
+ 1girl, beruka \(fire emblem\), fire emblem
2082
+ 1girl, corrin \(female\) \(adrift\) \(fire emblem\), fire emblem
2083
+ 1girl, gundam age-1, gundam
2084
+ 1girl, takamatsu tomori, bang dream!
2085
+ 1girl, marie \(atelier\), atelier \(series\)
2086
+ 1boy, male focus, murasakibara atsushi, kuroko no basuke
2087
+ 1girl, iris amicitia, final fantasy
2088
+ 1girl, kagenui yozuru, monogatari \(series\)
2089
+ 1boy, male focus, hoshigaki kisame, naruto \(series\)
2090
+ 1girl, hayami saori, spy x family
2091
+ 1boy, male focus, ivysaur, pokemon
2092
+ 1boy, male focus, young link, the legend of zelda
2093
+ 1girl, tifa lockhart \(cowgirl\), final fantasy
2094
+ 1girl, zaku ii f/j, gundam
2095
+ 1girl, quess paraya, gundam
2096
+ 1boy, male focus, charles zi britannia, code geass
2097
+ 1girl, momo \(gundam build divers\), gundam
2098
+ 1girl, time mage, final fantasy
2099
+ 1girl, leprechaun \(last origin\), last origin
2100
+ 1girl, tsutsukakushi tsukiko, hentai ouji to warawanai neko.
2101
+ 1girl, yuudachi kai ni \(kancolle\), kantai collection
2102
+ 1girl, strike freedom gundam, gundam
2103
+ 1girl, na'el \(xenoblade\), xenoblade chronicles \(series\)
2104
+ 1girl, sonia \(fire emblem\), fire emblem
2105
+ 1boy, male focus, urianger augurelt, final fantasy
2106
+ 1boy, male focus, fungami yuya, jojo no kimyou na bouken
2107
+ 1boy, male focus, coco jumbo, jojo no kimyou na bouken
2108
+ 1girl, ogasawara haruka, hibike! euphonium
2109
+ 1girl, shinra tsubaki, high school dxd
2110
+ 1boy, male focus, agil, sword art online
2111
+ 1girl, shiba kuukaku, bleach
2112
+ 1girl, kanade \(beast tamer\), beast tamer
2113
+ 1girl, tania \(beast tamer\), beast tamer
2114
+ 1boy, rein shroud \(beast tamer\), beast tamer
2115
+ 1boy, yato \(noragami\), noragami
2116
+ 1boy, yukine \(noragami\), noragami
2117
+ 1boy, kazuma \(noragami\), noragami
2118
+ 1girl, iki hiyori \(noragami\), noragami
2119
+ 1girl, segawa hiro \(kakkou no iinazuke\), kakkou no iinazuke
2120
+ 1girl, amano erika \(kakkou no iinazuke\), kakkou no iinazuke
2121
+ 1girl, umino sachi \(kakkou no iinazuke\), kakkou no iinazuke
2122
+ 1boy, umino nagi \(kakkou no iinazuke\), kakkou no iinazuke
2123
+ 1girl, villhaze \(hikikomari kyuuketsuki no monmon\), hikikomari kyuuketsuki no monmon
2124
+ 1girl, sakuna memoire \(hikikomari kyuuketsuki no monmon\), hikikomari kyuuketsuki no monmon
2125
+ 1girl, maomao \(kusuriya no hitorigoto\), kusuriya no hitorigoto
2126
+ 1boy, jinshi \(kusuriya no hitorigoto\), kusuriya no hitorigoto
wildcard/characterfull.txt ADDED
The diff for this file is too large to render. See raw diff