10.11.2024, 16:25
python -m pip install --pre -U torch torchvision torch_tensorrt --index-url https://download.pytorch.org/whl/nightly/cu124 --extra-index-url https://pypi.nvidia.com
Looking in indexes: https://download.pytorch.org/whl/nightly/cu124, https://pypi.nvidia.com
Requirement already satisfied: torch in f:\hybrid\64bit\vapoursynth\lib\site-packages (2.6.0.dev20241031+cu124)
Collecting torch
Downloading https://download.pytorch.org/whl/nightly/cu124/torch-2.6.0.dev20241109%2Bcu124-cp312-cp312-win_amd64.whl (2518.0 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.5/2.5 GB 11.1 MB/s eta 0:00:00
Requirement already satisfied: torchvision in f:\hybrid\64bit\vapoursynth\lib\site-packages (0.20.0.dev20241031+cu124)
Collecting torchvision
Downloading https://download.pytorch.org/whl/nightly/cu124/torchvision-0.20.0.dev20241109%2Bcu124-cp312-cp312-win_amd64.whl (6.3 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 6.3/6.3 MB 12.4 MB/s eta 0:00:00
Requirement already satisfied: torch_tensorrt in f:\hybrid\64bit\vapoursynth\lib\site-packages (2.6.0.dev20241031+cu124)
Collecting torch_tensorrt
Downloading https://download.pytorch.org/whl/nightly/cu124/torch_tensorrt-2.6.0.dev20241110%2Bcu124-cp312-cp312-win_amd64.whl (2.9 MB)
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 2.9/2.9 MB 6.8 MB/s eta 0:00:00
Requirement already satisfied: filelock in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torch) (3.13.1)
Requirement already satisfied: typing-extensions>=4.10.0 in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torch) (4.12.2)
Requirement already satisfied: networkx in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torch) (3.3)
Requirement already satisfied: jinja2 in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torch) (3.1.4)
Requirement already satisfied: fsspec in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torch) (2024.6.1)
Requirement already satisfied: setuptools in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torch) (75.3.0)
Requirement already satisfied: sympy==1.13.1 in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torch) (1.13.1)
Requirement already satisfied: mpmath<1.4,>=1.1.0 in f:\hybrid\64bit\vapoursynth\lib\site-packages (from sympy==1.13.1->torch) (1.3.0)
Requirement already satisfied: numpy in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torchvision) (1.26.4)
Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torchvision) (10.1.0)
Collecting tensorrt-cu12==10.3.0 (from torch_tensorrt)
Using cached tensorrt_cu12-10.3.0-py2.py3-none-any.whl
Collecting tensorrt-cu12-bindings==10.3.0 (from torch_tensorrt)
Using cached https://pypi.nvidia.com/tensorrt-cu12-bindings/tensorrt_cu12_bindings-10.3.0-cp312-none-win_amd64.whl (788 kB)
Collecting tensorrt-cu12-libs==10.3.0 (from torch_tensorrt)
Using cached https://pypi.nvidia.com/tensorrt-cu12-libs/tensorrt_cu12_libs-10.3.0-py2.py3-none-win_amd64.whl (1062.8 MB)
Requirement already satisfied: packaging>=23 in f:\hybrid\64bit\vapoursynth\lib\site-packages (from torch_tensorrt) (24.1)
Requirement already satisfied: nvidia-cuda-runtime-cu12 in f:\hybrid\64bit\vapoursynth\lib\site-packages (from tensorrt-cu12-libs==10.3.0->torch_tensorrt) (12.6.68)
Requirement already satisfied: MarkupSafe>=2.0 in f:\hybrid\64bit\vapoursynth\lib\site-packages (from jinja2->torch) (2.1.5)
Installing collected packages: tensorrt-cu12-bindings, tensorrt-cu12-libs, tensorrt-cu12, torch, torchvision, torch_tensorrt
Attempting uninstall: tensorrt-cu12-bindings
Found existing installation: tensorrt-cu12_bindings 10.5.0
Uninstalling tensorrt-cu12_bindings-10.5.0:
Successfully uninstalled tensorrt-cu12_bindings-10.5.0
Attempting uninstall: tensorrt-cu12-libs
Found existing installation: tensorrt-cu12_libs 10.5.0
Uninstalling tensorrt-cu12_libs-10.5.0:
Successfully uninstalled tensorrt-cu12_libs-10.5.0
Attempting uninstall: tensorrt-cu12
Found existing installation: tensorrt-cu12 10.5.0
Uninstalling tensorrt-cu12-10.5.0:
Successfully uninstalled tensorrt-cu12-10.5.0
Attempting uninstall: torch
Found existing installation: torch 2.6.0.dev20241031+cu124
Uninstalling torch-2.6.0.dev20241031+cu124:
Successfully uninstalled torch-2.6.0.dev20241031+cu124
WARNING: The scripts convert-caffe2-to-onnx.exe, convert-onnx-to-caffe2.exe, torchfrtrace.exe and torchrun.exe are installed in 'F:\Hybrid\64bit\Vapoursynth\Scripts' which is not on PATH.
Consider adding this directory to PATH or, if you prefer to suppress this warning, use --no-warn-script-location.
Attempting uninstall: torchvision
Found existing installation: torchvision 0.20.0.dev20241031+cu124
Uninstalling torchvision-0.20.0.dev20241031+cu124:
Successfully uninstalled torchvision-0.20.0.dev20241031+cu124
Attempting uninstall: torch_tensorrt
Found existing installation: torch_tensorrt 2.6.0.dev20241031+cu124
Uninstalling torch_tensorrt-2.6.0.dev20241031+cu124:
Successfully uninstalled torch_tensorrt-2.6.0.dev20241031+cu124
Successfully installed tensorrt-cu12-10.3.0 tensorrt-cu12-bindings-10.3.0 tensorrt-cu12-libs-10.3.0 torch-2.6.0.dev20241109+cu124 torch_tensorrt-2.6.0.dev20241110+cu124 torchvision-0.20.0.dev20241109+cu124
Script evaluation failed:
Python exception: Weights only load failed. This file can still be loaded, to do so you have two options, do those steps only if you trust the source of the checkpoint.
(1) Re-running `torch.load` with `weights_only` set to `False` will likely succeed, but it can result in arbitrary code execution. Do it only if you got the file from a trusted source.
(2) Alternatively, to load with `weights_only=True` please check the recommended steps in the following error message.
WeightsUnpickler error: Unsupported global: GLOBAL functools.partial was not an allowed global by default. Please use `torch.serialization.add_safe_globals([partial])` or the `torch.serialization.safe_globals([partial])` context manager to allowlist this global if you trust this class/function.
Check the documentation of torch.load to learn more about types accepted by default with weights_only https://pytorch.org/docs/stable/generated/torch.load.html.
Traceback (most recent call last):
File "src\\cython\\vapoursynth.pyx", line 3387, in vapoursynth._vpy_evaluate
File "src\\cython\\vapoursynth.pyx", line 3388, in vapoursynth._vpy_evaluate
File "j:\tmp\test.vpy", line 44, in <module>
clip = HAVC_main(clip=clip, EnableDeepEx=True, DeepExMethod=0, DeepExRefMerge=0, ScFrameDir=None, DeepExModel=0, DeepExEncMode=1, DeepExMaxMemFrames=0)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsdeoldify\__init__.py", line 310, in HAVC_main
clip_ref = HAVC_ddeoldify(clip, method=2, mweight=ddcolor_weight[w_id],
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsdeoldify\__init__.py", line 824, in HAVC_ddeoldify
clipa = vs_sc_deoldify(clip, method=method, model=deoldify_model, render_factor=deoldify_rf,
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsdeoldify\vsslib\vsmodels.py", line 143, in vs_sc_deoldify
colorizer = m_cfg.get_image_colorizer(artistic=False, isvideo=True)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsdeoldify\deoldify\visualize.py", line 76, in get_image_colorizer
return self._get_stable_video_colorizer(render_factor=render_factor)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsdeoldify\deoldify\visualize.py", line 137, in _get_stable_video_colorizer
learn = gen_inference_wide(root_folder=root_folder, weights_name=weights_name)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsdeoldify\deoldify\generators.py", line 19, in gen_inference_wide
learn.load(weights_name)
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsdeoldify\fastai\basic_train.py", line 267, in load
if purge: self.purge(clear_opt=ifnone(with_opt, False))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsdeoldify\fastai\basic_train.py", line 322, in purge
state = torch.load(tmp_file)
^^^^^^^^^^^^^^^^^^^^
File "f:\Hybrid\64bit\Vapoursynth\Lib\site-packages\torch\serialization.py", line 1444, in load
raise pickle.UnpicklingError(_get_wo_message(str(e))) from None
_pickle.UnpicklingError: Weights only load failed. This file can still be loaded, to do so you have two options, do those steps only if you trust the source of the checkpoint.
(1) Re-running `torch.load` with `weights_only` set to `False` will likely succeed, but it can result in arbitrary code execution. Do it only if you got the file from a trusted source.
(2) Alternatively, to load with `weights_only=True` please check the recommended steps in the following error message.
WeightsUnpickler error: Unsupported global: GLOBAL functools.partial was not an allowed global by default. Please use `torch.serialization.add_safe_globals([partial])` or the `torch.serialization.safe_globals([partial])` context manager to allowlist this global if you trust this class/function.
Check the documentation of torch.load to learn more about types accepted by default with weights_only https://pytorch.org/docs/stable/generated/torch.load.html.
2024-11-10 15:25:21.186
F:\Hybrid\64bit\Vapoursynth\Lib\site-packages\mmengine\optim\optimizer\zero_optimizer.py:11: DeprecationWarning: `TorchScript` support for functional optimizers is deprecated and will be removed in a future PyTorch release. Consider using the `torch.compile` optimizer instead.
from torch.distributed.optim import \
F:\Hybrid\64bit\Vapoursynth\Lib\site-packages\mmengine\optim\optimizer\zero_optimizer.py:11: DeprecationWarning: `TorchScript` support for functional optimizers is deprecated and will be removed in a future PyTorch release. Consider using the `torch.compile` optimizer instead.
from torch.distributed.optim import \
2024-11-10 15:25:21.260
Failed to evaluate the script:
Python exception: DLL load failed while importing _ext: Die angegebene Prozedur wurde nicht gefunden.
Traceback (most recent call last):
File "src\\cython\\vapoursynth.pyx", line 3387, in vapoursynth._vpy_evaluate
File "src\\cython\\vapoursynth.pyx", line 3388, in vapoursynth._vpy_evaluate
File "J:\tmp\tempPreviewVapoursynthFile15_25_19_209.vpy", line 37, in
from vsbasicvsrpp import basicvsrpp as BasicVSRPP
File "F:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsbasicvsrpp\__init__.py", line 13, in
from .basicvsr_plusplus_net import BasicVSRPlusPlusNet
File "F:\Hybrid\64bit\Vapoursynth\Lib\site-packages\vsbasicvsrpp\basicvsr_plusplus_net.py", line 5, in
from mmcv.ops import ModulatedDeformConv2d, modulated_deform_conv2d
File "F:\Hybrid\64bit\Vapoursynth\Lib\site-packages\mmcv\ops\__init__.py", line 3, in
from .active_rotated_filter import active_rotated_filter
File "F:\Hybrid\64bit\Vapoursynth\Lib\site-packages\mmcv\ops\active_rotated_filter.py", line 10, in
ext_module = ext_loader.load_ext(
^^^^^^^^^^^^^^^^^^^^
File "F:\Hybrid\64bit\Vapoursynth\Lib\site-packages\mmcv\utils\ext_loader.py", line 13, in load_ext
ext = importlib.import_module('mmcv.' + name)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "importlib\__init__.py", line 90, in import_module
ImportError: DLL load failed while importing _ext: Die angegebene Prozedur wurde nicht gefunden.
:/
----
Dev versions are in the 'experimental'-folder of my GoogleDrive, which is linked on the download page.
Dev versions are in the 'experimental'-folder of my GoogleDrive, which is linked on the download page.