I download the theano from github, and install it.
But when I try to import the theano in ipython, I meet this problem
In [1]: import theano
ImportError Traceback (most recent call last)
<ipython-input-1-3397704bd624> in <module>()
----> 1 import theano
C:\Anaconda3\lib\site-packages\theano\__init__.py in <module>()
40 from theano.version import version as version
41
---> 42 from theano.configdefaults import config
43
44 # This is the api version for ops that generate C code. External ops
C:\Anaconda3\lib\site-packages\theano\configdefaults.py in <module>()
14
15 import theano
---> 16 from theano.configparser import (AddConfigVar, BoolParam, ConfigParam, EnumStr,
17 FloatParam, IntParam, StrParam,
18 TheanoConfigParser, THEANO_FLAGS_DICT)
C:\Anaconda3\lib\site-packages\theano\configparser.py in <module>()
13
14 import theano
---> 15 from theano.compat import configparser as ConfigParser
16 from six import string_types
17
C:\Anaconda3\lib\site-packages\theano\compat\__init__.py in <module>()
4 # Python 3.x compatibility
5 from six import PY3, b, BytesIO, next
----> 6 from six.moves import configparser
7 from six.moves import reload_module as reload
8 import collections
C:\Anaconda3\lib\site-packages\six.py in __get__(self, obj, tp)
90
91 def __get__(self, obj, tp):
---> 92 result = self._resolve()
93 setattr(obj, self.name, result) # Invokes __set__.
94 try:
C:\Anaconda3\lib\site-packages\six.py in _resolve(self)
113
114 def _resolve(self):
--> 115 return _import_module(self.mod)
116
117 def __getattr__(self, attr):
C:\Anaconda3\lib\site-packages\six.py in _import_module(name)
80 def _import_module(name):
81 """Import module, returning the module after the last dot."""
---> 82 __import__(name)
83 return sys.modules[name]
84
C:\Anaconda3\Lib\site-packages\theano\configparser.py in <module>()
13
14 import theano
---> 15 from theano.compat import configparser as ConfigParser
16 from six import string_types
17
When I get into the files, I indeed can not find configparser.py in the directory, but the original file do not have it neither.
ImportError: cannot import name 'configparser'
Just found the temperary solution , rename configparser.py to config_parser or any other name that are not confilct .
and change name of each module include it to config_parser .
Related
I tried to install the Spacy package using the conda terminal with the command:
"conda install -c conda-forge spacy"
Even though the installation seems to be working, when I use Jupyter Notebook and import spacy I get the following error:
---------------------------------------------------------------------------
UnsupportedOperation Traceback (most recent call last)
<ipython-input-1-76a01d9c502b> in <module>
----> 1 import spacy
~\anaconda3\lib\site-packages\spacy\__init__.py in <module>
9
10 # These are imported as part of the API
---> 11 from thinc.api import prefer_gpu, require_gpu, require_cpu # noqa: F401
12 from thinc.api import Config
13
~\anaconda3\lib\site-packages\thinc\__init__.py in <module>
3
4 from .about import __version__
----> 5 from .config import registry
~\anaconda3\lib\site-packages\thinc\config.py in <module>
11 from pydantic.main import ModelMetaclass
12 from pydantic.fields import ModelField
---> 13 from wasabi import table
14 import srsly
15 import catalogue
~\anaconda3\lib\site-packages\wasabi\__init__.py in <module>
10 from .about import __version__ # noqa
11
---> 12 msg = Printer()
~\anaconda3\lib\site-packages\wasabi\printer.py in __init__(self, pretty, no_print, colors, icons, line_max, animation, animation_ascii, hide_animation, ignore_warnings, env_prefix, timestamp)
54 self.pretty = pretty and not env_no_pretty
55 self.no_print = no_print
---> 56 self.show_color = supports_ansi() and not env_log_friendly
57 self.hide_animation = hide_animation or env_log_friendly
58 self.ignore_warnings = ignore_warnings
~\anaconda3\lib\site-packages\wasabi\util.py in supports_ansi()
262 if "ANSICON" in os.environ:
263 return True
--> 264 return _windows_console_supports_ansi()
265
266 return True
~\anaconda3\lib\site-packages\wasabi\util.py in _windows_console_supports_ansi()
234 raise ctypes.WinError()
235
--> 236 console = msvcrt.get_osfhandle(sys.stdout.fileno())
237 try:
238 # Try to enable ANSI output support
UnsupportedOperation: fileno
I am running this on Jupyter Notebook with Python 3.9.12 and TensorFlow 2.6.0
Specs:
Windows 10
Python: 3.9.12
TF: 2.6.0
Keras: 2.6.0
IPython: 7.18.1
I resolved another AlreadyExistsError, which was Keras not being the same version as TensorFlow. But for this, I couldn't find an answer in particular.
Here are the simple import statements:
#import os
from object_detection.utils import label_map _util
from object_detection.builders import model_builder
#from object_detection.utils import visualization_utils as viz_utils
Here's the description of the error. What have I been doing wrong? How can I fix this?
---------------------------------------------------------------------------
AlreadyExistsError Traceback (most recent call last)
<ipython-input-1-23c38f3704f8> in <module>
1 #import os
2 from object_detection.utils import label_map_util
----> 3 from object_detection.builders import model_builder
4 #from object_detection.utils import visualization_utils as viz_utils
~\github clones boi\RealTimeObjectDetection\Tensorflow\models\research\object_detection\builders\model_builder.py in <module>
35 from object_detection.meta_architectures import center_net_meta_arch
36 from object_detection.meta_architectures import context_rcnn_meta_arch
---> 37 from object_detection.meta_architectures import deepmac_meta_arch
38 from object_detection.meta_architectures import faster_rcnn_meta_arch
39 from object_detection.meta_architectures import rfcn_meta_arch
~\github clones boi\RealTimeObjectDetection\Tensorflow\models\research\object_detection\meta_architectures\deepmac_meta_arch.py in <module>
26
27 if tf_version.is_tf2():
---> 28 import tensorflow_io as tfio # pylint:disable=g-import-not-at-top
29
30
~\anaconda3\envs\tfgpu\lib\site-packages\tensorflow_io\__init__.py in <module>
15 """tensorflow_io"""
16
---> 17 from tensorflow_io.python.api import * # pylint: disable=wildcard-import
18 from tensorflow_io.python.api.version import VERSION as __version__
~\anaconda3\envs\tfgpu\lib\site-packages\tensorflow_io\python\api\__init__.py in <module>
17
18 # tensorflow_io.core.python.ops is implicitly imported (along with file system)
---> 19 from tensorflow_io.python.ops.io_dataset import IODataset
20 from tensorflow_io.python.ops.io_tensor import IOTensor
21
~\anaconda3\envs\tfgpu\lib\site-packages\tensorflow_io\python\ops\__init__.py in <module>
94 core_ops = LazyLoader("core_ops", "libtensorflow_io.so")
95 try:
---> 96 plugin_ops = _load_library("libtensorflow_io_plugins.so", "fs")
97 except NotImplementedError as e:
98 warnings.warn(f"unable to load libtensorflow_io_plugins.so: {e}")
~\anaconda3\envs\tfgpu\lib\site-packages\tensorflow_io\python\ops\__init__.py in _load_library(filename, lib)
62 for f in filenames:
63 try:
---> 64 l = load_fn(f)
65 if l is not None:
66 return l
~\anaconda3\envs\tfgpu\lib\site-packages\tensorflow_io\python\ops\__init__.py in <lambda>(f)
54 load_fn = lambda f: ctypes.CDLL(f, mode=ctypes.RTLD_GLOBAL)
55 elif lib == "fs":
---> 56 load_fn = lambda f: tf.experimental.register_filesystem_plugin(f) is None
57 else:
58 load_fn = lambda f: tf.compat.v1.load_file_system_library(f) is None
~\anaconda3\envs\tfgpu\lib\site-packages\tensorflow\python\framework\load_library.py in register_filesystem_plugin(plugin_location)
216 """
217 if os.path.exists(plugin_location):
--> 218 py_tf.TF_RegisterFilesystemPlugin(plugin_location)
219
220 else:
AlreadyExistsError: File system for s3 already registered
Thanks in advance!
These are the commands I am trying to launch
from sklearn.datasets import load_boston
boston = load_boston()
boston
And it returns me a plenty of errors
---------------------------------------------------------------------------
TypeError Traceback (most recent call last)
~\AppData\Local\Temp/ipykernel_16972/433790950.py in <module>
2 import numpy
3 import matplotlib
----> 4 from sklearn.datasets import load_boston
5 boston = load_boston()
6 boston
~\anaconda3\lib\site-packages\sklearn\__init__.py in <module>
80 from . import _distributor_init # noqa: F401
81 from . import __check_build # noqa: F401
---> 82 from .base import clone
83 from .utils._show_versions import show_versions
84
~\anaconda3\lib\site-packages\sklearn\base.py in <module>
15 from . import __version__
16 from ._config import get_config
---> 17 from .utils import _IS_32BIT
18 from .utils._tags import (
19 _DEFAULT_TAGS,
~\anaconda3\lib\site-packages\sklearn\utils\__init__.py in <module>
21
22 from .murmurhash import murmurhash3_32
---> 23 from .class_weight import compute_class_weight, compute_sample_weight
24 from . import _joblib
25 from ..exceptions import DataConversionWarning
~\anaconda3\lib\site-packages\sklearn\utils\class_weight.py in <module>
5 import numpy as np
6
----> 7 from .validation import _deprecate_positional_args
8
9
~\anaconda3\lib\site-packages\sklearn\utils\validation.py in <module>
20 # mypy error: Module 'numpy.core.numeric' has no attribute 'ComplexWarning'
21 from numpy.core.numeric import ComplexWarning # type: ignore
---> 22 import joblib
23
24 from contextlib import suppress
~\anaconda3\lib\site-packages\joblib\__init__.py in <module>
118 from .numpy_pickle import load
119 from .compressor import register_compressor
--> 120 from .parallel import Parallel
121 from .parallel import delayed
122 from .parallel import cpu_count
~\anaconda3\lib\site-packages\joblib\parallel.py in <module>
24 from .logger import Logger, short_format_time
25 from .disk import memstr_to_bytes
---> 26 from ._parallel_backends import (FallbackToBackend, MultiprocessingBackend,
27 ThreadingBackend, SequentialBackend,
28 LokyBackend)
~\anaconda3\lib\site-packages\joblib\_parallel_backends.py in <module>
15
16 if mp is not None:
---> 17 from .pool import MemmappingPool
18 from multiprocessing.pool import ThreadPool
19 from .executor import get_memmapping_executor
~\anaconda3\lib\site-packages\joblib\pool.py in <module>
29 from io import BytesIO
30
---> 31 from ._memmapping_reducer import get_memmapping_reducers
32 from ._memmapping_reducer import TemporaryResourcesManager
33 from ._multiprocessing_helpers import mp, assert_spawning
~\anaconda3\lib\site-packages\joblib\_memmapping_reducer.py in <module>
35 from .backports import make_memmap
36 from .disk import delete_folder
---> 37 from .externals.loky.backend import resource_tracker
38
39 # Some system have a ramdisk mounted by default, we can use it instead of /tmp
~\anaconda3\lib\site-packages\joblib\externals\loky\backend\resource_tracker.py in <module>
47 import threading
48
---> 49 from . import spawn
50 from multiprocessing import util
51
~\anaconda3\lib\site-packages\joblib\externals\loky\backend\spawn.py in <module>
19 else:
20 import msvcrt
---> 21 from .reduction import duplicate
22 WINEXE = (sys.platform == 'win32' and getattr(sys, 'frozen', False))
23 WINSERVICE = sys.executable.lower().endswith("pythonservice.exe")
~\anaconda3\lib\site-packages\joblib\externals\loky\backend\reduction.py in <module>
123 # global variable to change the pickler behavior
124 try:
--> 125 from joblib.externals import cloudpickle # noqa: F401
126 DEFAULT_ENV = "cloudpickle"
127 except ImportError:
~\anaconda3\lib\site-packages\joblib\externals\cloudpickle\__init__.py in <module>
2
3
----> 4 from .cloudpickle import * # noqa
5 from .cloudpickle_fast import CloudPickler, dumps, dump # noqa
6
~\anaconda3\lib\site-packages\joblib\externals\cloudpickle\cloudpickle.py in <module>
62
63 try: # pragma: no branch
---> 64 import typing_extensions as _typing_extensions
65 from typing_extensions import Literal, Final
66 except ImportError:
~\anaconda3\lib\site-packages\typing_extensions.py in <module>
2141
2142 #_TypeAliasForm
-> 2143 def TypeAlias(self, parameters):
2144 """Special marker indicating that an assignment should
2145 be recognized as a proper type alias definition by type
TypeError: __init__() missing 1 required positional argument: 'doc'
Honestly I am not even able to understand which is exactly the error. I had tried to reinstall again Anaconda but the situation seems unchanged. It seems that the error relies in the packages but I don't know how I could solve it.
Thanks in advance and sorry for the unprecise question.
Only when run in Jupyter, scikit learn throws an error saying it cannot find a DLL. There are several answers to this question in SO, none worked for me, but in most cases the solution was to copy the DLL manually. How can I tell from the stack trace below which DLL is missing?
I use Miniconda 3 to install libraries and scikit learn works perfectly in PyCharm IDE.
from sklearn.ensemble import RandomForestClassifier
---------------------------------------------------------------------------
ImportError Traceback (most recent call last)
<ipython-input-1-019d114f89a0> in <module>
----> 1 from sklearn.ensemble import RandomForestClassifier
~\Miniconda3\lib\site-packages\sklearn\__init__.py in <module>
74 else:
75 from . import __check_build
---> 76 from .base import clone
77 from .utils._show_versions import show_versions
78
~\Miniconda3\lib\site-packages\sklearn\base.py in <module>
14
15 from . import __version__
---> 16 from .utils import _IS_32BIT
17
18 _DEFAULT_TAGS = {
~\Miniconda3\lib\site-packages\sklearn\utils\__init__.py in <module>
18 from ..exceptions import DataConversionWarning
19 from .deprecation import deprecated
---> 20 from .validation import (as_float_array,
21 assert_all_finite,
22 check_random_state, column_or_1d, check_array,
~\Miniconda3\lib\site-packages\sklearn\utils\validation.py in <module>
19 from numpy.core.numeric import ComplexWarning
20
---> 21 from .fixes import _object_dtype_isnan
22 from .. import get_config as _get_config
23 from ..exceptions import NonBLASDotWarning
~\Miniconda3\lib\site-packages\sklearn\utils\fixes.py in <module>
16 import scipy.sparse as sp
17 import scipy
---> 18 from scipy.sparse.linalg import lsqr as sparse_lsqr # noqa
19
20
~\Miniconda3\lib\site-packages\scipy\sparse\linalg\__init__.py in <module>
114 from .dsolve import *
115 from .interface import *
--> 116 from .eigen import *
117 from .matfuncs import *
118 from ._onenormest import *
~\Miniconda3\lib\site-packages\scipy\sparse\linalg\eigen\__init__.py in <module>
9 from __future__ import division, print_function, absolute_import
10
---> 11 from .arpack import *
12 from .lobpcg import *
13
~\Miniconda3\lib\site-packages\scipy\sparse\linalg\eigen\arpack\__init__.py in <module>
20 from __future__ import division, print_function, absolute_import
21
---> 22 from .arpack import *
~\Miniconda3\lib\site-packages\scipy\sparse\linalg\eigen\arpack\arpack.py in <module>
43 __all__ = ['eigs', 'eigsh', 'svds', 'ArpackError', 'ArpackNoConvergence']
44
---> 45 from . import _arpack
46 import numpy as np
47 import warnings
ImportError: DLL load failed: The specified procedure could not be found.
With regards to stack trace, encapsulate your entire code with try except block. Code below prints out the script name, line number of the error code and type of error. str(e) allows a deeper dive into tracing of the stack.
import os, sys
try:
# Place your code here
except Exception as e:
exc_type, exc_obj, exc_tb = sys.exc_info()
fname = os.path.split(exc_tb.tb_frame.f_code.co_filename)[1]
print("Exception occurred while processing: {}, line {}, {}".format(fname, exc_tb.tb_lineno, exc_type))
print("Exception occurred: "+ str(e))
After some fixing my PATH variable to get some library installs to work , I'm finding that my IPython Notebook (Enthought Canopy on Ubuntu 14.04) throws the following error when using the %matplotlib magic command:
ImportError: /home/joe/Enthought/Canopy_64bit/User/bin/../lib/libgfortran.so.3: version `GFORTRAN_1.4' not found (required by /usr/lib/liblapack.so.3)
I'm also getting this error when trying to install python-bio-formats, pims, and pylibtiff.
Again, any ideas are appreciated.
EDIT: Full error traceback:
ImportError Traceback (most recent call last)
<ipython-input-1-3042faeb62d7> in <module>()
----> 1 get_ipython().magic(u'matplotlib')
2 #import cv2
3 #import numpy as np
4 #import pandas as pd
5 #import os
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/IPython/core/interactiveshell.pyc in magic(self, arg_s)
2203 magic_name, _, magic_arg_s = arg_s.partition(' ')
2204 magic_name = magic_name.lstrip(prefilter.ESC_MAGIC)
-> 2205 return self.run_line_magic(magic_name, magic_arg_s)
2206
2207 #-------------------------------------------------------------------------
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/IPython/core/interactiveshell.pyc in run_line_magic(self, magic_name, line)
2124 kwargs['local_ns'] = sys._getframe(stack_depth).f_locals
2125 with self.builtin_trap:
-> 2126 result = fn(*args,**kwargs)
2127 return result
2128
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/IPython/core/magics/pylab.pyc in matplotlib(self, line)
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/IPython/core/magic.pyc in <lambda>(f, *a, **k)
191 # but it's overkill for just that one bit of state.
192 def magic_deco(arg):
--> 193 call = lambda f, *a, **k: f(*a, **k)
194
195 if callable(arg):
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/IPython/core/magics/pylab.pyc in matplotlib(self, line)
78 """
79 args = magic_arguments.parse_argstring(self.matplotlib, line)
---> 80 gui, backend = self.shell.enable_matplotlib(args.gui)
81 self._show_matplotlib_backend(args.gui, backend)
82
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/IPython/core/interactiveshell.pyc in enable_matplotlib(self, gui)
2929 """
2930 from IPython.core import pylabtools as pt
-> 2931 gui, backend = pt.find_gui_and_backend(gui, self.pylab_gui_select)
2932
2933 if gui != 'inline':
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/IPython/core/pylabtools.pyc in find_gui_and_backend(gui, gui_select)
250 """
251
--> 252 import matplotlib
253
254 if gui and gui != 'auto':
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/matplotlib/__init__.py in <module>()
177 # cbook must import matplotlib only within function
178 # definitions, so it is safe to import from it here.
--> 179 from matplotlib.cbook import is_string_like
180 from matplotlib.compat import subprocess
181
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/matplotlib/cbook.py in <module>()
30 from weakref import ref, WeakKeyDictionary
31
---> 32 import numpy as np
33 import numpy.ma as ma
34
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/numpy/__init__.pyc in <module>()
168 return loader(*packages, **options)
169
--> 170 from . import add_newdocs
171 __all__ = ['add_newdocs',
172 'ModuleDeprecationWarning',
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/numpy/add_newdocs.py in <module>()
11 from __future__ import division, absolute_import, print_function
12
---> 13 from numpy.lib import add_newdoc
14
15 ###############################################################################
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/numpy/lib/__init__.py in <module>()
16
17 from . import scimath as emath
---> 18 from .polynomial import *
19 #import convertcode
20 from .utils import *
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/numpy/lib/polynomial.py in <module>()
17 from numpy.lib.function_base import trim_zeros, sort_complex
18 from numpy.lib.type_check import iscomplex, real, imag
---> 19 from numpy.linalg import eigvals, lstsq, inv
20
21 class RankWarning(UserWarning):
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/numpy/linalg/__init__.py in <module>()
49 from .info import __doc__
50
---> 51 from .linalg import *
52
53 from numpy.testing import Tester
/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/numpy/linalg/linalg.py in <module>()
27 )
28 from numpy.lib import triu, asfarray
---> 29 from numpy.linalg import lapack_lite, _umath_linalg
30 from numpy.matrixlib.defmatrix import matrix_power
31 from numpy.compat import asbytes
ImportError: /home/joe/Enthought/Canopy_64bit/User/bin/../lib/libgfortran.so.3: version `GFORTRAN_1.4' not found (required by /usr/lib/liblapack.so.3)
Full PATH (from echo $PATH):
/home/joe/Enthought/Canopy_64bit/User/bin:
/home/joe/Enthought/Canopy_64bit/User/bin:
/usr/local/sbin:
/usr/local/bin:
/usr/sbin:
/usr/bin:
/sbin:
/bin:
/usr/games:
/usr/local/games
sys.path:
['', '/home/joe/Enthought/Canopy_64bit/User/src/svn',
'/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/pims',
'/home/joe/Canopy/appdata/canopy-1.4.1.1975.rh5-x86_64/lib/python27.zip',
'/home/joe/Canopy/appdata/canopy-1.4.1.1975.rh5-x86_64/lib/python2.7',
'/home/joe/Canopy/appdata/canopy-1.4.1.1975.rh5-x86_64/lib/python2.7/plat-linux2',
'/home/joe/Canopy/appdata/canopy-1.4.1.1975.rh5-x86_64/lib/python2.7/lib-tk',
'/home/joe/Canopy/appdata/canopy-1.4.1.1975.rh5-x86_64/lib/python2.7/lib-old',
'/home/joe/Canopy/appdata/canopy-1.4.1.1975.rh5-x86_64/lib/python2.7/lib-dynload',
'/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages',
'/home/joe/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/PIL',
'/home/joe/opencv-2.4.9',
'/home/joe/Canopy/appdata/canopy-1.4.1.1975.rh5-x86_64/lib/python2.7/site-packages']
I was able to resolve this error by following the steps outlined here (specifically, steps 3-5): https://support.enthought.com/entries/23580651-Uninstalling-and-resetting-Canopy.
When re-attempting to install pims (https://github.com/soft-matter/pims) using pip (command: pip install --upgrade http://github.com/soft-matter/pims/zipball/master), the problem is able to be replicated. Odd.
I'm also getting a problem when trying to install pylibtiff via its setup.py script, but I will post this in another SO post, further detailing the error.
This might be late, but you can try the following thread
https://github.com/ContinuumIO/anaconda-issues/issues/686
Specifically the one by Zarhid:
conda remove libgfortran
conda install libgcc --force
replace conda with pip and modify accordingly. Worked for me