Spaces:
				
			
			
	
			
			
		Running
		
			on 
			
			Zero
	
	
	
			
			
	
	
	
	
		
		
		Running
		
			on 
			
			Zero
	Upload 4 files
Browse files- env.py +1 -0
- llmdolphin.py +35 -18
- llmenv.py +131 -0
- lora_dict.json +294 -0
    	
        env.py
    CHANGED
    
    | @@ -50,6 +50,7 @@ LOAD_DIFFUSERS_FORMAT_MODEL = [ | |
| 50 | 
             
                'Emanon14/NONAMEmix_v1',
         | 
| 51 | 
             
                'OnomaAIResearch/Illustrious-xl-early-release-v0',
         | 
| 52 | 
             
                'Laxhar/noobai-XL-1.0',
         | 
|  | |
| 53 | 
             
                'Raelina/Rae-Diffusion-XL-V2',
         | 
| 54 | 
             
                'Raelina/Raemu-XL-V4',
         | 
| 55 | 
             
                'Raelina/Raehoshi-illust-XL',
         | 
|  | |
| 50 | 
             
                'Emanon14/NONAMEmix_v1',
         | 
| 51 | 
             
                'OnomaAIResearch/Illustrious-xl-early-release-v0',
         | 
| 52 | 
             
                'Laxhar/noobai-XL-1.0',
         | 
| 53 | 
            +
                'Laxhar/noobai-XL-Vpred-1.0',
         | 
| 54 | 
             
                'Raelina/Rae-Diffusion-XL-V2',
         | 
| 55 | 
             
                'Raelina/Raemu-XL-V4',
         | 
| 56 | 
             
                'Raelina/Raehoshi-illust-XL',
         | 
    	
        llmdolphin.py
    CHANGED
    
    | @@ -3,6 +3,7 @@ import gradio as gr | |
| 3 | 
             
            from pathlib import Path
         | 
| 4 | 
             
            import re
         | 
| 5 | 
             
            import torch
         | 
|  | |
| 6 | 
             
            from typing import Any
         | 
| 7 | 
             
            from huggingface_hub import hf_hub_download, HfApi
         | 
| 8 | 
             
            from llama_cpp import Llama
         | 
| @@ -219,7 +220,7 @@ def get_raw_prompt(msg: str): | |
| 219 |  | 
| 220 |  | 
| 221 | 
             
            @torch.inference_mode()
         | 
| 222 | 
            -
            @spaces.GPU(duration= | 
| 223 | 
             
            def dolphin_respond(
         | 
| 224 | 
             
                message: str,
         | 
| 225 | 
             
                history: list[tuple[str, str]],
         | 
| @@ -234,13 +235,15 @@ def dolphin_respond( | |
| 234 | 
             
                progress=gr.Progress(track_tqdm=True),
         | 
| 235 | 
             
            ):
         | 
| 236 | 
             
                try:
         | 
|  | |
|  | |
| 237 | 
             
                    progress(0, desc="Processing...")
         | 
| 238 | 
             
                    override_llm_format = get_state(state, "override_llm_format")
         | 
| 239 | 
             
                    if override_llm_format: chat_template = override_llm_format
         | 
| 240 | 
             
                    else: chat_template = llm_models[model][1]
         | 
| 241 |  | 
| 242 | 
             
                    llm = Llama(
         | 
| 243 | 
            -
                        model_path=str( | 
| 244 | 
             
                        flash_attn=True,
         | 
| 245 | 
             
                        n_gpu_layers=81, # 81
         | 
| 246 | 
             
                        n_batch=1024,
         | 
| @@ -294,8 +297,11 @@ def dolphin_respond( | |
| 294 | 
             
                        yield [(outputs, None)]
         | 
| 295 | 
             
                except Exception as e:
         | 
| 296 | 
             
                    print(e)
         | 
| 297 | 
            -
                    gr. | 
| 298 | 
            -
                    yield [("", None)]
         | 
|  | |
|  | |
|  | |
| 299 |  | 
| 300 |  | 
| 301 | 
             
            def dolphin_parse(
         | 
| @@ -320,7 +326,7 @@ def dolphin_parse( | |
| 320 |  | 
| 321 |  | 
| 322 | 
             
            @torch.inference_mode()
         | 
| 323 | 
            -
            @spaces.GPU(duration= | 
| 324 | 
             
            def dolphin_respond_auto(
         | 
| 325 | 
             
                message: str,
         | 
| 326 | 
             
                history: list[tuple[str, str]],
         | 
| @@ -335,6 +341,7 @@ def dolphin_respond_auto( | |
| 335 | 
             
                progress=gr.Progress(track_tqdm=True),
         | 
| 336 | 
             
            ):
         | 
| 337 | 
             
                try:
         | 
|  | |
| 338 | 
             
                    #if not is_japanese(message): return [(None, None)]
         | 
| 339 | 
             
                    progress(0, desc="Processing...")
         | 
| 340 |  | 
| @@ -343,7 +350,7 @@ def dolphin_respond_auto( | |
| 343 | 
             
                    else: chat_template = llm_models[model][1]
         | 
| 344 |  | 
| 345 | 
             
                    llm = Llama(
         | 
| 346 | 
            -
                        model_path=str( | 
| 347 | 
             
                        flash_attn=True,
         | 
| 348 | 
             
                        n_gpu_layers=81, # 81
         | 
| 349 | 
             
                        n_batch=1024,
         | 
| @@ -399,6 +406,9 @@ def dolphin_respond_auto( | |
| 399 | 
             
                except Exception as e:
         | 
| 400 | 
             
                    print(e)
         | 
| 401 | 
             
                    yield [("", None)], gr.update(), gr.update()
         | 
|  | |
|  | |
|  | |
| 402 |  | 
| 403 |  | 
| 404 | 
             
            def dolphin_parse_simple(
         | 
| @@ -429,26 +439,29 @@ cv2.setNumThreads(1) | |
| 429 |  | 
| 430 |  | 
| 431 | 
             
            @torch.inference_mode()
         | 
| 432 | 
            -
            @spaces.GPU()
         | 
| 433 | 
             
            def respond_playground(
         | 
| 434 | 
            -
                message,
         | 
| 435 | 
             
                history: list[tuple[str, str]],
         | 
| 436 | 
            -
                model,
         | 
| 437 | 
            -
                system_message,
         | 
| 438 | 
            -
                max_tokens,
         | 
| 439 | 
            -
                temperature,
         | 
| 440 | 
            -
                top_p,
         | 
| 441 | 
            -
                top_k,
         | 
| 442 | 
            -
                repeat_penalty,
         | 
| 443 | 
            -
                state,
         | 
|  | |
| 444 | 
             
            ):
         | 
| 445 | 
             
                try:
         | 
|  | |
|  | |
| 446 | 
             
                    override_llm_format = get_state(state, "override_llm_format")
         | 
| 447 | 
             
                    if override_llm_format: chat_template = override_llm_format
         | 
| 448 | 
             
                    else: chat_template = llm_models[model][1]
         | 
| 449 |  | 
| 450 | 
             
                    llm = Llama(
         | 
| 451 | 
            -
                        model_path=str( | 
| 452 | 
             
                        flash_attn=True,
         | 
| 453 | 
             
                        n_gpu_layers=81, # 81
         | 
| 454 | 
             
                        n_batch=1024,
         | 
| @@ -496,4 +509,8 @@ def respond_playground( | |
| 496 | 
             
                        yield outputs
         | 
| 497 | 
             
                except Exception as e:
         | 
| 498 | 
             
                    print(e)
         | 
| 499 | 
            -
                     | 
|  | |
|  | |
|  | |
|  | 
|  | |
| 3 | 
             
            from pathlib import Path
         | 
| 4 | 
             
            import re
         | 
| 5 | 
             
            import torch
         | 
| 6 | 
            +
            import gc
         | 
| 7 | 
             
            from typing import Any
         | 
| 8 | 
             
            from huggingface_hub import hf_hub_download, HfApi
         | 
| 9 | 
             
            from llama_cpp import Llama
         | 
|  | |
| 220 |  | 
| 221 |  | 
| 222 | 
             
            @torch.inference_mode()
         | 
| 223 | 
            +
            @spaces.GPU(duration=59)
         | 
| 224 | 
             
            def dolphin_respond(
         | 
| 225 | 
             
                message: str,
         | 
| 226 | 
             
                history: list[tuple[str, str]],
         | 
|  | |
| 235 | 
             
                progress=gr.Progress(track_tqdm=True),
         | 
| 236 | 
             
            ):
         | 
| 237 | 
             
                try:
         | 
| 238 | 
            +
                    model_path = Path(f"{llm_models_dir}/{model}")
         | 
| 239 | 
            +
                    if not model_path.exists(): raise gr.Error(f"Model file not found: {str(model_path)}")
         | 
| 240 | 
             
                    progress(0, desc="Processing...")
         | 
| 241 | 
             
                    override_llm_format = get_state(state, "override_llm_format")
         | 
| 242 | 
             
                    if override_llm_format: chat_template = override_llm_format
         | 
| 243 | 
             
                    else: chat_template = llm_models[model][1]
         | 
| 244 |  | 
| 245 | 
             
                    llm = Llama(
         | 
| 246 | 
            +
                        model_path=str(model_path),
         | 
| 247 | 
             
                        flash_attn=True,
         | 
| 248 | 
             
                        n_gpu_layers=81, # 81
         | 
| 249 | 
             
                        n_batch=1024,
         | 
|  | |
| 297 | 
             
                        yield [(outputs, None)]
         | 
| 298 | 
             
                except Exception as e:
         | 
| 299 | 
             
                    print(e)
         | 
| 300 | 
            +
                    raise gr.Error(f"Error: {e}")
         | 
| 301 | 
            +
                    #yield [("", None)]
         | 
| 302 | 
            +
                finally:
         | 
| 303 | 
            +
                    torch.cuda.empty_cache()
         | 
| 304 | 
            +
                    gc.collect()
         | 
| 305 |  | 
| 306 |  | 
| 307 | 
             
            def dolphin_parse(
         | 
|  | |
| 326 |  | 
| 327 |  | 
| 328 | 
             
            @torch.inference_mode()
         | 
| 329 | 
            +
            @spaces.GPU(duration=59)
         | 
| 330 | 
             
            def dolphin_respond_auto(
         | 
| 331 | 
             
                message: str,
         | 
| 332 | 
             
                history: list[tuple[str, str]],
         | 
|  | |
| 341 | 
             
                progress=gr.Progress(track_tqdm=True),
         | 
| 342 | 
             
            ):
         | 
| 343 | 
             
                try:
         | 
| 344 | 
            +
                    model_path = Path(f"{llm_models_dir}/{model}")
         | 
| 345 | 
             
                    #if not is_japanese(message): return [(None, None)]
         | 
| 346 | 
             
                    progress(0, desc="Processing...")
         | 
| 347 |  | 
|  | |
| 350 | 
             
                    else: chat_template = llm_models[model][1]
         | 
| 351 |  | 
| 352 | 
             
                    llm = Llama(
         | 
| 353 | 
            +
                        model_path=str(model_path),
         | 
| 354 | 
             
                        flash_attn=True,
         | 
| 355 | 
             
                        n_gpu_layers=81, # 81
         | 
| 356 | 
             
                        n_batch=1024,
         | 
|  | |
| 406 | 
             
                except Exception as e:
         | 
| 407 | 
             
                    print(e)
         | 
| 408 | 
             
                    yield [("", None)], gr.update(), gr.update()
         | 
| 409 | 
            +
                finally:
         | 
| 410 | 
            +
                    torch.cuda.empty_cache()
         | 
| 411 | 
            +
                    gc.collect()
         | 
| 412 |  | 
| 413 |  | 
| 414 | 
             
            def dolphin_parse_simple(
         | 
|  | |
| 439 |  | 
| 440 |  | 
| 441 | 
             
            @torch.inference_mode()
         | 
| 442 | 
            +
            @spaces.GPU(duration=59)
         | 
| 443 | 
             
            def respond_playground(
         | 
| 444 | 
            +
                message: str,
         | 
| 445 | 
             
                history: list[tuple[str, str]],
         | 
| 446 | 
            +
                model: str = default_llm_model_filename,
         | 
| 447 | 
            +
                system_message: str = get_dolphin_sysprompt(),
         | 
| 448 | 
            +
                max_tokens: int = 1024,
         | 
| 449 | 
            +
                temperature: float = 0.7,
         | 
| 450 | 
            +
                top_p: float = 0.95,
         | 
| 451 | 
            +
                top_k: int = 40,
         | 
| 452 | 
            +
                repeat_penalty: float = 1.1,
         | 
| 453 | 
            +
                state: dict = {},
         | 
| 454 | 
            +
                progress=gr.Progress(track_tqdm=True),
         | 
| 455 | 
             
            ):
         | 
| 456 | 
             
                try:
         | 
| 457 | 
            +
                    model_path = Path(f"{llm_models_dir}/{model}")
         | 
| 458 | 
            +
                    if not model_path.exists(): raise gr.Error(f"Model file not found: {str(model_path)}")
         | 
| 459 | 
             
                    override_llm_format = get_state(state, "override_llm_format")
         | 
| 460 | 
             
                    if override_llm_format: chat_template = override_llm_format
         | 
| 461 | 
             
                    else: chat_template = llm_models[model][1]
         | 
| 462 |  | 
| 463 | 
             
                    llm = Llama(
         | 
| 464 | 
            +
                        model_path=str(model_path),
         | 
| 465 | 
             
                        flash_attn=True,
         | 
| 466 | 
             
                        n_gpu_layers=81, # 81
         | 
| 467 | 
             
                        n_batch=1024,
         | 
|  | |
| 509 | 
             
                        yield outputs
         | 
| 510 | 
             
                except Exception as e:
         | 
| 511 | 
             
                    print(e)
         | 
| 512 | 
            +
                    raise gr.Error(f"Error: {e}")
         | 
| 513 | 
            +
                    #yield ""
         | 
| 514 | 
            +
                finally:
         | 
| 515 | 
            +
                    torch.cuda.empty_cache()
         | 
| 516 | 
            +
                    gc.collect()
         | 
    	
        llmenv.py
    CHANGED
    
    | @@ -67,6 +67,10 @@ llm_models = { | |
| 67 | 
             
                "MISCHIEVOUS-12B-Mix_0.1v.Q4_K_M.gguf": ["mradermacher/MISCHIEVOUS-12B-Mix_0.1v-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 68 | 
             
                "Canidori-12B-v1.i1-Q4_K_M.gguf": ["mradermacher/Canidori-12B-v1-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 69 | 
             
                "MT2-Gen4-MM-gemma-2-Rv0.4MTM-9B.Q4_K_M.gguf": ["mradermacher/MT2-Gen4-MM-gemma-2-Rv0.4MTM-9B-GGUF", MessagesFormatterType.ALPACA],
         | 
|  | |
|  | |
|  | |
|  | |
| 70 | 
             
                "Trinas_Nectar-8B-model_stock.i1-Q4_K_M.gguf": ["mradermacher/Trinas_Nectar-8B-model_stock-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 71 | 
             
                "ChatWaifu_Magnum_V0.2.Q4_K_M.gguf": ["mradermacher/ChatWaifu_Magnum_V0.2-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 72 | 
             
                "ChatWaifu_12B_v2.0.Q5_K_M.gguf": ["mradermacher/ChatWaifu_12B_v2.0-GGUF", MessagesFormatterType.MISTRAL],
         | 
| @@ -79,6 +83,133 @@ llm_models = { | |
| 79 | 
             
                #"": ["", MessagesFormatterType.OPEN_CHAT],
         | 
| 80 | 
             
                #"": ["", MessagesFormatterType.CHATML],
         | 
| 81 | 
             
                #"": ["", MessagesFormatterType.PHI_3],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 82 | 
             
                "Mistral-7B-Instruct-v0.2-Neural-Story.Q5_K_M.gguf": ["mradermacher/Mistral-7B-Instruct-v0.2-Neural-Story-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 83 | 
             
                "Layris_9B.Q4_K_M.gguf": ["mradermacher/Layris_9B-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 84 | 
             
                "Eris_Remix_7B.Q5_K_M.gguf": ["mradermacher/Eris_Remix_7B-GGUF", MessagesFormatterType.MISTRAL],
         | 
|  | |
| 67 | 
             
                "MISCHIEVOUS-12B-Mix_0.1v.Q4_K_M.gguf": ["mradermacher/MISCHIEVOUS-12B-Mix_0.1v-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 68 | 
             
                "Canidori-12B-v1.i1-Q4_K_M.gguf": ["mradermacher/Canidori-12B-v1-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 69 | 
             
                "MT2-Gen4-MM-gemma-2-Rv0.4MTM-9B.Q4_K_M.gguf": ["mradermacher/MT2-Gen4-MM-gemma-2-Rv0.4MTM-9B-GGUF", MessagesFormatterType.ALPACA],
         | 
| 70 | 
            +
                "Flammen-Trismegistus-7B.i1-Q5_K_M.gguf": ["mradermacher/Flammen-Trismegistus-7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 71 | 
            +
                "MiaLatte-Indo-Mistral-7b.i1-Q5_K_M.gguf": ["mradermacher/MiaLatte-Indo-Mistral-7b-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 72 | 
            +
                "vicious_mesh-12b-nemo-q4_k_m.gguf": ["bamec66557/VICIOUS_MESH-12B-NEMO-Q4_K_M-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 73 | 
            +
                "Avalon_7.Q4_K_M.gguf": ["mradermacher/Avalon_7-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 74 | 
             
                "Trinas_Nectar-8B-model_stock.i1-Q4_K_M.gguf": ["mradermacher/Trinas_Nectar-8B-model_stock-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 75 | 
             
                "ChatWaifu_Magnum_V0.2.Q4_K_M.gguf": ["mradermacher/ChatWaifu_Magnum_V0.2-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 76 | 
             
                "ChatWaifu_12B_v2.0.Q5_K_M.gguf": ["mradermacher/ChatWaifu_12B_v2.0-GGUF", MessagesFormatterType.MISTRAL],
         | 
|  | |
| 83 | 
             
                #"": ["", MessagesFormatterType.OPEN_CHAT],
         | 
| 84 | 
             
                #"": ["", MessagesFormatterType.CHATML],
         | 
| 85 | 
             
                #"": ["", MessagesFormatterType.PHI_3],
         | 
| 86 | 
            +
                "WestKunai-XS-7b.Q5_K_M.gguf": ["mradermacher/WestKunai-XS-7b-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 87 | 
            +
                "WestKunai-XD-7b.Q5_K_M.gguf": ["mradermacher/WestKunai-XD-7b-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 88 | 
            +
                "GenTest-7B-slerp.Q5_K_M.gguf": ["mradermacher/GenTest-7B-slerp-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 89 | 
            +
                "MT-Gen5-MM-gemma-2-MT4g2MT5g4-9B.Q4_K_M.gguf": ["mradermacher/MT-Gen5-MM-gemma-2-MT4g2MT5g4-9B-GGUF", MessagesFormatterType.ALPACA],
         | 
| 90 | 
            +
                "QwenSlerp7-14B.Q4_K_M.gguf": ["mradermacher/QwenSlerp7-14B-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 91 | 
            +
                "SystemHermes-2-7B.Q5_K_M.gguf": ["mradermacher/SystemHermes-2-7B-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 92 | 
            +
                "VICIOUS_MESH-12B-NEMO.Q4_K_M.gguf": ["mradermacher/VICIOUS_MESH-12B-NEMO-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 93 | 
            +
                "Mistral-Nemo-VICIOUS_MESH-12B-2407.Q4_K_M.gguf": ["mradermacher/Mistral-Nemo-VICIOUS_MESH-12B-2407-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 94 | 
            +
                "Intelligence-QwQ.i1-Q5_K_M.gguf": ["mradermacher/Intelligence-QwQ-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 95 | 
            +
                "VICIOUS_MESH-12B-OMEGA.i1-Q4_K_M.gguf": ["mradermacher/VICIOUS_MESH-12B-OMEGA-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 96 | 
            +
                "QwenSlerp-7B.Q5_K_M.gguf": ["mradermacher/QwenSlerp-7B-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 97 | 
            +
                "Qwen2.5-14B-Emergedv3.i1-Q4_K_S.gguf": ["mradermacher/Qwen2.5-14B-Emergedv3-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 98 | 
            +
                "Meta-Llama-3.1-8B-Instruct-TIES.Q5_K_M.gguf": ["mradermacher/Meta-Llama-3.1-8B-Instruct-TIES-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 99 | 
            +
                "Qwen2.5-Math-14B-Instruct.Q4_K_M.gguf": ["mradermacher/Qwen2.5-Math-14B-Instruct-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 100 | 
            +
                "FuseChat-Qwen-2.5-7B-Instruct.i1-Q5_K_M.gguf": ["mradermacher/FuseChat-Qwen-2.5-7B-Instruct-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 101 | 
            +
                "Paradigm_DPO.Q5_K_M.gguf": ["mradermacher/Paradigm_DPO-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 102 | 
            +
                "mergekit-della_linear-sxmadrj.i1-Q5_K_M.gguf": ["mradermacher/mergekit-della_linear-sxmadrj-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 103 | 
            +
                "AetherDrake.i1-Q5_K_M.gguf": ["mradermacher/AetherDrake-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 104 | 
            +
                "shadow-clown-BioMistral-7B-DARE.Q5_K_M.gguf": ["mradermacher/shadow-clown-BioMistral-7B-DARE-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 105 | 
            +
                "Dolphin-2.8-slerp.Q5_K_M.gguf": ["mradermacher/Dolphin-2.8-slerp-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 106 | 
            +
                "cybertron-v4-qw7B-UNAMGS.i1-Q5_K_M.gguf": ["mradermacher/cybertron-v4-qw7B-UNAMGS-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 107 | 
            +
                "Kool-Aid_7B.i1-Q5_K_M.gguf": ["mradermacher/Kool-Aid_7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 108 | 
            +
                "NeuralKybalion-7B-slerp-v2.Q5_K_M.gguf": ["mradermacher/NeuralKybalion-7B-slerp-v2-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 109 | 
            +
                "Lumimaid-Magnum-v4-12B.q4_k_m.gguf": ["Undi95/Lumimaid-Magnum-v4-12B-GGUF", MessagesFormatterType.CHATML],
         | 
| 110 | 
            +
                "SuperMente-7B-v3.Q5_K_M.gguf": ["mradermacher/SuperMente-7B-v3-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 111 | 
            +
                "Neural4gsm8k.i1-Q5_K_M.gguf": ["mradermacher/Neural4gsm8k-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 112 | 
            +
                "Trascendental-Bot-7B.i1-Q5_K_M.gguf": ["mradermacher/Trascendental-Bot-7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 113 | 
            +
                "NeuralTopBench-7B-ties.i1-Q5_K_M.gguf": ["mradermacher/NeuralTopBench-7B-ties-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 114 | 
            +
                "flammen8-mistral-7B.Q5_K_M.gguf": ["mradermacher/flammen8-mistral-7B-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 115 | 
            +
                "Silicon-Natsuki-7b-v0.5.Q5_K_M.gguf": ["mradermacher/Silicon-Natsuki-7b-v0.5-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 116 | 
            +
                "NeuralKybalion-7B-slerp.Q5_K_M.gguf": ["mradermacher/NeuralKybalion-7B-slerp-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 117 | 
            +
                "InfinityNexus_9B.i1-Q4_K_M.gguf": ["mradermacher/InfinityNexus_9B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 118 | 
            +
                "Neural-Dark-Waifu-v0.2.Q5_K_M.gguf": ["mradermacher/Neural-Dark-Waifu-v0.2-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 119 | 
            +
                "q2.5-veltha-14b-0.5-q5_k_m.gguf": ["djuna/Q2.5-Veltha-14B-0.5-Q5_K_M-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 120 | 
            +
                "inside-7b-q5_k_m.gguf": ["ClaudioItaly/Inside-7B-Q5_K_M-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 121 | 
            +
                "VICIOUS_MESH-12B-EPSILON.i1-Q4_K_M.gguf": ["mradermacher/VICIOUS_MESH-12B-EPSILON-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 122 | 
            +
                "NeuralKybalion-7B-slerp-v3.i1-Q5_K_M.gguf": ["mradermacher/NeuralKybalion-7B-slerp-v3-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 123 | 
            +
                "Starling-LM-7B-beta.i1-Q5_K_M.gguf": ["mradermacher/Starling-LM-7B-beta-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 124 | 
            +
                "AlphaHitchhiker-7B.i1-Q5_K_M.gguf": ["mradermacher/AlphaHitchhiker-7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 125 | 
            +
                "GenStructDolphin-7B-Slerp.Q5_K_M.gguf": ["mradermacher/GenStructDolphin-7B-Slerp-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 126 | 
            +
                "FIxtral.Q5_K_M.gguf": ["mradermacher/FIxtral-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 127 | 
            +
                "Franken-Mistral-Maid-TWK-Slerp.i1-Q5_K_M.gguf": ["mradermacher/Franken-Mistral-Maid-TWK-Slerp-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 128 | 
            +
                "DarkCamelot.i1-Q4_K_M.gguf": ["mradermacher/DarkCamelot-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 129 | 
            +
                "dolphin-2.6-mistral-7b-dpo-chat.i1-Q5_K_M.gguf": ["mradermacher/dolphin-2.6-mistral-7b-dpo-chat-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 130 | 
            +
                "Qwen2.5-14B-MultiCultyv3.i1-Q4_K_M.gguf": ["mradermacher/Qwen2.5-14B-MultiCultyv3-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 131 | 
            +
                "Qwen2.5-14B-MultiCultyv2.i1-Q4_K_M.gguf": ["mradermacher/Qwen2.5-14B-MultiCultyv2-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 132 | 
            +
                "Qwentinuum-14B-v2.i1-Q4_K_M.gguf": ["mradermacher/Qwentinuum-14B-v2-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 133 | 
            +
                "VICIOUS_MESH-12B-DIGAMMA.i1-Q4_K_M.gguf": ["mradermacher/VICIOUS_MESH-12B-DIGAMMA-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 134 | 
            +
                "Qwentinuum-14B-v1.i1-Q4_K_M.gguf": ["mradermacher/Qwentinuum-14B-v1-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 135 | 
            +
                "MrRoboto-ProLong-8b-v4i.i1-Q5_K_M.gguf": ["mradermacher/MrRoboto-ProLong-8b-v4i-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 136 | 
            +
                "Saul-Legal-Calme-Instruct.Q5_K_M.gguf": ["mradermacher/Saul-Legal-Calme-Instruct-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 137 | 
            +
                "Mitwa-NeuralHermes-2.5-Mistral-7B-6k.Q5_K_M.gguf": ["mradermacher/Mitwa-NeuralHermes-2.5-Mistral-7B-6k-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 138 | 
            +
                "InfinityNoodleRP-7b.Q5_K_M.gguf": ["mradermacher/InfinityNoodleRP-7b-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 139 | 
            +
                "Monarch-Kunoichi-7B.Q5_K_M.gguf": ["mradermacher/Monarch-Kunoichi-7B-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 140 | 
            +
                "WONMSeverusDevilv2-TIES.i1-Q5_K_M.gguf": ["mradermacher/WONMSeverusDevilv2-TIES-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 141 | 
            +
                "VirtuosoSmall-InstructModelStock.i1-Q4_K_M.gguf": ["mradermacher/VirtuosoSmall-InstructModelStock-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 142 | 
            +
                "VICIOUS_MESH-12B-GAMMA.Q4_K_M.gguf": ["mradermacher/VICIOUS_MESH-12B-GAMMA-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 143 | 
            +
                "VICIOUS_MESH-12B-BETA.Q4_K_M.gguf": ["mradermacher/VICIOUS_MESH-12B-BETA-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 144 | 
            +
                "TQ2.5-14B-Aletheia-v1.i1-Q4_K_M.gguf": ["mradermacher/TQ2.5-14B-Aletheia-v1-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 145 | 
            +
                "Tiger-7B-v0.1.i1-Q5_K_M.gguf": ["mradermacher/Tiger-7B-v0.1-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 146 | 
            +
                "TaxoLlama3.1-8b-instruct.i1-Q5_K_M.gguf": ["mradermacher/TaxoLlama3.1-8b-instruct-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 147 | 
            +
                "RandomMergeNoNormWEIGHTED-7B-MODELSTOCK.i1-Q5_K_M.gguf": ["mradermacher/RandomMergeNoNormWEIGHTED-7B-MODELSTOCK-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 148 | 
            +
                "RandomMergeNoNormWEIGHTED-7B-DARETIES.i1-Q5_K_M.gguf": ["mradermacher/RandomMergeNoNormWEIGHTED-7B-DARETIES-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 149 | 
            +
                "RandomMergeNoNorm-7B-DARETIES.i1-Q5_K_M.gguf": ["mradermacher/RandomMergeNoNorm-7B-DARETIES-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 150 | 
            +
                "R_Marco_polo.Q5_K_M.gguf": ["mradermacher/R_Marco_polo-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 151 | 
            +
                "Qwenvergence-14B-v3-Reason.i1-Q4_K_M.gguf": ["mradermacher/Qwenvergence-14B-v3-Reason-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 152 | 
            +
                "Qwenvergence-14B-v3-Prose.i1-Q4_K_M.gguf": ["mradermacher/Qwenvergence-14B-v3-Prose-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 153 | 
            +
                "Qwenvergence-14B-v3.i1-Q4_K_M.gguf": ["mradermacher/Qwenvergence-14B-v3-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 154 | 
            +
                "Qwen2.5-14B-SLERPv7.i1-Q4_K_M.gguf": ["mradermacher/Qwen2.5-14B-SLERPv7-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 155 | 
            +
                "Qwen2.5-14B-Instruct-abliterated-v2.i1-Q4_K_M.gguf": ["mradermacher/Qwen2.5-14B-Instruct-abliterated-v2-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 156 | 
            +
                "Prima-LelantaclesV5-7b.i1-Q5_K_M.gguf": ["mradermacher/Prima-LelantaclesV5-7b-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 157 | 
            +
                "q2.5-veltha-14b-q5_k_m.gguf": ["djuna/Q2.5-Veltha-14B-Q5_K_M-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 158 | 
            +
                "OgnoExperiment27-7B.i1-Q5_K_M.gguf": ["mradermacher/OgnoExperiment27-7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 159 | 
            +
                "Neurotic-Jomainotrik-7b-slerp.i1-Q5_K_M.gguf": ["mradermacher/Neurotic-Jomainotrik-7b-slerp-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 160 | 
            +
                "NeuralPearlBeagle.Q5_K_M.gguf": ["mradermacher/NeuralPearlBeagle-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 161 | 
            +
                "Mistral-7B-Instruct-Ukrainian.i1-Q5_K_M.gguf": ["mradermacher/Mistral-7B-Instruct-Ukrainian-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 162 | 
            +
                "Maverick-7B.i1-Q5_K_M.gguf": ["mradermacher/Maverick-7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 163 | 
            +
                "Hermes3-L3.1-DirtyHarry-8B.Q5_K_M.gguf": ["mradermacher/Hermes3-L3.1-DirtyHarry-8B-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 164 | 
            +
                "Hermes3-L3.1-DarkPlanetSF-8B.i1-Q5_K_M.gguf": ["mradermacher/Hermes3-L3.1-DarkPlanetSF-8B-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 165 | 
            +
                "Hermes3-L3.1-BigTalker-8B.i1-Q5_K_M.gguf": ["mradermacher/Hermes3-L3.1-BigTalker-8B-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 166 | 
            +
                "Casuar-9B-Model_Stock.i1-Q4_K_M.gguf": ["mradermacher/Casuar-9B-Model_Stock-i1-GGUF", MessagesFormatterType.ALPACA],
         | 
| 167 | 
            +
                "ZEUS-8B-V9.i1-Q5_K_M.gguf": ["mradermacher/ZEUS-8B-V9-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 168 | 
            +
                "vicious_mesh-12b-delta-q4_k_m.gguf": ["bamec66557/VICIOUS_MESH-12B-DELTA-Q4_K_M-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 169 | 
            +
                "Neural-Logical-Abstract-7B-slerp.Q5_K_M.gguf": ["mradermacher/Neural-Logical-Abstract-7B-slerp-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 170 | 
            +
                "NeuralDareBeagle-7B-slerp.Q5_K_M.gguf": ["mradermacher/NeuralDareBeagle-7B-slerp-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 171 | 
            +
                "Neural_Waifu_7b_V0.1.Q5_K_M.gguf": ["mradermacher/Neural_Waifu_7b_V0.1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 172 | 
            +
                "Mistral-7B-Instruct_v0.2_UNA-TheBeagle-7b-v1.i1-Q5_K_M.gguf": ["mradermacher/Mistral-7B-Instruct_v0.2_UNA-TheBeagle-7b-v1-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 173 | 
            +
                "MISCHIEVOUS-12B-Mix_Neo.i1-Q4_K_M.gguf": ["mradermacher/MISCHIEVOUS-12B-Mix_Neo-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 174 | 
            +
                "MiaLatte-Indo-Mistral-7b.Q5_K_M.gguf": ["mradermacher/MiaLatte-Indo-Mistral-7b-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 175 | 
            +
                "MFANN-SFT-2.i1-Q5_K_M.gguf": ["mradermacher/MFANN-SFT-2-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 176 | 
            +
                "maestrale-chat-v0.3-beta-sft.i1-Q5_K_M.gguf": ["mradermacher/maestrale-chat-v0.3-beta-sft-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 177 | 
            +
                "Llama-3-EZO-8b-Common-it.i1-Q5_K_M.gguf": ["mradermacher/Llama-3-EZO-8b-Common-it-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 178 | 
            +
                "Legal-Saul-Multiverse-7b.Q5_K_M.gguf": ["mradermacher/Legal-Saul-Multiverse-7b-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 179 | 
            +
                "kuno-royale-v3-7b.Q5_K_M.gguf": ["mradermacher/kuno-royale-v3-7b-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 180 | 
            +
                "Kuno-lake-slerp-7b.Q5_K_M.gguf": ["mradermacher/Kuno-lake-slerp-7b-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 181 | 
            +
                "KRONOS-8B-V6.i1-Q5_K_M.gguf": ["mradermacher/KRONOS-8B-V6-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 182 | 
            +
                "Homer-v1.0-Qwen2.5-7B.i1-Q5_K_M.gguf": ["mradermacher/Homer-v1.0-Qwen2.5-7B-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 183 | 
            +
                "FuseCyberMix-Qwen-2.5-7B-Instruct.i1-Q5_K_M.gguf": ["mradermacher/FuseCyberMix-Qwen-2.5-7B-Instruct-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 184 | 
            +
                "flammen7-mistral-7B.Q5_K_M.gguf": ["mradermacher/flammen7-mistral-7B-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 185 | 
            +
                "flammen6-mistral-7B.Q5_K_M.gguf": ["mradermacher/flammen6-mistral-7B-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 186 | 
            +
                "flammen3X-mistral-7B.i1-Q5_K_M.gguf": ["mradermacher/flammen3X-mistral-7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 187 | 
            +
                "Eris-Floramix-7b.i1-Q5_K_M.gguf": ["mradermacher/Eris-Floramix-7b-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 188 | 
            +
                "Eris-Daturamix-7b.i1-Q5_K_M.gguf": ["mradermacher/Eris-Daturamix-7b-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 189 | 
            +
                "Eris_Remix_DPO_7B.i1-Q5_K_M.gguf": ["mradermacher/Eris_Remix_DPO_7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 190 | 
            +
                "dolphin-2.6-mistral-7b-dpo-chat.Q5_K_M.gguf": ["mradermacher/dolphin-2.6-mistral-7b-dpo-chat-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 191 | 
            +
                "BuRP_7B.i1-Q5_K_M.gguf": ["mradermacher/BuRP_7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 192 | 
            +
                "Blurred-Beagle-7b-slerp.Q5_K_M.gguf": ["mradermacher/Blurred-Beagle-7b-slerp-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 193 | 
            +
                "Blur-7B-slerp-v0.1.i1-Q5_K_M.gguf": ["mradermacher/Blur-7B-slerp-v0.1-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 194 | 
            +
                "Biomistral-Clown-Slerp.Q5_K_M.gguf": ["mradermacher/Biomistral-Clown-Slerp-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 195 | 
            +
                "Deris-SSS-7B.Q5_K_M.gguf": ["mradermacher/Deris-SSS-7B-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 196 | 
            +
                "Dark-Waifu-7b.Q5_K_M.gguf": ["mradermacher/Dark-Waifu-7b-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 197 | 
            +
                "Brezn3.Q5_K_M.gguf": ["mradermacher/Brezn3-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 198 | 
            +
                "BreezeDolphin-SLERP-0.1.Q5_K_M.gguf": ["mradermacher/BreezeDolphin-SLERP-0.1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 199 | 
            +
                "Blitz-v0.1.i1-Q5_K_M.gguf": ["mradermacher/Blitz-v0.1-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 200 | 
            +
                "Asymmetric_Linearity-8B-Model_Stock.Q5_K_M.gguf": ["mradermacher/Asymmetric_Linearity-8B-Model_Stock-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 201 | 
            +
                "KRONOS-8B-V5.i1-Q5_K_M.gguf": ["mradermacher/KRONOS-8B-V5-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 202 | 
            +
                "14b-Qwen2.5-Infermatic-Crea-v1.i1-Q4_K_M.gguf": ["mradermacher/14b-Qwen2.5-Infermatic-Crea-v1-i1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 203 | 
            +
                "TQ2.5-14B-Neon-v1-Q4_K_M.gguf": ["bartowski/TQ2.5-14B-Neon-v1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 204 | 
            +
                "TQ2.5-14B-Aletheia-v1-Q4_K_M.gguf": ["bartowski/TQ2.5-14B-Aletheia-v1-GGUF", MessagesFormatterType.OPEN_CHAT],
         | 
| 205 | 
            +
                "SynthIQ-7b.i1-Q5_K_M.gguf": ["mradermacher/SynthIQ-7b-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 206 | 
            +
                "MISCHIEVOUS-12B-Mix_III_IV_V.i1-Q4_K_M.gguf": ["mradermacher/MISCHIEVOUS-12B-Mix_III_IV_V-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 207 | 
            +
                "KRONOS-8B-V4.i1-Q5_K_M.gguf": ["mradermacher/KRONOS-8B-V4-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 208 | 
            +
                "fratricide-12B-Unslop-Mell-DARKNESS.i1-Q4_K_M.gguf": ["mradermacher/fratricide-12B-Unslop-Mell-DARKNESS-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 209 | 
            +
                "AngelSlayer-12B-Unslop-Mell-RPMax-DARKNESS-v2.i1-Q4_K_M.gguf": ["mradermacher/AngelSlayer-12B-Unslop-Mell-RPMax-DARKNESS-v2-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 210 | 
            +
                "Llama-3-8B-ArliAI-Formax-v1.0.i1-Q5_K_M.gguf": ["mradermacher/Llama-3-8B-ArliAI-Formax-v1.0-i1-GGUF", MessagesFormatterType.LLAMA_3],
         | 
| 211 | 
            +
                "MonarchLake-7B.i1-Q5_K_M.gguf": ["mradermacher/MonarchLake-7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 212 | 
            +
                "Evangelion-7B.i1-Q5_K_M.gguf": ["mradermacher/Evangelion-7B-i1-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 213 | 
             
                "Mistral-7B-Instruct-v0.2-Neural-Story.Q5_K_M.gguf": ["mradermacher/Mistral-7B-Instruct-v0.2-Neural-Story-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 214 | 
             
                "Layris_9B.Q4_K_M.gguf": ["mradermacher/Layris_9B-GGUF", MessagesFormatterType.MISTRAL],
         | 
| 215 | 
             
                "Eris_Remix_7B.Q5_K_M.gguf": ["mradermacher/Eris_Remix_7B-GGUF", MessagesFormatterType.MISTRAL],
         | 
    	
        lora_dict.json
    CHANGED
    
    | @@ -139,6 +139,13 @@ | |
| 139 | 
             
                "https://civitai.com/models/105369",
         | 
| 140 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/fcb5db04-51f8-4032-b041-2d892de65b45/width=450/22025810.jpeg"
         | 
| 141 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 142 | 
             
              "2FingersSDXL_v03": [
         | 
| 143 | 
             
                "fingering pussy",
         | 
| 144 | 
             
                "SDXL 1.0",
         | 
| @@ -230,6 +237,27 @@ | |
| 230 | 
             
                "https://civitai.com/models/360097",
         | 
| 231 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/39eb9004-144c-4959-8f39-d0174171d382/width=450/17036757.jpeg"
         | 
| 232 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 233 | 
             
              "AfterGroupSex_Pony_V1": [
         | 
| 234 | 
             
                "group sex, after sex, hetero,6+boys,6+penises,veiny penis, 1girl, solo, crying,  lying, fucked silly, collarbone, breasts, navel, arms up, spread legs, ass grab, spread ass, oily skin, clitoris, clitoral hood, (urethra), (close-up urethra:1.25), Gaping urethra, spread urethra, after urethra, (cum overflow urethra), spread pussy, after vaginal, spread anus, after anal, spread armpits, after armpits, cum in armpits, (cum overflow armpits), bukkake, facial, excessive cum, cum string,  cum on mouth,",
         | 
| 235 | 
             
                "Pony",
         | 
| @@ -622,6 +650,13 @@ | |
| 622 | 
             
                "https://civitai.com/models/17610",
         | 
| 623 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/ce7d0709-f4e0-4183-bcf1-f2091470503b/width=450/8866158.jpeg"
         | 
| 624 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 625 | 
             
              "Creat0r_MagicDetailzV1": [
         | 
| 626 | 
             
                "",
         | 
| 627 | 
             
                "SDXL 1.0",
         | 
| @@ -958,6 +993,20 @@ | |
| 958 | 
             
                "https://civitai.com/models/20289",
         | 
| 959 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e31cf667-978e-475e-86a5-519a369dc1e8/width=450/2115523.jpeg"
         | 
| 960 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 961 | 
             
              "GatlingGun_pdxl_Incrs_v1": [
         | 
| 962 | 
             
                "gatling gun, holding gatling gun / [:smoke, firing:0.25]",
         | 
| 963 | 
             
                "Pony",
         | 
| @@ -1413,6 +1462,13 @@ | |
| 1413 | 
             
                "https://civitai.com/models/707917",
         | 
| 1414 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/f6142e8f-9b61-4b1a-b3af-d189bfd57ef2/width=450/27362929.jpeg"
         | 
| 1415 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 1416 | 
             
              "Lift_Up_Dress": [
         | 
| 1417 | 
             
                "LIFT UP DRESS / CURTSEY / FROM BELOW / FROM BACK",
         | 
| 1418 | 
             
                "SDXL 1.0",
         | 
| @@ -2120,6 +2176,13 @@ | |
| 2120 | 
             
                "https://civitai.com/models/603605",
         | 
| 2121 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/b5274f2e-5917-4d4a-b27f-7d847b10ea68/width=450/21530893.jpeg"
         | 
| 2122 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 2123 | 
             
              "Shaped_Uterus": [
         | 
| 2124 | 
             
                "x-ray / shapeduterus / ovaries / fallopian_tubes",
         | 
| 2125 | 
             
                "Pony",
         | 
| @@ -2890,6 +2953,34 @@ | |
| 2890 | 
             
                "https://civitai.com/models/516752",
         | 
| 2891 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e48cb2fb-7aaf-4424-8ea7-acf2160290b9/width=450/17102038.jpeg"
         | 
| 2892 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 2893 | 
             
              "agepony8": [
         | 
| 2894 | 
             
                "",
         | 
| 2895 | 
             
                "Pony",
         | 
| @@ -3170,6 +3261,20 @@ | |
| 3170 | 
             
                "https://civitai.com/models/538301",
         | 
| 3171 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/b800269a-ab18-4244-b1ac-cbb0df092bf4/width=450/17204111.jpeg"
         | 
| 3172 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 3173 | 
             
              "basketball_uniform_XL_V1_0": [
         | 
| 3174 | 
             
                "",
         | 
| 3175 | 
             
                "",
         | 
| @@ -3478,6 +3583,13 @@ | |
| 3478 | 
             
                "https://civitai.com/models/559991",
         | 
| 3479 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/893857c3-0cd3-4e85-b141-4ef7fb75655e/width=450/18656305.jpeg"
         | 
| 3480 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 3481 | 
             
              "bunchinghair_XL_v1": [
         | 
| 3482 | 
             
                "bunching hair",
         | 
| 3483 | 
             
                "SDXL 1.0",
         | 
| @@ -4045,6 +4157,13 @@ | |
| 4045 | 
             
                "https://civitai.com/models/454079",
         | 
| 4046 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/46f67264-f1ea-40ba-a391-f4a03225573c/width=450/14905608.jpeg"
         | 
| 4047 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 4048 | 
             
              "daisyuki_pony_V1_0": [
         | 
| 4049 | 
             
                "daisyuki,sex,legs lock / kiss / lying / sitting / standing",
         | 
| 4050 | 
             
                "Pony",
         | 
| @@ -4164,6 +4283,13 @@ | |
| 4164 | 
             
                "https://civitai.com/models/562395",
         | 
| 4165 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/c72b5eda-1fc7-415e-a0eb-9e47056568e8/width=450/18810858.jpeg"
         | 
| 4166 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 4167 | 
             
              "dissolving-xl-pony-v2-000008": [
         | 
| 4168 | 
             
                "dissolving, disintegration",
         | 
| 4169 | 
             
                "Pony",
         | 
| @@ -4283,6 +4409,13 @@ | |
| 4283 | 
             
                "https://civitai.com/models/569209",
         | 
| 4284 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/2c29e00d-790a-4a16-aa4a-ca320979b7c8/width=450/19229866.jpeg"
         | 
| 4285 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 4286 | 
             
              "e9f3f5cc-3ec3-4b47-b8a9-c1cf70ef5f34": [
         | 
| 4287 | 
             
                "",
         | 
| 4288 | 
             
                "SDXL 1.0",
         | 
| @@ -4297,6 +4430,13 @@ | |
| 4297 | 
             
                "https://civitai.com/models/552463",
         | 
| 4298 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/3a9dcf85-a3e8-44d4-9e48-1a6b0f21ef31/width=450/18153670.jpeg"
         | 
| 4299 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 4300 | 
             
              "ekiben_pony_V1_0": [
         | 
| 4301 | 
             
                "ekiben, suspended congress, 1girl, 1boy / sex / sex from behind / spread legs",
         | 
| 4302 | 
             
                "Pony",
         | 
| @@ -4367,6 +4507,13 @@ | |
| 4367 | 
             
                "https://civitai.com/models/492642",
         | 
| 4368 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/fc37e04d-b9f8-4b7d-b261-31960f963a6b/width=450/14453052.jpeg"
         | 
| 4369 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 4370 | 
             
              "fellatio_and_masturbation_pony_V1_0": [
         | 
| 4371 | 
             
                "fellatio and masturbation / fellatio / female masturbation / fingering / pussy / dildo",
         | 
| 4372 | 
             
                "Pony",
         | 
| @@ -4374,6 +4521,13 @@ | |
| 4374 | 
             
                "https://civitai.com/models/554142",
         | 
| 4375 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/98572df7-7c59-4079-a68a-e3bd1dc1fc85/width=450/18274457.jpeg"
         | 
| 4376 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 4377 | 
             
              "fetal_position_pony": [
         | 
| 4378 | 
             
                "fetal_position",
         | 
| 4379 | 
             
                "Pony",
         | 
| @@ -4780,6 +4934,13 @@ | |
| 4780 | 
             
                "https://civitai.com/models/532569",
         | 
| 4781 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/390ea515-ffac-4b06-9e7f-e65f3f053724/width=450/16833631.jpeg"
         | 
| 4782 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 4783 | 
             
              "hand_over_own_mouth_pony_V1_0": [
         | 
| 4784 | 
             
                "hand over own mouth, covering own mouth",
         | 
| 4785 | 
             
                "Pony",
         | 
| @@ -4976,6 +5137,41 @@ | |
| 4976 | 
             
                "https://civitai.com/models/498731",
         | 
| 4977 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/06a0dc3a-42ba-42b5-9ea9-d6b6faa3543b/width=450/14812284.jpeg"
         | 
| 4978 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 4979 | 
             
              "hotarueye_xl_hosome1_v20": [
         | 
| 4980 | 
             
                "",
         | 
| 4981 | 
             
                "Pony",
         | 
| @@ -5130,6 +5326,13 @@ | |
| 5130 | 
             
                "https://civitai.com/models/363398",
         | 
| 5131 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e8f31f60-8949-42da-b740-c6541e0d6d9b/width=450/8398353.jpeg"
         | 
| 5132 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 5133 | 
             
              "imminent_penetration_illustrious_V1_0": [
         | 
| 5134 | 
             
                "imminent penetration, penis, blush, 1boy, erection,speead legs",
         | 
| 5135 | 
             
                "Illustrious",
         | 
| @@ -5466,6 +5669,13 @@ | |
| 5466 | 
             
                "https://civitai.com/models/633876",
         | 
| 5467 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e5e0925d-0584-4bdd-9191-f1a30cd793ab/width=450/23472385.jpeg"
         | 
| 5468 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 5469 | 
             
              "kuragecut_v1": [
         | 
| 5470 | 
             
                "kuragecut",
         | 
| 5471 | 
             
                "SDXL 1.0",
         | 
| @@ -5900,6 +6110,13 @@ | |
| 5900 | 
             
                "https://civitai.com/models/455382",
         | 
| 5901 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/f85b95e6-f83f-4de4-8289-0f825d305cdf/width=450/12484731.jpeg"
         | 
| 5902 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 5903 | 
             
              "mesuinu_pony_V1_0": [
         | 
| 5904 | 
             
                "mesuinu / paw pose / squatting / all fours,leg lift / peeing / leash",
         | 
| 5905 | 
             
                "Pony",
         | 
| @@ -5970,6 +6187,13 @@ | |
| 5970 | 
             
                "https://civitai.com/models/604781",
         | 
| 5971 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/a11bb75f-9b0c-42e1-97b2-0b1f9cd08e85/width=450/21595792.jpeg"
         | 
| 5972 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 5973 | 
             
              "mugshot_pony_ver1": [
         | 
| 5974 | 
             
                "mugshot / holding sign",
         | 
| 5975 | 
             
                "Pony",
         | 
| @@ -5998,6 +6222,27 @@ | |
| 5998 | 
             
                "https://civitai.com/models/575376",
         | 
| 5999 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/a1270578-32f8-4c86-b0ee-22d8e4acff9e/width=450/19659746.jpeg"
         | 
| 6000 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 6001 | 
             
              "naipf": [
         | 
| 6002 | 
             
                "",
         | 
| 6003 | 
             
                "Pony",
         | 
| @@ -6005,6 +6250,13 @@ | |
| 6005 | 
             
                "https://civitai.com/models/359088",
         | 
| 6006 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/029cb805-c237-4f2a-8744-7cabadf3cb10/width=450/9912843.jpeg"
         | 
| 6007 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 6008 | 
             
              "naked_ribbon_XL_V1_0": [
         | 
| 6009 | 
             
                "body ribbon / ribbon / naked ribbon",
         | 
| 6010 | 
             
                "SDXL 1.0",
         | 
| @@ -6187,6 +6439,13 @@ | |
| 6187 | 
             
                "https://civitai.com/models/529252",
         | 
| 6188 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/24230a41-400e-4454-b4b9-e2ddd17eb719/width=450/16613448.jpeg"
         | 
| 6189 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 6190 | 
             
              "ojousamaXLv1": [
         | 
| 6191 | 
             
                "ojou-sama pose",
         | 
| 6192 | 
             
                "SDXL 1.0",
         | 
| @@ -6334,6 +6593,13 @@ | |
| 6334 | 
             
                "https://civitai.com/models/365200",
         | 
| 6335 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/2004ba0c-e6f8-4f4d-8c10-0ed266c77797/width=450/9255075.jpeg"
         | 
| 6336 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 6337 | 
             
              "p3summon_pony": [
         | 
| 6338 | 
             
                "p3summon",
         | 
| 6339 | 
             
                "Pony",
         | 
| @@ -7349,6 +7615,13 @@ | |
| 7349 | 
             
                "https://civitai.com/models/472477",
         | 
| 7350 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/79f6db7f-11af-4671-8258-4cf8b3ae5309/width=450/14347589.jpeg"
         | 
| 7351 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 7352 | 
             
              "shirizumou_pony_V1_0": [
         | 
| 7353 | 
             
                "ass sumo wrestling, 2girls, ass, ass to ass / standing / bent over / from side",
         | 
| 7354 | 
             
                "Pony",
         | 
| @@ -7482,6 +7755,13 @@ | |
| 7482 | 
             
                "https://civitai.com/models/905746",
         | 
| 7483 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/07ef9845-3d87-4e07-9d01-94d4a7b2581f/width=450/37583480.jpeg"
         | 
| 7484 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 7485 | 
             
              "soap_bubbles_pony_V1_0": [
         | 
| 7486 | 
             
                "soap bubbles / soap",
         | 
| 7487 | 
             
                "Pony",
         | 
| @@ -7944,6 +8224,13 @@ | |
| 7944 | 
             
                "https://civitai.com/models/557205",
         | 
| 7945 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/053090bc-07f6-4a29-8f0e-466a4315bcc4/width=450/18467601.jpeg"
         | 
| 7946 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 7947 | 
             
              "tentacle_pit_ponyXL_V1": [
         | 
| 7948 | 
             
                "tentacles /  tentacle pit /  nipple insertion / birth tentacles /  restrained horizontally /  pregnant belly",
         | 
| 7949 | 
             
                "Pony",
         | 
| @@ -8301,6 +8588,13 @@ | |
| 8301 | 
             
                "https://civitai.com/models/589694",
         | 
| 8302 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/b385262d-35f7-4346-9752-8e25868d6e7b/width=450/20623530.jpeg"
         | 
| 8303 | 
             
              ],
         | 
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
|  | |
| 8304 | 
             
              "uterus_v1": [
         | 
| 8305 | 
             
                "x-ray,cross-section,urethra,cervix,ovaries,uterus,vaginal,clitoris,clitoral hood,internal cumshot,deep penetration,cum in uterus,uncensored",
         | 
| 8306 | 
             
                "Pony",
         | 
|  | |
| 139 | 
             
                "https://civitai.com/models/105369",
         | 
| 140 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/fcb5db04-51f8-4032-b041-2d892de65b45/width=450/22025810.jpeg"
         | 
| 141 | 
             
              ],
         | 
| 142 | 
            +
              "2000s_anime_style_illustrious_LoRA-000007": [
         | 
| 143 | 
            +
                "",
         | 
| 144 | 
            +
                "SDXL 1.0",
         | 
| 145 | 
            +
                "2000s anime style illustrious LoRA",
         | 
| 146 | 
            +
                "https://civitai.com/models/978047",
         | 
| 147 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/29f0f738-a8f0-4234-8711-d12596ee8a2a/width=450/41871062.jpeg"
         | 
| 148 | 
            +
              ],
         | 
| 149 | 
             
              "2FingersSDXL_v03": [
         | 
| 150 | 
             
                "fingering pussy",
         | 
| 151 | 
             
                "SDXL 1.0",
         | 
|  | |
| 237 | 
             
                "https://civitai.com/models/360097",
         | 
| 238 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/39eb9004-144c-4959-8f39-d0174171d382/width=450/17036757.jpeg"
         | 
| 239 | 
             
              ],
         | 
| 240 | 
            +
              "AdventureTime_ILL": [
         | 
| 241 | 
            +
                "adventure time",
         | 
| 242 | 
            +
                "Illustrious",
         | 
| 243 | 
            +
                "Adventure Time (Style) [Illustrious + PonyDiffusionXL]",
         | 
| 244 | 
            +
                "https://civitai.com/models/389661",
         | 
| 245 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e3769f06-dd4f-4503-81a0-ff8795b99307/width=450/47089180.jpeg"
         | 
| 246 | 
            +
              ],
         | 
| 247 | 
            +
              "Adventure_Time_Style": [
         | 
| 248 | 
            +
                "AdvTimeStyle, cartoon style, bold outlines, minimalistic shading, flat shading, flat colors",
         | 
| 249 | 
            +
                "Pony",
         | 
| 250 | 
            +
                "Adventure Time Style [PonyDiffusionXL]",
         | 
| 251 | 
            +
                "https://civitai.com/models/1031653",
         | 
| 252 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/a4db8260-7115-40cb-8bcb-5416481349cd/width=450/45183538.jpeg"
         | 
| 253 | 
            +
              ],
         | 
| 254 | 
            +
              "Adventure_Time_Style_LORA": [
         | 
| 255 | 
            +
                "adventure time / dot eyes",
         | 
| 256 | 
            +
                "Pony",
         | 
| 257 | 
            +
                "Adventure Time (Style) [Illustrious + PonyDiffusionXL]",
         | 
| 258 | 
            +
                "https://civitai.com/models/389661",
         | 
| 259 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/ad279df4-90b7-4da7-a55d-1a9b1a2e771b/width=450/9408844.jpeg"
         | 
| 260 | 
            +
              ],
         | 
| 261 | 
             
              "AfterGroupSex_Pony_V1": [
         | 
| 262 | 
             
                "group sex, after sex, hetero,6+boys,6+penises,veiny penis, 1girl, solo, crying,  lying, fucked silly, collarbone, breasts, navel, arms up, spread legs, ass grab, spread ass, oily skin, clitoris, clitoral hood, (urethra), (close-up urethra:1.25), Gaping urethra, spread urethra, after urethra, (cum overflow urethra), spread pussy, after vaginal, spread anus, after anal, spread armpits, after armpits, cum in armpits, (cum overflow armpits), bukkake, facial, excessive cum, cum string,  cum on mouth,",
         | 
| 263 | 
             
                "Pony",
         | 
|  | |
| 650 | 
             
                "https://civitai.com/models/17610",
         | 
| 651 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/ce7d0709-f4e0-4183-bcf1-f2091470503b/width=450/8866158.jpeg"
         | 
| 652 | 
             
              ],
         | 
| 653 | 
            +
              "CozyBlanket_illusXL_Incrs_v1": [
         | 
| 654 | 
            +
                "blanket / under covers / chibi",
         | 
| 655 | 
            +
                "Illustrious",
         | 
| 656 | 
            +
                "Cozy Blanket | Concept LoRA IllustriousXL",
         | 
| 657 | 
            +
                "https://civitai.com/models/1052164",
         | 
| 658 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/0295d27b-4777-403f-be6f-5ae01455ca1b/width=450/46374180.jpeg"
         | 
| 659 | 
            +
              ],
         | 
| 660 | 
             
              "Creat0r_MagicDetailzV1": [
         | 
| 661 | 
             
                "",
         | 
| 662 | 
             
                "SDXL 1.0",
         | 
|  | |
| 993 | 
             
                "https://civitai.com/models/20289",
         | 
| 994 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e31cf667-978e-475e-86a5-519a369dc1e8/width=450/2115523.jpeg"
         | 
| 995 | 
             
              ],
         | 
| 996 | 
            +
              "Gate_of_Babylon_[IL]": [
         | 
| 997 | 
            +
                "gate of babylon, weapon, parody / yellow light",
         | 
| 998 | 
            +
                "Illustrious",
         | 
| 999 | 
            +
                "Gate of babylon  [\u738b\u306e\u8ca1\u5b9d\u30b2\u30fc\u30c8\u30fb\u30aa\u30d6\u30fb\u30d0\u30d3\u30ed\u30f3] [Fate]",
         | 
| 1000 | 
            +
                "https://civitai.com/models/199753",
         | 
| 1001 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/155aace9-702e-4880-91b9-aeb2793e123c/width=450/43805346.jpeg"
         | 
| 1002 | 
            +
              ],
         | 
| 1003 | 
            +
              "Gate_of_babylon-10": [
         | 
| 1004 | 
            +
                "gate_of_babylon / 1boy/1girl, solo, / glowing circles in background, back lighting, raised arm",
         | 
| 1005 | 
            +
                "SD 1.5",
         | 
| 1006 | 
            +
                "Gate of babylon  [\u738b\u306e\u8ca1\u5b9d\u30b2\u30fc\u30c8\u30fb\u30aa\u30d6\u30fb\u30d0\u30d3\u30ed\u30f3] [Fate]",
         | 
| 1007 | 
            +
                "https://civitai.com/models/199753",
         | 
| 1008 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/2748fa04-e3a3-45fe-8488-6d1509dd73cb/width=450/3615131.jpeg"
         | 
| 1009 | 
            +
              ],
         | 
| 1010 | 
             
              "GatlingGun_pdxl_Incrs_v1": [
         | 
| 1011 | 
             
                "gatling gun, holding gatling gun / [:smoke, firing:0.25]",
         | 
| 1012 | 
             
                "Pony",
         | 
|  | |
| 1462 | 
             
                "https://civitai.com/models/707917",
         | 
| 1463 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/f6142e8f-9b61-4b1a-b3af-d189bfd57ef2/width=450/27362929.jpeg"
         | 
| 1464 | 
             
              ],
         | 
| 1465 | 
            +
              "Lesbian_fingering": [
         | 
| 1466 | 
            +
                "lefiys, yuri, on bed, fingering, nude / french kiss, pussy juice",
         | 
| 1467 | 
            +
                "Pony",
         | 
| 1468 | 
            +
                "Lesbian fingering",
         | 
| 1469 | 
            +
                "https://civitai.com/models/921033",
         | 
| 1470 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/d135bdc6-eaf6-4442-8f52-0de0086e8daa/width=450/38513935.jpeg"
         | 
| 1471 | 
            +
              ],
         | 
| 1472 | 
             
              "Lift_Up_Dress": [
         | 
| 1473 | 
             
                "LIFT UP DRESS / CURTSEY / FROM BELOW / FROM BACK",
         | 
| 1474 | 
             
                "SDXL 1.0",
         | 
|  | |
| 2176 | 
             
                "https://civitai.com/models/603605",
         | 
| 2177 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/b5274f2e-5917-4d4a-b27f-7d847b10ea68/width=450/21530893.jpeg"
         | 
| 2178 | 
             
              ],
         | 
| 2179 | 
            +
              "SexToy_Fleshlight_v1_XL": [
         | 
| 2180 | 
            +
                "see tag description",
         | 
| 2181 | 
            +
                "SDXL 1.0",
         | 
| 2182 | 
            +
                "SexToy - Fleshlight",
         | 
| 2183 | 
            +
                "https://civitai.com/models/960924",
         | 
| 2184 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/815f9a27-9b38-4930-a6dc-23eadb2adb7d/width=450/40844075.jpeg"
         | 
| 2185 | 
            +
              ],
         | 
| 2186 | 
             
              "Shaped_Uterus": [
         | 
| 2187 | 
             
                "x-ray / shapeduterus / ovaries / fallopian_tubes",
         | 
| 2188 | 
             
                "Pony",
         | 
|  | |
| 2953 | 
             
                "https://civitai.com/models/516752",
         | 
| 2954 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e48cb2fb-7aaf-4424-8ea7-acf2160290b9/width=450/17102038.jpeg"
         | 
| 2955 | 
             
              ],
         | 
| 2956 | 
            +
              "age_control_XL_illustrious-noob_v1": [
         | 
| 2957 | 
            +
                "child / old woman / old man",
         | 
| 2958 | 
            +
                "Illustrious",
         | 
| 2959 | 
            +
                "age control \u5e74\u9f62\u64cd\u4f5c",
         | 
| 2960 | 
            +
                "https://civitai.com/models/465603",
         | 
| 2961 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/16cb4178-de6e-4691-8e75-b8c71ca1bb1d/width=450/41732265.jpeg"
         | 
| 2962 | 
            +
              ],
         | 
| 2963 | 
            +
              "age_control_XL_illustrious-noob_v2": [
         | 
| 2964 | 
            +
                "child / mature female / mature male / old woman / old man",
         | 
| 2965 | 
            +
                "Illustrious",
         | 
| 2966 | 
            +
                "age control \u5e74\u9f62\u64cd\u4f5c",
         | 
| 2967 | 
            +
                "https://civitai.com/models/465603",
         | 
| 2968 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/d354f99f-4868-46c0-a82d-0d99abea0913/width=450/45388992.jpeg"
         | 
| 2969 | 
            +
              ],
         | 
| 2970 | 
            +
              "age_control_XL_pony_v2": [
         | 
| 2971 | 
            +
                " child / old / old man",
         | 
| 2972 | 
            +
                "Pony",
         | 
| 2973 | 
            +
                "age control \u5e74\u9f62\u64cd\u4f5c",
         | 
| 2974 | 
            +
                "https://civitai.com/models/465603",
         | 
| 2975 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/5aa2d189-057d-46f3-b8e1-1f16540222ef/width=450/42590331.jpeg"
         | 
| 2976 | 
            +
              ],
         | 
| 2977 | 
            +
              "aged_XL-bf16-pony-v1": [
         | 
| 2978 | 
            +
                "aged down, child / aged up, old woman",
         | 
| 2979 | 
            +
                "Pony",
         | 
| 2980 | 
            +
                "age control \u5e74\u9f62\u64cd\u4f5c",
         | 
| 2981 | 
            +
                "https://civitai.com/models/465603",
         | 
| 2982 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/845ae994-a3b1-40fd-b713-8d94953aa6b4/width=450/13020460.jpeg"
         | 
| 2983 | 
            +
              ],
         | 
| 2984 | 
             
              "agepony8": [
         | 
| 2985 | 
             
                "",
         | 
| 2986 | 
             
                "Pony",
         | 
|  | |
| 3261 | 
             
                "https://civitai.com/models/538301",
         | 
| 3262 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/b800269a-ab18-4244-b1ac-cbb0df092bf4/width=450/17204111.jpeg"
         | 
| 3263 | 
             
              ],
         | 
| 3264 | 
            +
              "basketball-dribbling-ponyxl-lora-nochekaiser": [
         | 
| 3265 | 
            +
                "<lora:basketball-dribbling-ponyxl-lora-nochekaiser:1> basketball dribbling, dribbling (basketball), basketball, basketball (object), basketball court, playing sports, ball, sweat, steam, running,",
         | 
| 3266 | 
            +
                "Pony",
         | 
| 3267 | 
            +
                "Basketball Dribbling - Concept",
         | 
| 3268 | 
            +
                "https://civitai.com/models/1010064",
         | 
| 3269 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/cb3495cc-fb56-4fc2-85e6-ece4f95bfcd1/width=450/43895718.jpeg"
         | 
| 3270 | 
            +
              ],
         | 
| 3271 | 
            +
              "basketball-uniform-ponyxl-lora-nochekaiser": [
         | 
| 3272 | 
            +
                "<lora:basketball-uniform-ponyxl-lora-nochekaiser:1> basketball uniform, basketball jersery, sportswear, jersey, shorts, sleeveless,",
         | 
| 3273 | 
            +
                "Pony",
         | 
| 3274 | 
            +
                "Basketball Uniform - Clothing",
         | 
| 3275 | 
            +
                "https://civitai.com/models/1009996",
         | 
| 3276 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/b39fcca1-bfd6-4c73-b919-1261b85251f5/width=450/43882203.jpeg"
         | 
| 3277 | 
            +
              ],
         | 
| 3278 | 
             
              "basketball_uniform_XL_V1_0": [
         | 
| 3279 | 
             
                "",
         | 
| 3280 | 
             
                "",
         | 
|  | |
| 3583 | 
             
                "https://civitai.com/models/559991",
         | 
| 3584 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/893857c3-0cd3-4e85-b141-4ef7fb75655e/width=450/18656305.jpeg"
         | 
| 3585 | 
             
              ],
         | 
| 3586 | 
            +
              "bukkake_slider_illustrious_goofy": [
         | 
| 3587 | 
            +
                "",
         | 
| 3588 | 
            +
                "Illustrious",
         | 
| 3589 | 
            +
                "Bukkake Slider illustrious | Goofy Ai",
         | 
| 3590 | 
            +
                "https://civitai.com/models/960580",
         | 
| 3591 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/639f75c9-cf7a-4640-9c15-502aef3a3454/width=450/40819302.jpeg"
         | 
| 3592 | 
            +
              ],
         | 
| 3593 | 
             
              "bunchinghair_XL_v1": [
         | 
| 3594 | 
             
                "bunching hair",
         | 
| 3595 | 
             
                "SDXL 1.0",
         | 
|  | |
| 4157 | 
             
                "https://civitai.com/models/454079",
         | 
| 4158 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/46f67264-f1ea-40ba-a391-f4a03225573c/width=450/14905608.jpeg"
         | 
| 4159 | 
             
              ],
         | 
| 4160 | 
            +
              "daisyuki_illustrious_V1_0": [
         | 
| 4161 | 
            +
                "daisyuki, sex,legs lock",
         | 
| 4162 | 
            +
                "Illustrious",
         | 
| 4163 | 
            +
                "\u3060\u3044\u3057\u3085\u304d\u30db\u30fc\u30eb\u30c9/legs lock",
         | 
| 4164 | 
            +
                "https://civitai.com/models/628775",
         | 
| 4165 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/740f1148-c7d3-4f8d-9dc1-fa196615c148/width=450/45655026.jpeg"
         | 
| 4166 | 
            +
              ],
         | 
| 4167 | 
             
              "daisyuki_pony_V1_0": [
         | 
| 4168 | 
             
                "daisyuki,sex,legs lock / kiss / lying / sitting / standing",
         | 
| 4169 | 
             
                "Pony",
         | 
|  | |
| 4283 | 
             
                "https://civitai.com/models/562395",
         | 
| 4284 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/c72b5eda-1fc7-415e-a0eb-9e47056568e8/width=450/18810858.jpeg"
         | 
| 4285 | 
             
              ],
         | 
| 4286 | 
            +
              "disgust-ponyxl-lora-nochekaiser": [
         | 
| 4287 | 
            +
                "<lora:disgust-ponyxl-lora-nochekaiser:1>, disgust, lifting own clothes, shaded face, looking down, glaring, clothes lift, skirt lift, teeth,",
         | 
| 4288 | 
            +
                "Pony",
         | 
| 4289 | 
            +
                "Disgust / I Want You To Show Me Your Panties With a Disgusted Face (IyaPan) (\u5acc\u306a\u9854\u3055\u308c\u306a\u304c\u3089\u304a\u30d1\u30f3\u30c4\u898b\u305b\u3066\u3082\u3089\u3044\u305f\u3044) - Concept",
         | 
| 4290 | 
            +
                "https://civitai.com/models/970470",
         | 
| 4291 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/7fb558f2-71ac-4e31-8968-f81d815a5ff5/width=450/41411251.jpeg"
         | 
| 4292 | 
            +
              ],
         | 
| 4293 | 
             
              "dissolving-xl-pony-v2-000008": [
         | 
| 4294 | 
             
                "dissolving, disintegration",
         | 
| 4295 | 
             
                "Pony",
         | 
|  | |
| 4409 | 
             
                "https://civitai.com/models/569209",
         | 
| 4410 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/2c29e00d-790a-4a16-aa4a-ca320979b7c8/width=450/19229866.jpeg"
         | 
| 4411 | 
             
              ],
         | 
| 4412 | 
            +
              "dvddvd-ponyxl-lora-nochekaiser": [
         | 
| 4413 | 
            +
                "<lora:dvddvd-ponyxl-lora-nochekaiser:1> dvddvd, dvddvd (meme), meme, undressing, removing bra, no shirt, bra, adjusting bra, closed eyes, navel, blush, embarrassed, ",
         | 
| 4414 | 
            +
                "Pony",
         | 
| 4415 | 
            +
                "DVD!! DVD!! (D\u30fbV\u30fbD!! D\u30fbV\u30fbD!!) (\u59c9DVD) - Concept",
         | 
| 4416 | 
            +
                "https://civitai.com/models/994456",
         | 
| 4417 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/863e3f8f-9d50-4bf7-baf9-9cd8c596cde6/width=450/42925453.jpeg"
         | 
| 4418 | 
            +
              ],
         | 
| 4419 | 
             
              "e9f3f5cc-3ec3-4b47-b8a9-c1cf70ef5f34": [
         | 
| 4420 | 
             
                "",
         | 
| 4421 | 
             
                "SDXL 1.0",
         | 
|  | |
| 4430 | 
             
                "https://civitai.com/models/552463",
         | 
| 4431 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/3a9dcf85-a3e8-44d4-9e48-1a6b0f21ef31/width=450/18153670.jpeg"
         | 
| 4432 | 
             
              ],
         | 
| 4433 | 
            +
              "ekiben_illustrious_V1_0": [
         | 
| 4434 | 
            +
                "ekiben, suspended congress, 1boy, sex",
         | 
| 4435 | 
            +
                "Illustrious",
         | 
| 4436 | 
            +
                "\u99c5\u5f01",
         | 
| 4437 | 
            +
                "https://civitai.com/models/708540",
         | 
| 4438 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/6b22a111-ef2b-4952-bcf7-c46d5f95b8cb/width=450/45212016.jpeg"
         | 
| 4439 | 
            +
              ],
         | 
| 4440 | 
             
              "ekiben_pony_V1_0": [
         | 
| 4441 | 
             
                "ekiben, suspended congress, 1girl, 1boy / sex / sex from behind / spread legs",
         | 
| 4442 | 
             
                "Pony",
         | 
|  | |
| 4507 | 
             
                "https://civitai.com/models/492642",
         | 
| 4508 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/fc37e04d-b9f8-4b7d-b261-31960f963a6b/width=450/14453052.jpeg"
         | 
| 4509 | 
             
              ],
         | 
| 4510 | 
            +
              "fellatio_and_masturbation_illustrious_V1_0": [
         | 
| 4511 | 
            +
                "fellatio and masturbation, fellatio, female masturbation, 1boy, penis",
         | 
| 4512 | 
            +
                "Illustrious",
         | 
| 4513 | 
            +
                "\u30d5\u30a7\u30e9\u30c1\u30aa\u3068\u30aa\u30ca\u30cb\u30fc/ fellatio and masturbation",
         | 
| 4514 | 
            +
                "https://civitai.com/models/554142",
         | 
| 4515 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/b096e211-882c-47d9-a170-9807b295ef2a/width=450/43975686.jpeg"
         | 
| 4516 | 
            +
              ],
         | 
| 4517 | 
             
              "fellatio_and_masturbation_pony_V1_0": [
         | 
| 4518 | 
             
                "fellatio and masturbation / fellatio / female masturbation / fingering / pussy / dildo",
         | 
| 4519 | 
             
                "Pony",
         | 
|  | |
| 4521 | 
             
                "https://civitai.com/models/554142",
         | 
| 4522 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/98572df7-7c59-4079-a68a-e3bd1dc1fc85/width=450/18274457.jpeg"
         | 
| 4523 | 
             
              ],
         | 
| 4524 | 
            +
              "female_ejaculation_illustrious_V1_0": [
         | 
| 4525 | 
            +
                " female ejaculation, pussy juice",
         | 
| 4526 | 
            +
                "Illustrious",
         | 
| 4527 | 
            +
                "\u6f6e\u5439\u304d/ female ejaculation",
         | 
| 4528 | 
            +
                "https://civitai.com/models/558452",
         | 
| 4529 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/c3763526-c3da-472b-ac7d-80ae2139a16c/width=450/44089835.jpeg"
         | 
| 4530 | 
            +
              ],
         | 
| 4531 | 
             
              "fetal_position_pony": [
         | 
| 4532 | 
             
                "fetal_position",
         | 
| 4533 | 
             
                "Pony",
         | 
|  | |
| 4934 | 
             
                "https://civitai.com/models/532569",
         | 
| 4935 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/390ea515-ffac-4b06-9e7f-e65f3f053724/width=450/16833631.jpeg"
         | 
| 4936 | 
             
              ],
         | 
| 4937 | 
            +
              "hamipan_illustrious_V1_0": [
         | 
| 4938 | 
            +
                "hamipan, panties under clothes, panties",
         | 
| 4939 | 
            +
                "Illustrious",
         | 
| 4940 | 
            +
                "\u306f\u307f\u30d1\u30f3/panties under clothes",
         | 
| 4941 | 
            +
                "https://civitai.com/models/532569",
         | 
| 4942 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/882a8b36-e4c6-4ff9-a958-a34c4c143274/width=450/41748374.jpeg"
         | 
| 4943 | 
            +
              ],
         | 
| 4944 | 
             
              "hand_over_own_mouth_pony_V1_0": [
         | 
| 4945 | 
             
                "hand over own mouth, covering own mouth",
         | 
| 4946 | 
             
                "Pony",
         | 
|  | |
| 5137 | 
             
                "https://civitai.com/models/498731",
         | 
| 5138 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/06a0dc3a-42ba-42b5-9ea9-d6b6faa3543b/width=450/14812284.jpeg"
         | 
| 5139 | 
             
              ],
         | 
| 5140 | 
            +
              "hotarueye_xl_comic01_v10": [
         | 
| 5141 | 
            +
                "",
         | 
| 5142 | 
            +
                "Pony",
         | 
| 5143 | 
            +
                "[SDXL] Comic expression eyes 01 / \u30c7\u30d5\u30a9\u30eb\u773c01",
         | 
| 5144 | 
            +
                "https://civitai.com/models/980959",
         | 
| 5145 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/09c6a335-b557-42b9-ab9b-e428ced44e0f/width=450/42025582.jpeg"
         | 
| 5146 | 
            +
              ],
         | 
| 5147 | 
            +
              "hotarueye_xl_comic02_v10": [
         | 
| 5148 | 
            +
                "",
         | 
| 5149 | 
            +
                "Pony",
         | 
| 5150 | 
            +
                "[SDXL] Comic expression eyes 02 / \u30c7\u30d5\u30a9\u30eb\u773c02",
         | 
| 5151 | 
            +
                "https://civitai.com/models/983866",
         | 
| 5152 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/1005bb98-ed31-4cec-9f82-bfc9bbd9c892/width=450/42213708.jpeg"
         | 
| 5153 | 
            +
              ],
         | 
| 5154 | 
            +
              "hotarueye_xl_comic03_v10": [
         | 
| 5155 | 
            +
                "",
         | 
| 5156 | 
            +
                "Pony",
         | 
| 5157 | 
            +
                "[SDXL] Comic expression eyes 03 / \u30c7\u30d5\u30a9\u30eb\u773c03",
         | 
| 5158 | 
            +
                "https://civitai.com/models/989517",
         | 
| 5159 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/9d3d554c-76c3-492c-bca4-fd78aa013d1a/width=450/42577693.jpeg"
         | 
| 5160 | 
            +
              ],
         | 
| 5161 | 
            +
              "hotarueye_xl_comicjitome01_v10": [
         | 
| 5162 | 
            +
                "",
         | 
| 5163 | 
            +
                "Pony",
         | 
| 5164 | 
            +
                "[SDXL] Comic Jitome 01 / \u30b8\u30c8\u76ee(\u30c7\u30d5\u30a9\u30eb\u30e1\u578b) 01",
         | 
| 5165 | 
            +
                "https://civitai.com/models/1003865",
         | 
| 5166 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/d5dce063-9fe9-4166-bd99-c3a1da1c5c10/width=450/43479802.jpeg"
         | 
| 5167 | 
            +
              ],
         | 
| 5168 | 
            +
              "hotarueye_xl_comicjitome02_v10": [
         | 
| 5169 | 
            +
                "",
         | 
| 5170 | 
            +
                "Pony",
         | 
| 5171 | 
            +
                "[SDXL] Comic Jitome 02 / \u30b8\u30c8\u76ee(\u30c7\u30d5\u30a9\u30eb\u30e1\u578b) 02",
         | 
| 5172 | 
            +
                "https://civitai.com/models/1003872",
         | 
| 5173 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/44559464-ceca-4b01-8357-c20ffa24a421/width=450/43480550.jpeg"
         | 
| 5174 | 
            +
              ],
         | 
| 5175 | 
             
              "hotarueye_xl_hosome1_v20": [
         | 
| 5176 | 
             
                "",
         | 
| 5177 | 
             
                "Pony",
         | 
|  | |
| 5326 | 
             
                "https://civitai.com/models/363398",
         | 
| 5327 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e8f31f60-8949-42da-b740-c6541e0d6d9b/width=450/8398353.jpeg"
         | 
| 5328 | 
             
              ],
         | 
| 5329 | 
            +
              "illustrious_XL_ubw": [
         | 
| 5330 | 
            +
                "ubw / gears / weapon / planted  / sword / planted sword",
         | 
| 5331 | 
            +
                "Illustrious",
         | 
| 5332 | 
            +
                "UBW/\u7121\u9650\u306e\u5263\u88fd",
         | 
| 5333 | 
            +
                "https://civitai.com/models/794642",
         | 
| 5334 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/f9c83d91-3179-499b-8653-784751641a39/width=450/42086922.jpeg"
         | 
| 5335 | 
            +
              ],
         | 
| 5336 | 
             
              "imminent_penetration_illustrious_V1_0": [
         | 
| 5337 | 
             
                "imminent penetration, penis, blush, 1boy, erection,speead legs",
         | 
| 5338 | 
             
                "Illustrious",
         | 
|  | |
| 5669 | 
             
                "https://civitai.com/models/633876",
         | 
| 5670 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/e5e0925d-0584-4bdd-9191-f1a30cd793ab/width=450/23472385.jpeg"
         | 
| 5671 | 
             
              ],
         | 
| 5672 | 
            +
              "kunka_Illust_v1": [
         | 
| 5673 | 
            +
                "kunka",
         | 
| 5674 | 
            +
                "Illustrious",
         | 
| 5675 | 
            +
                "smelling panties / \u30af\u30f3\u30ab\u30af\u30f3\u30ab / \u30d1\u30f3\u30c4\u55c5\u304e",
         | 
| 5676 | 
            +
                "https://civitai.com/models/1049240",
         | 
| 5677 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/3c0edfe5-8ee6-422d-b0ee-f5c621e308a4/width=450/46202811.jpeg"
         | 
| 5678 | 
            +
              ],
         | 
| 5679 | 
             
              "kuragecut_v1": [
         | 
| 5680 | 
             
                "kuragecut",
         | 
| 5681 | 
             
                "SDXL 1.0",
         | 
|  | |
| 6110 | 
             
                "https://civitai.com/models/455382",
         | 
| 6111 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/f85b95e6-f83f-4de4-8289-0f825d305cdf/width=450/12484731.jpeg"
         | 
| 6112 | 
             
              ],
         | 
| 6113 | 
            +
              "mesuinu_illustrious_V1_0": [
         | 
| 6114 | 
            +
                "mesuinu, paw pose,pet play",
         | 
| 6115 | 
            +
                "Illustrious",
         | 
| 6116 | 
            +
                "\u96cc\u72ac\u30dd\u30fc\u30ba/paw pose",
         | 
| 6117 | 
            +
                "https://civitai.com/models/621240",
         | 
| 6118 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/11cd093b-1d18-44e3-b9c8-8525241ed7fd/width=450/45604198.jpeg"
         | 
| 6119 | 
            +
              ],
         | 
| 6120 | 
             
              "mesuinu_pony_V1_0": [
         | 
| 6121 | 
             
                "mesuinu / paw pose / squatting / all fours,leg lift / peeing / leash",
         | 
| 6122 | 
             
                "Pony",
         | 
|  | |
| 6187 | 
             
                "https://civitai.com/models/604781",
         | 
| 6188 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/a11bb75f-9b0c-42e1-97b2-0b1f9cd08e85/width=450/21595792.jpeg"
         | 
| 6189 | 
             
              ],
         | 
| 6190 | 
            +
              "moe-moe-kyun-ponyxl-lora-nochekaiser": [
         | 
| 6191 | 
            +
                "<lora:moe-moe-kyun-ponyxl-lora-nochekaiser:1> heart-shaped boob challenge, moe moe kyun! heart hands, enmaided, maid, maid headdress, apron, maid apron,",
         | 
| 6192 | 
            +
                "Pony",
         | 
| 6193 | 
            +
                "Moe Moe Kyun! (\u840c\u3048\u840c\u3048\u30ad\u30e5\u30fc\u30f3!) - Concept",
         | 
| 6194 | 
            +
                "https://civitai.com/models/1009035",
         | 
| 6195 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/eedfccae-d8f0-4290-9405-f5a06f567605/width=450/43777558.jpeg"
         | 
| 6196 | 
            +
              ],
         | 
| 6197 | 
             
              "mugshot_pony_ver1": [
         | 
| 6198 | 
             
                "mugshot / holding sign",
         | 
| 6199 | 
             
                "Pony",
         | 
|  | |
| 6222 | 
             
                "https://civitai.com/models/575376",
         | 
| 6223 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/a1270578-32f8-4c86-b0ee-22d8e4acff9e/width=450/19659746.jpeg"
         | 
| 6224 | 
             
              ],
         | 
| 6225 | 
            +
              "multiple_pussy_illustrious_V1_0": [
         | 
| 6226 | 
            +
                "multiple pussy, multiple girls,6girl+",
         | 
| 6227 | 
            +
                "Illustrious",
         | 
| 6228 | 
            +
                "multiple pussy",
         | 
| 6229 | 
            +
                "https://civitai.com/models/932140",
         | 
| 6230 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/140d6ca1-3727-4234-aab4-78585b079b4f/width=450/43570258.jpeg"
         | 
| 6231 | 
            +
              ],
         | 
| 6232 | 
            +
              "multiple_pussy_pony_V1_0": [
         | 
| 6233 | 
            +
                "multiple pussy, multiple girls / 6+girls",
         | 
| 6234 | 
            +
                "Pony",
         | 
| 6235 | 
            +
                "multiple pussy",
         | 
| 6236 | 
            +
                "https://civitai.com/models/932140",
         | 
| 6237 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/d92b85ed-50af-4ffe-9f98-0e1985e4ded1/width=450/39178123.jpeg"
         | 
| 6238 | 
            +
              ],
         | 
| 6239 | 
            +
              "myth_cloth_illu": [
         | 
| 6240 | 
            +
                "saint seiya myth cloth armor",
         | 
| 6241 | 
            +
                "Illustrious",
         | 
| 6242 | 
            +
                "Saint Seiya Myth Cloth Armor",
         | 
| 6243 | 
            +
                "https://civitai.com/models/764667",
         | 
| 6244 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/488a43a4-dcc1-48b9-aa49-bd9fb808caec/width=450/44393852.jpeg"
         | 
| 6245 | 
            +
              ],
         | 
| 6246 | 
             
              "naipf": [
         | 
| 6247 | 
             
                "",
         | 
| 6248 | 
             
                "Pony",
         | 
|  | |
| 6250 | 
             
                "https://civitai.com/models/359088",
         | 
| 6251 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/029cb805-c237-4f2a-8744-7cabadf3cb10/width=450/9912843.jpeg"
         | 
| 6252 | 
             
              ],
         | 
| 6253 | 
            +
              "naked-dogeza-ponyxl-lora-nochekaiser": [
         | 
| 6254 | 
            +
                "<lora:naked-dogeza-ponyxl-lora-nochekaiser:1> naked dogeza, dogeza, folded clothes, apologizing, unworn clothes, prostration, clothes on floor, bowing, unworn panties, face down, unworn bra, unworn shirt, completely nude, nude, trembling",
         | 
| 6255 | 
            +
                "Pony",
         | 
| 6256 | 
            +
                "Naked Dogeza - Poses",
         | 
| 6257 | 
            +
                "https://civitai.com/models/1009033",
         | 
| 6258 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/481e2b22-d35a-428b-a9f7-ec2ecaf1f1e2/width=450/43780359.jpeg"
         | 
| 6259 | 
            +
              ],
         | 
| 6260 | 
             
              "naked_ribbon_XL_V1_0": [
         | 
| 6261 | 
             
                "body ribbon / ribbon / naked ribbon",
         | 
| 6262 | 
             
                "SDXL 1.0",
         | 
|  | |
| 6439 | 
             
                "https://civitai.com/models/529252",
         | 
| 6440 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/24230a41-400e-4454-b4b9-e2ddd17eb719/width=450/16613448.jpeg"
         | 
| 6441 | 
             
              ],
         | 
| 6442 | 
            +
              "ojou-samapose_Illust_v1": [
         | 
| 6443 | 
            +
                "ojou-sama pose",
         | 
| 6444 | 
            +
                "Illustrious",
         | 
| 6445 | 
            +
                "[Illust&XL] ojou-sama pose / \u304a\u5b22\u69d8\u30dd\u30fc\u30ba",
         | 
| 6446 | 
            +
                "https://civitai.com/models/339451",
         | 
| 6447 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/c638092c-ef04-4cd1-bd81-e19af8c359df/width=450/41850606.jpeg"
         | 
| 6448 | 
            +
              ],
         | 
| 6449 | 
             
              "ojousamaXLv1": [
         | 
| 6450 | 
             
                "ojou-sama pose",
         | 
| 6451 | 
             
                "SDXL 1.0",
         | 
|  | |
| 6593 | 
             
                "https://civitai.com/models/365200",
         | 
| 6594 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/2004ba0c-e6f8-4f4d-8c10-0ed266c77797/width=450/9255075.jpeg"
         | 
| 6595 | 
             
              ],
         | 
| 6596 | 
            +
              "ozato_fumika": [
         | 
| 6597 | 
            +
                "ozato_fumika, long_hair, red_hair, hair_between_eyes, blue_eyes, breasts, crossed_bangs, eyes_visible_through_hair, shirt, twintails",
         | 
| 6598 | 
            +
                "Pony",
         | 
| 6599 | 
            +
                "Fumika Ozato (\u767e\u91cc \u98a8\u5b9f\u82b1) - Tenshi\u2606Souzou RE-BOOT!\" (\u5929\u4f7f\u2606\u9a12\u3005 RE-BOOT!)",
         | 
| 6600 | 
            +
                "https://civitai.com/models/979314",
         | 
| 6601 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/c08a870f-d935-4888-873d-05191a4bb568/width=450/41921553.jpeg"
         | 
| 6602 | 
            +
              ],
         | 
| 6603 | 
             
              "p3summon_pony": [
         | 
| 6604 | 
             
                "p3summon",
         | 
| 6605 | 
             
                "Pony",
         | 
|  | |
| 7615 | 
             
                "https://civitai.com/models/472477",
         | 
| 7616 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/79f6db7f-11af-4671-8258-4cf8b3ae5309/width=450/14347589.jpeg"
         | 
| 7617 | 
             
              ],
         | 
| 7618 | 
            +
              "shinsekiXL": [
         | 
| 7619 | 
            +
                "hmilf,large breats,short hair,low ponytail,medium locks,bangs,yellow eyes,",
         | 
| 7620 | 
            +
                "Pony",
         | 
| 7621 | 
            +
                "Shinseki o ko to wo tomari da kara",
         | 
| 7622 | 
            +
                "https://civitai.com/models/952708",
         | 
| 7623 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/02161c79-6899-4dd5-9532-0783d140777c/width=450/40388398.jpeg"
         | 
| 7624 | 
            +
              ],
         | 
| 7625 | 
             
              "shirizumou_pony_V1_0": [
         | 
| 7626 | 
             
                "ass sumo wrestling, 2girls, ass, ass to ass / standing / bent over / from side",
         | 
| 7627 | 
             
                "Pony",
         | 
|  | |
| 7755 | 
             
                "https://civitai.com/models/905746",
         | 
| 7756 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/07ef9845-3d87-4e07-9d01-94d4a7b2581f/width=450/37583480.jpeg"
         | 
| 7757 | 
             
              ],
         | 
| 7758 | 
            +
              "snowman_Illust_v1": [
         | 
| 7759 | 
            +
                "snowman",
         | 
| 7760 | 
            +
                "Illustrious",
         | 
| 7761 | 
            +
                "snowman / \u96ea\u3060\u308b\u307e\u4f5c\u308a",
         | 
| 7762 | 
            +
                "https://civitai.com/models/979171",
         | 
| 7763 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/4e379fa6-e343-43ec-9bff-67b8edd2bae5/width=450/41909131.jpeg"
         | 
| 7764 | 
            +
              ],
         | 
| 7765 | 
             
              "soap_bubbles_pony_V1_0": [
         | 
| 7766 | 
             
                "soap bubbles / soap",
         | 
| 7767 | 
             
                "Pony",
         | 
|  | |
| 8224 | 
             
                "https://civitai.com/models/557205",
         | 
| 8225 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/053090bc-07f6-4a29-8f0e-466a4315bcc4/width=450/18467601.jpeg"
         | 
| 8226 | 
             
              ],
         | 
| 8227 | 
            +
              "tennis_wear_illustrious_V1_0": [
         | 
| 8228 | 
            +
                " tennis uniform, white shirt, pleated skirt",
         | 
| 8229 | 
            +
                "Illustrious",
         | 
| 8230 | 
            +
                "\u30c6\u30cb\u30b9\u30a6\u30a7\u30a2/tennis uniform",
         | 
| 8231 | 
            +
                "https://civitai.com/models/557205",
         | 
| 8232 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/c2ff64ab-9564-46f2-bfb5-a1408a5f0c73/width=450/43820412.jpeg"
         | 
| 8233 | 
            +
              ],
         | 
| 8234 | 
             
              "tentacle_pit_ponyXL_V1": [
         | 
| 8235 | 
             
                "tentacles /  tentacle pit /  nipple insertion / birth tentacles /  restrained horizontally /  pregnant belly",
         | 
| 8236 | 
             
                "Pony",
         | 
|  | |
| 8588 | 
             
                "https://civitai.com/models/589694",
         | 
| 8589 | 
             
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/b385262d-35f7-4346-9752-8e25868d6e7b/width=450/20623530.jpeg"
         | 
| 8590 | 
             
              ],
         | 
| 8591 | 
            +
              "uterus_tattoo_noob10": [
         | 
| 8592 | 
            +
                "uterus / uterus_tattoo",
         | 
| 8593 | 
            +
                "SDXL 1.0",
         | 
| 8594 | 
            +
                "tattoo of uterus",
         | 
| 8595 | 
            +
                "https://civitai.com/models/971266",
         | 
| 8596 | 
            +
                "https://image.civitai.com/xG1nkqKTMzGDvpLrqFT7WA/418b3fa1-ed80-4bec-937b-0b5c910bfebc/width=450/41451674.jpeg"
         | 
| 8597 | 
            +
              ],
         | 
| 8598 | 
             
              "uterus_v1": [
         | 
| 8599 | 
             
                "x-ray,cross-section,urethra,cervix,ovaries,uterus,vaginal,clitoris,clitoral hood,internal cumshot,deep penetration,cum in uterus,uncensored",
         | 
| 8600 | 
             
                "Pony",
         | 
