Cyberpunk Anime Diffusion

详情

模型描述

赛博朋克动漫扩散模型

一个生成赛博朋克风格动漫角色的AI模型!~

基于微调过的Waifu Diffusion V1.3模型与Stable Diffusion V1.5新VAE,使用Dreambooth进行训练

DGSpitzer 制作

🧨 Diffusers

本仓库包含 .ckpt 和 Diffuser 模型文件。可作为任意Stable Diffusion模型使用,兼容标准的 Stable Diffusion Pipelines

你可以将此模型转换为 ONNXMPS 和/或 FLAX/JAX

#!pip install diffusers transformers scipy torch
from diffusers import StableDiffusionPipeline
import torch

model_id = "DGSpitzer/Cyberpunk-Anime-Diffusion"
pipe = StableDiffusionPipeline.from_pretrained(model_id, torch_dtype=torch.float16)
pipe = pipe.to("cuda")

prompt = "a beautiful perfect face girl in dgs illustration style, Anime fine details portrait of school girl in front of modern tokyo city landscape on the background deep bokeh, anime masterpiece, 8k, sharp high quality anime"
image = pipe(prompt).images[0]

image.save("./cyberpunk_girl.png")

在线演示

你可以在HF空间中尝试在线演示:

https://huggingface.co/spaces/DGSpitzer/DGS-Diffusion-Space

或使用Colab笔记本:

https://colab.research.google.com/github/HelixNGC7293/cyberpunk-anime-diffusion/blob/main/cyberpunk_anime_diffusion.ipynb

如果喜欢这个项目,欢迎为我买杯咖啡;P ♥

https://www.buymeacoffee.com/dgspitzer

使用方法

模型加载后,在提示词中加入关键词 dgs 并配合 illustration style,可获得更佳效果。

推荐采样器使用 Euler A(效果最佳),DDIM 也可行;CFG Scale 7,步数 20 即可。

示例 1:

portrait of a girl in dgs illustration style, Anime girl, female soldier working in a cyberpunk city, cleavage, ((perfect femine face)), intricate, 8k, highly detailed, shy, digital painting, intense, sharp focus

若要生成赛博机器人风格的男性角色,可添加 muscular male 以提升输出质量。

示例 2:

a photo of muscular beard soldier male in dgs illustration style, half-body, holding robot arms, strong chest

示例 3(配合Stable Diffusion WebUI):

若使用 AUTOMATIC1111的Stable Diffusion WebUI

可直接将以下内容作为提示词,使用 Euler A 采样器,CFG Scale 7,步数 20,输出尺寸 704 x 704px:

an anime girl in dgs illustration style

并将反向提示词设为:

out of focus, scary, creepy, evil, disfigured, missing limbs, ugly, gross, missing fingers

即可获得与上述样图完全一致的风格。

注意:使用本模型即表示接受Stable Diffusion的 CreativeML Open RAIL-M许可协议

此模型生成的图像

未找到图像。