🚀 Anime Nouveau XL LoRA
Anime Nouveau XL LoRA是一款创新的LoRA(低秩自适应)适配器,专为与Animagine XL 2.0无缝协作而精心打造。该模型能为动漫风格的图像融入Anime Nouveau艺术风格特有的丰富细节和精美装饰,非常适合想要创作不仅视觉惊艳而且艺术细节丰富的动漫图像的用户。
🚀 快速开始
安装依赖
确保安装最新的 diffusers
库以及其他必要的包:
pip install diffusers --upgrade
pip install transformers accelerate safetensors
使用示例
以下Python脚本展示了如何将Anime Nouveau XL LoRA与Animagine XL 2.0结合使用。默认调度器为EulerAncestralDiscreteScheduler,但为了清晰起见,可以显式定义。
import torch
from diffusers import (
StableDiffusionXLPipeline,
EulerAncestralDiscreteScheduler,
AutoencoderKL
)
lora_model_id = "Linaqruf/anime-nouveau-xl-lora"
lora_filename = "anime-nouveau-xl.safetensors"
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=0.6)
prompt = "face focus, cute, masterpiece, best quality, 1girl, sketch, monochrome, greyscale, 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")
✨ 主要特性
Anime Nouveau XL LoRA是一款先进的模型适配器,通过为图像增添Anime Nouveau风格,增强了Animagine XL 2.0的功能。这种风格以其丰富的细节和装饰性的点缀而闻名,将现代动漫艺术与经典、细致的美学完美融合。
📦 安装指南
确保安装最新的 diffusers
库以及其他必要的包:
pip install diffusers --upgrade
pip install transformers accelerate safetensors
📚 详细文档
模型详情
示例图片
示例提示
- 示例1
- 提示词:face focus, cute, masterpiece, best quality, 1girl, green hair, sweater, looking at viewer, upper body, beanie, outdoors, night, turtleneck
- 负面提示词: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
- 示例标题:1girl
- 示例2
- 提示词:face focus, bishounen, masterpiece, best quality, 1boy, green hair, sweater, looking at viewer, upper body, beanie, outdoors, night, turtleneck
- 负面提示词: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
- 示例标题:1boy
📄 许可证
本模型采用 CreativeML Open RAIL++-M License 许可证。