đ Anime Detailer XL LoRA
Anime Detailer XL LoRA is a state - of - the - art LoRA adapter that works with Animagine XL 2.0, enabling users to adjust the detail level in generated anime - style images.
đ Quick Start
Anime Detailer XL LoRA is a cutting - edge LoRA adapter designed to work in tandem with Animagine XL 2.0. It allows users to control the level of detail in generated anime - style images through a concept slider.
⨠Features
- Concept Modulation: Specializes in concept modulation, enabling users to adjust the detail level in anime - style images.
- Versatile Artistic Expression: Allows for a wide range of artistic expressions, from highly detailed to more abstract anime imagery.
đĻ Installation
Ensure the installation of the latest diffusers
library, along with other essential packages:
pip install diffusers --upgrade
pip install transformers accelerate safetensors
đģ Usage Examples
Basic Usage
The following Python script demonstrates how to utilize the LoRA with Animagine XL 2.0. The default scheduler is EulerAncestralDiscreteScheduler, but it can be explicitly defined for clarity.
import torch
from diffusers import (
StableDiffusionXLPipeline,
EulerAncestralDiscreteScheduler,
AutoencoderKL
)
lora_model_id = "Linaqruf/anime-detailer-xl-lora"
lora_filename = "anime-detailer-xl.safetensors"
lora_scale_slider = 2
vae = AutoencoderKL.from_pretrained(
"madebyollin/sdxl-vae-fp16-fix",
torch_dtype=torch.float16
)
pipe = StableDiffusionXLPipeline.from_pretrained(
"Linaqruf/animagine-xl-2.0",
vae=vae,
torch_dtype=torch.float16,
use_safetensors=True,
variant="fp16"
)
pipe.scheduler = EulerAncestralDiscreteScheduler.from_config(pipe.scheduler.config)
pipe.to('cuda')
pipe.load_lora_weights(lora_model_id, weight_name=lora_filename)
pipe.fuse_lora(lora_scale=lora_scale_slider)
prompt = "face focus, cute, masterpiece, best quality, 1girl, green hair, sweater, looking at viewer, upper body, beanie, outdoors, night, turtleneck"
negative_prompt = "lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry"
image = pipe(
prompt,
negative_prompt=negative_prompt,
width=1024,
height=1024,
guidance_scale=12,
num_inference_steps=50
).images[0]
pipe.unfuse_lora()
image.save("anime_girl.png")
đ Documentation
Model Details
Property |
Details |
Developed by |
Linaqruf |
Model Type |
LoRA adapter for Stable Diffusion XL |
Model Description |
This adapter is a concept slider, allowing users to control the level of detail in anime - themed images. The closer the slider is set to 2, the more detailed the result; closer to - 2, the less detailed. It is a versatile tool for artists and creators seeking various artistic expressions within anime imagery. |
License |
CreativeML Open RAIL++ - M License |
Finetuned from model |
Animagine XL 2.0 |
Acknowledgements
Our project has been enriched by the following significant works:
đ License
This project is under the CreativeML Open RAIL++ - M License.