Guizmus commited on
Commit
89f15d4
1 Parent(s): a3401ad

Upload 14 files

Browse files
README.md CHANGED
@@ -1,3 +1,107 @@
1
  ---
 
 
2
  license: creativeml-openrail-m
 
 
 
 
 
3
  ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
  ---
2
+ language:
3
+ - en
4
  license: creativeml-openrail-m
5
+ thumbnail: "https://huggingface.co/Guizmus/SDArt_UnmythicalCreatures768/resolve/main/showcase.jpg"
6
+ tags:
7
+ - stable-diffusion
8
+ - text-to-image
9
+ - image-to-image
10
  ---
11
+ # SDArt : Un-Mythical Creatures (version based on 2.1 768px)
12
+
13
+ ![Showcase](https://huggingface.co/Guizmus/SDArt_UnmythicalCreatures768/resolve/main/showcase.jpg)
14
+
15
+ ## Theme
16
+
17
+ [Excerpt from “Chronicles of Curiosity: Professor Lawrence's Field Guide”]
18
+
19
+ > It was a creature of un-mythical origins, imbued by the forest itself. Its body was sleek and agile, with fur the color of a moonless deep blue midnight sky and eyes that glowed like embers in the darkness. But what truly set it apart were the petals that bloomed from its back, opening and closing like a flower that only blossomed at night.
20
+ > The creature's habitat was the forest floor, where it moved with an effortless grace that defied the laws of physics. Its body seemed to flow like water over the tangled roots and fallen leaves, its every movement a thing of hypnotic beauty. It had a natural affinity for the plants around it, but not in the way that one might expect. Rather than using them for sustenance, the creature communed with them, drawing strength from the very life force that pulsed through their veins.
21
+ > And so it was that the creature of un-mythical origins, born from the very essence of the earth itself, came to be known by a name whispered on the lips of those who had glimpsed its rare presence - Nightshade.
22
+
23
+ 🐉 Delve into mythology and create a brand new creature that doesn't exist in legends or myths. Give these creatures of non-legend a new lease of life! 🦞
24
+
25
+ **Challenges:**
26
+ * At least one feature inspired by a real-life animal or plant.
27
+ * Incorporate an element of the creature's habitat into its design.
28
+ * Give your creature a name.
29
+
30
+ *What's the next entry in the Field Guide?*
31
+
32
+
33
+ ## Model description
34
+
35
+ This is a model related to the "Challenge of the WeekEnd" contest on [Stable Diffusion discord](https://discord.gg/stablediffusion).
36
+
37
+ I try to make a model out of all the submission for people to continue enjoy the theme after the even, and see a little of their designs in other people's creations. The token stays "SDArt" and I balance the learning on the low side, so that it doesn't just replicate creations.
38
+
39
+ The total dataset is made of 31 pictures. It was trained on [Stable diffusion 2.1 768px](https://huggingface.co/stabilityai/stable-diffusion-2-1). I used [EveryDream](https://github.com/victorchall/EveryDream2trainer) to do the training, 100 total repeat per picture. The pictures were tagged using the token "SDArt", and an arbitrary token I choose. The dataset is provided below, as well as a list of usernames and their corresponding token.
40
+
41
+ The recommended sampling is k_Euler_a or DPM++ 2M Karras on 20 steps, CFGS 7.5 .
42
+
43
+ [The model is also available here](https://huggingface.co/Guizmus/SDArt_UnmythicalCreatures) in a version trained on 1.5 as a base.
44
+
45
+ ## Trained tokens
46
+
47
+ * SDArt
48
+ * rcn
49
+ * bnp
50
+ * reba
51
+ * aten
52
+ * cous
53
+ * aved
54
+ * omd
55
+ * ront
56
+ * kuro
57
+ * asot
58
+ * psst
59
+ * rolf
60
+ * muc
61
+ * kts
62
+ * utm
63
+ * vaw
64
+ * mss
65
+ * guin
66
+ * crit
67
+ * mlas
68
+ * isch
69
+ * phol
70
+ * dds
71
+ * acu
72
+ * pte
73
+ * rean
74
+ * soca
75
+ * sohn
76
+ * sown
77
+ * ssh
78
+ * stix
79
+
80
+ ## Download links
81
+
82
+ [SafeTensors](https://huggingface.co/Guizmus/SDArt_UnmythicalCreatures768/resolve/main/SDArt_UnmythicalCreatures768.safetensors)
83
+
84
+ [Config (yaml)](https://huggingface.co/Guizmus/SDArt_UnmythicalCreatures768/resolve/main/SDArt_UnmythicalCreatures768.yaml)
85
+
86
+ [Dataset](https://huggingface.co/Guizmus/SDArt_UnmythicalCreatures768/resolve/main/dataset.zip)
87
+
88
+ ## 🧨 Diffusers
89
+
90
+ This model can be used just like any other Stable Diffusion model. For more information,
91
+ please have a look at the [Stable Diffusion](https://huggingface.co/docs/diffusers/api/pipelines/stable_diffusion).
92
+
93
+ You can also export the model to [ONNX](https://huggingface.co/docs/diffusers/optimization/onnx), [MPS](https://huggingface.co/docs/diffusers/optimization/mps) and/or [FLAX/JAX]().
94
+
95
+ ```python
96
+ from diffusers import StableDiffusionPipeline
97
+ import torch
98
+
99
+ model_id = "Guizmus/SDArt_UnmythicalCreatures768"
100
+ pipe = StableDiffusionPipeline.from_pretrained(model_id, torch_dtype=torch.float16)
101
+ pipe = pipe.to("cuda")
102
+
103
+ prompt = "SDArt kts"
104
+ image = pipe(prompt).images[0]
105
+
106
+ image.save("./SDArt.png")
107
+ ```
SDArt_UnmythicalCreatures768.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3cb0ded9bcb39d9c2f49ff53c2f212ea5b2f6008e57ddcaa46bdbed48b335a8c
3
+ size 2580068696
model_index.json ADDED
@@ -0,0 +1,33 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "StableDiffusionPipeline",
3
+ "_diffusers_version": "0.13.0",
4
+ "feature_extractor": [
5
+ null,
6
+ null
7
+ ],
8
+ "requires_safety_checker": null,
9
+ "safety_checker": [
10
+ null,
11
+ null
12
+ ],
13
+ "scheduler": [
14
+ "diffusers",
15
+ "DDPMScheduler"
16
+ ],
17
+ "text_encoder": [
18
+ "transformers",
19
+ "CLIPTextModel"
20
+ ],
21
+ "tokenizer": [
22
+ "transformers",
23
+ "CLIPTokenizer"
24
+ ],
25
+ "unet": [
26
+ "diffusers",
27
+ "UNet2DConditionModel"
28
+ ],
29
+ "vae": [
30
+ "diffusers",
31
+ "AutoencoderKL"
32
+ ]
33
+ }
scheduler/scheduler_config.json ADDED
@@ -0,0 +1,16 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "DDPMScheduler",
3
+ "_diffusers_version": "0.13.0",
4
+ "beta_end": 0.012,
5
+ "beta_schedule": "scaled_linear",
6
+ "beta_start": 0.00085,
7
+ "clip_sample": false,
8
+ "clip_sample_range": 1.0,
9
+ "num_train_timesteps": 1000,
10
+ "prediction_type": "v_prediction",
11
+ "set_alpha_to_one": false,
12
+ "skip_prk_steps": true,
13
+ "steps_offset": 1,
14
+ "trained_betas": null,
15
+ "variance_type": "fixed_small"
16
+ }
text_encoder/config.json ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "F:\\AI\\Data\\Diffusers\\stable-diffusion-2-1",
3
+ "architectures": [
4
+ "CLIPTextModel"
5
+ ],
6
+ "attention_dropout": 0.0,
7
+ "bos_token_id": 0,
8
+ "dropout": 0.0,
9
+ "eos_token_id": 2,
10
+ "hidden_act": "gelu",
11
+ "hidden_size": 1024,
12
+ "initializer_factor": 1.0,
13
+ "initializer_range": 0.02,
14
+ "intermediate_size": 4096,
15
+ "layer_norm_eps": 1e-05,
16
+ "max_position_embeddings": 77,
17
+ "model_type": "clip_text_model",
18
+ "num_attention_heads": 16,
19
+ "num_hidden_layers": 23,
20
+ "pad_token_id": 1,
21
+ "projection_dim": 512,
22
+ "torch_dtype": "float32",
23
+ "transformers_version": "4.27.1",
24
+ "vocab_size": 49408
25
+ }
text_encoder/pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:173c4a241ed5e4163446246685fced70cbc3bff3c45885b1266227460b0a9020
3
+ size 1361677143
tokenizer/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer/special_tokens_map.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<|startoftext|>",
4
+ "lstrip": false,
5
+ "normalized": true,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "eos_token": {
10
+ "content": "<|endoftext|>",
11
+ "lstrip": false,
12
+ "normalized": true,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": "!",
17
+ "unk_token": {
18
+ "content": "<|endoftext|>",
19
+ "lstrip": false,
20
+ "normalized": true,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ }
24
+ }
tokenizer/tokenizer_config.json ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "bos_token": {
4
+ "__type": "AddedToken",
5
+ "content": "<|startoftext|>",
6
+ "lstrip": false,
7
+ "normalized": true,
8
+ "rstrip": false,
9
+ "single_word": false
10
+ },
11
+ "do_lower_case": true,
12
+ "eos_token": {
13
+ "__type": "AddedToken",
14
+ "content": "<|endoftext|>",
15
+ "lstrip": false,
16
+ "normalized": true,
17
+ "rstrip": false,
18
+ "single_word": false
19
+ },
20
+ "errors": "replace",
21
+ "model_max_length": 77,
22
+ "pad_token": "<|endoftext|>",
23
+ "special_tokens_map_file": "./special_tokens_map.json",
24
+ "tokenizer_class": "CLIPTokenizer",
25
+ "unk_token": {
26
+ "__type": "AddedToken",
27
+ "content": "<|endoftext|>",
28
+ "lstrip": false,
29
+ "normalized": true,
30
+ "rstrip": false,
31
+ "single_word": false
32
+ },
33
+ "use_fast": false
34
+ }
tokenizer/vocab.json ADDED
The diff for this file is too large to render. See raw diff
 
unet/config.json ADDED
@@ -0,0 +1,56 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.13.0",
4
+ "_name_or_path": "F:\\AI\\Data\\Diffusers\\stable-diffusion-2-1",
5
+ "act_fn": "silu",
6
+ "attention_head_dim": [
7
+ 5,
8
+ 10,
9
+ 20,
10
+ 20
11
+ ],
12
+ "block_out_channels": [
13
+ 320,
14
+ 640,
15
+ 1280,
16
+ 1280
17
+ ],
18
+ "center_input_sample": false,
19
+ "class_embed_type": null,
20
+ "conv_in_kernel": 3,
21
+ "conv_out_kernel": 3,
22
+ "cross_attention_dim": 1024,
23
+ "down_block_types": [
24
+ "CrossAttnDownBlock2D",
25
+ "CrossAttnDownBlock2D",
26
+ "CrossAttnDownBlock2D",
27
+ "DownBlock2D"
28
+ ],
29
+ "downsample_padding": 1,
30
+ "dual_cross_attention": false,
31
+ "flip_sin_to_cos": true,
32
+ "freq_shift": 0,
33
+ "in_channels": 4,
34
+ "layers_per_block": 2,
35
+ "mid_block_scale_factor": 1,
36
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
37
+ "norm_eps": 1e-05,
38
+ "norm_num_groups": 32,
39
+ "num_class_embeds": null,
40
+ "only_cross_attention": false,
41
+ "out_channels": 4,
42
+ "projection_class_embeddings_input_dim": null,
43
+ "resnet_time_scale_shift": "default",
44
+ "sample_size": 96,
45
+ "time_cond_proj_dim": null,
46
+ "time_embedding_type": "positional",
47
+ "timestep_post_act": null,
48
+ "up_block_types": [
49
+ "UpBlock2D",
50
+ "CrossAttnUpBlock2D",
51
+ "CrossAttnUpBlock2D",
52
+ "CrossAttnUpBlock2D"
53
+ ],
54
+ "upcast_attention": true,
55
+ "use_linear_projection": true
56
+ }
unet/diffusion_pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1a9ccb5888d6e53a0e7215a6697e82200ca5186202fe791a0b3c94d3b8dd1cf4
3
+ size 3463923045
vae/config.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "AutoencoderKL",
3
+ "_diffusers_version": "0.13.0",
4
+ "_name_or_path": "F:\\AI\\Data\\Diffusers\\stable-diffusion-2-1",
5
+ "act_fn": "silu",
6
+ "block_out_channels": [
7
+ 128,
8
+ 256,
9
+ 512,
10
+ 512
11
+ ],
12
+ "down_block_types": [
13
+ "DownEncoderBlock2D",
14
+ "DownEncoderBlock2D",
15
+ "DownEncoderBlock2D",
16
+ "DownEncoderBlock2D"
17
+ ],
18
+ "in_channels": 3,
19
+ "latent_channels": 4,
20
+ "layers_per_block": 2,
21
+ "norm_num_groups": 32,
22
+ "out_channels": 3,
23
+ "sample_size": 768,
24
+ "scaling_factor": 0.18215,
25
+ "up_block_types": [
26
+ "UpDecoderBlock2D",
27
+ "UpDecoderBlock2D",
28
+ "UpDecoderBlock2D",
29
+ "UpDecoderBlock2D"
30
+ ]
31
+ }
vae/diffusion_pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:eb128b1f37e0c381c440128b217d29613b3e08b9e4ea7f20466424145ba538b0
3
+ size 167402961