Diffusers weights

#30
by a-r-r-o-w HF staff - opened
README.md CHANGED
@@ -92,72 +92,6 @@ python inference.py --ckpt_dir 'PATH' --prompt "PROMPT" --height HEIGHT --width
92
  python inference.py --ckpt_dir 'PATH' --prompt "PROMPT" --input_image_path IMAGE_PATH --height HEIGHT --width WIDTH --num_frames NUM_FRAMES --seed SEED
93
  ```
94
 
95
- ### Diffusers 🧨
96
-
97
- LTX Video is compatible with the [Diffusers Python library](https://huggingface.co/docs/diffusers/main/en/index). It supports both text-to-video and image-to-video generation.
98
-
99
- Make sure you install `diffusers` before trying out the examples below.
100
-
101
- ```bash
102
- pip install -U git+https://github.com/huggingface/diffusers
103
- ```
104
-
105
- Now, you can run the examples below:
106
-
107
- ```py
108
- import torch
109
- from diffusers import LTXPipeline
110
- from diffusers.utils import export_to_video
111
-
112
- pipe = LTXPipeline.from_pretrained("Lightricks/LTX-Video", torch_dtype=torch.bfloat16)
113
- pipe.to("cuda")
114
-
115
- prompt = "A woman with long brown hair and light skin smiles at another woman with long blonde hair. The woman with brown hair wears a black jacket and has a small, barely noticeable mole on her right cheek. The camera angle is a close-up, focused on the woman with brown hair's face. The lighting is warm and natural, likely from the setting sun, casting a soft glow on the scene. The scene appears to be real-life footage"
116
- negative_prompt = "worst quality, inconsistent motion, blurry, jittery, distorted"
117
-
118
- video = pipe(
119
- prompt=prompt,
120
- negative_prompt=negative_prompt,
121
- width=704,
122
- height=480,
123
- num_frames=161,
124
- num_inference_steps=50,
125
- ).frames[0]
126
- export_to_video(video, "output.mp4", fps=24)
127
- ```
128
-
129
- For image-to-video:
130
-
131
- ```py
132
- import torch
133
- from diffusers import LTXImageToVideoPipeline
134
- from diffusers.utils import export_to_video, load_image
135
-
136
- pipe = LTXImageToVideoPipeline.from_pretrained("Lightricks/LTX-Video", torch_dtype=torch.bfloat16)
137
- pipe.to("cuda")
138
-
139
- image = load_image(
140
- "https://huggingface.co/datasets/a-r-r-o-w/tiny-meme-dataset-captioned/resolve/main/images/8.png"
141
- )
142
- prompt = "A young girl stands calmly in the foreground, looking directly at the camera, as a house fire rages in the background. Flames engulf the structure, with smoke billowing into the air. Firefighters in protective gear rush to the scene, a fire truck labeled '38' visible behind them. The girl's neutral expression contrasts sharply with the chaos of the fire, creating a poignant and emotionally charged scene."
143
- negative_prompt = "worst quality, inconsistent motion, blurry, jittery, distorted"
144
-
145
- video = pipe(
146
- image=image,
147
- prompt=prompt,
148
- negative_prompt=negative_prompt,
149
- width=704,
150
- height=480,
151
- num_frames=161,
152
- num_inference_steps=50,
153
- ).frames[0]
154
- export_to_video(video, "output.mp4", fps=24)
155
- ```
156
-
157
- To learn more, check out the [official documentation](https://huggingface.co/docs/diffusers/main/en/api/pipelines/ltx_video).
158
-
159
- Diffusers also supports directly loading from the original LTX checkpoints using the `from_single_file()` method. Check out [this section](https://huggingface.co/docs/diffusers/main/en/api/pipelines/ltx_video#loading-single-files) to learn more.
160
-
161
  ## Limitations
162
  - This model is not intended or able to provide factual information.
163
  - As a statistical model this checkpoint might amplify existing societal biases.
 
92
  python inference.py --ckpt_dir 'PATH' --prompt "PROMPT" --input_image_path IMAGE_PATH --height HEIGHT --width WIDTH --num_frames NUM_FRAMES --seed SEED
93
  ```
94
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
95
  ## Limitations
96
  - This model is not intended or able to provide factual information.
97
  - As a statistical model this checkpoint might amplify existing societal biases.
