-
Notifications
You must be signed in to change notification settings - Fork 6.5k
Open
Labels
bugSomething isn't workingSomething isn't working
Description
Describe the bug
Running any diffusers Wan example code crashes for me, when running from inside Blender python (everything else in Diffusers has run fine from Blender Python over the years).
Ex. code:
# pip install ftfy
import torch
import numpy as np
from diffusers import AutoModel, WanPipeline
from diffusers.quantizers import PipelineQuantizationConfig
from diffusers.hooks.group_offloading import apply_group_offloading
from diffusers.utils import export_to_video, load_image
from transformers import UMT5EncoderModel
text_encoder = UMT5EncoderModel.from_pretrained("Wan-AI/Wan2.1-T2V-14B-Diffusers", subfolder="text_encoder", torch_dtype=torch.bfloat16)
vae = AutoModel.from_pretrained("Wan-AI/Wan2.1-T2V-14B-Diffusers", subfolder="vae", torch_dtype=torch.float32)
transformer = AutoModel.from_pretrained("Wan-AI/Wan2.1-T2V-14B-Diffusers", subfolder="transformer", torch_dtype=torch.bfloat16)
# group-offloading
onload_device = torch.device("cuda")
offload_device = torch.device("cpu")
apply_group_offloading(text_encoder,
onload_device=onload_device,
offload_device=offload_device,
offload_type="block_level",
num_blocks_per_group=4
)
transformer.enable_group_offload(
onload_device=onload_device,
offload_device=offload_device,
offload_type="leaf_level",
use_stream=True
)
pipeline = WanPipeline.from_pretrained(
"Wan-AI/Wan2.1-T2V-14B-Diffusers",
vae=vae,
transformer=transformer,
text_encoder=text_encoder,
torch_dtype=torch.bfloat16
)
pipeline.to("cuda")
prompt = """
The camera rushes from far to near in a low-angle shot,
revealing a white ferret on a log. It plays, leaps into the water, and emerges, as the camera zooms in
for a close-up. Water splashes berry bushes nearby, while moss, snow, and leaves blanket the ground.
Birch trees and a light blue sky frame the scene, with ferns in the foreground. Side lighting casts dynamic
shadows and warm highlights. Medium composition, front view, low angle, with depth of field.
"""
negative_prompt = """
Bright tones, overexposed, static, blurred details, subtitles, style, works, paintings, images, static, overall gray, worst quality,
low quality, JPEG compression residue, ugly, incomplete, extra fingers, poorly drawn hands, poorly drawn faces, deformed, disfigured,
misshapen limbs, fused fingers, still picture, messy background, three legs, many people in the background, walking backwards
"""
output = pipeline(
prompt=prompt,
negative_prompt=negative_prompt,
num_frames=81,
guidance_scale=5.0,
).frames[0]
export_to_video(output, "output.mp4", fps=16)Results in:
Loading checkpoint shards: 100%|█████████████████████████████████████████████████████████| 5/5 [00:08<00:00, 1.60s/it]
Fetching 12 files: 100%|███████████████████████████████████████████████████████████████████████| 12/12 [00:00<?, ?it/s]
Loading checkpoint shards: 58%|████████████████████████████████▋ | 7/12 [00:22<00:17, 3.47s/it]Error : EXCEPTION_ACCESS_VIOLATION
Address : 0x00007FFA24B56EDB
Module : torch_cpu.dll
Thread : 00007254
Writing: C:\Users\peter\AppData\Local\Temp\Dependencies_01.crash.txt
Report:
Dependencies_01.crash.txt
Reproduction
Win 11
CUDA 12.4
RTX 4090
Python 3.11
Package Version
---------------------- ------------
absl-py 2.3.1
accelerate 1.11.0
anyio 4.11.0
attrs 25.4.0
autopep8 2.3.1
bitsandbytes 0.48.2
certifi 2025.4.26
charset-normalizer 3.4.1
click 8.3.0
colorama 0.4.6
contourpy 1.3.3
cycler 0.12.1
Cython 3.0.11
diffusers 0.36.0.dev0
einops 0.8.1
en_core_web_md 3.8.0
filelock 3.20.0
flatbuffers 25.9.23
fonttools 4.60.1
fsspec 2025.10.0
gguf 0.17.1
h11 0.16.0
hf-xet 1.2.0
httpcore 1.0.9
httpx 0.28.1
huggingface-hub 0.36.0
idna 3.10
image_gen_aux 0.1.0.dev0
importlib_metadata 8.7.0
jax 0.8.0
jaxlib 0.8.0
Jinja2 3.1.6
kiwisolver 1.4.9
kornia 0.8.2
kornia_rs 0.1.10
MarkupSafe 3.0.3
matplotlib 3.10.7
meson 0.63.0
ml_dtypes 0.5.3
mpmath 1.3.0
networkx 3.5
numpy 1.26.4
opencv-python-headless 4.12.0.88
opt_einsum 3.4.0
packaging 25.0
peft 0.18.0
pillow 12.0.0
pip 25.3
protobuf 3.20.1
psutil 7.1.3
pycodestyle 2.13.0
pydub 0.25.1
pyparsing 3.2.5
python-dateutil 2.9.0.post0
PyYAML 6.0.3
regex 2025.11.3
reportlab 4.4.4
requests 2.32.5
safetensors 0.6.2
scipy 1.16.3
screenplain 0.11.1
sentencepiece 0.2.1
setuptools 63.2.0
shellingham 1.5.4
six 1.17.0
sniffio 1.3.1
spandrel 0.4.1
sympy 1.13.1
timm 1.0.22
tokenizers 0.22.1
torch 2.6.0+cu124
torchaudio 2.6.0+cu124
torcheval 0.0.7
torchvision 0.21.0+cu124
tqdm 4.67.1
transformers 4.57.1
triton-windows 3.2.0.post21
typer-slim 0.20.0
typing_extensions 4.15.0
urllib3 2.4.0
xformers 0.0.29.post3
zipp 3.23.0
zstandard 0.23.0
Logs
Also linked to above:
# Blender 4.5.5, Commit date: 2025-11-12 13:42, Hash 231f96901b68
bpy.context.scene.generatorai_typeselect = 'movie' # Property
bpy.ops.sequencer.generate_movie() # Operator
Python: Traceback (most recent call last):
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\diffusers\models\modeling_utils.py", line 1190, in from_pretrained
resolved_model_file = _get_model_file(
^^^^^^^^^^^^^^^^
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\huggingface_hub\utils\_validators.py", line 114, in _inner_fn
return fn(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\diffusers\utils\hub_utils.py", line 290, in _get_model_file
model_file = hf_hub_download(
^^^^^^^^^^^^^^^^
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\huggingface_hub\utils\_validators.py", line 114, in _inner_fn
return fn(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\huggingface_hub\file_download.py", line 1007, in hf_hub_download
return _hf_hub_download_to_cache_dir(
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\huggingface_hub\file_download.py", line 1168, in _hf_hub_download_to_cache_dir
_download_to_tmp_and_move(
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\huggingface_hub\file_download.py", line 1720, in _download_to_tmp_and_move
xet_get(
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\huggingface_hub\file_download.py", line 626, in xet_get
download_files(
KeyboardInterrupt # Error
# backtrace
Exception Record:
ExceptionCode : EXCEPTION_ACCESS_VIOLATION
Exception Address : 0x00007FFA24B56EDB
Exception Module : torch_cpu.dll
Exception Flags : 0x00000000
Exception Parameters : 0x2
Parameters[0] : 0x0000000000000000
Parameters[1] : 0x0000000000002638
Stack trace:
torch_cpu.dll :0x00007FFA24B56BD0 at::native::_rowwise_prune
torch_cpu.dll :0x00007FFA24B576A0 at::native::_local_scalar_dense_cpu
torch_cpu.dll :0x00007FFA25723510 at::cpu::where_outf
torch_cpu.dll :0x00007FFA256BB250 at::cpu::bucketize_outf
torch_cpu.dll :0x00007FFA2538B660 at::_ops::_local_scalar_dense::redispatch
torch_cpu.dll :0x00007FFA26B33010 torch::autograd::GraphRoot::apply
torch_cpu.dll :0x00007FFA26B33010 torch::autograd::GraphRoot::apply
torch_cpu.dll :0x00007FFA252EA5B0 at::_ops::_local_scalar_dense::call
torch_cpu.dll :0x00007FFA24B57750 at::native::item
torch_cpu.dll :0x00007FFA25A1EDB0 at::compositeimplicitautograd::where
torch_cpu.dll :0x00007FFA259CEBF0 at::compositeimplicitautograd::broadcast_to_symint
torch_cpu.dll :0x00007FFA251A4A50 at::_ops::item::call
torch_cpu.dll :0x00007FFA25E6C8B0 at::Tensor::item<unsigned char>
torch_python.dll :0x00007FFA1E311EA0 pybind11::detail::type_caster<at::Tensor,void>::load
torch_python.dll :0x00007FFA1DEB77F0 isMainPyInterpreter
python311.dll :0x00007FFB69E456D0 PyObject_Call
python311.dll :0x00007FFB69F74820 PyEval_GetFuncDesc
python311.dll :0x00007FFB69F6B020 PyEval_EvalFrameDefault
python311.dll :0x00007FFB69F6B020 PyEval_EvalFrameDefault
python311.dll :0x00007FFB69E45880 PyFunction_Vectorcall
python311.dll :0x00007FFB69EA4CB0 PyTuple_DebugMallocStats
python311.dll :0x00007FFB69EA8060 PyObject_LookupSpecialId
python311.dll :0x00007FFB69EAF9B0 PyType_Ready
torch_python.dll :0x00007FFA1E357A80 torch::utils::getTHPMemoryFormat
torch_python.dll :0x00007FFA1E357A80 torch::utils::getTHPMemoryFormat
torch_python.dll :0x00007FFA1E357A80 torch::utils::getTHPMemoryFormat
torch_python.dll :0x00007FFA1DF1A750 THPPointer<PyCodeObject>::THPPointer<PyCodeObject>
python311.dll :0x00007FFB69E8B3D0 PyCFunction_GetFlags
python311.dll :0x00007FFB69E456D0 PyObject_Call
_safetensors_rust.pyd:0x00007FFBA334A701 Symbols not available
Loaded Modules :
0x00007FF647960000 4.5.5.0 blender.exe C:\Users\peter\blender-4.5.5\blender-4.5.5\blender.pdb
0x00007FFBD1CA0000 10.0.26100.7019 ntdll.dll
0x00007FFBD01F0000 10.0.26100.7019 KERNEL32.DLL
0x00007FFBCF610000 10.0.26100.7171 KERNELBASE.dll
0x00007FFBC8F10000 10.0.26100.7019 apphelp.dll
0x00007FFBD0330000 10.0.26100.7171 USER32.dll
0x00007FFBCFA10000 10.0.26100.7171 win32u.dll
0x00007FFBB8220000 blender_cpu_check.dll
0x00007FFBA3590000 2021.13.0.0 tbb12.dll
0x00007FFBD15B0000 10.0.26100.7019 GDI32.dll
0x00007FFBB2850000 2021.13.0.0 tbbmalloc.dll
0x00007FFBCF3A0000 10.0.26100.7019 gdi32full.dll
0x00007FFBCF4D0000 10.0.26100.7019 msvcp_win.dll
0x00007FFBCF250000 10.0.26100.7019 ucrtbase.dll
0x00007FFBD15E0000 10.0.26100.7019 ADVAPI32.dll
0x00007FFBCFB30000 7.0.26100.7019 msvcrt.dll
0x00007FFBD16B0000 10.0.26100.7019 sechost.dll
0x00007FFBD1950000 10.0.26100.7019 RPCRT4.dll
0x00007FFBB20F0000 6.10.26100.7019 COMCTL32.dll
0x00007FFBD0D60000 10.0.26100.7171 SHELL32.dll
0x00007FFBC90C0000 10.0.26100.1150 VERSION.dll
0x00007FFBCEDF0000 10.0.26100.7019 wintypes.dll
0x00007FFBB7B20000 14.29.30139.0 VCRUNTIME140.dll
0x00007FFBD08A0000 10.0.26100.7019 combase.dll
0x00007FFBB7EB0000 14.29.30139.0 VCRUNTIME140_1.dll
0x00007FFBD0600000 10.0.26100.7019 ole32.dll
0x00007FFB9F7F0000 14.29.30139.0 MSVCP140.dll
0x00007FFBCFA40000 10.0.26100.7019 SHLWAPI.dll
0x00007FFBC2030000 10.0.26100.5074 dbghelp.dll
0x00007FFBD14D0000 10.0.26100.7019 OLEAUT32.dll
0x00007FFB96B40000 shaderc_shared.dll
0x00007FFB9E110000 1.3.296.0 vulkan-1.dll
0x00007FFBD0500000 10.0.26100.7171 shcore.dll
0x00007FFBA9DB0000 Iex.dll
0x00007FFBD02C0000 10.0.26100.7019 IMM32.dll
0x00007FFB9DF10000 OpenEXR.dll
0x00007FFBA2520000 Imath.dll
0x00007FFBB15B0000 1.39.2.0 MaterialXFormat.dll
0x00007FFB95560000 1.39.2.0 MaterialXCore.dll
0x00007FFB6FC00000 8.0.0.0 sycl8.dll
0x00007FFB6ADB0000 OpenColorIO_2_4.dll
0x00007FFB14790000 cycles_kernel_oneapi_aot.dll
0x00007FFB6B240000 4.4.0.0 embree4.dll
0x00007FFB6A6B0000 3.0.6.0 OpenImageIO.dll
0x00007FFBB0680000 2.3.3.0 OpenImageDenoise.dll
0x00007FFB90D70000 3.0.6.0 OpenImageIO_Util.dll
0x00007FFBAA320000 oslquery.dll
0x00007FFB104D0000 oslcomp.dll
0x00007FFB85B30000 61.7.100.0 avformat-61.dll
0x00007FFBCFAB0000 10.0.26100.7019 WS2_32.dll
0x00007FFB0BE60000 oslexec.dll
0x00007FFB05E40000 61.19.101.0 avcodec-61.dll
0x00007FFBB4FC0000 61.3.100.0 avdevice-61.dll
0x00007FFB9E060000 8.3.100.0 swscale-8.dll
0x00007FFB8BDF0000 1.2.2.0 sndfile.dll
0x00007FFB0F3E0000 59.39.100.0 avutil-59.dll
0x00007FFB8A730000 1.23.1.0 OpenAL32.dll
0x00007FFB6A3A0000 12.0.0.0 openvdb.dll
0x00007FFB98A60000 epoxy-0.dll
0x00007FFB69D40000 3.11.11150.1013 python311.dll
0x00007FFB872D0000 gmp-10.dll
0x00007FFBCC1E0000 10.0.26100.7019 dxgi.dll
0x00007FFBB7DF0000 2021.13.0.0 tbbmalloc_proxy.dll
0x00007FFB09540000 usd_ms.dll
0x00007FFBAA130000 14.29.30139.0 MSVCP140_2.dll
0x00007FFBCEA90000 10.0.26100.7019 CFGMGR32.dll
0x00007FFBCC340000 10.0.26100.7019 dwmapi.dll
0x00007FFBCECE0000 10.0.26100.7019 bcrypt.dll
0x00007FFBB6EA0000 libgmpxx.dll
0x00007FFBB6B90000 IlmThread.dll
0x00007FFB69B00000 OpenEXRCore.dll
0x00007FFBB4B20000 8.8.0.0 ur_win_proxy_loader.dll
0x00007FFBC8ED0000 10.0.26100.1 Secur32.dll
0x00007FFBA9E10000 5.3.100.0 swresample-5.dll
0x00007FFBB2570000 10.0.26100.1150 AVICAP32.dll
0x00007FFBB4B10000 oslnoise.dll
0x00007FFB03170000 2.3.3.0 OpenImageDenoise_core.dll
0x00007FFBC1C30000 10.0.26100.7019 WINMM.dll
0x00007FFBCE9F0000 10.0.26100.3912 powrprof.dll
0x00007FFB418F0000 10.0.26100.7019 OPENGL32.dll
0x00007FFBA25B0000 1.39.2.0 MaterialXGenGlsl.dll
0x00007FFB9F000000 1.39.2.0 MaterialXRender.dll
0x00007FFBA2420000 1.39.2.0 MaterialXGenMsl.dll
0x00007FFB86F90000 1.39.2.0 MaterialXGenShader.dll
0x00007FFBA80A0000 10.0.26100.1150 MSVFW32.dll
0x00007FFB85AF0000 10.0.26100.1150 GLU32.dll
0x00007FFBCDE50000 10.0.26100.7019 SSPICLI.DLL
0x00007FFBCC190000 10.0.26100.7019 dxcore.dll
0x00007FFB86ED0000 0.11.8.0 ur_loader.dll
0x00007FFBCE7D0000 10.0.26100.7019 UMPDC.dll
0x00007FFBCDBB0000 10.0.26100.7019 kernel.appcore.dll
0x00007FFBCCA00000 10.0.26100.7171 windows.storage.dll
0x00007FFBCED10000 10.0.26100.7019 profapi.dll
0x00007FFBCE400000 10.0.26100.7019 CRYPTBASE.DLL
0x00007FFBCEF60000 10.0.26100.7019 bcryptPrimitives.dll
0x00007FFBCC0B0000 10.0.26100.7019 uxtheme.dll
0x00007FFBD0130000 2001.12.10941.16384 clbcatq.dll
0x00007FFBC7E80000 10.0.26100.7019 MMDevApi.dll
0x00007FFBCEA60000 10.0.26100.1150 DEVOBJ.dll
0x00007FFBA13A0000 10.0.26100.7019 AUDIOSES.DLL
0x00007FFBCC6C0000 10.0.26100.1150 resourcepolicyclient.dll
0x00007FFBD1760000 10.0.26100.7019 MSCTF.dll
0x00007FFBCA010000 7.0.26100.7019 PROPSYS.dll
0x00007FFBB7690000 10.0.26100.7019 windows.staterepositorycore.dll
0x00007FFB31760000 32.0.15.8097 nvoglv64.dll
0x00007FFBCFBE0000 10.0.26100.7019 SETUPAPI.dll
0x00007FFBC8EE0000 10.0.26100.7019 WTSAPI32.dll
0x00007FFBCF0D0000 10.0.26100.7019 CRYPT32.dll
0x00007FFBCE450000 10.0.26100.7019 msasn1.dll
0x00007FFBC8320000 10.0.26100.7019 cryptnet.dll
0x00007FFBCE530000 10.0.26100.7019 wldp.dll
0x00007FFBC7C70000 10.0.26100.7019 drvstore.dll
0x000001CBF1F90000 10.0.26100.7019 WINTRUST.dll
0x00007FFBCDCD0000 10.0.26100.7019 ntmarta.dll
0x00007FFBD0300000 10.0.26100.4202 imagehlp.dll
0x00007FFBCE3E0000 10.0.26100.7019 CRYPTSP.dll
0x00007FFBCDAF0000 10.0.26100.7019 rsaenh.dll
0x00007FFBC34C0000 32.0.15.8097 nvgpucomp64.dll
0x00007FFBCE4C0000 10.0.26100.7019 WINSTA.dll
0x00007FFBABE80000 10.0.26100.7019 dataexchange.dll
0x00007FFBC8A00000 10.0.26100.7019 twinapi.appcore.dll
0x00007FFBA7460000 10.0.26100.7019 textinputframework.dll
0x00007FFBCBD50000 10.0.26100.7019 CoreMessaging.dll
0x00007FFBC8710000 10.0.26100.7019 CoreUIComponents.dll
0x00007FFBB6870000 7.2.26100.7019 Oleacc.dll
0x00007FFB698B0000 1.0.5.10 Wintab32.dll
0x00007FFBB36E0000 10.0.26100.7019 MPR.dll
0x00007FFB8B930000 6.3.46.2 Wacom_Tablet.dll
0x00007FFB9C8C0000 10.0.26100.7171 explorerframe.dll
0x00007FFBA7780000 10.0.26100.6725 directmanipulation.dll
0x00007FFBCA2C0000 10.0.26100.7019 policymanager.dll
0x00007FFBD0C30000 10.0.26100.7019 coml2.dll
0x00007FFBAF270000 10.0.26100.1 LINKINFO.dll
0x00007FFBADE30000 10.0.26100.7019 Windows.System.Launcher.dll
0x00007FFBA4C00000 10.0.26100.4768 p9np.dll
0x00007FFBB4800000 10.0.26100.1 drprov.dll
0x00007FFBA4490000 10.0.26100.7019 ntlanman.dll
0x00007FFBA3640000 10.0.26100.1 davclnt.dll
0x00007FFBC78F0000 10.0.26100.7019 wkscli.dll
0x00007FFBB06B0000 10.0.26100.1 cscapi.dll
0x00007FFBCD560000 10.0.26100.1882 netutils.dll
0x00007FFBB63F0000 10.0.26100.7019 Windows.StateRepositoryPS.dll
0x000001CB82520000 3.11.11150.1013 python3.DLL
0x00007FFBB0580000 3.11.11150.1013 _socket.pyd
0x00007FFBCD570000 10.0.26100.7019 IPHLPAPI.DLL
0x00007FFBB4020000 3.11.11150.1013 select.pyd
0x00007FFB59630000 _multiarray_umath.cp311-win_amd64.pyd
0x00007FFB010B0000 libopenblas64__v0.3.23-293-gc2f4bdbb-gcc_10_3_0-2bde3a66a51006b2b53eb373ff767a3f.dll
0x00007FFBAF1E0000 _multiarray_tests.cp311-win_amd64.pyd
0x00007FFBA26C0000 3.11.11150.1013 _ctypes.pyd
0x00007FFBB2CF0000 libffi-8.dll
0x00007FFBA87C0000 _umath_linalg.cp311-win_amd64.pyd
0x00007FFBA3D50000 _pocketfft_internal.cp311-win_amd64.pyd
0x00007FFB8E7E0000 mtrand.cp311-win_amd64.pyd
0x00007FFBA24B0000 bit_generator.cp311-win_amd64.pyd
0x00007FFBA2360000 _common.cp311-win_amd64.pyd
0x00007FFBB0670000 3.11.11150.1013 _hashlib.pyd
0x00007FFB4A1A0000 3.1.5.0 libcrypto-3.dll
0x00007FFB9EA30000 _bounded_integers.cp311-win_amd64.pyd
0x00007FFBA3570000 _mt19937.cp311-win_amd64.pyd
0x00007FFBA3310000 _philox.cp311-win_amd64.pyd
0x00007FFBA2400000 _pcg64.cp311-win_amd64.pyd
0x00007FFBB0640000 _sfc64.cp311-win_amd64.pyd
0x00007FFB85590000 _generator.cp311-win_amd64.pyd
0x00007FFBA2340000 3.11.11150.1013 _bz2.pyd
0x00007FFBA1FD0000 3.11.11150.1013 _lzma.pyd
0x00007FFBA05A0000 3.11.11150.1013 _ssl.pyd
0x00007FFB59540000 3.1.5.0 libssl-3.dll
0x00007FFBA0EC0000 3.11.11150.1013 _asyncio.pyd
0x00007FFBB7E70000 3.11.11150.1013 _overlapped.pyd
0x00007FFBCE120000 10.0.26100.7019 mswsock.dll
0x00007FFBA30C0000 3.11.11150.1013 _decimal.pyd
0x00007FFB9EAE0000 asmjit.dll
0x00007FFB49D10000 c10.dll
0x00007FFB9E2F0000 c10_cuda.dll
0x00007FFB9E260000 6.14.11.12040 cudart64_12.dll
0x00007FFBB7E60000 caffe2_nvrtc.dll
0x00007FFAFE550000 6.14.11.9000 nvrtc64_120_0.dll
0x00007FFAF85A0000 6.14.11.1242 cublas64_12.dll
0x00007FFAD8CC0000 6.14.11.1242 cublasLt64_12.dll
0x00007FFB14390000 32.0.15.8097 nvcuda.dll
0x00007FFB9E6F0000 9.1.0.70 cudnn64_9.dll
0x00007FFACA540000 9.1.0.70 cudnn_adv64_9.dll
0x00007FFB49AF0000 cudnn_graph64_9.dll
0x00007FFAC3E00000 9.1.0.70 cudnn_ops64_9.dll
0x00007FFB13FB0000 9.1.0.70 cudnn_cnn64_9.dll
0x00007FFAA0A20000 9.1.0.70 cudnn_engines_precompiled64_9.dll
0x00007FFB13410000 9.1.0.70 cudnn_engines_runtime_compiled64_9.dll
0x00007FFA9B850000 cudnn_heuristic64_9.dll
0x00007FFA8A000000 6.14.11.1120 cufft64_11.dll
0x00007FFBB6530000 6.14.11.1120 cufftw64_11.dll
0x00007FFB12FA0000 2024.1.0.0 cupti64_2024.1.0.dll
0x00007FFA85D60000 6.14.11.1035 curand64_10.dll
0x00007FFA7EFC0000 6.14.11.1160 cusolver64_11.dll
0x00007FFA6E8D0000 6.14.11.1230 cusparse64_12.dll
0x00007FFA6C430000 6.14.11.9000 nvJitLink_120_0.dll
0x00007FFA67990000 6.14.11.1160 cusolverMg64_11.dll
0x00007FFB0EF10000 fbgemm.dll
0x00007FFB53B00000 5.0.2024.820 libiomp5md.dll
0x00007FFBB6520000 5.0.2024.820 libiompstubs5md.dll
0x00007FFB0E9B0000 nvrtc-builtins64_124.dll
0x00007FFBB05C0000 nvToolsExt64_1.dll
0x00007FFBB02F0000 shm.dll
0x00007FFA1EB10000 torch_cpu.dll
0x00007FFB17EC0000 uv.dll
0x00007FFBD0120000 10.0.26100.1 PSAPI.DLL
0x00007FFBCE1D0000 10.0.26100.7019 USERENV.dll
0x00007FFA2DB30000 torch_cuda.dll
0x00007FFBAA310000 torch.dll
0x00007FFBAA120000 torch_global_deps.dll
0x00007FFA1DA70000 torch_python.dll
0x0000000010000000 1.2.3.0 zlibwapi.dll
0x00007FFBA8090000 _C.cp311-win_amd64.pyd
0x00007FFBA6EB0000 3.11.11150.1013 _queue.pyd
0x00007FFBA6A50000 3.11.11150.1013 _uuid.pyd
0x00007FFB59420000 3.11.11150.1013 unicodedata.pyd
0x00007FFBA6940000 3.11.11150.1013 _multiprocessing.pyd
0x00007FFA1B940000 32.0.15.8097 nvcuda64.dll
0x00007FFBB9EA0000 32.0.15.8097 nvapi64.dll
0x00007FFB9E1C0000 nvdxgdmal64.dll
0x00007FFB13D40000 _imaging.cp311-win_amd64.pyd
0x00007FFA174A0000 cv2.pyd
0x00007FFBB6DC0000 10.0.26100.7171 MF.dll
0x00007FFBA8820000 10.0.26100.7019 MFPlat.DLL
0x00007FFBB6C10000 10.0.26100.7019 MFReadWrite.dll
0x00007FFBAA390000 10.0.26100.1 WSOCK32.dll
0x00007FFBAED30000 10.0.26100.7171 MFCORE.DLL
0x00007FFBA8770000 10.0.26100.7019 RTWorkQ.DLL
0x00007FFBA9390000 10.0.26100.7019 ApplicationTargetedFeatureDatabase.dll
0x00007FFBB2F40000 backend_c.cp311-win_amd64.pyd
0x00007FFBB2EF0000 _yaml.cp311-win_amd64.pyd
0x00007FFBA3330000 _safetensors_rust.pyd
0x00007FFB9E770000 _regex.cp311-win_amd64.pyd
0x00007FFBB3D40000 _speedups.cp311-win_amd64.pyd
0x00007FFA16D50000 tokenizers.pyd
0x00007FFA16750000 _C.pyd
0x00007FFB52650000 _imagingft.cp311-win_amd64.pyd
0x00007FFBB2C30000 image.pyd
0x00007FFBAA350000 libpng16.dll
0x00007FFBA2640000 libwebp.dll
0x00007FFB96AB0000 jpeg8.dll
0x00007FFA16290000 6.14.11.1231 nvjpeg64_12.dll
0x00007FFBB3D30000 libsharpyuv.dll
0x00007FFBB2C10000 1.2.13.0 zlib.dll
0x00007FFBA3090000 3.11.11150.1013 _elementtree.pyd
0x00007FFBA2600000 3.11.11150.1013 pyexpat.pyd
0x00007FFBA0500000 _ccallback_c.cp311-win_amd64.pyd
0x00007FFB854D0000 _fblas.cp311-win_amd64.pyd
0x00007FFA14F30000 libscipy_openblas-48c358d105077551cc9cc3ba79387ed5.dll
0x00007FFB0E780000 _flapack.cp311-win_amd64.pyd
0x00007FFB87C10000 _cythonized_array_utils.cp311-win_amd64.pyd
0x00007FFB9EAA0000 _cyutility.cp311-win_amd64.pyd
0x00007FFB871D0000 cython_lapack.cp311-win_amd64.pyd
0x00007FFB9F560000 _solve_toeplitz.cp311-win_amd64.pyd
0x00007FFB9EA00000 _decomp_lu_cython.cp311-win_amd64.pyd
0x00007FFB98970000 _matfuncs_schur_sqrtm.cp311-win_amd64.pyd
0x00007FFB8B700000 _matfuncs_expm.cp311-win_amd64.pyd
0x00007FFB4A090000 _linalg_pythran.cp311-win_amd64.pyd
0x00007FFB86E70000 _decomp_update.cp311-win_amd64.pyd
0x00007FFB98940000 cython_blas.cp311-win_amd64.pyd
0x00007FFA14B30000 _sparsetools.cp311-win_amd64.pyd
0x00007FFB6D120000 _csparsetools.cp311-win_amd64.pyd
0x00007FFB6D430000 _superlu.cp311-win_amd64.pyd
0x00007FFB494B0000 _arpack.cp311-win_amd64.pyd
0x00007FFB59070000 _spropack.cp311-win_amd64.pyd
0x00007FFB58F70000 _dpropack.cp311-win_amd64.pyd
0x00007FFB4E380000 _cpropack.cp311-win_amd64.pyd
0x00007FFB37D80000 _zpropack.cp311-win_amd64.pyd
0x00007FFB193D0000 _group_columns.cp311-win_amd64.pyd
0x00007FFB8A6F0000 _trlib.cp311-win_amd64.pyd
0x00007FFB9F7D0000 messagestream.cp311-win_amd64.pyd
0x00007FFB87D20000 _lbfgsb.cp311-win_amd64.pyd
0x00007FFB95530000 _moduleTNC.cp311-win_amd64.pyd
0x00007FFB70E70000 _slsqplib.cp311-win_amd64.pyd
0x00007FFB94E00000 _minpack.cp311-win_amd64.pyd
0x00007FFB9EA80000 givens_elimination.cp311-win_amd64.pyd
0x00007FFBB3D20000 _zeros.cp311-win_amd64.pyd
0x00007FFA14570000 _core.cp311-win_amd64.pyd
0x00007FFB16E00000 _highs_options.cp311-win_amd64.pyd
0x00007FFB303C0000 _decomp_interpolative.cp311-win_amd64.pyd
0x00007FFB69870000 _uarray.cp311-win_amd64.pyd
0x00007FFA143F0000 _ufuncs.cp311-win_amd64.pyd
0x00007FFA141A0000 _ufuncs_cxx.cp311-win_amd64.pyd
0x00007FFB8BBC0000 _ellip_harm_2.cp311-win_amd64.pyd
0x00007FFA13F60000 _special_ufuncs.cp311-win_amd64.pyd
0x00007FFA13DE0000 _gufuncs.cp311-win_amd64.pyd
0x00007FFB69820000 _specfun.cp311-win_amd64.pyd
0x00007FFB98A40000 _comb.cp311-win_amd64.pyd
0x00007FFB18C90000 pypocketfft.cp311-win_amd64.pyd
0x00007FFB59A50000 _bglu_dense.cp311-win_amd64.pyd
0x00007FFB593E0000 _lsap.cp311-win_amd64.pyd
0x00007FFB57C20000 _pava_pybind.cp311-win_amd64.pyd
0x00007FFA13C50000 _ckdtree.cp311-win_amd64.pyd
0x00007FFB17DD0000 _qhull.cp311-win_amd64.pyd
0x00007FFB95EE0000 _voronoi.cp311-win_amd64.pyd
0x00007FFB8C100000 _hausdorff.cp311-win_amd64.pyd
0x00007FFB12E40000 _distance_pybind.cp311-win_amd64.pyd
0x00007FFB88740000 _distance_wrap.cp311-win_amd64.pyd
0x00007FFB551F0000 _rigid_transform.cp311-win_amd64.pyd
0x00007FFB13C70000 _rotation.cp311-win_amd64.pyd
0x00007FFB8BDD0000 _direct.cp311-win_amd64.pyd
0x00007FFA12B20000 libbitsandbytes_cuda124.dll
0x00007FFA12A20000 _sentencepiece.cp311-win_amd64.pyd
0x00007FFA11760000 _C.pyd
0x00007FF9F7AE0000 _C_flashattention.pyd
0x00007FFB4AAE0000 _odepack.cp311-win_amd64.pyd
0x00007FFB86E40000 _quadpack.cp311-win_amd64.pyd
0x00007FFB49A50000 _vode.cp311-win_amd64.pyd
0x00007FFB537D0000 _dop.cp311-win_amd64.pyd
0x00007FFB49420000 _lsoda.cp311-win_amd64.pyd
0x00007FFB51FA0000 _fitpack.cp311-win_amd64.pyd
0x00007FF9F7A30000 _dfitpack.cp311-win_amd64.pyd
0x00007FF9F7930000 _dierckx.cp311-win_amd64.pyd
0x00007FFB53ED0000 _ppoly.cp311-win_amd64.pyd
0x00007FFB51860000 _interpnd.cp311-win_amd64.pyd
0x00007FF9F7800000 _rbfinterp_pythran.cp311-win_amd64.pyd
0x00007FFB84BC0000 _rgi_cython.cp311-win_amd64.pyd
0x00007FF9F7760000 _stats.cp311-win_amd64.pyd
0x00007FF9F7470000 cython_special.cp311-win_amd64.pyd
0x00007FFB4A030000 _biasedurn.cp311-win_amd64.pyd
0x00007FF9F7350000 _stats_pythran.cp311-win_amd64.pyd
0x00007FFB889C0000 levyst.cp311-win_amd64.pyd
0x00007FFB70E40000 _ansari_swilk_statistics.cp311-win_amd64.pyd
0x00007FF9F72B0000 _shortest_path.cp311-win_amd64.pyd
0x00007FFB58F30000 _tools.cp311-win_amd64.pyd
0x00007FFB16C50000 _traversal.cp311-win_amd64.pyd
0x00007FFB59040000 _min_spanning_tree.cp311-win_amd64.pyd
0x00007FFB53AC0000 _flow.cp311-win_amd64.pyd
0x00007FFB51F00000 _matching.cp311-win_amd64.pyd
0x00007FFB48C00000 _reordering.cp311-win_amd64.pyd
0x00007FFB30100000 _sobol.cp311-win_amd64.pyd
0x00007FFB2FD20000 _qmc_cy.cp311-win_amd64.pyd
0x00007FFB4AAB0000 rcont.cp311-win_amd64.pyd
0x00007FFB492D0000 _qmvnt_cy.cp311-win_amd64.pyd
0x00007FFB19390000 _nd_image.cp311-win_amd64.pyd
0x00007FFB48BD0000 _rank_filter_1d.cp311-win_amd64.pyd
0x00007FFB16DB0000 _ni_label.cp311-win_amd64.pyd
0x00007FFBCD600000 10.0.26100.7019 DNSAPI.dll
0x00007FFBD16A0000 10.0.26100.7019 NSI.dll
0x00007FFBC8400000 10.0.26100.7171 rasadhlp.dll
0x00007FFBC3320000 10.0.26100.7019 fwpuclnt.dll
0x00007FF9F64F0000 hf_xet.pyd
0x00007FFBB41C0000 10.0.26100.7019 pdh.dll
0x00007FF9F1F30000 kornia_rs.cp311-win_amd64.pyd
# Python backtrace
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\torch\storage.py", line 469 in __getitem__
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\safetensors\torch.py", line 383 in load_file
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\diffusers\models\model_loading_utils.py", line 177 in load_state_dict
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\diffusers\models\model_loading_utils.py", line 358 in _load_shard_file
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\diffusers\models\modeling_utils.py", line 1667 in _load_pretrained_model
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\diffusers\models\modeling_utils.py", line 1285 in from_pretrained
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\huggingface_hub\utils\_validators.py", line 114 in _inner_fn
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\diffusers\models\auto_model.py", line 223 in from_pretrained
File "C:\Users\peter\blender-4.5.5\blender-4.5.5\4.5\python\Lib\site-packages\huggingface_hub\utils\_validators.py", line 114 in _inner_fn
File "C:\Users\peter\Documents\Dependencies_01.blend\Text.002", line 12 in <module>System Info
Win 11
CUDA 12.4
RTX 4090
Python 3.11
diffusers 0.36.0.dev0
Who can help?
No response
Metadata
Metadata
Assignees
Labels
bugSomething isn't workingSomething isn't working