Yasunori Ozaki
commited on
Commit
•
909c731
1
Parent(s):
c7690e1
Update README
Browse files- README.md +2 -2
- README_en.md +3 -3
README.md
CHANGED
@@ -40,7 +40,7 @@ Cool Japan Diffusion はStable Diffsionをファインチューニングして
|
|
40 |
# 使い方
|
41 |
手軽に楽しみたい方は、こちらの[Space](https://huggingface.co/spaces/aipicasso/cool-japan-diffusion-latest-demo)をお使いください。
|
42 |
詳しい本モデルの取り扱い方は[こちらの取扱説明書](https://alfredplpl.hatenablog.com/entry/2023/01/11/182146)にかかれています。
|
43 |
-
モデルは[ここ](https://huggingface.co/aipicasso/cool-japan-diffusion-2-1-1/resolve/main/v2-1-1.ckpt)からダウンロードできます。
|
44 |
|
45 |
以下、一般的なモデルカードの日本語訳です。
|
46 |
|
@@ -92,7 +92,7 @@ import torch
|
|
92 |
model_id = "aipicasso/cool-japan-diffusion-2-1-1-1"
|
93 |
|
94 |
scheduler = EulerAncestralDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
|
95 |
-
pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler, torch_dtype=torch.float16)
|
96 |
pipe = pipe.to("cuda")
|
97 |
|
98 |
prompt = "anime, masterpiece, a portrait of a girl, good pupil, 4k, detailed"
|
|
|
40 |
# 使い方
|
41 |
手軽に楽しみたい方は、こちらの[Space](https://huggingface.co/spaces/aipicasso/cool-japan-diffusion-latest-demo)をお使いください。
|
42 |
詳しい本モデルの取り扱い方は[こちらの取扱説明書](https://alfredplpl.hatenablog.com/entry/2023/01/11/182146)にかかれています。
|
43 |
+
モデルは[ここ](https://huggingface.co/aipicasso/cool-japan-diffusion-2-1-1-1/resolve/main/v2-1-1-1_fp16.ckpt)からダウンロードできます。
|
44 |
|
45 |
以下、一般的なモデルカードの日本語訳です。
|
46 |
|
|
|
92 |
model_id = "aipicasso/cool-japan-diffusion-2-1-1-1"
|
93 |
|
94 |
scheduler = EulerAncestralDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
|
95 |
+
pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler, torch_dtype=torch.float16)
|
96 |
pipe = pipe.to("cuda")
|
97 |
|
98 |
prompt = "anime, masterpiece, a portrait of a girl, good pupil, 4k, detailed"
|
README_en.md
CHANGED
@@ -16,7 +16,7 @@ TBA.
|
|
16 |
# Usage
|
17 |
You can try the model by our [Space](https://huggingface.co/spaces/aipicasso/cool-japan-diffusion-latest-demo).
|
18 |
I recommend to use the model by Web UI.
|
19 |
-
You can download the model [here](https://huggingface.co/aipicasso/cool-japan-diffusion-2-1-1/resolve/main/v2-1-1.ckpt). Safetensor version is [here](https://huggingface.co/aipicasso/cool-japan-diffusion-2-1-1/resolve/main/v2-1-1.safetensors). Japanese manual is [here](https://alfredplpl.hatenablog.com/entry/2023/01/11/182146).
|
20 |
|
21 |
## Model Details
|
22 |
- **Developed by:** Robin Rombach, Patrick Esser, Alfred Increment
|
@@ -42,7 +42,7 @@ You can download the model [here](https://huggingface.co/aipicasso/cool-japan-di
|
|
42 |
- Diffusers
|
43 |
|
44 |
## Web UI
|
45 |
-
Download the model [here](https://huggingface.co/aipicasso/cool-japan-diffusion-2-1-1/resolve/main/v2-1-1.ckpt).
|
46 |
Then, install [Web UI](https://github.com/AUTOMATIC1111/stable-diffusion-webui) by AUTIMATIC1111.
|
47 |
|
48 |
## Diffusers
|
@@ -62,7 +62,7 @@ import torch
|
|
62 |
model_id = "aipicasso/cool-japan-diffusion-2-1-1-1"
|
63 |
|
64 |
scheduler = EulerAncestralDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
|
65 |
-
pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler, torch_dtype=torch.float16)
|
66 |
pipe = pipe.to("cuda")
|
67 |
|
68 |
prompt = "anime, masterpiece, a portrait of a girl, good pupil, 4k, detailed"
|
|
|
16 |
# Usage
|
17 |
You can try the model by our [Space](https://huggingface.co/spaces/aipicasso/cool-japan-diffusion-latest-demo).
|
18 |
I recommend to use the model by Web UI.
|
19 |
+
You can download the model [here](https://huggingface.co/aipicasso/cool-japan-diffusion-2-1-1-1/resolve/main/v2-1-1-1_fp16.ckpt). Safetensor version is [here](https://huggingface.co/aipicasso/cool-japan-diffusion-2-1-1-1/resolve/main/v2-1-1-1_fp16.safetensors). Japanese manual is [here](https://alfredplpl.hatenablog.com/entry/2023/01/11/182146).
|
20 |
|
21 |
## Model Details
|
22 |
- **Developed by:** Robin Rombach, Patrick Esser, Alfred Increment
|
|
|
42 |
- Diffusers
|
43 |
|
44 |
## Web UI
|
45 |
+
Download the model [here](https://huggingface.co/aipicasso/cool-japan-diffusion-2-1-1-1/resolve/main/v2-1-1-1_fp16.ckpt).
|
46 |
Then, install [Web UI](https://github.com/AUTOMATIC1111/stable-diffusion-webui) by AUTIMATIC1111.
|
47 |
|
48 |
## Diffusers
|
|
|
62 |
model_id = "aipicasso/cool-japan-diffusion-2-1-1-1"
|
63 |
|
64 |
scheduler = EulerAncestralDiscreteScheduler.from_pretrained(model_id, subfolder="scheduler")
|
65 |
+
pipe = StableDiffusionPipeline.from_pretrained(model_id, scheduler=scheduler, torch_dtype=torch.float16)
|
66 |
pipe = pipe.to("cuda")
|
67 |
|
68 |
prompt = "anime, masterpiece, a portrait of a girl, good pupil, 4k, detailed"
|