GithubHelp home page GithubHelp logo

Comments (11)

Ghassen-Chaabouni avatar Ghassen-Chaabouni commented on June 3, 2024 1

why I got this warning? any ideas?

You can ignore the warnings for now. I will open an issue for it.

but, I have another question after successfully running my dot

I will close this issue if dot is working.

from dot.

Ghassen-Chaabouni avatar Ghassen-Chaabouni commented on June 3, 2024

@dzhenway You can try installing cuda 11 from here.
For cudatoolkit=11.1 you can try using -c conda-forge The command: conda install -c conda-forge cudatoolkit=11.1

from dot.

Wayc0des-Land avatar Wayc0des-Land commented on June 3, 2024

hi @Ghassen-Chaabouni
Thank you for your reply and I do really appreciate it.
after downgrading to the cuda 11, I could install the dot
but when I try to run dot --help I got another error, here is the result:

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> dot --help
OpenCV bindings requires "numpy" package.
Install it via command:
    pip install numpy
Traceback (most recent call last):
  File "C:\Python\lib\site-packages\numpy\core\__init__.py", line 23, in <module>
    from . import multiarray
  File "C:\Python\lib\site-packages\numpy\core\multiarray.py", line 10, in <module>
    from . import overrides
  File "C:\Python\lib\site-packages\numpy\core\overrides.py", line 6, in <module>
    from numpy.core._multiarray_umath import (
ModuleNotFoundError: No module named 'numpy.core._multiarray_umath'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "C:\Python\lib\runpy.py", line 194, in _run_module_as_main
    return _run_code(code, main_globals, None,
  File "C:\Python\lib\runpy.py", line 87, in _run_code
    exec(code, run_globals)
  File "C:\Python\Scripts\dot.exe\__main__.py", line 4, in <module>
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\__init__.py", line 7, in <module>
    from .dot import DOT
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\dot.py", line 10, in <module>
    from .commons import ModelOption
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\commons\__init__.py", line 7, in <module>
    from .model_option import ModelOption
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\commons\model_option.py", line 11, in <module>
    import cv2
  File "C:\Python\lib\site-packages\cv2\__init__.py", line 11, in <module>
    import numpy
  File "C:\Python\lib\site-packages\numpy\__init__.py", line 144, in <module>
    from . import core
  File "C:\Python\lib\site-packages\numpy\core\__init__.py", line 49, in <module>
    raise ImportError(msg)
ImportError:

IMPORTANT: PLEASE READ THIS FOR ADVICE ON HOW TO SOLVE THIS ISSUE!

Importing the numpy C-extensions failed. This error can happen for
many reasons, often due to issues with your setup or how NumPy was
installed.

We have compiled some common reasons and troubleshooting tips at:

    https://numpy.org/devdocs/user/troubleshooting-importerror.html

Please note and check the following:

  * The Python version is: Python3.8 from "C:\Python\python.exe"
  * The NumPy version is: "1.22.3"

and make sure that they are the versions you expect.
Please carefully study the documentation linked above for further help.

Original error was: No module named 'numpy.core._multiarray_umath'

PS E:\DeepFace\dot-1.1.0\dot-1.1.0>

any ideas?

thanks man

from dot.

Wayc0des-Land avatar Wayc0des-Land commented on June 3, 2024

I updated the numpy and still got another issue.

here is my complete commands:

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> conda env create -f envs/environment-gpu.yaml

CondaValueError: prefix already exists: C:\Users\Wayc0de\anaconda3\envs\dot

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> conda activate dot
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> conda install cudatoolkit=11.1
Collecting package metadata (current_repodata.json): done
Solving environment: done

# All requested packages already installed.

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> pip install torch==1.9.0+cu111 torchvision==0.10.0+cu111 -f https://download.pytorch.org/whl/torch_stable.html
Looking in links: https://download.pytorch.org/whl/torch_stable.html
Collecting torch==1.9.0+cu111
  Downloading https://download.pytorch.org/whl/cu111/torch-1.9.0%2Bcu111-cp38-cp38-win_amd64.whl (3128.1 MB)
     ---------------------------------------- 3.1/3.1 GB 999.5 kB/s eta 0:00:00
Collecting torchvision==0.10.0+cu111
  Downloading https://download.pytorch.org/whl/cu111/torchvision-0.10.0%2Bcu111-cp38-cp38-win_amd64.whl (2.5 MB)
     ---------------------------------------- 2.5/2.5 MB 3.8 MB/s eta 0:00:00
Requirement already satisfied: typing-extensions in c:\python\lib\site-packages (from torch==1.9.0+cu111) (4.1.1)
Requirement already satisfied: numpy in c:\python\lib\site-packages (from torchvision==0.10.0+cu111) (1.24.1)
Requirement already satisfied: pillow>=5.3.0 in c:\python\lib\site-packages (from torchvision==0.10.0+cu111) (9.4.0)
Installing collected packages: torch, torchvision
  Attempting uninstall: torch
    Found existing installation: torch 1.13.1
    Uninstalling torch-1.13.1:
      Successfully uninstalled torch-1.13.1
  Attempting uninstall: torchvision
    Found existing installation: torchvision 0.14.1
    Uninstalling torchvision-0.14.1:
      Successfully uninstalled torchvision-0.14.1
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
kornia 0.6.9 requires torch>=1.9.1, but you have torch 1.9.0+cu111 which is incompatible.
Successfully installed torch-1.9.0+cu111 torchvision-0.10.0+cu111
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> pip install -e .
Obtaining file:///E:/DeepFace/dot-1.1.0/dot-1.1.0
  Installing build dependencies ... done
  Checking if build backend supports build_editable ... done
  Getting requirements to build editable ... done
  Preparing editable metadata (pyproject.toml) ... done
Requirement already satisfied: mediapipe in c:\python\lib\site-packages (from dot==1.1.0) (0.9.1.0)
Requirement already satisfied: kornia in c:\python\lib\site-packages (from dot==1.1.0) (0.6.9)
Requirement already satisfied: torch in c:\python\lib\site-packages (from dot==1.1.0) (1.9.0+cu111)
Requirement already satisfied: requests in c:\python\lib\site-packages (from dot==1.1.0) (2.28.1)
Requirement already satisfied: click in c:\python\lib\site-packages (from dot==1.1.0) (8.1.3)
Requirement already satisfied: PyYAML in c:\python\lib\site-packages (from dot==1.1.0) (5.4.1)
Requirement already satisfied: onnxruntime in c:\python\lib\site-packages (from dot==1.1.0) (1.13.1)
Requirement already satisfied: scipy in c:\python\lib\site-packages (from dot==1.1.0) (1.10.0)
Requirement already satisfied: protobuf in c:\python\lib\site-packages (from dot==1.1.0) (3.19.5)
Requirement already satisfied: opencv-python in c:\python\lib\site-packages (from dot==1.1.0) (4.7.0.68)
Requirement already satisfied: numpy in c:\python\lib\site-packages (from dot==1.1.0) (1.24.1)
Requirement already satisfied: torchvision in c:\python\lib\site-packages (from dot==1.1.0) (0.10.0+cu111)
Requirement already satisfied: dlib in c:\python\lib\site-packages (from dot==1.1.0) (19.19.0)
Requirement already satisfied: opencv-contrib-python in c:\python\lib\site-packages (from dot==1.1.0) (4.7.0.68)
Requirement already satisfied: face-alignment in c:\python\lib\site-packages (from dot==1.1.0) (1.3.5)
Requirement already satisfied: scikit-image in c:\python\lib\site-packages (from dot==1.1.0) (0.19.3)
Requirement already satisfied: Pillow in c:\python\lib\site-packages (from dot==1.1.0) (9.4.0)
Requirement already satisfied: colorama in c:\python\lib\site-packages (from click->dot==1.1.0) (0.4.4)
Requirement already satisfied: tqdm in c:\python\lib\site-packages (from face-alignment->dot==1.1.0) (4.64.1)
Requirement already satisfied: numba in c:\python\lib\site-packages (from face-alignment->dot==1.1.0) (0.56.4)
Requirement already satisfied: packaging in c:\python\lib\site-packages (from kornia->dot==1.1.0) (21.3)
Collecting torch
  Using cached torch-1.13.1-cp38-cp38-win_amd64.whl (162.6 MB)
Requirement already satisfied: typing-extensions in c:\python\lib\site-packages (from torch->dot==1.1.0) (4.1.1)
Requirement already satisfied: attrs>=19.1.0 in c:\python\lib\site-packages (from mediapipe->dot==1.1.0) (22.1.0)
Requirement already satisfied: flatbuffers>=2.0 in c:\python\lib\site-packages (from mediapipe->dot==1.1.0) (23.1.21)
Requirement already satisfied: matplotlib in c:\python\lib\site-packages (from mediapipe->dot==1.1.0) (3.6.3)
Requirement already satisfied: absl-py in c:\python\lib\site-packages (from mediapipe->dot==1.1.0) (1.4.0)
Requirement already satisfied: coloredlogs in c:\python\lib\site-packages (from onnxruntime->dot==1.1.0) (15.0.1)
Requirement already satisfied: sympy in c:\python\lib\site-packages (from onnxruntime->dot==1.1.0) (1.11.1)
Requirement already satisfied: certifi>=2017.4.17 in c:\python\lib\site-packages (from requests->dot==1.1.0) (2022.9.24)
Requirement already satisfied: charset-normalizer<3,>=2 in c:\python\lib\site-packages (from requests->dot==1.1.0) (2.1.1)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in c:\python\lib\site-packages (from requests->dot==1.1.0) (1.26.12)
Requirement already satisfied: idna<4,>=2.5 in c:\python\lib\site-packages (from requests->dot==1.1.0) (3.4)
Requirement already satisfied: PyWavelets>=1.1.1 in c:\python\lib\site-packages (from scikit-image->dot==1.1.0) (1.4.1)
Requirement already satisfied: networkx>=2.2 in c:\python\lib\site-packages (from scikit-image->dot==1.1.0) (3.0)
Requirement already satisfied: tifffile>=2019.7.26 in c:\python\lib\site-packages (from scikit-image->dot==1.1.0) (2023.1.23.1)
Requirement already satisfied: imageio>=2.4.1 in c:\python\lib\site-packages (from scikit-image->dot==1.1.0) (2.25.0)
Collecting torchvision
  Using cached torchvision-0.14.1-cp38-cp38-win_amd64.whl (1.1 MB)
Requirement already satisfied: pyparsing!=3.0.5,>=2.0.2 in c:\python\lib\site-packages (from packaging->kornia->dot==1.1.0) (3.0.9)
Requirement already satisfied: humanfriendly>=9.1 in c:\python\lib\site-packages (from coloredlogs->onnxruntime->dot==1.1.0) (10.0)
Requirement already satisfied: python-dateutil>=2.7 in c:\python\lib\site-packages (from matplotlib->mediapipe->dot==1.1.0) (2.8.1)
Requirement already satisfied: kiwisolver>=1.0.1 in c:\python\lib\site-packages (from matplotlib->mediapipe->dot==1.1.0) (1.4.4)
Requirement already satisfied: fonttools>=4.22.0 in c:\python\lib\site-packages (from matplotlib->mediapipe->dot==1.1.0) (4.38.0)
Requirement already satisfied: contourpy>=1.0.1 in c:\python\lib\site-packages (from matplotlib->mediapipe->dot==1.1.0) (1.0.7)
Requirement already satisfied: cycler>=0.10 in c:\python\lib\site-packages (from matplotlib->mediapipe->dot==1.1.0) (0.11.0)
Requirement already satisfied: llvmlite<0.40,>=0.39.0dev0 in c:\python\lib\site-packages (from numba->face-alignment->dot==1.1.0) (0.39.1)
Requirement already satisfied: importlib-metadata in c:\python\lib\site-packages (from numba->face-alignment->dot==1.1.0) (6.0.0)
Requirement already satisfied: setuptools in c:\python\lib\site-packages (from numba->face-alignment->dot==1.1.0) (56.0.0)
Collecting numpy
  Downloading numpy-1.23.5-cp38-cp38-win_amd64.whl (14.7 MB)
     ---------------------------------------- 14.7/14.7 MB 1.1 MB/s eta 0:00:00
Requirement already satisfied: mpmath>=0.19 in c:\python\lib\site-packages (from sympy->onnxruntime->dot==1.1.0) (1.2.1)
Requirement already satisfied: pyreadline3 in c:\python\lib\site-packages (from humanfriendly>=9.1->coloredlogs->onnxruntime->dot==1.1.0) (3.4.1)
Requirement already satisfied: six>=1.5 in c:\python\lib\site-packages (from python-dateutil>=2.7->matplotlib->mediapipe->dot==1.1.0) (1.16.0)
Requirement already satisfied: zipp>=0.5 in c:\python\lib\site-packages (from importlib-metadata->numba->face-alignment->dot==1.1.0) (3.12.0)
Building wheels for collected packages: dot
  Building editable for dot (pyproject.toml) ... done
  Created wheel for dot: filename=dot-1.1.0-0.editable-py3-none-any.whl size=7120 sha256=8d74756082d9b5f08d4d6295f2af69ea2305559ed26abdb08f201a8c13b88233
  Stored in directory: C:\Users\Wayc0de\AppData\Local\Temp\pip-ephem-wheel-cache-0rs5uys8\wheels\c8\de\22\0e920635b94993069ed32edbe907cd81610aa654b6e2fca495
Successfully built dot
Installing collected packages: torch, numpy, torchvision, dot
  Attempting uninstall: torch
    Found existing installation: torch 1.9.0+cu111
    Uninstalling torch-1.9.0+cu111:
      Successfully uninstalled torch-1.9.0+cu111
  Attempting uninstall: numpy
    Found existing installation: numpy 1.24.1
    Uninstalling numpy-1.24.1:
      Successfully uninstalled numpy-1.24.1
  Attempting uninstall: torchvision
    Found existing installation: torchvision 0.10.0+cu111
    Uninstalling torchvision-0.10.0+cu111:
      Successfully uninstalled torchvision-0.10.0+cu111
  Attempting uninstall: dot
    Found existing installation: dot 1.1.0
    Uninstalling dot-1.1.0:
      Successfully uninstalled dot-1.1.0
Successfully installed dot-1.1.0 numpy-1.23.5 torch-1.13.1 torchvision-0.14.1
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> dot --help
Traceback (most recent call last):
  File "C:\Python\lib\runpy.py", line 194, in _run_module_as_main
    return _run_code(code, main_globals, None,
  File "C:\Python\lib\runpy.py", line 87, in _run_code
    exec(code, run_globals)
  File "C:\Python\Scripts\dot.exe\__main__.py", line 4, in <module>
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\__init__.py", line 7, in <module>
    from .dot import DOT
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\dot.py", line 10, in <module>
    from .commons import ModelOption
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\commons\__init__.py", line 7, in <module>
    from .model_option import ModelOption
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\commons\model_option.py", line 14, in <module>
    from ..gpen.face_enhancement import FaceEnhancement
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\gpen\face_enhancement.py", line 15, in <module>
    from .retinaface.retinaface_detection import RetinaFaceDetection
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\gpen\retinaface\retinaface_detection.py", line 14, in <module>
    from .facemodels.retinaface import RetinaFace
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\gpen\retinaface\facemodels\retinaface.py", line 6, in <module>
    import torchvision.models._utils as _utils
  File "C:\Python\lib\site-packages\torchvision\__init__.py", line 5, in <module>
    from torchvision import datasets, io, models, ops, transforms, utils
  File "C:\Python\lib\site-packages\torchvision\datasets\__init__.py", line 1, in <module>
    from ._optical_flow import FlyingChairs, FlyingThings3D, HD1K, KittiFlow, Sintel
  File "C:\Python\lib\site-packages\torchvision\datasets\_optical_flow.py", line 9, in <module>
    from PIL import Image
  File "C:\Python\lib\site-packages\PIL\Image.py", line 103, in <module>
    from . import _imaging as core
ImportError: cannot import name '_imaging' from 'PIL' (C:\Python\lib\site-packages\PIL\__init__.py)

thanks

from dot.

Wayc0des-Land avatar Wayc0des-Land commented on June 3, 2024

update: uninstall Pillow and reinstall using pip its works

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> pip uninstall Pillow
Found existing installation: Pillow 9.4.0
Uninstalling Pillow-9.4.0:
  Would remove:
    c:\python\lib\site-packages\pil\*
    c:\python\lib\site-packages\pillow-9.4.0.dist-info\*
Proceed (Y/n)? y
  Successfully uninstalled Pillow-9.4.0
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> python3 -m pip install --upgrade pip
Python was not found; run without arguments to install from the Microsoft Store, or disable this shortcut from Settings > Manage App Execution Aliases.
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> python -m pip install --upgrade pip
Requirement already satisfied: pip in c:\python\lib\site-packages (23.0)
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> python -m pip install --upgrade Pillow
Collecting Pillow
  Downloading Pillow-9.4.0-cp38-cp38-win_amd64.whl (2.5 MB)
     ---------------------------------------- 2.5/2.5 MB 7.2 MB/s eta 0:00:00
Installing collected packages: Pillow
Successfully installed Pillow-9.4.0

but when I try to run this command dot -c ./configs/simswap.yaml --target 0 --source "./data" --use_gpu
I got another issue LOL

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> dot -c ./configs/simswap.yaml --target 0 --source "./data" --use_gpu
Traceback (most recent call last):
  File "C:\Python\lib\runpy.py", line 194, in _run_module_as_main
    return _run_code(code, main_globals, None,
  File "C:\Python\lib\runpy.py", line 87, in _run_code
    exec(code, run_globals)
  File "C:\Python\Scripts\dot.exe\__main__.py", line 7, in <module>
  File "C:\Python\lib\site-packages\click\core.py", line 1130, in __call__
    return self.main(*args, **kwargs)
  File "C:\Python\lib\site-packages\click\core.py", line 1055, in main
    rv = self.invoke(ctx)
  File "C:\Python\lib\site-packages\click\core.py", line 1404, in invoke
    return ctx.invoke(self.callback, **ctx.params)
  File "C:\Python\lib\site-packages\click\core.py", line 760, in invoke
    return __callback(*args, **kwargs)
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\__main__.py", line 204, in main
    run(
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\__main__.py", line 66, in run
    _dot.generate(
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\dot.py", line 131, in generate
    option.generate_from_camera(
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\commons\model_option.py", line 184, in generate_from_camera
    self.create_model(opt_crop_size=opt_crop_size, **kwargs)
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\simswap\option.py", line 80, in create_model
    self.spNorm = SpecificNorm(use_gpu=self.use_gpu)
  File "E:\DeepFace\dot-1.1.0\dot-1.1.0\src\dot\simswap\util\norm.py", line 17, in __init__
    self.mean = torch.from_numpy(self.mean).float().cuda()
  File "C:\Python\lib\site-packages\torch\cuda\__init__.py", line 221, in _lazy_init
    raise AssertionError("Torch not compiled with CUDA enabled")
AssertionError: Torch not compiled with CUDA enabled

from dot.

Wayc0des-Land avatar Wayc0des-Land commented on June 3, 2024

ah my CUDA is broken :(

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> python -c "import torch; print(torch.cuda.is_available())"
False
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> python --version
Python 3.8.6
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> conda --version
conda 23.1.0

from dot.

Ghassen-Chaabouni avatar Ghassen-Chaabouni commented on June 3, 2024

ah my CUDA is broken :(

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> python -c "import torch; print(torch.cuda.is_available())"
False
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> python --version
Python 3.8.6
PS E:\DeepFace\dot-1.1.0\dot-1.1.0> conda --version
conda 23.1.0

Did you do all of this correctly?

  • Make sure that you installed the correct cuda version for your OS
  • Install torch with the correct cuda version
    pip install torch==1.9.0+<cuda_tag> torchvision==0.10.0+<cuda_tag> -f https://download.pytorch.org/whl/torch_stable.html
  • Install cudatoolkit: conda install -c conda-forge cudatoolkit=<cuda_version>

from dot.

Wayc0des-Land avatar Wayc0des-Land commented on June 3, 2024

Hi mate,

If my default Cuda version is 12.0, is it okay if I use 12?
because I saw your guide was using 11.1

thanks

from dot.

Ghassen-Chaabouni avatar Ghassen-Chaabouni commented on June 3, 2024

Hi mate,

If my default Cuda version is 12.0, is it okay if I use 12? because I saw your guide was using 11.1

thanks

dot was tested with CUDA 11.1 It may work with 12 not sure. You will need to install torch and cudatoolkit with the correct CUDA versions

from dot.

Wayc0des-Land avatar Wayc0des-Land commented on June 3, 2024

Hi mate,
If my default Cuda version is 12.0, is it okay if I use 12? because I saw your guide was using 11.1
thanks

dot was tested with CUDA 11.1 It may work with 12 not sure. You will need to install torch and cudatoolkit with the correct CUDA versions

I see
I will try it now (Cuda 12.0) and give a result here, please dont close ya

thanks

from dot.

Wayc0des-Land avatar Wayc0des-Land commented on June 3, 2024

yay finally I got this message

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> python -c "import torch; print(torch.cuda.is_available())"
True

but, I have another question after successfully running my dot.
why I got this warning? any ideas?

PS E:\DeepFace\dot-1.1.0\dot-1.1.0> dot -c ./configs/simswap.yaml --target 0 --source "./data" --use_gpu
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.parallel.data_parallel.DataParallel' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'models.ArcMarginModel' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'models.ResNet' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.conv.Conv2d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.batchnorm.BatchNorm2d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.activation.PReLU' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.pooling.MaxPool2d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.container.Sequential' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'models.SEBlock' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.pooling.AdaptiveAvgPool2d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.linear.Linear' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.activation.Sigmoid' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.dropout.Dropout' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
C:\Python\lib\site-packages\torch\serialization.py:671: SourceChangeWarning: source code of class 'torch.nn.modules.batchnorm.BatchNorm1d' has changed. you can retrieve the original source code by accessing the object's source attribute or set `torch.nn.Module.dump_patches = True` and use the patch tool to revert the changes.
  warnings.warn(msg, SourceChangeWarning)
'strict' is an invalid keyword argument for load()
=== Control keys ===
1-9: Change avatar
1: .\data\ronaldo.png
2: .\data\schwarzenegger.png
3: .\data\Brad Pitt.jpg
4: .\data\David Beckham.jpg
5: .\data\einstein.jpg
6: .\data\eminem.jpg
7: .\data\jobs.jpg
8: .\data\Joe Biden.jpg
9: .\data\Leonardo Dicaprio.jpg
10: .\data\Markiplier.jpg
11: .\data\mona.jpg
12: .\data\obama.jpg
13: .\data\Pewdiepie.jpg
14: .\data\potter.jpg
15: .\data\Tom Cruise.jpg
INFO: Created TensorFlow Lite XNNPACK delegate for CPU.
C:\Python\lib\site-packages\torch\nn\functional.py:3609: UserWarning: Default upsampling behavior when mode=bilinear is changed to align_corners=False since 0.4.0. Please specify align_corners=True if the old behavior is desired. See the documentation of nn.Upsample for details.
  warnings.warn(

from dot.

Related Issues (20)

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.