ltx-video-2b-v0.9.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:45369c2ae94e3949b127ef99ca9fe173b077f1ca0fecf8185e4115afcbc09581
3
- size 9370442108
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:63111264103e4bb8e7f5f7a653e9417d83c84759a48a945f9fabf7f7ea0d9984
3
+ size 9370440316
model_index.json DELETED
@@ -1,24 +0,0 @@
1
- {
2
- "_class_name": "LTXPipeline",
3
- "_diffusers_version": "0.32.0.dev0",
4
- "scheduler": [
5
- "diffusers",
6
- "FlowMatchEulerDiscreteScheduler"
7
- ],
8
- "text_encoder": [
9
- "transformers",
10
- "T5EncoderModel"
11
- ],
12
- "tokenizer": [
13
- "transformers",
14
- "T5Tokenizer"
15
- ],
16
- "transformer": [
17
- "diffusers",
18
- "LTXVideoTransformer3DModel"
19
- ],
20
- "vae": [
21
- "diffusers",
22
- "AutoencoderKLLTXVideo"
23
- ]
24
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
scheduler/scheduler_config.json CHANGED
@@ -1,16 +1,8 @@
1
  {
2
- "_class_name": "FlowMatchEulerDiscreteScheduler",
3
- "_diffusers_version": "0.32.0.dev0",
4
- "base_image_seq_len": 1024,
5
- "base_shift": 0.95,
6
- "invert_sigmas": false,
7
- "max_image_seq_len": 4096,
8
- "max_shift": 2.05,
9
  "num_train_timesteps": 1000,
10
- "shift": 1.0,
11
- "shift_terminal": 0.1,
12
- "use_beta_sigmas": false,
13
- "use_dynamic_shifting": true,
14
- "use_exponential_sigmas": false,
15
- "use_karras_sigmas": false
16
- }
 
1
  {
2
+ "_class_name": "RectifiedFlowScheduler",
3
+ "_diffusers_version": "0.25.1",
 
 
 
 
 
4
  "num_train_timesteps": 1000,
5
+ "shifting": "SD3",
6
+ "base_resolution": null,
7
+ "target_shift_terminal": 0.1
8
+ }
 
 
 
text_encoder/config.json DELETED
@@ -1,32 +0,0 @@
1
- {
2
- "_name_or_path": "google/t5-v1_1-xxl",
3
- "architectures": [
4
- "T5EncoderModel"
5
- ],
6
- "classifier_dropout": 0.0,
7
- "d_ff": 10240,
8
- "d_kv": 64,
9
- "d_model": 4096,
10
- "decoder_start_token_id": 0,
11
- "dense_act_fn": "gelu_new",
12
- "dropout_rate": 0.1,
13
- "eos_token_id": 1,
14
- "feed_forward_proj": "gated-gelu",
15
- "initializer_factor": 1.0,
16
- "is_encoder_decoder": true,
17
- "is_gated_act": true,
18
- "layer_norm_epsilon": 1e-06,
19
- "model_type": "t5",
20
- "num_decoder_layers": 24,
21
- "num_heads": 64,
22
- "num_layers": 24,
23
- "output_past": true,
24
- "pad_token_id": 0,
25
- "relative_attention_max_distance": 128,
26
- "relative_attention_num_buckets": 32,
27
- "tie_word_embeddings": false,
28
- "torch_dtype": "float32",
29
- "transformers_version": "4.46.2",
30
- "use_cache": true,
31
- "vocab_size": 32128
32
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
text_encoder/model-00001-of-00004.safetensors DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:7a68b2c8c080696a10109612a649bc69330991ecfea65930ccfdfbdb011f2686
3
- size 4989319680
 
 
 
 
text_encoder/model-00003-of-00004.safetensors DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:c831635f83041f83faf0024b39c6ecb21b45d70dd38a63ea5bac6c7c6e5e558c
3
- size 4865612720
 
 
 
 
text_encoder/model-00004-of-00004.safetensors DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:02a5f2d69205be92ad48fe5d712d38c2ff55627969116aeffc58bd75a28da468
3
- size 4194506688
 
 
 
 
text_encoder/model.safetensors.index.json DELETED
@@ -1,226 +0,0 @@
1
- {
2
- "metadata": {
3
- "total_size": 19049242624
4
- },
5
- "weight_map": {
6
- "encoder.block.0.layer.0.SelfAttention.k.weight": "model-00001-of-00004.safetensors",
7
- "encoder.block.0.layer.0.SelfAttention.o.weight": "model-00001-of-00004.safetensors",
8
- "encoder.block.0.layer.0.SelfAttention.q.weight": "model-00001-of-00004.safetensors",
9
- "encoder.block.0.layer.0.SelfAttention.relative_attention_bias.weight": "model-00001-of-00004.safetensors",
10
- "encoder.block.0.layer.0.SelfAttention.v.weight": "model-00001-of-00004.safetensors",
11
- "encoder.block.0.layer.0.layer_norm.weight": "model-00001-of-00004.safetensors",
12
- "encoder.block.0.layer.1.DenseReluDense.wi_0.weight": "model-00001-of-00004.safetensors",
13
- "encoder.block.0.layer.1.DenseReluDense.wi_1.weight": "model-00001-of-00004.safetensors",
14
- "encoder.block.0.layer.1.DenseReluDense.wo.weight": "model-00001-of-00004.safetensors",
15
- "encoder.block.0.layer.1.layer_norm.weight": "model-00001-of-00004.safetensors",
16
- "encoder.block.1.layer.0.SelfAttention.k.weight": "model-00001-of-00004.safetensors",
17
- "encoder.block.1.layer.0.SelfAttention.o.weight": "model-00001-of-00004.safetensors",
18
- "encoder.block.1.layer.0.SelfAttention.q.weight": "model-00001-of-00004.safetensors",
19
- "encoder.block.1.layer.0.SelfAttention.v.weight": "model-00001-of-00004.safetensors",
20
- "encoder.block.1.layer.0.layer_norm.weight": "model-00001-of-00004.safetensors",
21
- "encoder.block.1.layer.1.DenseReluDense.wi_0.weight": "model-00001-of-00004.safetensors",
22
- "encoder.block.1.layer.1.DenseReluDense.wi_1.weight": "model-00001-of-00004.safetensors",
23
- "encoder.block.1.layer.1.DenseReluDense.wo.weight": "model-00001-of-00004.safetensors",
24
- "encoder.block.1.layer.1.layer_norm.weight": "model-00001-of-00004.safetensors",
25
- "encoder.block.10.layer.0.SelfAttention.k.weight": "model-00002-of-00004.safetensors",
26
- "encoder.block.10.layer.0.SelfAttention.o.weight": "model-00002-of-00004.safetensors",
27
- "encoder.block.10.layer.0.SelfAttention.q.weight": "model-00002-of-00004.safetensors",
28
- "encoder.block.10.layer.0.SelfAttention.v.weight": "model-00002-of-00004.safetensors",
29
- "encoder.block.10.layer.0.layer_norm.weight": "model-00002-of-00004.safetensors",
30
- "encoder.block.10.layer.1.DenseReluDense.wi_0.weight": "model-00002-of-00004.safetensors",
31
- "encoder.block.10.layer.1.DenseReluDense.wi_1.weight": "model-00002-of-00004.safetensors",
32
- "encoder.block.10.layer.1.DenseReluDense.wo.weight": "model-00002-of-00004.safetensors",
33
- "encoder.block.10.layer.1.layer_norm.weight": "model-00002-of-00004.safetensors",
34
- "encoder.block.11.layer.0.SelfAttention.k.weight": "model-00002-of-00004.safetensors",
35
- "encoder.block.11.layer.0.SelfAttention.o.weight": "model-00002-of-00004.safetensors",
36
- "encoder.block.11.layer.0.SelfAttention.q.weight": "model-00002-of-00004.safetensors",
37
- "encoder.block.11.layer.0.SelfAttention.v.weight": "model-00002-of-00004.safetensors",
38
- "encoder.block.11.layer.0.layer_norm.weight": "model-00002-of-00004.safetensors",
39
- "encoder.block.11.layer.1.DenseReluDense.wi_0.weight": "model-00002-of-00004.safetensors",
40
- "encoder.block.11.layer.1.DenseReluDense.wi_1.weight": "model-00002-of-00004.safetensors",
41
- "encoder.block.11.layer.1.DenseReluDense.wo.weight": "model-00002-of-00004.safetensors",
42
- "encoder.block.11.layer.1.layer_norm.weight": "model-00002-of-00004.safetensors",
43
- "encoder.block.12.layer.0.SelfAttention.k.weight": "model-00002-of-00004.safetensors",
44
- "encoder.block.12.layer.0.SelfAttention.o.weight": "model-00003-of-00004.safetensors",
45
- "encoder.block.12.layer.0.SelfAttention.q.weight": "model-00002-of-00004.safetensors",
46
- "encoder.block.12.layer.0.SelfAttention.v.weight": "model-00002-of-00004.safetensors",
47
- "encoder.block.12.layer.0.layer_norm.weight": "model-00003-of-00004.safetensors",
48
- "encoder.block.12.layer.1.DenseReluDense.wi_0.weight": "model-00003-of-00004.safetensors",
49
- "encoder.block.12.layer.1.DenseReluDense.wi_1.weight": "model-00003-of-00004.safetensors",
50
- "encoder.block.12.layer.1.DenseReluDense.wo.weight": "model-00003-of-00004.safetensors",
51
- "encoder.block.12.layer.1.layer_norm.weight": "model-00003-of-00004.safetensors",
52
- "encoder.block.13.layer.0.SelfAttention.k.weight": "model-00003-of-00004.safetensors",
53
- "encoder.block.13.layer.0.SelfAttention.o.weight": "model-00003-of-00004.safetensors",
54
- "encoder.block.13.layer.0.SelfAttention.q.weight": "model-00003-of-00004.safetensors",
55
- "encoder.block.13.layer.0.SelfAttention.v.weight": "model-00003-of-00004.safetensors",
56
- "encoder.block.13.layer.0.layer_norm.weight": "model-00003-of-00004.safetensors",
57
- "encoder.block.13.layer.1.DenseReluDense.wi_0.weight": "model-00003-of-00004.safetensors",
58
- "encoder.block.13.layer.1.DenseReluDense.wi_1.weight": "model-00003-of-00004.safetensors",
59
- "encoder.block.13.layer.1.DenseReluDense.wo.weight": "model-00003-of-00004.safetensors",
60
- "encoder.block.13.layer.1.layer_norm.weight": "model-00003-of-00004.safetensors",
61
- "encoder.block.14.layer.0.SelfAttention.k.weight": "model-00003-of-00004.safetensors",
62
- "encoder.block.14.layer.0.SelfAttention.o.weight": "model-00003-of-00004.safetensors",
63
- "encoder.block.14.layer.0.SelfAttention.q.weight": "model-00003-of-00004.safetensors",
64
- "encoder.block.14.layer.0.SelfAttention.v.weight": "model-00003-of-00004.safetensors",
65
- "encoder.block.14.layer.0.layer_norm.weight": "model-00003-of-00004.safetensors",
66
- "encoder.block.14.layer.1.DenseReluDense.wi_0.weight": "model-00003-of-00004.safetensors",
67
- "encoder.block.14.layer.1.DenseReluDense.wi_1.weight": "model-00003-of-00004.safetensors",
68
- "encoder.block.14.layer.1.DenseReluDense.wo.weight": "model-00003-of-00004.safetensors",
69
- "encoder.block.14.layer.1.layer_norm.weight": "model-00003-of-00004.safetensors",
70
- "encoder.block.15.layer.0.SelfAttention.k.weight": "model-00003-of-00004.safetensors",
71
- "encoder.block.15.layer.0.SelfAttention.o.weight": "model-00003-of-00004.safetensors",
72
- "encoder.block.15.layer.0.SelfAttention.q.weight": "model-00003-of-00004.safetensors",
73
- "encoder.block.15.layer.0.SelfAttention.v.weight": "model-00003-of-00004.safetensors",
74
- "encoder.block.15.layer.0.layer_norm.weight": "model-00003-of-00004.safetensors",
75
- "encoder.block.15.layer.1.DenseReluDense.wi_0.weight": "model-00003-of-00004.safetensors",
76
- "encoder.block.15.layer.1.DenseReluDense.wi_1.weight": "model-00003-of-00004.safetensors",
77
- "encoder.block.15.layer.1.DenseReluDense.wo.weight": "model-00003-of-00004.safetensors",
78
- "encoder.block.15.layer.1.layer_norm.weight": "model-00003-of-00004.safetensors",
79
- "encoder.block.16.layer.0.SelfAttention.k.weight": "model-00003-of-00004.safetensors",
80
- "encoder.block.16.layer.0.SelfAttention.o.weight": "model-00003-of-00004.safetensors",
81
- "encoder.block.16.layer.0.SelfAttention.q.weight": "model-00003-of-00004.safetensors",
82
- "encoder.block.16.layer.0.SelfAttention.v.weight": "model-00003-of-00004.safetensors",
83
- "encoder.block.16.layer.0.layer_norm.weight": "model-00003-of-00004.safetensors",
84
- "encoder.block.16.layer.1.DenseReluDense.wi_0.weight": "model-00003-of-00004.safetensors",
85
- "encoder.block.16.layer.1.DenseReluDense.wi_1.weight": "model-00003-of-00004.safetensors",
86
- "encoder.block.16.layer.1.DenseReluDense.wo.weight": "model-00003-of-00004.safetensors",
87
- "encoder.block.16.layer.1.layer_norm.weight": "model-00003-of-00004.safetensors",
88
- "encoder.block.17.layer.0.SelfAttention.k.weight": "model-00003-of-00004.safetensors",
89
- "encoder.block.17.layer.0.SelfAttention.o.weight": "model-00003-of-00004.safetensors",
90
- "encoder.block.17.layer.0.SelfAttention.q.weight": "model-00003-of-00004.safetensors",
91
- "encoder.block.17.layer.0.SelfAttention.v.weight": "model-00003-of-00004.safetensors",
92
- "encoder.block.17.layer.0.layer_norm.weight": "model-00003-of-00004.safetensors",
93
- "encoder.block.17.layer.1.DenseReluDense.wi_0.weight": "model-00003-of-00004.safetensors",
94
- "encoder.block.17.layer.1.DenseReluDense.wi_1.weight": "model-00003-of-00004.safetensors",
95
- "encoder.block.17.layer.1.DenseReluDense.wo.weight": "model-00003-of-00004.safetensors",
96
- "encoder.block.17.layer.1.layer_norm.weight": "model-00003-of-00004.safetensors",
97
- "encoder.block.18.layer.0.SelfAttention.k.weight": "model-00003-of-00004.safetensors",
98
- "encoder.block.18.layer.0.SelfAttention.o.weight": "model-00003-of-00004.safetensors",
99
- "encoder.block.18.layer.0.SelfAttention.q.weight": "model-00003-of-00004.safetensors",
100
- "encoder.block.18.layer.0.SelfAttention.v.weight": "model-00003-of-00004.safetensors",
101
- "encoder.block.18.layer.0.layer_norm.weight": "model-00003-of-00004.safetensors",
102
- "encoder.block.18.layer.1.DenseReluDense.wi_0.weight": "model-00003-of-00004.safetensors",
103
- "encoder.block.18.layer.1.DenseReluDense.wi_1.weight": "model-00004-of-00004.safetensors",
104
- "encoder.block.18.layer.1.DenseReluDense.wo.weight": "model-00004-of-00004.safetensors",
105
- "encoder.block.18.layer.1.layer_norm.weight": "model-00004-of-00004.safetensors",
106
- "encoder.block.19.layer.0.SelfAttention.k.weight": "model-00004-of-00004.safetensors",
107
- "encoder.block.19.layer.0.SelfAttention.o.weight": "model-00004-of-00004.safetensors",
108
- "encoder.block.19.layer.0.SelfAttention.q.weight": "model-00004-of-00004.safetensors",
109
- "encoder.block.19.layer.0.SelfAttention.v.weight": "model-00004-of-00004.safetensors",
110
- "encoder.block.19.layer.0.layer_norm.weight": "model-00004-of-00004.safetensors",
111
- "encoder.block.19.layer.1.DenseReluDense.wi_0.weight": "model-00004-of-00004.safetensors",
112
- "encoder.block.19.layer.1.DenseReluDense.wi_1.weight": "model-00004-of-00004.safetensors",
113
- "encoder.block.19.layer.1.DenseReluDense.wo.weight": "model-00004-of-00004.safetensors",
114
- "encoder.block.19.layer.1.layer_norm.weight": "model-00004-of-00004.safetensors",
115
- "encoder.block.2.layer.0.SelfAttention.k.weight": "model-00001-of-00004.safetensors",
116
- "encoder.block.2.layer.0.SelfAttention.o.weight": "model-00001-of-00004.safetensors",
117
- "encoder.block.2.layer.0.SelfAttention.q.weight": "model-00001-of-00004.safetensors",
118
- "encoder.block.2.layer.0.SelfAttention.v.weight": "model-00001-of-00004.safetensors",
119
- "encoder.block.2.layer.0.layer_norm.weight": "model-00001-of-00004.safetensors",
120
- "encoder.block.2.layer.1.DenseReluDense.wi_0.weight": "model-00001-of-00004.safetensors",
121
- "encoder.block.2.layer.1.DenseReluDense.wi_1.weight": "model-00001-of-00004.safetensors",
122
- "encoder.block.2.layer.1.DenseReluDense.wo.weight": "model-00001-of-00004.safetensors",
123
- "encoder.block.2.layer.1.layer_norm.weight": "model-00001-of-00004.safetensors",
124
- "encoder.block.20.layer.0.SelfAttention.k.weight": "model-00004-of-00004.safetensors",
125
- "encoder.block.20.layer.0.SelfAttention.o.weight": "model-00004-of-00004.safetensors",
126
- "encoder.block.20.layer.0.SelfAttention.q.weight": "model-00004-of-00004.safetensors",
127
- "encoder.block.20.layer.0.SelfAttention.v.weight": "model-00004-of-00004.safetensors",
128
- "encoder.block.20.layer.0.layer_norm.weight": "model-00004-of-00004.safetensors",
129
- "encoder.block.20.layer.1.DenseReluDense.wi_0.weight": "model-00004-of-00004.safetensors",
130
- "encoder.block.20.layer.1.DenseReluDense.wi_1.weight": "model-00004-of-00004.safetensors",
131
- "encoder.block.20.layer.1.DenseReluDense.wo.weight": "model-00004-of-00004.safetensors",
132
- "encoder.block.20.layer.1.layer_norm.weight": "model-00004-of-00004.safetensors",
133
- "encoder.block.21.layer.0.SelfAttention.k.weight": "model-00004-of-00004.safetensors",
134
- "encoder.block.21.layer.0.SelfAttention.o.weight": "model-00004-of-00004.safetensors",
135
- "encoder.block.21.layer.0.SelfAttention.q.weight": "model-00004-of-00004.safetensors",
136
- "encoder.block.21.layer.0.SelfAttention.v.weight": "model-00004-of-00004.safetensors",
137
- "encoder.block.21.layer.0.layer_norm.weight": "model-00004-of-00004.safetensors",
138
- "encoder.block.21.layer.1.DenseReluDense.wi_0.weight": "model-00004-of-00004.safetensors",
139
- "encoder.block.21.layer.1.DenseReluDense.wi_1.weight": "model-00004-of-00004.safetensors",
140
- "encoder.block.21.layer.1.DenseReluDense.wo.weight": "model-00004-of-00004.safetensors",
141
- "encoder.block.21.layer.1.layer_norm.weight": "model-00004-of-00004.safetensors",
142
- "encoder.block.22.layer.0.SelfAttention.k.weight": "model-00004-of-00004.safetensors",
143
- "encoder.block.22.layer.0.SelfAttention.o.weight": "model-00004-of-00004.safetensors",
144
- "encoder.block.22.layer.0.SelfAttention.q.weight": "model-00004-of-00004.safetensors",
145
- "encoder.block.22.layer.0.SelfAttention.v.weight": "model-00004-of-00004.safetensors",
146
- "encoder.block.22.layer.0.layer_norm.weight": "model-00004-of-00004.safetensors",
147
- "encoder.block.22.layer.1.DenseReluDense.wi_0.weight": "model-00004-of-00004.safetensors",
148
- "encoder.block.22.layer.1.DenseReluDense.wi_1.weight": "model-00004-of-00004.safetensors",
149
- "encoder.block.22.layer.1.DenseReluDense.wo.weight": "model-00004-of-00004.safetensors",
150
- "encoder.block.22.layer.1.layer_norm.weight": "model-00004-of-00004.safetensors",
151
- "encoder.block.23.layer.0.SelfAttention.k.weight": "model-00004-of-00004.safetensors",
152
- "encoder.block.23.layer.0.SelfAttention.o.weight": "model-00004-of-00004.safetensors",
153
- "encoder.block.23.layer.0.SelfAttention.q.weight": "model-00004-of-00004.safetensors",
154
- "encoder.block.23.layer.0.SelfAttention.v.weight": "model-00004-of-00004.safetensors",
155
- "encoder.block.23.layer.0.layer_norm.weight": "model-00004-of-00004.safetensors",
156
- "encoder.block.23.layer.1.DenseReluDense.wi_0.weight": "model-00004-of-00004.safetensors",
157
- "encoder.block.23.layer.1.DenseReluDense.wi_1.weight": "model-00004-of-00004.safetensors",
158
- "encoder.block.23.layer.1.DenseReluDense.wo.weight": "model-00004-of-00004.safetensors",
159
- "encoder.block.23.layer.1.layer_norm.weight": "model-00004-of-00004.safetensors",
160
- "encoder.block.3.layer.0.SelfAttention.k.weight": "model-00001-of-00004.safetensors",
161
- "encoder.block.3.layer.0.SelfAttention.o.weight": "model-00001-of-00004.safetensors",
162
- "encoder.block.3.layer.0.SelfAttention.q.weight": "model-00001-of-00004.safetensors",
163
- "encoder.block.3.layer.0.SelfAttention.v.weight": "model-00001-of-00004.safetensors",
164
- "encoder.block.3.layer.0.layer_norm.weight": "model-00001-of-00004.safetensors",
165
- "encoder.block.3.layer.1.DenseReluDense.wi_0.weight": "model-00001-of-00004.safetensors",
166
- "encoder.block.3.layer.1.DenseReluDense.wi_1.weight": "model-00001-of-00004.safetensors",
167
- "encoder.block.3.layer.1.DenseReluDense.wo.weight": "model-00001-of-00004.safetensors",
168
- "encoder.block.3.layer.1.layer_norm.weight": "model-00001-of-00004.safetensors",
169
- "encoder.block.4.layer.0.SelfAttention.k.weight": "model-00001-of-00004.safetensors",
170
- "encoder.block.4.layer.0.SelfAttention.o.weight": "model-00001-of-00004.safetensors",
171
- "encoder.block.4.layer.0.SelfAttention.q.weight": "model-00001-of-00004.safetensors",
172
- "encoder.block.4.layer.0.SelfAttention.v.weight": "model-00001-of-00004.safetensors",
173
- "encoder.block.4.layer.0.layer_norm.weight": "model-00001-of-00004.safetensors",
174
- "encoder.block.4.layer.1.DenseReluDense.wi_0.weight": "model-00001-of-00004.safetensors",
175
- "encoder.block.4.layer.1.DenseReluDense.wi_1.weight": "model-00001-of-00004.safetensors",
176
- "encoder.block.4.layer.1.DenseReluDense.wo.weight": "model-00001-of-00004.safetensors",
177
- "encoder.block.4.layer.1.layer_norm.weight": "model-00001-of-00004.safetensors",
178
- "encoder.block.5.layer.0.SelfAttention.k.weight": "model-00001-of-00004.safetensors",
179
- "encoder.block.5.layer.0.SelfAttention.o.weight": "model-00001-of-00004.safetensors",
180
- "encoder.block.5.layer.0.SelfAttention.q.weight": "model-00001-of-00004.safetensors",
181
- "encoder.block.5.layer.0.SelfAttention.v.weight": "model-00001-of-00004.safetensors",
182
- "encoder.block.5.layer.0.layer_norm.weight": "model-00001-of-00004.safetensors",
183
- "encoder.block.5.layer.1.DenseReluDense.wi_0.weight": "model-00001-of-00004.safetensors",
184
- "encoder.block.5.layer.1.DenseReluDense.wi_1.weight": "model-00001-of-00004.safetensors",
185
- "encoder.block.5.layer.1.DenseReluDense.wo.weight": "model-00002-of-00004.safetensors",
186
- "encoder.block.5.layer.1.layer_norm.weight": "model-00002-of-00004.safetensors",
187
- "encoder.block.6.layer.0.SelfAttention.k.weight": "model-00002-of-00004.safetensors",
188
- "encoder.block.6.layer.0.SelfAttention.o.weight": "model-00002-of-00004.safetensors",
189
- "encoder.block.6.layer.0.SelfAttention.q.weight": "model-00002-of-00004.safetensors",
190
- "encoder.block.6.layer.0.SelfAttention.v.weight": "model-00002-of-00004.safetensors",
191
- "encoder.block.6.layer.0.layer_norm.weight": "model-00002-of-00004.safetensors",
192
- "encoder.block.6.layer.1.DenseReluDense.wi_0.weight": "model-00002-of-00004.safetensors",
193
- "encoder.block.6.layer.1.DenseReluDense.wi_1.weight": "model-00002-of-00004.safetensors",
194
- "encoder.block.6.layer.1.DenseReluDense.wo.weight": "model-00002-of-00004.safetensors",
195
- "encoder.block.6.layer.1.layer_norm.weight": "model-00002-of-00004.safetensors",
196
- "encoder.block.7.layer.0.SelfAttention.k.weight": "model-00002-of-00004.safetensors",
197
- "encoder.block.7.layer.0.SelfAttention.o.weight": "model-00002-of-00004.safetensors",
198
- "encoder.block.7.layer.0.SelfAttention.q.weight": "model-00002-of-00004.safetensors",
199
- "encoder.block.7.layer.0.SelfAttention.v.weight": "model-00002-of-00004.safetensors",
200
- "encoder.block.7.layer.0.layer_norm.weight": "model-00002-of-00004.safetensors",
201
- "encoder.block.7.layer.1.DenseReluDense.wi_0.weight": "model-00002-of-00004.safetensors",
202
- "encoder.block.7.layer.1.DenseReluDense.wi_1.weight": "model-00002-of-00004.safetensors",
203
- "encoder.block.7.layer.1.DenseReluDense.wo.weight": "model-00002-of-00004.safetensors",
204
- "encoder.block.7.layer.1.layer_norm.weight": "model-00002-of-00004.safetensors",
205
- "encoder.block.8.layer.0.SelfAttention.k.weight": "model-00002-of-00004.safetensors",
206
- "encoder.block.8.layer.0.SelfAttention.o.weight": "model-00002-of-00004.safetensors",
207
- "encoder.block.8.layer.0.SelfAttention.q.weight": "model-00002-of-00004.safetensors",
208
- "encoder.block.8.layer.0.SelfAttention.v.weight": "model-00002-of-00004.safetensors",
209
- "encoder.block.8.layer.0.layer_norm.weight": "model-00002-of-00004.safetensors",
210
- "encoder.block.8.layer.1.DenseReluDense.wi_0.weight": "model-00002-of-00004.safetensors",
211
- "encoder.block.8.layer.1.DenseReluDense.wi_1.weight": "model-00002-of-00004.safetensors",
212
- "encoder.block.8.layer.1.DenseReluDense.wo.weight": "model-00002-of-00004.safetensors",
213
- "encoder.block.8.layer.1.layer_norm.weight": "model-00002-of-00004.safetensors",
214
- "encoder.block.9.layer.0.SelfAttention.k.weight": "model-00002-of-00004.safetensors",
215
- "encoder.block.9.layer.0.SelfAttention.o.weight": "model-00002-of-00004.safetensors",
216
- "encoder.block.9.layer.0.SelfAttention.q.weight": "model-00002-of-00004.safetensors",
217
- "encoder.block.9.layer.0.SelfAttention.v.weight": "model-00002-of-00004.safetensors",
218
- "encoder.block.9.layer.0.layer_norm.weight": "model-00002-of-00004.safetensors",
219
- "encoder.block.9.layer.1.DenseReluDense.wi_0.weight": "model-00002-of-00004.safetensors",
220
- "encoder.block.9.layer.1.DenseReluDense.wi_1.weight": "model-00002-of-00004.safetensors",
221
- "encoder.block.9.layer.1.DenseReluDense.wo.weight": "model-00002-of-00004.safetensors",
222
- "encoder.block.9.layer.1.layer_norm.weight": "model-00002-of-00004.safetensors",
223
- "encoder.final_layer_norm.weight": "model-00004-of-00004.safetensors",
224
- "shared.weight": "model-00001-of-00004.safetensors"
225
- }
226
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
tokenizer/added_tokens.json DELETED
@@ -1,102 +0,0 @@
1
- {
2
- "<extra_id_0>": 32099,
3
- "<extra_id_10>": 32089,
4
- "<extra_id_11>": 32088,
5
- "<extra_id_12>": 32087,
6
- "<extra_id_13>": 32086,
7
- "<extra_id_14>": 32085,
8
- "<extra_id_15>": 32084,
9
- "<extra_id_16>": 32083,
10
- "<extra_id_17>": 32082,
11
- "<extra_id_18>": 32081,
12
- "<extra_id_19>": 32080,
13
- "<extra_id_1>": 32098,
14
- "<extra_id_20>": 32079,
15
- "<extra_id_21>": 32078,
16
- "<extra_id_22>": 32077,
17
- "<extra_id_23>": 32076,
18
- "<extra_id_24>": 32075,
19
- "<extra_id_25>": 32074,
20
- "<extra_id_26>": 32073,
21
- "<extra_id_27>": 32072,
22
- "<extra_id_28>": 32071,
23
- "<extra_id_29>": 32070,
24
- "<extra_id_2>": 32097,
25
- "<extra_id_30>": 32069,
26
- "<extra_id_31>": 32068,
27
- "<extra_id_32>": 32067,
28
- "<extra_id_33>": 32066,
29
- "<extra_id_34>": 32065,
30
- "<extra_id_35>": 32064,
31
- "<extra_id_36>": 32063,
32
- "<extra_id_37>": 32062,
33
- "<extra_id_38>": 32061,
34
- "<extra_id_39>": 32060,
35
- "<extra_id_3>": 32096,
36
- "<extra_id_40>": 32059,
37
- "<extra_id_41>": 32058,
38
- "<extra_id_42>": 32057,
39
- "<extra_id_43>": 32056,
40
- "<extra_id_44>": 32055,
41
- "<extra_id_45>": 32054,
42
- "<extra_id_46>": 32053,
43
- "<extra_id_47>": 32052,
44
- "<extra_id_48>": 32051,
45
- "<extra_id_49>": 32050,
46
- "<extra_id_4>": 32095,
47
- "<extra_id_50>": 32049,
48
- "<extra_id_51>": 32048,
49
- "<extra_id_52>": 32047,
50
- "<extra_id_53>": 32046,
51
- "<extra_id_54>": 32045,
52
- "<extra_id_55>": 32044,
53
- "<extra_id_56>": 32043,
54
- "<extra_id_57>": 32042,
55
- "<extra_id_58>": 32041,
56
- "<extra_id_59>": 32040,
57
- "<extra_id_5>": 32094,
58
- "<extra_id_60>": 32039,
59
- "<extra_id_61>": 32038,
60
- "<extra_id_62>": 32037,
61
- "<extra_id_63>": 32036,
62
- "<extra_id_64>": 32035,
63
- "<extra_id_65>": 32034,
64
- "<extra_id_66>": 32033,
65
- "<extra_id_67>": 32032,
66
- "<extra_id_68>": 32031,
67
- "<extra_id_69>": 32030,
68
- "<extra_id_6>": 32093,
69
- "<extra_id_70>": 32029,
70
- "<extra_id_71>": 32028,
71
- "<extra_id_72>": 32027,
72
- "<extra_id_73>": 32026,
73
- "<extra_id_74>": 32025,
74
- "<extra_id_75>": 32024,
75
- "<extra_id_76>": 32023,
76
- "<extra_id_77>": 32022,
77
- "<extra_id_78>": 32021,
78
- "<extra_id_79>": 32020,
79
- "<extra_id_7>": 32092,
80
- "<extra_id_80>": 32019,
81
- "<extra_id_81>": 32018,
82
- "<extra_id_82>": 32017,
83
- "<extra_id_83>": 32016,
84
- "<extra_id_84>": 32015,
85
- "<extra_id_85>": 32014,
86
- "<extra_id_86>": 32013,
87
- "<extra_id_87>": 32012,
88
- "<extra_id_88>": 32011,
89
- "<extra_id_89>": 32010,
90
- "<extra_id_8>": 32091,
91
- "<extra_id_90>": 32009,
92
- "<extra_id_91>": 32008,
93
- "<extra_id_92>": 32007,
94
- "<extra_id_93>": 32006,
95
- "<extra_id_94>": 32005,
96
- "<extra_id_95>": 32004,
97
- "<extra_id_96>": 32003,
98
- "<extra_id_97>": 32002,
99
- "<extra_id_98>": 32001,
100
- "<extra_id_99>": 32000,
101
- "<extra_id_9>": 32090
102
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
tokenizer/special_tokens_map.json DELETED
@@ -1,125 +0,0 @@
1
- {
2
- "additional_special_tokens": [
3
- "<extra_id_0>",
4
- "<extra_id_1>",
5
- "<extra_id_2>",
6
- "<extra_id_3>",
7
- "<extra_id_4>",
8
- "<extra_id_5>",
9
- "<extra_id_6>",
10
- "<extra_id_7>",
11
- "<extra_id_8>",
12
- "<extra_id_9>",
13
- "<extra_id_10>",
14
- "<extra_id_11>",
15
- "<extra_id_12>",
16
- "<extra_id_13>",
17
- "<extra_id_14>",
18
- "<extra_id_15>",
19
- "<extra_id_16>",
20
- "<extra_id_17>",
21
- "<extra_id_18>",
22
- "<extra_id_19>",
23
- "<extra_id_20>",
24
- "<extra_id_21>",
25
- "<extra_id_22>",
26
- "<extra_id_23>",
27
- "<extra_id_24>",
28
- "<extra_id_25>",
29
- "<extra_id_26>",
30
- "<extra_id_27>",
31
- "<extra_id_28>",
32
- "<extra_id_29>",
33
- "<extra_id_30>",
34
- "<extra_id_31>",
35
- "<extra_id_32>",
36
- "<extra_id_33>",
37
- "<extra_id_34>",
38
- "<extra_id_35>",
39
- "<extra_id_36>",
40
- "<extra_id_37>",
41
- "<extra_id_38>",
42
- "<extra_id_39>",
43
- "<extra_id_40>",
44
- "<extra_id_41>",
45
- "<extra_id_42>",
46
- "<extra_id_43>",
47
- "<extra_id_44>",
48
- "<extra_id_45>",
49
- "<extra_id_46>",
50
- "<extra_id_47>",
51
- "<extra_id_48>",
52
- "<extra_id_49>",
53
- "<extra_id_50>",
54
- "<extra_id_51>",
55
- "<extra_id_52>",
56
- "<extra_id_53>",
57
- "<extra_id_54>",
58
- "<extra_id_55>",
59
- "<extra_id_56>",
60
- "<extra_id_57>",
61
- "<extra_id_58>",
62
- "<extra_id_59>",
63
- "<extra_id_60>",
64
- "<extra_id_61>",
65
- "<extra_id_62>",
66
- "<extra_id_63>",
67
- "<extra_id_64>",
68
- "<extra_id_65>",
69
- "<extra_id_66>",
70
- "<extra_id_67>",
71
- "<extra_id_68>",
72
- "<extra_id_69>",
73
- "<extra_id_70>",
74
- "<extra_id_71>",
75
- "<extra_id_72>",
76
- "<extra_id_73>",
77
- "<extra_id_74>",
78
- "<extra_id_75>",
79
- "<extra_id_76>",
80
- "<extra_id_77>",
81
- "<extra_id_78>",
82
- "<extra_id_79>",
83
- "<extra_id_80>",
84
- "<extra_id_81>",
85
- "<extra_id_82>",
86
- "<extra_id_83>",
87
- "<extra_id_84>",
88
- "<extra_id_85>",
89
- "<extra_id_86>",
90
- "<extra_id_87>",
91
- "<extra_id_88>",
92
- "<extra_id_89>",
93
- "<extra_id_90>",
94
- "<extra_id_91>",
95
- "<extra_id_92>",
96
- "<extra_id_93>",
97
- "<extra_id_94>",
98
- "<extra_id_95>",
99
- "<extra_id_96>",
100
- "<extra_id_97>",
101
- "<extra_id_98>",
102
- "<extra_id_99>"
103
- ],
104
- "eos_token": {
105
- "content": "</s>",
106
- "lstrip": false,
107
- "normalized": false,
108
- "rstrip": false,
109
- "single_word": false
110
- },
111
- "pad_token": {
112
- "content": "<pad>",
113
- "lstrip": false,
114
- "normalized": false,
115
- "rstrip": false,
116
- "single_word": false
117
- },
118
- "unk_token": {
119
- "content": "<unk>",
120
- "lstrip": false,
121
- "normalized": false,
122
- "rstrip": false,
123
- "single_word": false
124
- }
125
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
tokenizer/spiece.model DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:d60acb128cf7b7f2536e8f38a5b18a05535c9e14c7a355904270e15b0945ea86
3
- size 791656
 
 
 
 
tokenizer/tokenizer_config.json DELETED
@@ -1,940 +0,0 @@
1
- {
2
- "add_prefix_space": true,
3
- "added_tokens_decoder": {
4
- "0": {
5
- "content": "<pad>",
6
- "lstrip": false,
7
- "normalized": false,
8
- "rstrip": false,
9
- "single_word": false,
10
- "special": true
11
- },
12
- "1": {
13
- "content": "</s>",
14
- "lstrip": false,
15
- "normalized": false,
16
- "rstrip": false,
17
- "single_word": false,
18
- "special": true
19
- },
20
- "2": {
21
- "content": "<unk>",
22
- "lstrip": false,
23
- "normalized": false,
24
- "rstrip": false,
25
- "single_word": false,
26
- "special": true
27
- },
28
- "32000": {
29
- "content": "<extra_id_99>",
30
- "lstrip": true,
31
- "normalized": false,
32
- "rstrip": true,
33
- "single_word": false,
34
- "special": true
35
- },
36
- "32001": {
37
- "content": "<extra_id_98>",
38
- "lstrip": true,
39
- "normalized": false,
40
- "rstrip": true,
41
- "single_word": false,
42
- "special": true
43
- },
44
- "32002": {
45
- "content": "<extra_id_97>",
46
- "lstrip": true,
47
- "normalized": false,
48
- "rstrip": true,
49
- "single_word": false,
50
- "special": true
51
- },
52
- "32003": {
53
- "content": "<extra_id_96>",
54
- "lstrip": true,
55
- "normalized": false,
56
- "rstrip": true,
57
- "single_word": false,
58
- "special": true
59
- },
60
- "32004": {
61
- "content": "<extra_id_95>",
62
- "lstrip": true,
63
- "normalized": false,
64
- "rstrip": true,
65
- "single_word": false,
66
- "special": true
67
- },
68
- "32005": {
69
- "content": "<extra_id_94>",
70
- "lstrip": true,
71
- "normalized": false,
72
- "rstrip": true,
73
- "single_word": false,
74
- "special": true
75
- },
76
- "32006": {
77
- "content": "<extra_id_93>",
78
- "lstrip": true,
79
- "normalized": false,
80
- "rstrip": true,
81
- "single_word": false,
82
- "special": true
83
- },
84
- "32007": {
85
- "content": "<extra_id_92>",
86
- "lstrip": true,
87
- "normalized": false,
88
- "rstrip": true,
89
- "single_word": false,
90
- "special": true
91
- },
92
- "32008": {
93
- "content": "<extra_id_91>",
94
- "lstrip": true,
95
- "normalized": false,
96
- "rstrip": true,
97
- "single_word": false,
98
- "special": true
99
- },
100
- "32009": {
101
- "content": "<extra_id_90>",
102
- "lstrip": true,
103
- "normalized": false,
104
- "rstrip": true,
105
- "single_word": false,
106
- "special": true
107
- },
108
- "32010": {
109
- "content": "<extra_id_89>",
110
- "lstrip": true,
111
- "normalized": false,
112
- "rstrip": true,
113
- "single_word": false,
114
- "special": true
115
- },
116
- "32011": {
117
- "content": "<extra_id_88>",
118
- "lstrip": true,
119
- "normalized": false,
120
- "rstrip": true,
121
- "single_word": false,
122
- "special": true
123
- },
124
- "32012": {
125
- "content": "<extra_id_87>",
126
- "lstrip": true,
127
- "normalized": false,
128
- "rstrip": true,
129
- "single_word": false,
130
- "special": true
131
- },
132
- "32013": {
133
- "content": "<extra_id_86>",
134
- "lstrip": true,
135
- "normalized": false,
136
- "rstrip": true,
137
- "single_word": false,
138
- "special": true
139
- },
140
- "32014": {
141
- "content": "<extra_id_85>",
142
- "lstrip": true,
143
- "normalized": false,
144
- "rstrip": true,
145
- "single_word": false,
146
- "special": true
147
- },
148
- "32015": {
149
- "content": "<extra_id_84>",
150
- "lstrip": true,
151
- "normalized": false,
152
- "rstrip": true,
153
- "single_word": false,
154
- "special": true
155
- },
156
- "32016": {
157
- "content": "<extra_id_83>",
158
- "lstrip": true,
159
- "normalized": false,
160
- "rstrip": true,
161
- "single_word": false,
162
- "special": true
163
- },
164
- "32017": {
165
- "content": "<extra_id_82>",
166
- "lstrip": true,
167
- "normalized": false,
168
- "rstrip": true,
169
- "single_word": false,
170
- "special": true
171
- },
172
- "32018": {
173
- "content": "<extra_id_81>",
174
- "lstrip": true,
175
- "normalized": false,
176
- "rstrip": true,
177
- "single_word": false,
178
- "special": true
179
- },
180
- "32019": {
181
- "content": "<extra_id_80>",
182
- "lstrip": true,
183
- "normalized": false,
184
- "rstrip": true,
185
- "single_word": false,
186
- "special": true
187
- },
188
- "32020": {
189
- "content": "<extra_id_79>",
190
- "lstrip": true,
191
- "normalized": false,
192
- "rstrip": true,
193
- "single_word": false,
194
- "special": true
195
- },
196
- "32021": {
197
- "content": "<extra_id_78>",
198
- "lstrip": true,
199
- "normalized": false,
200
- "rstrip": true,
201
- "single_word": false,
202
- "special": true
203
- },
204
- "32022": {
205
- "content": "<extra_id_77>",
206
- "lstrip": true,
207
- "normalized": false,
208
- "rstrip": true,
209
- "single_word": false,
210
- "special": true
211
- },
212
- "32023": {
213
- "content": "<extra_id_76>",
214
- "lstrip": true,
215
- "normalized": false,
216
- "rstrip": true,
217
- "single_word": false,
218
- "special": true
219
- },
220
- "32024": {
221
- "content": "<extra_id_75>",
222
- "lstrip": true,
223
- "normalized": false,
224
- "rstrip": true,
225
- "single_word": false,
226
- "special": true
227
- },
228
- "32025": {
229
- "content": "<extra_id_74>",
230
- "lstrip": true,
231
- "normalized": false,
232
- "rstrip": true,
233
- "single_word": false,
234
- "special": true
235
- },
236
- "32026": {
237
- "content": "<extra_id_73>",
238
- "lstrip": true,
239
- "normalized": false,
240
- "rstrip": true,
241
- "single_word": false,
242
- "special": true
243
- },
244
- "32027": {
245
- "content": "<extra_id_72>",
246
- "lstrip": true,
247
- "normalized": false,
248
- "rstrip": true,
249
- "single_word": false,
250
- "special": true
251
- },
252
- "32028": {
253
- "content": "<extra_id_71>",
254
- "lstrip": true,
255
- "normalized": false,
256
- "rstrip": true,
257
- "single_word": false,
258
- "special": true
259
- },
260
- "32029": {
261
- "content": "<extra_id_70>",
262
- "lstrip": true,
263
- "normalized": false,
264
- "rstrip": true,
265
- "single_word": false,
266
- "special": true
267
- },
268
- "32030": {
269
- "content": "<extra_id_69>",
270
- "lstrip": true,
271
- "normalized": false,
272
- "rstrip": true,
273
- "single_word": false,
274
- "special": true
275
- },
276
- "32031": {
277
- "content": "<extra_id_68>",
278
- "lstrip": true,
279
- "normalized": false,
280
- "rstrip": true,
281
- "single_word": false,
282
- "special": true
283
- },
284
- "32032": {
285
- "content": "<extra_id_67>",
286
- "lstrip": true,
287
- "normalized": false,
288
- "rstrip": true,
289
- "single_word": false,
290
- "special": true
291
- },
292
- "32033": {
293
- "content": "<extra_id_66>",
294
- "lstrip": true,
295
- "normalized": false,
296
- "rstrip": true,
297
- "single_word": false,
298
- "special": true
299
- },
300
- "32034": {
301
- "content": "<extra_id_65>",
302
- "lstrip": true,
303
- "normalized": false,
304
- "rstrip": true,
305
- "single_word": false,
306
- "special": true
307
- },
308
- "32035": {
309
- "content": "<extra_id_64>",
310
- "lstrip": true,
311
- "normalized": false,
312
- "rstrip": true,
313
- "single_word": false,
314
- "special": true
315
- },
316
- "32036": {
317
- "content": "<extra_id_63>",
318
- "lstrip": true,
319
- "normalized": false,
320
- "rstrip": true,
321
- "single_word": false,
322
- "special": true
323
- },
324
- "32037": {
325
- "content": "<extra_id_62>",
326
- "lstrip": true,
327
- "normalized": false,
328
- "rstrip": true,
329
- "single_word": false,
330
- "special": true
331
- },
332
- "32038": {
333
- "content": "<extra_id_61>",
334
- "lstrip": true,
335
- "normalized": false,
336
- "rstrip": true,
337
- "single_word": false,
338
- "special": true
339
- },
340
- "32039": {
341
- "content": "<extra_id_60>",
342
- "lstrip": true,
343
- "normalized": false,
344
- "rstrip": true,
345
- "single_word": false,
346
- "special": true
347
- },
348
- "32040": {
349
- "content": "<extra_id_59>",
350
- "lstrip": true,
351
- "normalized": false,
352
- "rstrip": true,
353
- "single_word": false,
354
- "special": true
355
- },
356
- "32041": {
357
- "content": "<extra_id_58>",
358
- "lstrip": true,
359
- "normalized": false,
360
- "rstrip": true,
361
- "single_word": false,
362
- "special": true
363
- },
364
- "32042": {
365
- "content": "<extra_id_57>",
366
- "lstrip": true,
367
- "normalized": false,
368
- "rstrip": true,
369
- "single_word": false,
370
- "special": true
371
- },
372
- "32043": {
373
- "content": "<extra_id_56>",
374
- "lstrip": true,
375
- "normalized": false,
376
- "rstrip": true,
377
- "single_word": false,
378
- "special": true
379
- },
380
- "32044": {
381
- "content": "<extra_id_55>",
382
- "lstrip": true,
383
- "normalized": false,
384
- "rstrip": true,
385
- "single_word": false,
386
- "special": true
387
- },
388
- "32045": {
389
- "content": "<extra_id_54>",
390
- "lstrip": true,
391
- "normalized": false,
392
- "rstrip": true,
393
- "single_word": false,
394
- "special": true
395
- },
396
- "32046": {
397
- "content": "<extra_id_53>",
398
- "lstrip": true,
399
- "normalized": false,
400
- "rstrip": true,
401
- "single_word": false,
402
- "special": true
403
- },
404
- "32047": {
405
- "content": "<extra_id_52>",
406
- "lstrip": true,
407
- "normalized": false,
408
- "rstrip": true,
409
- "single_word": false,
410
- "special": true
411
- },
412
- "32048": {
413
- "content": "<extra_id_51>",
414
- "lstrip": true,
415
- "normalized": false,
416
- "rstrip": true,
417
- "single_word": false,
418
- "special": true
419
- },
420
- "32049": {
421
- "content": "<extra_id_50>",
422
- "lstrip": true,
423
- "normalized": false,
424
- "rstrip": true,
425
- "single_word": false,
426
- "special": true
427
- },
428
- "32050": {
429
- "content": "<extra_id_49>",
430
- "lstrip": true,
431
- "normalized": false,
432
- "rstrip": true,
433
- "single_word": false,
434
- "special": true
435
- },
436
- "32051": {
437
- "content": "<extra_id_48>",
438
- "lstrip": true,
439
- "normalized": false,
440
- "rstrip": true,
441
- "single_word": false,
442
- "special": true
443
- },
444
- "32052": {
445
- "content": "<extra_id_47>",
446
- "lstrip": true,
447
- "normalized": false,
448
- "rstrip": true,
449
- "single_word": false,
450
- "special": true
451
- },
452
- "32053": {
453
- "content": "<extra_id_46>",
454
- "lstrip": true,
455
- "normalized": false,
456
- "rstrip": true,
457
- "single_word": false,
458
- "special": true
459
- },
460
- "32054": {
461
- "content": "<extra_id_45>",
462
- "lstrip": true,
463
- "normalized": false,
464
- "rstrip": true,
465
- "single_word": false,
466
- "special": true
467
- },
468
- "32055": {
469
- "content": "<extra_id_44>",
470
- "lstrip": true,
471
- "normalized": false,
472
- "rstrip": true,
473
- "single_word": false,
474
- "special": true
475
- },
476
- "32056": {
477
- "content": "<extra_id_43>",
478
- "lstrip": true,
479
- "normalized": false,
480
- "rstrip": true,
481
- "single_word": false,
482
- "special": true
483
- },
484
- "32057": {
485
- "content": "<extra_id_42>",
486
- "lstrip": true,
487
- "normalized": false,
488
- "rstrip": true,
489
- "single_word": false,
490
- "special": true
491
- },
492
- "32058": {
493
- "content": "<extra_id_41>",
494
- "lstrip": true,
495
- "normalized": false,
496
- "rstrip": true,
497
- "single_word": false,
498
- "special": true
499
- },
500
- "32059": {
501
- "content": "<extra_id_40>",
502
- "lstrip": true,
503
- "normalized": false,
504
- "rstrip": true,
505
- "single_word": false,
506
- "special": true
507
- },
508
- "32060": {
509
- "content": "<extra_id_39>",
510
- "lstrip": true,
511
- "normalized": false,
512
- "rstrip": true,
513
- "single_word": false,
514
- "special": true
515
- },
516
- "32061": {
517
- "content": "<extra_id_38>",
518
- "lstrip": true,
519
- "normalized": false,
520
- "rstrip": true,
521
- "single_word": false,
522
- "special": true
523
- },
524
- "32062": {
525
- "content": "<extra_id_37>",
526
- "lstrip": true,
527
- "normalized": false,
528
- "rstrip": true,
529
- "single_word": false,
530
- "special": true
531
- },
532
- "32063": {
533
- "content": "<extra_id_36>",
534
- "lstrip": true,
535
- "normalized": false,
536
- "rstrip": true,
537
- "single_word": false,
538
- "special": true
539
- },
540
- "32064": {
541
- "content": "<extra_id_35>",
542
- "lstrip": true,
543
- "normalized": false,
544
- "rstrip": true,
545
- "single_word": false,
546
- "special": true
547
- },
548
- "32065": {
549
- "content": "<extra_id_34>",
550
- "lstrip": true,
551
- "normalized": false,
552
- "rstrip": true,
553
- "single_word": false,
554
- "special": true
555
- },
556
- "32066": {
557
- "content": "<extra_id_33>",
558
- "lstrip": true,
559
- "normalized": false,
560
- "rstrip": true,
561
- "single_word": false,
562
- "special": true
563
- },
564
- "32067": {
565
- "content": "<extra_id_32>",
566
- "lstrip": true,
567
- "normalized": false,
568
- "rstrip": true,
569
- "single_word": false,
570
- "special": true
571
- },
572
- "32068": {
573
- "content": "<extra_id_31>",
574
- "lstrip": true,
575
- "normalized": false,
576
- "rstrip": true,
577
- "single_word": false,
578
- "special": true
579
- },
580
- "32069": {
581
- "content": "<extra_id_30>",
582
- "lstrip": true,
583
- "normalized": false,
584
- "rstrip": true,
585
- "single_word": false,
586
- "special": true
587
- },
588
- "32070": {
589
- "content": "<extra_id_29>",
590
- "lstrip": true,
591
- "normalized": false,
592
- "rstrip": true,
593
- "single_word": false,
594
- "special": true
595
- },
596
- "32071": {
597
- "content": "<extra_id_28>",
598
- "lstrip": true,
599
- "normalized": false,
600
- "rstrip": true,
601
- "single_word": false,
602
- "special": true
603
- },
604
- "32072": {
605
- "content": "<extra_id_27>",
606
- "lstrip": true,
607
- "normalized": false,
608
- "rstrip": true,
609
- "single_word": false,
610
- "special": true
611
- },
612
- "32073": {
613
- "content": "<extra_id_26>",
614
- "lstrip": true,
615
- "normalized": false,
616
- "rstrip": true,
617
- "single_word": false,
618
- "special": true
619
- },
620
- "32074": {
621
- "content": "<extra_id_25>",
622
- "lstrip": true,
623
- "normalized": false,
624
- "rstrip": true,
625
- "single_word": false,
626
- "special": true
627
- },
628
- "32075": {
629
- "content": "<extra_id_24>",
630
- "lstrip": true,
631
- "normalized": false,
632
- "rstrip": true,
633
- "single_word": false,
634
- "special": true
635
- },
636
- "32076": {
637
- "content": "<extra_id_23>",
638
- "lstrip": true,
639
- "normalized": false,
640
- "rstrip": true,
641
- "single_word": false,
642
- "special": true
643
- },
644
- "32077": {
645
- "content": "<extra_id_22>",
646
- "lstrip": true,
647
- "normalized": false,
648
- "rstrip": true,
649
- "single_word": false,
650
- "special": true
651
- },
652
- "32078": {
653
- "content": "<extra_id_21>",
654
- "lstrip": true,
655
- "normalized": false,
656
- "rstrip": true,
657
- "single_word": false,
658
- "special": true
659
- },
660
- "32079": {
661
- "content": "<extra_id_20>",
662
- "lstrip": true,
663
- "normalized": false,
664
- "rstrip": true,
665
- "single_word": false,
666
- "special": true
667
- },
668
- "32080": {
669
- "content": "<extra_id_19>",
670
- "lstrip": true,
671
- "normalized": false,
672
- "rstrip": true,
673
- "single_word": false,
674
- "special": true
675
- },
676
- "32081": {
677
- "content": "<extra_id_18>",
678
- "lstrip": true,
679
- "normalized": false,
680
- "rstrip": true,
681
- "single_word": false,
682
- "special": true
683
- },
684
- "32082": {
685
- "content": "<extra_id_17>",
686
- "lstrip": true,
687
- "normalized": false,
688
- "rstrip": true,
689
- "single_word": false,
690
- "special": true
691
- },
692
- "32083": {
693
- "content": "<extra_id_16>",
694
- "lstrip": true,
695
- "normalized": false,
696
- "rstrip": true,
697
- "single_word": false,
698
- "special": true
699
- },
700
- "32084": {
701
- "content": "<extra_id_15>",
702
- "lstrip": true,
703
- "normalized": false,
704
- "rstrip": true,
705
- "single_word": false,
706
- "special": true
707
- },
708
- "32085": {
709
- "content": "<extra_id_14>",
710
- "lstrip": true,
711
- "normalized": false,
712
- "rstrip": true,
713
- "single_word": false,
714
- "special": true
715
- },
716
- "32086": {
717
- "content": "<extra_id_13>",
718
- "lstrip": true,
719
- "normalized": false,
720
- "rstrip": true,
721
- "single_word": false,
722
- "special": true
723
- },
724
- "32087": {
725
- "content": "<extra_id_12>",
726
- "lstrip": true,
727
- "normalized": false,
728
- "rstrip": true,
729
- "single_word": false,
730
- "special": true
731
- },
732
- "32088": {
733
- "content": "<extra_id_11>",
734
- "lstrip": true,
735
- "normalized": false,
736
- "rstrip": true,
737
- "single_word": false,
738
- "special": true
739
- },
740
- "32089": {
741
- "content": "<extra_id_10>",
742
- "lstrip": true,
743
- "normalized": false,
744
- "rstrip": true,
745
- "single_word": false,
746
- "special": true
747
- },
748
- "32090": {
749
- "content": "<extra_id_9>",
750
- "lstrip": true,
751
- "normalized": false,
752
- "rstrip": true,
753
- "single_word": false,
754
- "special": true
755
- },
756
- "32091": {
757
- "content": "<extra_id_8>",
758
- "lstrip": true,
759
- "normalized": false,
760
- "rstrip": true,
761
- "single_word": false,
762
- "special": true
763
- },
764
- "32092": {
765
- "content": "<extra_id_7>",
766
- "lstrip": true,
767
- "normalized": false,
768
- "rstrip": true,
769
- "single_word": false,
770
- "special": true
771
- },
772
- "32093": {
773
- "content": "<extra_id_6>",
774
- "lstrip": true,
775
- "normalized": false,
776
- "rstrip": true,
777
- "single_word": false,
778
- "special": true
779
- },
780
- "32094": {
781
- "content": "<extra_id_5>",
782
- "lstrip": true,
783
- "normalized": false,
784
- "rstrip": true,
785
- "single_word": false,
786
- "special": true
787
- },
788
- "32095": {
789
- "content": "<extra_id_4>",
790
- "lstrip": true,
791
- "normalized": false,
792
- "rstrip": true,
793
- "single_word": false,
794
- "special": true
795
- },
796
- "32096": {
797
- "content": "<extra_id_3>",
798
- "lstrip": true,
799
- "normalized": false,
800
- "rstrip": true,
801
- "single_word": false,
802
- "special": true
803
- },
804
- "32097": {
805
- "content": "<extra_id_2>",
806
- "lstrip": true,
807
- "normalized": false,
808
- "rstrip": true,
809
- "single_word": false,
810
- "special": true
811
- },
812
- "32098": {
813
- "content": "<extra_id_1>",
814
- "lstrip": true,
815
- "normalized": false,
816
- "rstrip": true,
817
- "single_word": false,
818
- "special": true
819
- },
820
- "32099": {
821
- "content": "<extra_id_0>",
822
- "lstrip": true,
823
- "normalized": false,
824
- "rstrip": true,
825
- "single_word": false,
826
- "special": true
827
- }
828
- },
829
- "additional_special_tokens": [
830
- "<extra_id_0>",
831
- "<extra_id_1>",
832
- "<extra_id_2>",
833
- "<extra_id_3>",
834
- "<extra_id_4>",
835
- "<extra_id_5>",
836
- "<extra_id_6>",
837
- "<extra_id_7>",
838
- "<extra_id_8>",
839
- "<extra_id_9>",
840
- "<extra_id_10>",
841
- "<extra_id_11>",
842
- "<extra_id_12>",
843
- "<extra_id_13>",
844
- "<extra_id_14>",
845
- "<extra_id_15>",
846
- "<extra_id_16>",
847
- "<extra_id_17>",
848
- "<extra_id_18>",
849
- "<extra_id_19>",
850
- "<extra_id_20>",
851
- "<extra_id_21>",
852
- "<extra_id_22>",
853
- "<extra_id_23>",
854
- "<extra_id_24>",
855
- "<extra_id_25>",
856
- "<extra_id_26>",
857
- "<extra_id_27>",
858
- "<extra_id_28>",
859
- "<extra_id_29>",
860
- "<extra_id_30>",
861
- "<extra_id_31>",
862
- "<extra_id_32>",
863
- "<extra_id_33>",
864
- "<extra_id_34>",
865
- "<extra_id_35>",
866
- "<extra_id_36>",
867
- "<extra_id_37>",
868
- "<extra_id_38>",
869
- "<extra_id_39>",
870
- "<extra_id_40>",
871
- "<extra_id_41>",
872
- "<extra_id_42>",
873
- "<extra_id_43>",
874
- "<extra_id_44>",
875
- "<extra_id_45>",
876
- "<extra_id_46>",
877
- "<extra_id_47>",
878
- "<extra_id_48>",
879
- "<extra_id_49>",
880
- "<extra_id_50>",
881
- "<extra_id_51>",
882
- "<extra_id_52>",
883
- "<extra_id_53>",
884
- "<extra_id_54>",
885
- "<extra_id_55>",
886
- "<extra_id_56>",
887
- "<extra_id_57>",
888
- "<extra_id_58>",
889
- "<extra_id_59>",
890
- "<extra_id_60>",
891
- "<extra_id_61>",
892
- "<extra_id_62>",
893
- "<extra_id_63>",
894
- "<extra_id_64>",
895
- "<extra_id_65>",
896
- "<extra_id_66>",
897
- "<extra_id_67>",
898
- "<extra_id_68>",
899
- "<extra_id_69>",
900
- "<extra_id_70>",
901
- "<extra_id_71>",
902
- "<extra_id_72>",
903
- "<extra_id_73>",
904
- "<extra_id_74>",
905
- "<extra_id_75>",
906
- "<extra_id_76>",
907
- "<extra_id_77>",
908
- "<extra_id_78>",
909
- "<extra_id_79>",
910
- "<extra_id_80>",
911
- "<extra_id_81>",
912
- "<extra_id_82>",
913
- "<extra_id_83>",
914
- "<extra_id_84>",
915
- "<extra_id_85>",
916
- "<extra_id_86>",
917
- "<extra_id_87>",
918
- "<extra_id_88>",
919
- "<extra_id_89>",
920
- "<extra_id_90>",
921
- "<extra_id_91>",
922
- "<extra_id_92>",
923
- "<extra_id_93>",
924
- "<extra_id_94>",
925
- "<extra_id_95>",
926
- "<extra_id_96>",
927
- "<extra_id_97>",
928
- "<extra_id_98>",
929
- "<extra_id_99>"
930
- ],
931
- "clean_up_tokenization_spaces": false,
932
- "eos_token": "</s>",
933
- "extra_ids": 100,
934
- "legacy": true,
935
- "model_max_length": 128,
936
- "pad_token": "<pad>",
937
- "sp_model_kwargs": {},
938
- "tokenizer_class": "T5Tokenizer",
939
- "unk_token": "<unk>"
940
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
transformer/config.json DELETED
@@ -1,19 +0,0 @@
1
- {
2
- "_class_name": "LTXVideoTransformer3DModel",
3
- "_diffusers_version": "0.32.0.dev0",
4
- "activation_fn": "gelu-approximate",
5
- "attention_bias": true,
6
- "attention_head_dim": 64,
7
- "attention_out_bias": true,
8
- "caption_channels": 4096,
9
- "cross_attention_dim": 2048,
10
- "in_channels": 128,
11
- "norm_elementwise_affine": false,
12
- "norm_eps": 1e-06,
13
- "num_attention_heads": 32,
14
- "num_layers": 28,
15
- "out_channels": 128,
16
- "patch_size": 1,
17
- "patch_size_t": 1,
18
- "qk_norm": "rms_norm_across_heads"
19
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
transformer/diffusion_pytorch_model-00001-of-00002.safetensors DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:8acd3e0bda74f7434259a4543a324211ddd82580fcc727df236b2414591eadc8
3
- size 4939189200
 
 
 
 
transformer/diffusion_pytorch_model-00002-of-00002.safetensors DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:03b3c822c31e1a9e00f6f575aa1b6f3cc4cc3797f60dcced537c8600bf1e9019
3
- size 2754433648
 
 
 
 
transformer/diffusion_pytorch_model.safetensors.index.json DELETED
@@ -1,722 +0,0 @@
1
- {
2
- "metadata": {
3
- "total_size": 7693541888
4
- },
5
- "weight_map": {
6
- "caption_projection.linear_1.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
7
- "caption_projection.linear_1.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
8
- "caption_projection.linear_2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
9
- "caption_projection.linear_2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
10
- "proj_in.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
11
- "proj_in.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
12
- "proj_out.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
13
- "proj_out.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
14
- "scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
15
- "time_embed.emb.timestep_embedder.linear_1.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
16
- "time_embed.emb.timestep_embedder.linear_1.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
17
- "time_embed.emb.timestep_embedder.linear_2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
18
- "time_embed.emb.timestep_embedder.linear_2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
19
- "time_embed.linear.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
20
- "time_embed.linear.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
21
- "transformer_blocks.0.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
22
- "transformer_blocks.0.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
23
- "transformer_blocks.0.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
24
- "transformer_blocks.0.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
25
- "transformer_blocks.0.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
26
- "transformer_blocks.0.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
27
- "transformer_blocks.0.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
28
- "transformer_blocks.0.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
29
- "transformer_blocks.0.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
30
- "transformer_blocks.0.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
31
- "transformer_blocks.0.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
32
- "transformer_blocks.0.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
33
- "transformer_blocks.0.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
34
- "transformer_blocks.0.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
35
- "transformer_blocks.0.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
36
- "transformer_blocks.0.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
37
- "transformer_blocks.0.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
38
- "transformer_blocks.0.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
39
- "transformer_blocks.0.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
40
- "transformer_blocks.0.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
41
- "transformer_blocks.0.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
42
- "transformer_blocks.0.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
43
- "transformer_blocks.0.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
44
- "transformer_blocks.0.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
45
- "transformer_blocks.0.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
46
- "transformer_blocks.1.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
47
- "transformer_blocks.1.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
48
- "transformer_blocks.1.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
49
- "transformer_blocks.1.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
50
- "transformer_blocks.1.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
51
- "transformer_blocks.1.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
52
- "transformer_blocks.1.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
53
- "transformer_blocks.1.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
54
- "transformer_blocks.1.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
55
- "transformer_blocks.1.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
56
- "transformer_blocks.1.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
57
- "transformer_blocks.1.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
58
- "transformer_blocks.1.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
59
- "transformer_blocks.1.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
60
- "transformer_blocks.1.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
61
- "transformer_blocks.1.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
62
- "transformer_blocks.1.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
63
- "transformer_blocks.1.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
64
- "transformer_blocks.1.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
65
- "transformer_blocks.1.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
66
- "transformer_blocks.1.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
67
- "transformer_blocks.1.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
68
- "transformer_blocks.1.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
69
- "transformer_blocks.1.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
70
- "transformer_blocks.1.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
71
- "transformer_blocks.10.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
72
- "transformer_blocks.10.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
73
- "transformer_blocks.10.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
74
- "transformer_blocks.10.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
75
- "transformer_blocks.10.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
76
- "transformer_blocks.10.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
77
- "transformer_blocks.10.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
78
- "transformer_blocks.10.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
79
- "transformer_blocks.10.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
80
- "transformer_blocks.10.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
81
- "transformer_blocks.10.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
82
- "transformer_blocks.10.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
83
- "transformer_blocks.10.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
84
- "transformer_blocks.10.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
85
- "transformer_blocks.10.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
86
- "transformer_blocks.10.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
87
- "transformer_blocks.10.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
88
- "transformer_blocks.10.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
89
- "transformer_blocks.10.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
90
- "transformer_blocks.10.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
91
- "transformer_blocks.10.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
92
- "transformer_blocks.10.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
93
- "transformer_blocks.10.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
94
- "transformer_blocks.10.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
95
- "transformer_blocks.10.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
96
- "transformer_blocks.11.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
97
- "transformer_blocks.11.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
98
- "transformer_blocks.11.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
99
- "transformer_blocks.11.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
100
- "transformer_blocks.11.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
101
- "transformer_blocks.11.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
102
- "transformer_blocks.11.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
103
- "transformer_blocks.11.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
104
- "transformer_blocks.11.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
105
- "transformer_blocks.11.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
106
- "transformer_blocks.11.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
107
- "transformer_blocks.11.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
108
- "transformer_blocks.11.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
109
- "transformer_blocks.11.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
110
- "transformer_blocks.11.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
111
- "transformer_blocks.11.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
112
- "transformer_blocks.11.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
113
- "transformer_blocks.11.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
114
- "transformer_blocks.11.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
115
- "transformer_blocks.11.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
116
- "transformer_blocks.11.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
117
- "transformer_blocks.11.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
118
- "transformer_blocks.11.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
119
- "transformer_blocks.11.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
120
- "transformer_blocks.11.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
121
- "transformer_blocks.12.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
122
- "transformer_blocks.12.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
123
- "transformer_blocks.12.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
124
- "transformer_blocks.12.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
125
- "transformer_blocks.12.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
126
- "transformer_blocks.12.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
127
- "transformer_blocks.12.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
128
- "transformer_blocks.12.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
129
- "transformer_blocks.12.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
130
- "transformer_blocks.12.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
131
- "transformer_blocks.12.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
132
- "transformer_blocks.12.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
133
- "transformer_blocks.12.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
134
- "transformer_blocks.12.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
135
- "transformer_blocks.12.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
136
- "transformer_blocks.12.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
137
- "transformer_blocks.12.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
138
- "transformer_blocks.12.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
139
- "transformer_blocks.12.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
140
- "transformer_blocks.12.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
141
- "transformer_blocks.12.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
142
- "transformer_blocks.12.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
143
- "transformer_blocks.12.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
144
- "transformer_blocks.12.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
145
- "transformer_blocks.12.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
146
- "transformer_blocks.13.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
147
- "transformer_blocks.13.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
148
- "transformer_blocks.13.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
149
- "transformer_blocks.13.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
150
- "transformer_blocks.13.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
151
- "transformer_blocks.13.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
152
- "transformer_blocks.13.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
153
- "transformer_blocks.13.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
154
- "transformer_blocks.13.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
155
- "transformer_blocks.13.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
156
- "transformer_blocks.13.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
157
- "transformer_blocks.13.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
158
- "transformer_blocks.13.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
159
- "transformer_blocks.13.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
160
- "transformer_blocks.13.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
161
- "transformer_blocks.13.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
162
- "transformer_blocks.13.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
163
- "transformer_blocks.13.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
164
- "transformer_blocks.13.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
165
- "transformer_blocks.13.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
166
- "transformer_blocks.13.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
167
- "transformer_blocks.13.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
168
- "transformer_blocks.13.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
169
- "transformer_blocks.13.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
170
- "transformer_blocks.13.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
171
- "transformer_blocks.14.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
172
- "transformer_blocks.14.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
173
- "transformer_blocks.14.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
174
- "transformer_blocks.14.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
175
- "transformer_blocks.14.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
176
- "transformer_blocks.14.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
177
- "transformer_blocks.14.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
178
- "transformer_blocks.14.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
179
- "transformer_blocks.14.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
180
- "transformer_blocks.14.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
181
- "transformer_blocks.14.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
182
- "transformer_blocks.14.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
183
- "transformer_blocks.14.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
184
- "transformer_blocks.14.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
185
- "transformer_blocks.14.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
186
- "transformer_blocks.14.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
187
- "transformer_blocks.14.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
188
- "transformer_blocks.14.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
189
- "transformer_blocks.14.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
190
- "transformer_blocks.14.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
191
- "transformer_blocks.14.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
192
- "transformer_blocks.14.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
193
- "transformer_blocks.14.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
194
- "transformer_blocks.14.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
195
- "transformer_blocks.14.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
196
- "transformer_blocks.15.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
197
- "transformer_blocks.15.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
198
- "transformer_blocks.15.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
199
- "transformer_blocks.15.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
200
- "transformer_blocks.15.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
201
- "transformer_blocks.15.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
202
- "transformer_blocks.15.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
203
- "transformer_blocks.15.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
204
- "transformer_blocks.15.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
205
- "transformer_blocks.15.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
206
- "transformer_blocks.15.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
207
- "transformer_blocks.15.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
208
- "transformer_blocks.15.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
209
- "transformer_blocks.15.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
210
- "transformer_blocks.15.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
211
- "transformer_blocks.15.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
212
- "transformer_blocks.15.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
213
- "transformer_blocks.15.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
214
- "transformer_blocks.15.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
215
- "transformer_blocks.15.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
216
- "transformer_blocks.15.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
217
- "transformer_blocks.15.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
218
- "transformer_blocks.15.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
219
- "transformer_blocks.15.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
220
- "transformer_blocks.15.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
221
- "transformer_blocks.16.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
222
- "transformer_blocks.16.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
223
- "transformer_blocks.16.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
224
- "transformer_blocks.16.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
225
- "transformer_blocks.16.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
226
- "transformer_blocks.16.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
227
- "transformer_blocks.16.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
228
- "transformer_blocks.16.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
229
- "transformer_blocks.16.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
230
- "transformer_blocks.16.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
231
- "transformer_blocks.16.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
232
- "transformer_blocks.16.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
233
- "transformer_blocks.16.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
234
- "transformer_blocks.16.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
235
- "transformer_blocks.16.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
236
- "transformer_blocks.16.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
237
- "transformer_blocks.16.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
238
- "transformer_blocks.16.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
239
- "transformer_blocks.16.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
240
- "transformer_blocks.16.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
241
- "transformer_blocks.16.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
242
- "transformer_blocks.16.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
243
- "transformer_blocks.16.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
244
- "transformer_blocks.16.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
245
- "transformer_blocks.16.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
246
- "transformer_blocks.17.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
247
- "transformer_blocks.17.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
248
- "transformer_blocks.17.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
249
- "transformer_blocks.17.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
250
- "transformer_blocks.17.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
251
- "transformer_blocks.17.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
252
- "transformer_blocks.17.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
253
- "transformer_blocks.17.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
254
- "transformer_blocks.17.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
255
- "transformer_blocks.17.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
256
- "transformer_blocks.17.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
257
- "transformer_blocks.17.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
258
- "transformer_blocks.17.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
259
- "transformer_blocks.17.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
260
- "transformer_blocks.17.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
261
- "transformer_blocks.17.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
262
- "transformer_blocks.17.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
263
- "transformer_blocks.17.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
264
- "transformer_blocks.17.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
265
- "transformer_blocks.17.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
266
- "transformer_blocks.17.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
267
- "transformer_blocks.17.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
268
- "transformer_blocks.17.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
269
- "transformer_blocks.17.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
270
- "transformer_blocks.17.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
271
- "transformer_blocks.18.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
272
- "transformer_blocks.18.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
273
- "transformer_blocks.18.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
274
- "transformer_blocks.18.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
275
- "transformer_blocks.18.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
276
- "transformer_blocks.18.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
277
- "transformer_blocks.18.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
278
- "transformer_blocks.18.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
279
- "transformer_blocks.18.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
280
- "transformer_blocks.18.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
281
- "transformer_blocks.18.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
282
- "transformer_blocks.18.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
283
- "transformer_blocks.18.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
284
- "transformer_blocks.18.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
285
- "transformer_blocks.18.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
286
- "transformer_blocks.18.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
287
- "transformer_blocks.18.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
288
- "transformer_blocks.18.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
289
- "transformer_blocks.18.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
290
- "transformer_blocks.18.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
291
- "transformer_blocks.18.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
292
- "transformer_blocks.18.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
293
- "transformer_blocks.18.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
294
- "transformer_blocks.18.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
295
- "transformer_blocks.18.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
296
- "transformer_blocks.19.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
297
- "transformer_blocks.19.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
298
- "transformer_blocks.19.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
299
- "transformer_blocks.19.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
300
- "transformer_blocks.19.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
301
- "transformer_blocks.19.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
302
- "transformer_blocks.19.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
303
- "transformer_blocks.19.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
304
- "transformer_blocks.19.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
305
- "transformer_blocks.19.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
306
- "transformer_blocks.19.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
307
- "transformer_blocks.19.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
308
- "transformer_blocks.19.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
309
- "transformer_blocks.19.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
310
- "transformer_blocks.19.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
311
- "transformer_blocks.19.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
312
- "transformer_blocks.19.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
313
- "transformer_blocks.19.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
314
- "transformer_blocks.19.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
315
- "transformer_blocks.19.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
316
- "transformer_blocks.19.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
317
- "transformer_blocks.19.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
318
- "transformer_blocks.19.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
319
- "transformer_blocks.19.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
320
- "transformer_blocks.19.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
321
- "transformer_blocks.2.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
322
- "transformer_blocks.2.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
323
- "transformer_blocks.2.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
324
- "transformer_blocks.2.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
325
- "transformer_blocks.2.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
326
- "transformer_blocks.2.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
327
- "transformer_blocks.2.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
328
- "transformer_blocks.2.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
329
- "transformer_blocks.2.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
330
- "transformer_blocks.2.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
331
- "transformer_blocks.2.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
332
- "transformer_blocks.2.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
333
- "transformer_blocks.2.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
334
- "transformer_blocks.2.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
335
- "transformer_blocks.2.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
336
- "transformer_blocks.2.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
337
- "transformer_blocks.2.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
338
- "transformer_blocks.2.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
339
- "transformer_blocks.2.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
340
- "transformer_blocks.2.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
341
- "transformer_blocks.2.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
342
- "transformer_blocks.2.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
343
- "transformer_blocks.2.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
344
- "transformer_blocks.2.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
345
- "transformer_blocks.2.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
346
- "transformer_blocks.20.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
347
- "transformer_blocks.20.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
348
- "transformer_blocks.20.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
349
- "transformer_blocks.20.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
350
- "transformer_blocks.20.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
351
- "transformer_blocks.20.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
352
- "transformer_blocks.20.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
353
- "transformer_blocks.20.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
354
- "transformer_blocks.20.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
355
- "transformer_blocks.20.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
356
- "transformer_blocks.20.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
357
- "transformer_blocks.20.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
358
- "transformer_blocks.20.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
359
- "transformer_blocks.20.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
360
- "transformer_blocks.20.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
361
- "transformer_blocks.20.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
362
- "transformer_blocks.20.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
363
- "transformer_blocks.20.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
364
- "transformer_blocks.20.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
365
- "transformer_blocks.20.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
366
- "transformer_blocks.20.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
367
- "transformer_blocks.20.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
368
- "transformer_blocks.20.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
369
- "transformer_blocks.20.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
370
- "transformer_blocks.20.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
371
- "transformer_blocks.21.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
372
- "transformer_blocks.21.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
373
- "transformer_blocks.21.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
374
- "transformer_blocks.21.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
375
- "transformer_blocks.21.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
376
- "transformer_blocks.21.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
377
- "transformer_blocks.21.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
378
- "transformer_blocks.21.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
379
- "transformer_blocks.21.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
380
- "transformer_blocks.21.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
381
- "transformer_blocks.21.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
382
- "transformer_blocks.21.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
383
- "transformer_blocks.21.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
384
- "transformer_blocks.21.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
385
- "transformer_blocks.21.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
386
- "transformer_blocks.21.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
387
- "transformer_blocks.21.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
388
- "transformer_blocks.21.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
389
- "transformer_blocks.21.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
390
- "transformer_blocks.21.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
391
- "transformer_blocks.21.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
392
- "transformer_blocks.21.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
393
- "transformer_blocks.21.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
394
- "transformer_blocks.21.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
395
- "transformer_blocks.21.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
396
- "transformer_blocks.22.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
397
- "transformer_blocks.22.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
398
- "transformer_blocks.22.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
399
- "transformer_blocks.22.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
400
- "transformer_blocks.22.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
401
- "transformer_blocks.22.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
402
- "transformer_blocks.22.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
403
- "transformer_blocks.22.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
404
- "transformer_blocks.22.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
405
- "transformer_blocks.22.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
406
- "transformer_blocks.22.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
407
- "transformer_blocks.22.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
408
- "transformer_blocks.22.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
409
- "transformer_blocks.22.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
410
- "transformer_blocks.22.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
411
- "transformer_blocks.22.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
412
- "transformer_blocks.22.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
413
- "transformer_blocks.22.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
414
- "transformer_blocks.22.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
415
- "transformer_blocks.22.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
416
- "transformer_blocks.22.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
417
- "transformer_blocks.22.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
418
- "transformer_blocks.22.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
419
- "transformer_blocks.22.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
420
- "transformer_blocks.22.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
421
- "transformer_blocks.23.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
422
- "transformer_blocks.23.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
423
- "transformer_blocks.23.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
424
- "transformer_blocks.23.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
425
- "transformer_blocks.23.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
426
- "transformer_blocks.23.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
427
- "transformer_blocks.23.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
428
- "transformer_blocks.23.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
429
- "transformer_blocks.23.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
430
- "transformer_blocks.23.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
431
- "transformer_blocks.23.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
432
- "transformer_blocks.23.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
433
- "transformer_blocks.23.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
434
- "transformer_blocks.23.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
435
- "transformer_blocks.23.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
436
- "transformer_blocks.23.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
437
- "transformer_blocks.23.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
438
- "transformer_blocks.23.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
439
- "transformer_blocks.23.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
440
- "transformer_blocks.23.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
441
- "transformer_blocks.23.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
442
- "transformer_blocks.23.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
443
- "transformer_blocks.23.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
444
- "transformer_blocks.23.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
445
- "transformer_blocks.23.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
446
- "transformer_blocks.24.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
447
- "transformer_blocks.24.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
448
- "transformer_blocks.24.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
449
- "transformer_blocks.24.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
450
- "transformer_blocks.24.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
451
- "transformer_blocks.24.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
452
- "transformer_blocks.24.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
453
- "transformer_blocks.24.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
454
- "transformer_blocks.24.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
455
- "transformer_blocks.24.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
456
- "transformer_blocks.24.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
457
- "transformer_blocks.24.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
458
- "transformer_blocks.24.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
459
- "transformer_blocks.24.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
460
- "transformer_blocks.24.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
461
- "transformer_blocks.24.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
462
- "transformer_blocks.24.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
463
- "transformer_blocks.24.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
464
- "transformer_blocks.24.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
465
- "transformer_blocks.24.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
466
- "transformer_blocks.24.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
467
- "transformer_blocks.24.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
468
- "transformer_blocks.24.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
469
- "transformer_blocks.24.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
470
- "transformer_blocks.24.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
471
- "transformer_blocks.25.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
472
- "transformer_blocks.25.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
473
- "transformer_blocks.25.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
474
- "transformer_blocks.25.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
475
- "transformer_blocks.25.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
476
- "transformer_blocks.25.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
477
- "transformer_blocks.25.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
478
- "transformer_blocks.25.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
479
- "transformer_blocks.25.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
480
- "transformer_blocks.25.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
481
- "transformer_blocks.25.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
482
- "transformer_blocks.25.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
483
- "transformer_blocks.25.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
484
- "transformer_blocks.25.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
485
- "transformer_blocks.25.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
486
- "transformer_blocks.25.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
487
- "transformer_blocks.25.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
488
- "transformer_blocks.25.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
489
- "transformer_blocks.25.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
490
- "transformer_blocks.25.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
491
- "transformer_blocks.25.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
492
- "transformer_blocks.25.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
493
- "transformer_blocks.25.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
494
- "transformer_blocks.25.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
495
- "transformer_blocks.25.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
496
- "transformer_blocks.26.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
497
- "transformer_blocks.26.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
498
- "transformer_blocks.26.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
499
- "transformer_blocks.26.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
500
- "transformer_blocks.26.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
501
- "transformer_blocks.26.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
502
- "transformer_blocks.26.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
503
- "transformer_blocks.26.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
504
- "transformer_blocks.26.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
505
- "transformer_blocks.26.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
506
- "transformer_blocks.26.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
507
- "transformer_blocks.26.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
508
- "transformer_blocks.26.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
509
- "transformer_blocks.26.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
510
- "transformer_blocks.26.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
511
- "transformer_blocks.26.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
512
- "transformer_blocks.26.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
513
- "transformer_blocks.26.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
514
- "transformer_blocks.26.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
515
- "transformer_blocks.26.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
516
- "transformer_blocks.26.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
517
- "transformer_blocks.26.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
518
- "transformer_blocks.26.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
519
- "transformer_blocks.26.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
520
- "transformer_blocks.26.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
521
- "transformer_blocks.27.attn1.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
522
- "transformer_blocks.27.attn1.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
523
- "transformer_blocks.27.attn1.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
524
- "transformer_blocks.27.attn1.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
525
- "transformer_blocks.27.attn1.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
526
- "transformer_blocks.27.attn1.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
527
- "transformer_blocks.27.attn1.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
528
- "transformer_blocks.27.attn1.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
529
- "transformer_blocks.27.attn1.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
530
- "transformer_blocks.27.attn1.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
531
- "transformer_blocks.27.attn2.norm_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
532
- "transformer_blocks.27.attn2.norm_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
533
- "transformer_blocks.27.attn2.to_k.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
534
- "transformer_blocks.27.attn2.to_k.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
535
- "transformer_blocks.27.attn2.to_out.0.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
536
- "transformer_blocks.27.attn2.to_out.0.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
537
- "transformer_blocks.27.attn2.to_q.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
538
- "transformer_blocks.27.attn2.to_q.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
539
- "transformer_blocks.27.attn2.to_v.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
540
- "transformer_blocks.27.attn2.to_v.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
541
- "transformer_blocks.27.ff.net.0.proj.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
542
- "transformer_blocks.27.ff.net.0.proj.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
543
- "transformer_blocks.27.ff.net.2.bias": "diffusion_pytorch_model-00002-of-00002.safetensors",
544
- "transformer_blocks.27.ff.net.2.weight": "diffusion_pytorch_model-00002-of-00002.safetensors",
545
- "transformer_blocks.27.scale_shift_table": "diffusion_pytorch_model-00002-of-00002.safetensors",
546
- "transformer_blocks.3.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
547
- "transformer_blocks.3.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
548
- "transformer_blocks.3.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
549
- "transformer_blocks.3.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
550
- "transformer_blocks.3.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
551
- "transformer_blocks.3.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
552
- "transformer_blocks.3.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
553
- "transformer_blocks.3.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
554
- "transformer_blocks.3.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
555
- "transformer_blocks.3.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
556
- "transformer_blocks.3.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
557
- "transformer_blocks.3.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
558
- "transformer_blocks.3.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
559
- "transformer_blocks.3.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
560
- "transformer_blocks.3.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
561
- "transformer_blocks.3.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
562
- "transformer_blocks.3.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
563
- "transformer_blocks.3.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
564
- "transformer_blocks.3.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
565
- "transformer_blocks.3.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
566
- "transformer_blocks.3.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
567
- "transformer_blocks.3.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
568
- "transformer_blocks.3.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
569
- "transformer_blocks.3.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
570
- "transformer_blocks.3.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
571
- "transformer_blocks.4.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
572
- "transformer_blocks.4.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
573
- "transformer_blocks.4.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
574
- "transformer_blocks.4.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
575
- "transformer_blocks.4.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
576
- "transformer_blocks.4.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
577
- "transformer_blocks.4.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
578
- "transformer_blocks.4.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
579
- "transformer_blocks.4.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
580
- "transformer_blocks.4.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
581
- "transformer_blocks.4.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
582
- "transformer_blocks.4.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
583
- "transformer_blocks.4.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
584
- "transformer_blocks.4.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
585
- "transformer_blocks.4.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
586
- "transformer_blocks.4.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
587
- "transformer_blocks.4.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
588
- "transformer_blocks.4.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
589
- "transformer_blocks.4.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
590
- "transformer_blocks.4.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
591
- "transformer_blocks.4.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
592
- "transformer_blocks.4.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
593
- "transformer_blocks.4.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
594
- "transformer_blocks.4.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
595
- "transformer_blocks.4.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
596
- "transformer_blocks.5.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
597
- "transformer_blocks.5.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
598
- "transformer_blocks.5.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
599
- "transformer_blocks.5.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
600
- "transformer_blocks.5.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
601
- "transformer_blocks.5.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
602
- "transformer_blocks.5.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
603
- "transformer_blocks.5.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
604
- "transformer_blocks.5.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
605
- "transformer_blocks.5.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
606
- "transformer_blocks.5.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
607
- "transformer_blocks.5.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
608
- "transformer_blocks.5.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
609
- "transformer_blocks.5.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
610
- "transformer_blocks.5.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
611
- "transformer_blocks.5.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
612
- "transformer_blocks.5.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
613
- "transformer_blocks.5.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
614
- "transformer_blocks.5.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
615
- "transformer_blocks.5.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
616
- "transformer_blocks.5.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
617
- "transformer_blocks.5.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
618
- "transformer_blocks.5.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
619
- "transformer_blocks.5.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
620
- "transformer_blocks.5.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
621
- "transformer_blocks.6.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
622
- "transformer_blocks.6.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
623
- "transformer_blocks.6.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
624
- "transformer_blocks.6.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
625
- "transformer_blocks.6.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
626
- "transformer_blocks.6.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
627
- "transformer_blocks.6.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
628
- "transformer_blocks.6.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
629
- "transformer_blocks.6.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
630
- "transformer_blocks.6.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
631
- "transformer_blocks.6.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
632
- "transformer_blocks.6.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
633
- "transformer_blocks.6.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
634
- "transformer_blocks.6.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
635
- "transformer_blocks.6.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
636
- "transformer_blocks.6.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
637
- "transformer_blocks.6.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
638
- "transformer_blocks.6.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
639
- "transformer_blocks.6.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
640
- "transformer_blocks.6.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
641
- "transformer_blocks.6.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
642
- "transformer_blocks.6.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
643
- "transformer_blocks.6.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
644
- "transformer_blocks.6.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
645
- "transformer_blocks.6.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
646
- "transformer_blocks.7.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
647
- "transformer_blocks.7.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
648
- "transformer_blocks.7.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
649
- "transformer_blocks.7.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
650
- "transformer_blocks.7.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
651
- "transformer_blocks.7.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
652
- "transformer_blocks.7.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
653
- "transformer_blocks.7.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
654
- "transformer_blocks.7.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
655
- "transformer_blocks.7.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
656
- "transformer_blocks.7.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
657
- "transformer_blocks.7.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
658
- "transformer_blocks.7.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
659
- "transformer_blocks.7.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
660
- "transformer_blocks.7.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
661
- "transformer_blocks.7.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
662
- "transformer_blocks.7.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
663
- "transformer_blocks.7.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
664
- "transformer_blocks.7.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
665
- "transformer_blocks.7.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
666
- "transformer_blocks.7.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
667
- "transformer_blocks.7.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
668
- "transformer_blocks.7.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
669
- "transformer_blocks.7.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
670
- "transformer_blocks.7.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
671
- "transformer_blocks.8.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
672
- "transformer_blocks.8.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
673
- "transformer_blocks.8.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
674
- "transformer_blocks.8.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
675
- "transformer_blocks.8.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
676
- "transformer_blocks.8.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
677
- "transformer_blocks.8.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
678
- "transformer_blocks.8.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
679
- "transformer_blocks.8.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
680
- "transformer_blocks.8.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
681
- "transformer_blocks.8.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
682
- "transformer_blocks.8.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
683
- "transformer_blocks.8.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
684
- "transformer_blocks.8.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
685
- "transformer_blocks.8.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
686
- "transformer_blocks.8.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
687
- "transformer_blocks.8.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
688
- "transformer_blocks.8.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
689
- "transformer_blocks.8.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
690
- "transformer_blocks.8.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
691
- "transformer_blocks.8.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
692
- "transformer_blocks.8.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
693
- "transformer_blocks.8.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
694
- "transformer_blocks.8.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
695
- "transformer_blocks.8.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors",
696
- "transformer_blocks.9.attn1.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
697
- "transformer_blocks.9.attn1.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
698
- "transformer_blocks.9.attn1.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
699
- "transformer_blocks.9.attn1.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
700
- "transformer_blocks.9.attn1.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
701
- "transformer_blocks.9.attn1.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
702
- "transformer_blocks.9.attn1.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
703
- "transformer_blocks.9.attn1.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
704
- "transformer_blocks.9.attn1.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
705
- "transformer_blocks.9.attn1.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
706
- "transformer_blocks.9.attn2.norm_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
707
- "transformer_blocks.9.attn2.norm_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
708
- "transformer_blocks.9.attn2.to_k.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
709
- "transformer_blocks.9.attn2.to_k.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
710
- "transformer_blocks.9.attn2.to_out.0.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
711
- "transformer_blocks.9.attn2.to_out.0.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
712
- "transformer_blocks.9.attn2.to_q.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
713
- "transformer_blocks.9.attn2.to_q.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
714
- "transformer_blocks.9.attn2.to_v.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
715
- "transformer_blocks.9.attn2.to_v.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
716
- "transformer_blocks.9.ff.net.0.proj.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
717
- "transformer_blocks.9.ff.net.0.proj.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
718
- "transformer_blocks.9.ff.net.2.bias": "diffusion_pytorch_model-00001-of-00002.safetensors",
719
- "transformer_blocks.9.ff.net.2.weight": "diffusion_pytorch_model-00001-of-00002.safetensors",
720
- "transformer_blocks.9.scale_shift_table": "diffusion_pytorch_model-00001-of-00002.safetensors"
721
- }
722
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
unet/config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "Transformer3DModel",
3
+ "_diffusers_version": "0.25.1",
4
+ "_name_or_path": "PixArt-alpha/PixArt-XL-2-256x256",
5
+ "activation_fn": "gelu-approximate",
6
+ "attention_bias": true,
7
+ "attention_head_dim": 64,
8
+ "attention_type": "default",
9
+ "caption_channels": 4096,
10
+ "cross_attention_dim": 2048,
11
+ "double_self_attention": false,
12
+ "dropout": 0.0,
13
+ "in_channels": 128,
14
+ "norm_elementwise_affine": false,
15
+ "norm_eps": 1e-06,
16
+ "norm_num_groups": 32,
17
+ "num_attention_heads": 32,
18
+ "num_embeds_ada_norm": 1000,
19
+ "num_layers": 28,
20
+ "num_vector_embeds": null,
21
+ "only_cross_attention": false,
22
+ "out_channels": 128,
23
+ "project_to_2d_pos": true,
24
+ "upcast_attention": false,
25
+ "use_linear_projection": false,
26
+ "qk_norm": "rms_norm",
27
+ "standardization_norm": "rms_norm",
28
+ "positional_embedding_type": "rope",
29
+ "positional_embedding_theta": 10000.0,
30
+ "positional_embedding_max_pos": [20, 2048, 2048],
31
+ "timestep_scale_multiplier": 1000
32
+ }
ltx-video-2b-v0.9.1.safetensors → unet/unet_diffusion_pytorch_model.safetensors RENAMED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:a23200896c5eddf215c7cb9517820c5763a2b054eb62ba86cbce6b871a4577e3
3
- size 5716863844
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f3faca364772f7af538d0e41b3b475d99ed529406668aa3b7d4930bae302951e
3
+ size 7693623048
vae/config.json CHANGED
@@ -1,32 +1 @@
1
- {
2
- "_class_name": "AutoencoderKLLTXVideo",
3
- "_diffusers_version": "0.32.0.dev0",
4
- "block_out_channels": [
5
- 128,
6
- 256,
7
- 512,
8
- 512
9
- ],
10
- "decoder_causal": false,
11
- "encoder_causal": true,
12
- "in_channels": 3,
13
- "latent_channels": 128,
14
- "layers_per_block": [
15
- 4,
16
- 3,
17
- 3,
18
- 3,
19
- 4
20
- ],
21
- "out_channels": 3,
22
- "patch_size": 4,
23
- "patch_size_t": 1,
24
- "resnet_norm_eps": 1e-06,
25
- "scaling_factor": 1.0,
26
- "spatio_temporal_scaling": [
27
- true,
28
- true,
29
- true,
30
- false
31
- ]
32
- }
 
1
+ {"_class_name": "CausalVideoAutoencoder", "dims": 3, "in_channels": 3, "out_channels": 3, "latent_channels": 128, "blocks": [["res_x", 4], ["compress_all", 1], ["res_x_y", 1], ["res_x", 3], ["compress_all", 1], ["res_x_y", 1], ["res_x", 3], ["compress_all", 1], ["res_x", 3], ["res_x", 4]], "scaling_factor": 1.0, "norm_layer": "pixel_norm", "patch_size": 4, "latent_log_var": "uniform", "use_quant_conv": false, "causal_decoder": false}
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
vae/diffusion_pytorch_model.safetensors DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:265ca87cb5dff5e37f924286e957324e282fe7710a952a7dafc0df43883e2010
3
- size 1676798532
 
 
 
 
text_encoder/model-00002-of-00004.safetensors → vae/vae_diffusion_pytorch_model.safetensors RENAMED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:b8ed6556d7507e38af5b428c605fb2a6f2bdb7e80bd481308b865f7a40c551ca
3
- size 4999830656
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f8a7a7e59e14c69d24e7c0e79b5c35f9d83497916c006e06e3f5f484eea676ba
3
+ size 1676800476