Lykon commited on
Commit
75b3772
1 Parent(s): 8040aa2

Update README.md

Browse files
Files changed (1) hide show
  1. README.md +5 -5
README.md CHANGED
@@ -12,11 +12,11 @@ tags:
12
  - anime
13
  - dreamshaper
14
  - lcm
15
- duplicated_from: lykon/dreamshaper-8-lcm
16
  pipeline_tag: text-to-image
17
  ---
18
 
19
- # AAM_Anylora_AnimeMix
20
 
21
  `lykon/AAM_Anylora_AnimeMix` is a Stable Diffusion model that has been fine-tuned on [runwayml/stable-diffusion-v1-5](https://huggingface.co/runwayml/stable-diffusion-v1-5).
22
 
@@ -36,16 +36,16 @@ pip install diffusers transformers accelerate
36
 
37
  2. Run
38
  ```py
39
- from diffusers import AutoPipelineForText2Image, LCMScheduler
40
  import torch
41
 
42
  pipe = AutoPipelineForText2Image.from_pretrained('lykon/AAM_Anylora_AnimeMix', torch_dtype=torch.float16, variant="fp16")
43
- pipe.scheduler = LCMScheduler.from_config(pipe.scheduler.config)
44
  pipe = pipe.to("cuda")
45
 
46
  prompt = "portrait photo of muscular bearded guy in a worn mech suit, light bokeh, intricate, steel metal, elegant, sharp focus, soft lighting, vibrant colors"
47
 
48
  generator = torch.manual_seed(0)
49
- image = pipe(prompt, num_inference_steps=15, guidance_scale=2, generator=generator).images[0]
50
  image.save("./image.png")
51
  ```
 
12
  - anime
13
  - dreamshaper
14
  - lcm
15
+ duplicated_from: lykon/AAM_Anylora_AnimeMix
16
  pipeline_tag: text-to-image
17
  ---
18
 
19
+ # AAM_AnyLora_AnimeMix
20
 
21
  `lykon/AAM_Anylora_AnimeMix` is a Stable Diffusion model that has been fine-tuned on [runwayml/stable-diffusion-v1-5](https://huggingface.co/runwayml/stable-diffusion-v1-5).
22
 
 
36
 
37
  2. Run
38
  ```py
39
+ from diffusers import AutoPipelineForText2Image, DEISMultistepScheduler
40
  import torch
41
 
42
  pipe = AutoPipelineForText2Image.from_pretrained('lykon/AAM_Anylora_AnimeMix', torch_dtype=torch.float16, variant="fp16")
43
+ pipe.scheduler = DEISMultistepScheduler.from_config(pipe.scheduler.config)
44
  pipe = pipe.to("cuda")
45
 
46
  prompt = "portrait photo of muscular bearded guy in a worn mech suit, light bokeh, intricate, steel metal, elegant, sharp focus, soft lighting, vibrant colors"
47
 
48
  generator = torch.manual_seed(0)
49
+ image = pipe(prompt, num_inference_steps=25, generator=generator).images[0]
50
  image.save("./image.png")
51
  ```