Edit model card

yumekawa_diffusion

Open in Colab Generate a "Yumekawaii" image

Do not use too many Prompts.

Negative Prompt should be low quality, bad face, bad hands, etc.

How to run

You can run in Google colabOpen in Colab

Use 🤗HuggingFace Diffusers library

clone the library

pip install --upgrade git+https://github.com/huggingface/diffusers.git transformers accelerate scipy

and run folowing scripts

import torch
from diffusers import StableDiffusionPipeline, EulerDiscreteScheduler

model_id = "teftef/yumekawa_diffusion_ver2.1"

scheduler = EulerDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler)
pipe = pipe.to("cuda")

prompt = "a girl"
negative_prompt="low quality,bad face,bad anatomy,bad hand"
image = pipe(prompt,negative_prompt=negative_prompt).images[0]

image.save("output_img.png")

Result

Left : Waifu Diffusion 1.4 e1
Middle : Fine tuned model without LoRA : [can use in here](https://huggingface.co/teftef/teftef_fox_ear_2_0/tree/main)
Right : Fine tuning with RoLA (yumekawa_diffusion)

Fixed Prompts

・Prompt : a girl,
・Negative Prompt : low quality,bad face,bad hands,
・Step : 28
・CFG Scale : 7.5
・Sampling method : Euler a
・w×h=512×768

Various Prompts

・Negative Prompt : low quality,bad face,bad hands,
・Step : 28
・CFG Scale : 7.5
・Sampling method : Euler a
・w×h=512×768

Traning : 2023/01/13
Public : 2023/01/15 teftef

Downloads last month
88