"import matplotlib.pyplot as plt" not working - UnicodeDecodeError - python

Using Jupyter notebook via Anaconda2 on a Windows7 OS 64-bit launching it with GraphLabCreate. Getting the following error when executing the command "import matplotlib.pyplot as plt".
Is it anything to do with the environmental variables as I'm using GraphLabCreate? They have the following from a tool bar command selection:
set "PATH=C:\Users\Owner\Anaconda2;C:\Users\Owner\Anaconda2\Scripts;%PATH%"
I've gone ahead and checked the environmental variables and they are listed as above (except for the %PATH% part). Here are the PATH variables on my computer:
C:\Users\Owner\Anaconda2;C:\Users\Owner\Anaconda2\Scripts;C:\Users\Owner\Anaconda2\Library\bin;C:\Program Files\R\R-3.4.2\bin\x64
Here is the entire error output:
UnicodeDecodeError Traceback (most recent call last)
<ipython-input-9-6f467123fe04> in <module>()
----> 1 import matplotlib.pyplot
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\pyplot.py in <module>()
27 from cycler import cycler
28 import matplotlib
---> 29 import matplotlib.colorbar
30 from matplotlib import style
31 from matplotlib import _pylab_helpers, interactive
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\colorbar.py in <module>()
32 import matplotlib.artist as martist
33 import matplotlib.cbook as cbook
---> 34 import matplotlib.collections as collections
35 import matplotlib.colors as colors
36 import matplotlib.contour as contour
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\collections.py in <module>()
25 import matplotlib.artist as artist
26 from matplotlib.artist import allow_rasterization
---> 27 import matplotlib.backend_bases as backend_bases
28 import matplotlib.path as mpath
29 from matplotlib import _path
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\backend_bases.py in <module>()
60
61 import matplotlib.tight_bbox as tight_bbox
---> 62 import matplotlib.textpath as textpath
63 from matplotlib.path import Path
64 from matplotlib.cbook import mplDeprecation, warn_deprecated
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\textpath.py in <module>()
13 from matplotlib.path import Path
14 from matplotlib import rcParams
---> 15 import matplotlib.font_manager as font_manager
16 from matplotlib.ft2font import FT2Font, KERNING_DEFAULT, LOAD_NO_HINTING
17 from matplotlib.ft2font import LOAD_TARGET_LIGHT
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\font_manager.py in <module>()
1419 verbose.report("Using fontManager instance from %s" % _fmcache)
1420 except:
-> 1421 _rebuild()
1422 else:
1423 _rebuild()
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\font_manager.py in _rebuild()
1404 def _rebuild():
1405 global fontManager
-> 1406 fontManager = FontManager()
1407 if _fmcache:
1408 pickle_dump(fontManager, _fmcache)
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\font_manager.py in __init__(self, size, weight)
1042 # Load TrueType fonts and create font dictionary.
1043
-> 1044 self.ttffiles = findSystemFonts(paths) + findSystemFonts()
1045 self.defaultFamily = {
1046 'ttf': 'Bitstream Vera Sans',
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\font_manager.py in findSystemFonts(fontpaths, fontext)
311 fontpaths = [fontdir]
312 # now get all installed fonts directly...
--> 313 for f in win32InstalledFonts(fontdir):
314 base, ext = os.path.splitext(f)
315 if len(ext)>1 and ext[1:].lower() in fontexts:
C:\Users\Owner\Anaconda2\envs\gl-env\lib\site-packages\matplotlib\font_manager.py in win32InstalledFonts(directory, fontext)
228 continue
229 if not os.path.dirname(direc):
--> 230 direc = os.path.join(directory, direc)
231 direc = os.path.abspath(direc).lower()
232 if os.path.splitext(direc)[1][1:] in fontext:
C:\Users\Owner\Anaconda2\envs\gl-env\lib\ntpath.pyc in join(path, *paths)
83 if result_path and result_path[-1] not in '\\/':
84 result_path = result_path + '\\'
---> 85 result_path = result_path + p_path
86 ## add separator between UNC and non-absolute path
87 if (result_path and result_path[0] not in '\\/' and
UnicodeDecodeError: 'ascii' codec can't decode byte 0x80 in position 7: ordinal not in range(128)

Related

AlreadyExistsError: File system for s3 already registered

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!

While trying to use sklearn in Jupyter Notebook, it gives me an error. Does anyone know how to solve it?

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.

Python TensorFlow

I am having a problem with instaling Tensorflow module, I've done my research but I was unable to find the solution Online.
I am running only the tensorflow example code.
import numpy as np
import os
import six.moves.urllib as urllib
import sys
import tarfile
import tensorflow as tf
import zipfile
from distutils.version import StrictVersion
from collections import defaultdict
from io import StringIO
from matplotlib import pyplot as plt
from PIL import Image
# This is needed since the notebook is stored in the object_detection folder.
sys.path.append("..")
from object_detection.utils import ops as utils_ops
if StrictVersion(tf.__version__) < StrictVersion('1.9.0'):
raise ImportError('Please upgrade your TensorFlow installation to v1.9.* or later!')
and this is the output:
FileNotFoundError Traceback (most recent call last)
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\font_manager.py in <module>()
1352 try:
-> 1353 fontManager = json_load(_fmcache)
1354 if (not hasattr(fontManager, '_version') or
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\font_manager.py in json_load(filename)
887 """
--> 888 with open(filename, 'r') as fh:
889 return json.load(fh, object_hook=_json_decode)
FileNotFoundError: [Errno 2] No such file or directory: 'C:\\Users\\Mestre\\.matplotlib\\fontlist-v300.json'
During handling of the above exception, another exception occurred:
TypeError Traceback (most recent call last)
<ipython-input-1-1e9eee4e6961> in <module>()
10 from collections import defaultdict
11 from io import StringIO
---> 12 from matplotlib import pyplot as plt
13 from PIL import Image
14
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\pyplot.py in <module>()
30 from cycler import cycler
31 import matplotlib
---> 32 import matplotlib.colorbar
33 import matplotlib.image
34 from matplotlib import rcsetup, style
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\colorbar.py in <module>()
30 import matplotlib.collections as collections
31 import matplotlib.colors as colors
---> 32 import matplotlib.contour as contour
33 import matplotlib.cm as cm
34 import matplotlib.gridspec as gridspec
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\contour.py in <module>()
16 import matplotlib.colors as mcolors
17 import matplotlib.collections as mcoll
---> 18 import matplotlib.font_manager as font_manager
19 import matplotlib.text as text
20 import matplotlib.cbook as cbook
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\font_manager.py in <module>()
1361 raise
1362 except Exception:
-> 1363 _rebuild()
1364 else:
1365 _rebuild()
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\font_manager.py in _rebuild()
1342 global fontManager
1343
-> 1344 fontManager = FontManager()
1345
1346 if _fmcache:
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\font_manager.py in __init__(self, size, weight)
976 self.defaultFont = {}
977
--> 978 ttffiles = findSystemFonts(paths) + findSystemFonts()
979 self.defaultFont['ttf'] = next(
980 (fname for fname in ttffiles
c:\users\mestre\appdata\local\programs\python\python35\lib\site-packages\matplotlib\font_manager.py in findSystemFonts(fontpaths, fontext)
262 fontpaths = [win32FontDirectory()]
263 # now get all installed fonts directly...
--> 264 fontfiles.update(win32InstalledFonts(fontext=fontext))
265 else:
266 fontpaths = X11FontDirectories
TypeError: 'NoneType' object is not iterable
It seems a problem with matplotlib but I've already instaled that module, and compiled the protoc files and this is the third I've trying to install tensorflow but without sucess.
Thanks to all the lads who'll reply
Thanks again, Paula
It's a bug in matplotlib. In lib/matplotlib/font_manager.py you need to change the win32InstalledFonts function to return [] instead of return None.
Documented here:
https://github.com/matplotlib/matplotlib/pull/12174/files

iPython notebook error when trying to load matplotlib

I'm trying to learn pandas by watching this video: https://www.youtube.com/watch?v=5JnMutdy6Fw. I downloaded the notebooks (https://github.com/brandon-rhodes/pycon-pandas-tutorial/), and loaded up Exercises-1. The first block
%matplotlib inline
import pandas as pd
is giving me this error:
---------------------------------------------------------------------------
ImportError Traceback (most recent call last)
<ipython-input-10-5761ac74df30> in <module>()
----> 1 get_ipython().magic(u'matplotlib inline')
2 import pandas as pd
/Users/***/anaconda/lib/python2.7/site-packages/IPython/core/interactiveshell.pyc in magic(self, arg_s)
2305 magic_name, _, magic_arg_s = arg_s.partition(' ')
2306 magic_name = magic_name.lstrip(prefilter.ESC_MAGIC)
-> 2307 return self.run_line_magic(magic_name, magic_arg_s)
2308
2309 #-------------------------------------------------------------------------
/Users/***/anaconda/lib/python2.7/site-packages/IPython/core/interactiveshell.pyc in run_line_magic(self, magic_name, line)
2226 kwargs['local_ns'] = sys._getframe(stack_depth).f_locals
2227 with self.builtin_trap:
-> 2228 result = fn(*args,**kwargs)
2229 return result
2230
/Users/***/anaconda/lib/python2.7/site-packages/IPython/core/magics/pylab.pyc in matplotlib(self, line)
/Users/***/anaconda/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):
/Users/***/anaconda/lib/python2.7/site-packages/IPython/core/magics/pylab.pyc in matplotlib(self, line)
86 """
87 args = magic_arguments.parse_argstring(self.matplotlib, line)
---> 88 gui, backend = self.shell.enable_matplotlib(args.gui)
89 self._show_matplotlib_backend(args.gui, backend)
90
/Users/***/anaconda/lib/python2.7/site-packages/IPython/core/interactiveshell.pyc in enable_matplotlib(self, gui)
3087 """
3088 from IPython.core import pylabtools as pt
-> 3089 gui, backend = pt.find_gui_and_backend(gui, self.pylab_gui_select)
3090
3091 if gui != 'inline':
/Users/***/anaconda/lib/python2.7/site-packages/IPython/core/pylabtools.pyc in find_gui_and_backend(gui, gui_select)
237 """
238
--> 239 import matplotlib
240
241 if gui and gui != 'auto':
/Users/***/Library/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/matplotlib/__init__.py in <module>()
178 # cbook must import matplotlib only within function
179 # definitions, so it is safe to import from it here.
--> 180 from matplotlib.cbook import is_string_like
181 from matplotlib.compat import subprocess
182
/Users/***/Library/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/matplotlib/cbook.py in <module>()
31 from weakref import ref, WeakKeyDictionary
32
---> 33 import numpy as np
34 import numpy.ma as ma
35
/Users/***/Library/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/numpy/__init__.py in <module>()
183 return loader(*packages, **options)
184
--> 185 from . import add_newdocs
186 __all__ = ['add_newdocs',
187 'ModuleDeprecationWarning',
/Users/***/Library/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 ###############################################################################
/Users/***/Library/Enthought/Canopy_64bit/User/lib/python2.7/site-packages/numpy/lib/__init__.py in <module>()
15 from .ufunclike import *
16
---> 17 from . import scimath as emath
18 from .polynomial import *
19 #import convertcode
ImportError: cannot import name scimath
Can someone tell me what's happening and how I can fix it?
You can read about a similar issue here and here.
The main problem is with importing scimath:
"ImportError: cannot import name scimath"
You can try to import scimath.
A better solution would be to set your PYTHONPATH var, which provides the python interpreter with additional directories look in for python packages/modules. You can read more about setting PYTHONPATH variable here.

GFORTRAN_1.4 Not Found

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

Categories

Resources