Bella Kotak Style LoRA

这是一个基于 Stable Diffusion v1.5 训练的 LoRA 模型,用于生成 Bella Kotak 风格的艺术作品。

模型信息

  • 基础模型: runwayml/stable-diffusion-v1-5
  • 训练类型: LoRA (Low-Rank Adaptation)
  • 分辨率: 512x512
  • 训练轮数: 50 epochs
  • 网络维度: 64
  • 网络 Alpha: 64
  • 学习率: 1e-4
  • 优化器: AdamW8bit

使用方法

使用 diffusers 库

from diffusers import StableDiffusionPipeline
import torch

# 加载基础模型
pipe = StableDiffusionPipeline.from_pretrained(
    "runwayml/stable-diffusion-v1-5", 
    torch_dtype=torch.float16
)

# 加载 LoRA 权重
pipe.load_lora_weights("Chuenlye/bella-kotak-lora")

# 生成图像
prompt = "a beautiful portrait in the style of bella kotak"
image = pipe(prompt).images[0]
image.save("output.png")

推荐的提示词

  • "bella kotak style portrait"
  • "dreamy ethereal photography"
  • "fantasy portrait with flowing fabric"
  • "mystical beauty with soft lighting"

训练详情

该模型使用以下命令训练:

uv run accelerate launch --num_cpu_threads_per_process=2 \
  sd-scripts/train_network.py \
  --pretrained_model_name_or_path="runwayml/stable-diffusion-v1-5" \
  --train_data_dir="/home/jovyan/bella_kotak_dataset" \
  --output_dir="/home/jovyan/output/lora_bella_kotak" \
  --resolution=512 \
  --train_batch_size=2 \
  --learning_rate=1e-4 \
  --text_encoder_lr=5e-5 \
  --unet_lr=1e-4 \
  --max_train_epochs=50 \
  --save_every_n_epochs=10 \
  --mixed_precision="fp16" \
  --gradient_checkpointing \
  --cache_latents \
  --network_module=networks.lora \
  --network_dim=64 \
  --network_alpha=64 \
  --optimizer_type="AdamW8bit" \
  --lr_scheduler="cosine"

许可证

本模型遵循 MIT 许可证。

Downloads last month
24
Inference Providers NEW
This model isn't deployed by any Inference Provider. 🙋 Ask for provider support

Model tree for Chuenlye/bella-kotak-lora

Adapter
(2601)
this model