Skip to content

Instantly share code, notes, and snippets.

@peterjc123
Last active May 12, 2020 19:44
Show Gist options
  • Save peterjc123/6b804651288e76db7b5fabe5348e1f03 to your computer and use it in GitHub Desktop.
Save peterjc123/6b804651288e76db7b5fabe5348e1f03 to your computer and use it in GitHub Desktop.
For #4518 from torch._C import * (ImportError: DLL load failed: The specified module could not be found

It was caused by the missing of some of the dependencies: mkl, mkl-fft, intel-openmp and VC 2017 Redist.

For conda packages:

conda install mkl mkl-fft intel-openmp numpy
# If package not found, do this
conda update conda

For wheel packages:

pip install mkl mkl-fft intel-openmp numpy

And then download VC 2017 Redist and install it.

A reboot may be required for the libraries to take effect.

If this persists, it may be related to your environmental variables, such as PATH. Make sure it is not broken and at least point to the following locations:

[PythonRoot]
[PythonRoot]\Library\bin
[PythonRoot]\Scripts
[PythonRoot]\bin
%SYSTEMROOT%

P.S: #7579 ImportError: DLL load failed: The operating system cannot run %1. does not seem to be the same issue with this. It is related to Anaconda. Fix command: conda install -c defaults intel-openmp -f. If you want to help us, please provide us the logs with python -v -c 'import torch' and the result of the following code:

# pip install psutil first
import psutil, os
p = psutil.Process( os.getpid() )
for dll in p.memory_maps():
  print(dll.path)
@ShivamPR21
Copy link

ShivamPR21 commented Feb 18, 2019

I have tackled this by creating a full conda environment with anaconda installed in it.
Pl. have a look on my answer here at stackoverflow: https://stackoverflow.com/a/54742569/9071644

@syedmeesamali
Copy link

I have same issue and below are my specs.
System = Windows 10
Type = X64 and CPU only
Python Ver = 3.6
Installation = pip

I have already installed the mkl and mkl-fft intel-openmp and numpy using pip

@ShivamPR21
Copy link

I think you should try conda distro the steps are provided here:
1:) conda create -n pyTorchCPU python=3.6 urllib3
2:) conda activate pyTorchCPU
3:) conda activate numpy matplotlib mkl mkl_fft
4:) conda install pytorch-cpu torchvision-cpu -c pytorch
5:) python -c "import numpy; import torch"

@ShivamPR21
Copy link

This procedure worked for me:
1:) conda create -n pyTorch python=3.6 urllib3
2:) conda activate pyTorch
3:) pip install numpy mkl mkl-fft
4:) pip install https://download.pytorch.org/whl/cpu/torch-1.0.1-cp36-cp36m-win_amd64.whl
5:) pip install torchvision
6:) python -c "import numpy; import torch; print(torch.version)"

@sykrn
Copy link

sykrn commented Feb 27, 2019

@sykrn: It seems like the problem is related to the python version that gets installed in your conda environment. I belief base ships with 3.7.1 and this version works with pytorch.

See this issue here and this issue here for more information. The pytorch team is currently implementing a fix from what I read:)

Okay, that's good news, thanks @harlecin

@Vini-S
Copy link

Vini-S commented Apr 12, 2019


ImportError Traceback (most recent call last)
~\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow.py in
57
---> 58 from tensorflow.python.pywrap_tensorflow_internal import *
59 from tensorflow.python.pywrap_tensorflow_internal import version

~\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py in
27 return _mod
---> 28 _pywrap_tensorflow_internal = swig_import_helper()
29 del swig_import_helper

~\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py in swig_import_helper()
23 try:
---> 24 _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
25 finally:

~\Anaconda3\lib\imp.py in load_module(name, file, filename, details)
241 else:
--> 242 return load_dynamic(name, filename, file)
243 elif type_ == PKG_DIRECTORY:

~\Anaconda3\lib\imp.py in load_dynamic(name, path, file)
341 name=name, loader=loader, origin=path)
--> 342 return _load(spec)
343

ImportError: DLL load failed with error code -1073741795

During handling of the above exception, another exception occurred:

ImportError Traceback (most recent call last)
in
1 import pandas as pd
----> 2 from keras.models import Sequential
3 from keras.layers import Dense
4 import numpy as np
5 from sklearn.model_selection import train_test_split

~\Anaconda3\lib\site-packages\keras_init_.py in
1 from future import absolute_import
2
----> 3 from . import utils
4 from . import activations
5 from . import applications

~\Anaconda3\lib\site-packages\keras\utils_init_.py in
4 from . import data_utils
5 from . import io_utils
----> 6 from . import conv_utils
7
8 # Globally-importable utils.

~\Anaconda3\lib\site-packages\keras\utils\conv_utils.py in
7 from six.moves import range
8 import numpy as np
----> 9 from .. import backend as K
10
11

~\Anaconda3\lib\site-packages\keras\backend_init_.py in
87 elif _BACKEND == 'tensorflow':
88 sys.stderr.write('Using TensorFlow backend.\n')
---> 89 from .tensorflow_backend import *
90 else:
91 # Try and load external backend.

~\Anaconda3\lib\site-packages\keras\backend\tensorflow_backend.py in
3 from future import print_function
4
----> 5 import tensorflow as tf
6 from tensorflow.python.framework import ops as tf_ops
7 from tensorflow.python.training import moving_averages

~\Anaconda3\lib\site-packages\tensorflow_init_.py in
22
23 # pylint: disable=g-bad-import-order
---> 24 from tensorflow.python import pywrap_tensorflow # pylint: disable=unused-import
25
26 from tensorflow._api.v1 import app

