π Model Description
license: apache-2.0 language:
- en
- Comfy-Org/Wan2.1ComfyUI_repackaged
- gguf-connector
- gguf-node
- text: >-
- text: >-
- text: >-
- text: >-
- text: >-
- text: >-
- text: >-
- text: >-
- text: glass flower blossom
- text: >-
- text: >-
- text: >-
gguf quantized version of wan video
- drag gguf to >
./ComfyUI/models/diffusionmodels
- drag t5xxl-um to >
./ComfyUI/models/textencoders
- drag vae to >
./ComfyUI/models/vae
workflow
- for i2v model, drag clip-vision-h to >
./ComfyUI/models/clipvision
- run the .bat file in the main directory (assume you are using gguf pack below)
- if you opt to use fp8 scaled umt5xxl encoder (if applies to any fp8 scale t5 actually), please use cpu offload (switch from default to cpu under device in gguf clip loader; won't affect speed); btw, it works fine for both gguf umt5xxl and gguf vae
- drag any demo video (below) to > your browser for workflow
review
pig
is a lazy architecture for gguf node; it applies to all model, encoder and vae gguf file(s); if you try to run it in comfyui-gguf node, you might need to manually addpig
in it's IMGARCHLIST (under loader.py); easier than you edit the gguf file itself; btw, model architecture which compatible with comfyui-gguf, includingwan
, should work in gguf node- 1.3b model: t2v, vace gguf is working fine; good for old or low end machine
run it with diffusers𧨠(alternative 1)
import torch
from transformers import UMT5EncoderModel
from diffusers import AutoencoderKLWan, WanVACEPipeline, WanVACETransformer3DModel, GGUFQuantizationConfig
from diffusers.schedulers.schedulingunipcmultistep import UniPCMultistepScheduler
from diffusers.utils import exporttovideo
modelpath = "https://huggingface.co/calcuis/wan-gguf/blob/main/wan2.1-v5-vace-1.3b-q40.gguf"
transformer = WanVACETransformer3DModel.fromsinglefile(
model_path,
quantizationconfig=GGUFQuantizationConfig(computedtype=torch.bfloat16),
torch_dtype=torch.bfloat16,
)
textencoder = UMT5EncoderModel.frompretrained(
"chatpig/umt5xxl-encoder-gguf",
gguffile="umt5xxl-encoder-q40.gguf",
torch_dtype=torch.bfloat16,
)
vae = AutoencoderKLWan.from_pretrained(
"callgg/wan-decoder",
subfolder="vae",
torch_dtype=torch.float32
)
pipe = WanVACEPipeline.from_pretrained(
"callgg/wan-decoder",
transformer=transformer,
textencoder=textencoder,
vae=vae,
torch_dtype=torch.bfloat16
)
flow_shift = 3.0
pipe.scheduler = UniPCMultistepScheduler.fromconfig(pipe.scheduler.config, flowshift=flow_shift)
pipe.enablemodelcpu_offload()
pipe.vae.enable_tiling()
prompt = "a pig moving quickly in a beautiful winter scenery nature trees sunset tracking camera"
negative_prompt = "blurry ugly bad"
output = pipe(
prompt=prompt,
negativeprompt=negativeprompt,
width=720,
height=480,
num_frames=57,
numinferencesteps=24,
guidance_scale=2.5,
conditioning_scale=0.0,
generator=torch.Generator().manual_seed(0),
).frames[0]
exporttovideo(output, "output.mp4", fps=16)
run it with gguf-connector (alternative 2)
ggc v2
update
- wan2.1-v5-vace-1.3b: except block weights, all in
f32
status (avoid triggering time/text embedding key error for inference usage)
reference
π GGUF File List
π Filename | π¦ Size | β‘ Download |
---|---|---|
wan2.1-flf2v-720p-14b-f32-00001-of-00005.gguf
LFS
|
13.18 GB | Download |
wan2.1-flf2v-720p-14b-f32-00002-of-00005.gguf
LFS
|
13.18 GB | Download |
wan2.1-flf2v-720p-14b-f32-00003-of-00005.gguf
LFS
|
13.18 GB | Download |
wan2.1-flf2v-720p-14b-f32-00004-of-00005.gguf
LFS
|
13.18 GB | Download |
wan2.1-flf2v-720p-14b-f32-00005-of-00005.gguf
LFS
|
8.34 GB | Download |
wan2.1-flf2v-720p-14b-q2_k.gguf
LFS
Q2
|
7.38 GB | Download |
wan2.1-flf2v-720p-14b-q3_k_m.gguf
LFS
Q3
|
8.57 GB | Download |
wan2.1-flf2v-720p-14b-q3_k_s.gguf
LFS
Q3
|
8 GB | Download |
wan2.1-flf2v-720p-14b-q4_0.gguf
Recommended
LFS
Q4
|
9.55 GB | Download |
wan2.1-flf2v-720p-14b-q4_1.gguf
LFS
Q4
|
10.32 GB | Download |
wan2.1-flf2v-720p-14b-q4_k_m.gguf
LFS
Q4
|
10.56 GB | Download |
wan2.1-flf2v-720p-14b-q4_k_s.gguf
LFS
Q4
|
9.72 GB | Download |
wan2.1-flf2v-720p-14b-q5_0.gguf
LFS
Q5
|
11.43 GB | Download |
wan2.1-flf2v-720p-14b-q5_1.gguf
LFS
Q5
|
12.2 GB | Download |
wan2.1-flf2v-720p-14b-q5_k_m.gguf
LFS
Q5
|
11.87 GB | Download |
wan2.1-flf2v-720p-14b-q5_k_s.gguf
LFS
Q5
|
11.26 GB | Download |
wan2.1-flf2v-720p-14b-q6_k.gguf
LFS
Q6
|
13.26 GB | Download |
wan2.1-flf2v-720p-14b-q8_0.gguf
LFS
Q8
|
16.9 GB | Download |
wan2.1-i2v-14b-480p-q2_k.gguf
LFS
Q2
|
7.38 GB | Download |
wan2.1-i2v-14b-480p-q3_k_m.gguf
LFS
Q3
|
8 GB | Download |
wan2.1-i2v-14b-480p-q4_0.gguf
LFS
Q4
|
9.54 GB | Download |
wan2.1-i2v-14b-480p-q4_1.gguf
LFS
Q4
|
10.32 GB | Download |
wan2.1-i2v-14b-480p-q4_k_m.gguf
LFS
Q4
|
10.56 GB | Download |
wan2.1-i2v-14b-480p-q5_0.gguf
LFS
Q5
|
11.42 GB | Download |
wan2.1-i2v-14b-480p-q5_1.gguf
LFS
Q5
|
12.2 GB | Download |
wan2.1-i2v-14b-480p-q5_k_m.gguf
LFS
Q5
|
11.87 GB | Download |
wan2.1-i2v-14b-480p-q6_k.gguf
LFS
Q6
|
13.26 GB | Download |
wan2.1-i2v-14b-480p-q8_0.gguf
LFS
Q8
|
16.9 GB | Download |
wan2.1-i2v-14b-720p-q2_k.gguf
LFS
Q2
|
7.38 GB | Download |
wan2.1-i2v-14b-720p-q3_k_m.gguf
LFS
Q3
|
8 GB | Download |
wan2.1-i2v-14b-720p-q4_0.gguf
LFS
Q4
|
9.54 GB | Download |
wan2.1-i2v-14b-720p-q4_1.gguf
LFS
Q4
|
10.32 GB | Download |
wan2.1-i2v-14b-720p-q4_k_m.gguf
LFS
Q4
|
10.56 GB | Download |
wan2.1-i2v-14b-720p-q5_0.gguf
LFS
Q5
|
11.42 GB | Download |
wan2.1-i2v-14b-720p-q5_1.gguf
LFS
Q5
|
12.2 GB | Download |
wan2.1-i2v-14b-720p-q5_k_m.gguf
LFS
Q5
|
11.87 GB | Download |
wan2.1-i2v-14b-720p-q6_k.gguf
LFS
Q6
|
13.26 GB | Download |
wan2.1-i2v-14b-720p-q8_0.gguf
LFS
Q8
|
16.9 GB | Download |
wan2.1-i2v-480p-14b-f32-00001-of-00004.gguf
LFS
|
16 GB | Download |
wan2.1-i2v-480p-14b-f32-00002-of-00004.gguf
LFS
|
16 GB | Download |
wan2.1-i2v-480p-14b-f32-00003-of-00004.gguf
LFS
|
16 GB | Download |
wan2.1-i2v-480p-14b-f32-00004-of-00004.gguf
LFS
|
13.07 GB | Download |
wan2.1-i2v-720p-14b-f32-00001-of-00004.gguf
LFS
|
16 GB | Download |
wan2.1-i2v-720p-14b-f32-00002-of-00004.gguf
LFS
|
16 GB | Download |
wan2.1-i2v-720p-14b-f32-00003-of-00004.gguf
LFS
|
16 GB | Download |
wan2.1-i2v-720p-14b-f32-00004-of-00004.gguf
LFS
|
13.07 GB | Download |
wan2.1-t2v-14b-f32-00001-of-00002.gguf
LFS
|
39.06 GB | Download |
wan2.1-t2v-14b-f32-00002-of-00002.gguf
LFS
|
14.17 GB | Download |
wan2.1-t2v-14b-q2_k.gguf
LFS
Q2
|
6.51 GB | Download |
wan2.1-t2v-14b-q3_k_m.gguf
LFS
Q3
|
7.12 GB | Download |
wan2.1-t2v-14b-q4_0.gguf
LFS
Q4
|
8.41 GB | Download |
wan2.1-t2v-14b-q4_1.gguf
LFS
Q4
|
9.06 GB | Download |
wan2.1-t2v-14b-q4_k_m.gguf
LFS
Q4
|
9.43 GB | Download |
wan2.1-t2v-14b-q5_0.gguf
LFS
Q5
|
10.05 GB | Download |
wan2.1-t2v-14b-q5_1.gguf
LFS
Q5
|
10.7 GB | Download |
wan2.1-t2v-14b-q5_k_m.gguf
LFS
Q5
|
10.49 GB | Download |
wan2.1-t2v-14b-q6_k.gguf
LFS
Q6
|
11.62 GB | Download |
wan2.1-t2v-14b-q8_0.gguf
LFS
Q8
|
14.79 GB | Download |
wan2.1-v1-vace-1.3b-q4_0.gguf
LFS
Q4
|
1.25 GB | Download |
wan2.1-v1-vace-1.3b-q5_0.gguf
LFS
Q5
|
1.5 GB | Download |
wan2.1-v1-vace-1.3b-q8_0.gguf
LFS
Q8
|
2.21 GB | Download |
wan2.1-v2-vace-1.3b-q4_0.gguf
LFS
Q4
|
1.25 GB | Download |
wan2.1-v2-vace-1.3b-q5_0.gguf
LFS
Q5
|
1.5 GB | Download |
wan2.1-v2-vace-1.3b-q8_0.gguf
LFS
Q8
|
2.21 GB | Download |
wan2.1-v2-vace-14b-q2_k.gguf
LFS
Q2
|
7.74 GB | Download |
wan2.1-v2-vace-14b-q3_k_m.gguf
LFS
Q3
|
8.48 GB | Download |
wan2.1-v2-vace-14b-q4_0.gguf
LFS
Q4
|
10.05 GB | Download |
wan2.1-v2-vace-14b-q4_1.gguf
LFS
Q4
|
10.85 GB | Download |
wan2.1-v2-vace-14b-q4_k_m.gguf
LFS
Q4
|
11.27 GB | Download |
wan2.1-v2-vace-14b-q5_0.gguf
LFS
Q5
|
12.04 GB | Download |
wan2.1-v2-vace-14b-q5_1.gguf
LFS
Q5
|
12.84 GB | Download |
wan2.1-v2-vace-14b-q5_k_m.gguf
LFS
Q5
|
12.57 GB | Download |
wan2.1-v2-vace-14b-q6_k.gguf
LFS
Q6
|
13.96 GB | Download |
wan2.1-v2-vace-14b-q8_0.gguf
LFS
Q8
|
17.81 GB | Download |
wan2.1-v4-vace-1.3b-q4_0.gguf
LFS
Q4
|
1.14 GB | Download |
wan2.1-v4-vace-1.3b-q5_0.gguf
LFS
Q5
|
1.39 GB | Download |
wan2.1-v4-vace-1.3b-q8_0.gguf
LFS
Q8
|
2.14 GB | Download |
wan2.1-v5-vace-1.3b-q4_0.gguf
LFS
Q4
|
1.25 GB | Download |
wan2.1-v5-vace-1.3b-q5_0.gguf
LFS
Q5
|
1.5 GB | Download |
wan2.1-v5-vace-1.3b-q8_0.gguf
LFS
Q8
|
2.21 GB | Download |
wan2.1-vace-14b-f32-00001-of-00002.gguf
LFS
|
34.18 GB | Download |
wan2.1-vace-14b-f32-00002-of-00002.gguf
LFS
|
30.41 GB | Download |
wan2.1-vace-14b-q2_k.gguf
LFS
Q2
|
6.35 GB | Download |
wan2.1-vace-14b-q3_k_l.gguf
LFS
Q3
|
9.15 GB | Download |
wan2.1-vace-14b-q3_k_m.gguf
LFS
Q3
|
8.47 GB | Download |
wan2.1-vace-14b-q3_k_s.gguf
LFS
Q3
|
7.73 GB | Download |
wan2.1-vace-14b-q4_0.gguf
LFS
Q4
|
10.04 GB | Download |
wan2.1-vace-14b-q4_1.gguf
LFS
Q4
|
10.84 GB | Download |
wan2.1-vace-14b-q4_k_m.gguf
LFS
Q4
|
11.27 GB | Download |
wan2.1-vace-14b-q4_k_s.gguf
LFS
Q4
|
10.25 GB | Download |
wan2.1-vace-14b-q5_0.gguf
LFS
Q5
|
12.03 GB | Download |
wan2.1-vace-14b-q5_1.gguf
LFS
Q5
|
12.83 GB | Download |
wan2.1-vace-14b-q5_k_m.gguf
LFS
Q5
|
12.57 GB | Download |
wan2.1-vace-14b-q5_k_s.gguf
LFS
Q5
|
11.84 GB | Download |
wan2.1-vace-14b-q6_k.gguf
LFS
Q6
|
13.95 GB | Download |
wan2.1-vace-14b-q8_0.gguf
LFS
Q8
|
17.81 GB | Download |
wan2.1_t2v_1.3b-q4_0.gguf
LFS
Q4
|
874.42 MB | Download |
wan2.1_t2v_1.3b-q5_0.gguf
LFS
Q5
|
1.02 GB | Download |
wan2.1_t2v_1.3b-q8_0.gguf
LFS
Q8
|
1.48 GB | Download |
wan2.1_t2v_1.3b_fp32-f32.gguf
LFS
|
5.29 GB | Download |
wan2.1_vace_1.3b_preview-f16.gguf
LFS
FP16
|
4.01 GB | Download |
wan2.1_vace_1.3b_preview-f32.gguf
LFS
|
8.02 GB | Download |
wan_2.1_vae_fp32-f16.gguf
LFS
FP16
|
242.11 MB | Download |