~\Anaconda3\lib\site-packages\tensorflow\python_init_.py in
47 import numpy as np
48
---> 49 from tensorflow.python import pywrap_tensorflow
50
51 # Protocol buffers

~\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow.py in
72 for some common reasons and solutions. Include the entire stack trace
73 above this error message when asking for help.""" % traceback.format_exc()
---> 74 raise ImportError(msg)
75
76 # pylint: enable=wildcard-import,g-import-not-at-top,unused-import,line-too-long

ImportError: Traceback (most recent call last):
File "C:\Users\admin\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow.py", line 58, in
from tensorflow.python.pywrap_tensorflow_internal import *
File "C:\Users\admin\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 28, in
_pywrap_tensorflow_internal = swig_import_helper()
File "C:\Users\admin\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 24, in swig_import_helper
_mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
File "C:\Users\admin\Anaconda3\lib\imp.py", line 242, in load_module
return load_dynamic(name, filename, file)
File "C:\Users\admin\Anaconda3\lib\imp.py", line 342, in load_dynamic
return _load(spec)
ImportError: DLL load failed with error code -1073741795

Failed to load the native TensorFlow runtime.

See https://www.tensorflow.org/install/errors

for some common reasons and solutions. Include the entire stack trace
above this error message when asking for help.

dataframe = pd.read_csv("dia

@Vini-S
Copy link

Vini-S commented Apr 12, 2019


ImportError Traceback (most recent call last)
~\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow.py in
57
---> 58 from tensorflow.python.pywrap_tensorflow_internal import *
59 from tensorflow.python.pywrap_tensorflow_internal import version

~\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py in
27 return _mod
---> 28 _pywrap_tensorflow_internal = swig_import_helper()
29 del swig_import_helper

~\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py in swig_import_helper()
23 try:
---> 24 _mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
25 finally:

~\Anaconda3\lib\imp.py in load_module(name, file, filename, details)
241 else:
--> 242 return load_dynamic(name, filename, file)
243 elif type_ == PKG_DIRECTORY:

~\Anaconda3\lib\imp.py in load_dynamic(name, path, file)
341 name=name, loader=loader, origin=path)
--> 342 return _load(spec)
343

ImportError: DLL load failed with error code -1073741795

During handling of the above exception, another exception occurred:

ImportError Traceback (most recent call last)
in
1 import pandas as pd
----> 2 from keras.models import Sequential
3 from keras.layers import Dense
4 import numpy as np
5 from sklearn.model_selection import train_test_split

~\Anaconda3\lib\site-packages\keras_init_.py in
1 from future import absolute_import
2
----> 3 from . import utils
4 from . import activations
5 from . import applications

~\Anaconda3\lib\site-packages\keras\utils_init_.py in
4 from . import data_utils
5 from . import io_utils
----> 6 from . import conv_utils
7
8 # Globally-importable utils.

~\Anaconda3\lib\site-packages\keras\utils\conv_utils.py in
7 from six.moves import range
8 import numpy as np
----> 9 from .. import backend as K
10
11

~\Anaconda3\lib\site-packages\keras\backend_init_.py in
87 elif _BACKEND == 'tensorflow':
88 sys.stderr.write('Using TensorFlow backend.\n')
---> 89 from .tensorflow_backend import *
90 else:
91 # Try and load external backend.

~\Anaconda3\lib\site-packages\keras\backend\tensorflow_backend.py in
3 from future import print_function
4
----> 5 import tensorflow as tf
6 from tensorflow.python.framework import ops as tf_ops
7 from tensorflow.python.training import moving_averages

~\Anaconda3\lib\site-packages\tensorflow_init_.py in
22
23 # pylint: disable=g-bad-import-order
---> 24 from tensorflow.python import pywrap_tensorflow # pylint: disable=unused-import
25
26 from tensorflow._api.v1 import app

~\Anaconda3\lib\site-packages\tensorflow\python_init_.py in
47 import numpy as np
48
---> 49 from tensorflow.python import pywrap_tensorflow
50
51 # Protocol buffers

~\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow.py in
72 for some common reasons and solutions. Include the entire stack trace
73 above this error message when asking for help.""" % traceback.format_exc()
---> 74 raise ImportError(msg)
75
76 # pylint: enable=wildcard-import,g-import-not-at-top,unused-import,line-too-long

ImportError: Traceback (most recent call last):
File "C:\Users\admin\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow.py", line 58, in
from tensorflow.python.pywrap_tensorflow_internal import *
File "C:\Users\admin\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 28, in
_pywrap_tensorflow_internal = swig_import_helper()
File "C:\Users\admin\Anaconda3\lib\site-packages\tensorflow\python\pywrap_tensorflow_internal.py", line 24, in swig_import_helper
_mod = imp.load_module('_pywrap_tensorflow_internal', fp, pathname, description)
File "C:\Users\admin\Anaconda3\lib\imp.py", line 242, in load_module
return load_dynamic(name, filename, file)
File "C:\Users\admin\Anaconda3\lib\imp.py", line 342, in load_dynamic
return _load(spec)
ImportError: DLL load failed with error code -1073741795

Failed to load the native TensorFlow runtime.

See https://www.tensorflow.org/install/errors

for some common reasons and solutions. Include the entire stack trace
above this error message when asking for help.

dataframe = pd.read_csv("dia

@Vini-S
Copy link

Vini-S commented Apr 12, 2019

plz help me to solve this error

@Vini-S
Copy link

Vini-S commented Apr 12, 2019

plz help me to solve this error

Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment