AttributeError: module 'dill' has no attribute '_dill' when importing datasets - python

In Python 3.9.13, when importing the package datasets, I get an AttributeError from the dill package.
I am running the following versions :
datasets : 2.9.0
dill : 0.3.6
Is there any specific modification of the packages needed ?
Thank you for your help
From :
import datasets
i get :
import datasets
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\__init__.py", line 43, in <module>
from .arrow_dataset import Dataset
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\arrow_dataset.py", line 66, in <module>
from .arrow_writer import ArrowWriter, OptimizedTypedSequence
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\arrow_writer.py", line 27, in <module>
from .features import Features, Image, Value
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\features\__init__.py", line 17, in <module>
from .audio import Audio
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\features\audio.py", line 12, in <module>
from ..download.streaming_download_manager import xopen
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\download\__init__.py", line 9, in <module>
from .download_manager import DownloadManager, DownloadMode
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\download\download_manager.py", line 36, in <module>
from ..utils.py_utils import NestedDataStructure, map_nested, size_str
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\utils\py_utils.py", line 602, in <module>
class Pickler(dill.Pickler):
File "C:\ProgramData\Anaconda3\lib\site-packages\datasets\utils\py_utils.py", line 605, in Pickler
dispatch = dill._dill.MetaCatchingDict(dill.Pickler.dispatch.copy())
AttributeError: module 'dill' has no attribute '_dill'```

Related

ImportError: /lib/x86_64-linux-gnu/libstdc++.so.6: version `GLIBCXX_3.4.30' not found

I'm trying to install bern2 locally. bern2 installed successfully. when I started running, I got this error.
ImportError: /lib/x86_64-linux-gnu/libstdc++.so.6: version `GLIBCXX_3.4.30' not found (required by /opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/../../../libfaiss.so)
from normalizers.neural_normalizer import NeuralNormalizer
File "/home/ubuntu/BERN2/BERN2/normalizers/neural_normalizer.py", line 17, in <module>
import faiss
File "/opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/__init__.py", line 18, in <module>
from .loader import *
File "/opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/loader.py", line 65, in <module>
from .swigfaiss import *
File "/opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/swigfaiss.py", line 10, in <module>
from . import _swigfaiss
ImportError: /lib/x86_64-linux-gnu/libstdc++.so.6: version `GLIBCXX_3.4.30' not found (required by /opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/../../../libfaiss.so)
Traceback (most recent call last):
File "/home/ubuntu/BERN2/BERN2/server.py", line 1, in <module>
from app import create_app
File "/home/ubuntu/BERN2/BERN2/app/__init__.py", line 12, in <module>
import bern2
File "/home/ubuntu/BERN2/BERN2/bern2/__init__.py", line 1, in <module>
from bern2.bern2 import BERN2
File "/home/ubuntu/BERN2/BERN2/bern2/bern2.py", line 22, in <module>
from normalizer import Normalizer
File "/home/ubuntu/BERN2/BERN2/bern2/normalizer.py", line 11, in <module>
from normalizers.neural_normalizer import NeuralNormalizer
File "/home/ubuntu/BERN2/BERN2/normalizers/neural_normalizer.py", line 17, in <module>
import faiss
File "/opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/__init__.py", line 18, in <module>
from .loader import *
File "/opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/loader.py", line 65, in <module>
from .swigfaiss import *
File "/opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/swigfaiss.py", line 10, in <module>
from . import _swigfaiss
ImportError: /lib/x86_64-linux-gnu/libstdc++.so.6: version `GLIBCXX_3.4.30' not found (required by /opt/conda/envs/bern2/lib/python3.11/site-packages/faiss/../../../libfaiss.so)
The reason could be that the system path is not configured correctly. Try this,
export LD_LIBRARY_PATH=$LD_LIBRARY_PATH:$CONDA_PREFIX/lib/
Source:
https://www.tensorflow.org/install/pip

importing pandas module, Attribute error with "pickle" module

My code: import pandas
Error showing:
File "D:/.../pandas_test.py", line 1, in <module>
import pandas
File "C:\...\anaconda3\lib\site-packages\pandas\__init__.py", line 55, in <module>
from pandas.core.api import (
File "C:\...\anaconda3\lib\site-packages\pandas\core\api.py", line 29, in <module>
from pandas.core.groupby import Grouper, NamedAgg
File "C:\...\anaconda3\lib\site-packages\pandas\core\groupby\__init__.py", line 1, in <module>
from pandas.core.groupby.generic import DataFrameGroupBy, NamedAgg, SeriesGroupBy
File "C:\...\anaconda3\lib\site-packages\pandas\core\groupby\generic.py", line 60, in <module>
from pandas.core.frame import DataFrame
File "C:\...\anaconda3\lib\site-packages\pandas\core\frame.py", line 104, in <module>
from pandas.core.generic import NDFrame, _shared_docs
File "C:\...\anaconda3\lib\site-packages\pandas\core\generic.py", line 151, in <module>
class NDFrame(PandasObject, SelectionMixin, indexing.IndexingMixin):
File "C:\...\anaconda3\lib\site-packages\pandas\core\generic.py", line 2670, in NDFrame
protocol: int = pickle.HIGHEST_PROTOCOL,
AttributeError: module 'pickle' has no attribute 'HIGHEST_PROTOCOL'
Process finished with exit code 1
I worked with pandas module last week with the same PC there was no problem. I faced this error today. Don't know much about pickle module.
I've reinstalled pandas module nothing changed.
Python version: 3.7.6
Windows 10

Error after updating scikit-learn to version 0.20.1 : cannot import name 'Empty' from 'queue'

I upgraded scikit-learn to version 0.20.1 using anaconda3 after getting an error message concerning balanced_accuracy_score from metrics in scikit-learn. This is apparently not available in version 0.19.
After this upgrade i get the following error:
Traceback (most recent call last):
File "test4.py", line 4, in <module>
from sklearn import metrics
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\__init__.py", line 6
4, in <module>
from .base import clone
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\base.py", line 13, i
n <module>
from .utils.fixes import signature
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\utils\__init__.py",
line 14, in <module>
from . import _joblib
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\utils\_joblib.py", l
ine 22, in <module>
from ..externals import joblib
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\externals\joblib\__i
nit__.py", line 119, in <module>
from .parallel import Parallel
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\externals\joblib\par
allel.py", line 28, in <module>
from ._parallel_backends import (FallbackToBackend, MultiprocessingBackend,
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\externals\joblib\_pa
rallel_backends.py", line 22, in <module>
from .executor import get_memmapping_executor
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\externals\joblib\exe
cutor.py", line 14, in <module>
from .externals.loky.reusable_executor import get_reusable_executor
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\externals\joblib\ext
ernals\loky\__init__.py", line 13, in <module>
from .reusable_executor import get_reusable_executor
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\externals\joblib\ext
ernals\loky\reusable_executor.py", line 11, in <module>
from .process_executor import ProcessPoolExecutor, EXTRA_QUEUED_CALLS
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\externals\joblib\ext
ernals\loky\process_executor.py", line 82, in <module>
from .backend.queues import Queue, SimpleQueue, Full
File "C:\Users\Pieter\Anaconda3\lib\site-packages\sklearn\externals\joblib\ext
ernals\loky\backend\queues.py", line 21, in <module>
from multiprocessing.queues import Full
File "C:\Users\Pieter\Anaconda3\lib\multiprocessing\queues.py", line 20, in <m
odule>
from queue import Empty, Full
ImportError: cannot import name 'Empty' from 'queue' (C:\Users\Pieter\Python pro
gs\queue.py)
Are you running this program from "C:\Users\Pieter\Python progs"?
Looks like you have a file named queue.py in "C:\Users\Pieter\Python pro
gs\" which is shadowing the actual module queue in multiprocessing lib. And hence the error.
There are two possible reasons for this:
Maybe this line:
from queue import Empty, Full
has been added in new version, so earlier it did not error even when your custom made queue.py was present.
Maybe you have created your queue.py recently after updating the scikit-learn and the above line was always present. In this case, error should occur on both versions.
Rename your program from queue.py and auto-compiled queue.pyc
to something else and it should work.

Module not found when using scipy

I have recently properly installed numpy and scipy. The following line runs without error.
import scipy
I am experiencing difficulty using scipy.io.wavefile. I have been trying to use the code from the "best answer" of this post.
However, when I try the first line,
from scipy.io import wavfile
I receive the following error and traceback,
Traceback (most recent call last):
File "<pyshell#0>", line 1, in <module>
from scipy.io import wavfile
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\io\__init__.py", line 97, in <module>
from .matlab import loadmat, savemat, whosmat, byteordercodes
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\io\matlab\__init__.py", line 13, in <module>
from .mio import loadmat, savemat, whosmat
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\io\matlab\mio.py", line 12, in <module>
from .miobase import get_matfile_version, docfiller
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\io\matlab\miobase.py", line 22, in <module>
from scipy.misc import doccer
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\misc\__init__.py", line 68, in <module>
from scipy.interpolate._pade import pade as _pade
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\interpolate\__init__.py", line 175, in <module>
from .interpolate import *
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\interpolate\interpolate.py", line 21, in <module>
import scipy.special as spec
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\special\__init__.py", line 640, in <module>
from ._ufuncs import *
File "_ufuncs.pyx", line 1, in init scipy.special._ufuncs
ImportError: DLL load failed: The specified module could not be found.
I also receive an error and traceback if I try the following line instead,
import scipy.io.wavfile
receiving a different response,
Traceback (most recent call last):
File "<pyshell#1>", line 1, in <module>
import scipy.io.wavfile
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\io\__init__.py", line 97, in <module>
from .matlab import loadmat, savemat, whosmat, byteordercodes
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\io\matlab\__init__.py", line 13, in <module>
from .mio import loadmat, savemat, whosmat
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\io\matlab\mio.py", line 12, in <module>
from .miobase import get_matfile_version, docfiller
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\io\matlab\miobase.py", line 22, in <module>
from scipy.misc import doccer
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\misc\__init__.py", line 68, in <module>
from scipy.interpolate._pade import pade as _pade
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\interpolate\__init__.py", line 175, in <module>
from .interpolate import *
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\interpolate\interpolate.py", line 21, in <module>
import scipy.special as spec
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\special\__init__.py", line 642, in <module>
from .basic import *
File "C:\Users\Me\AppData\Local\Programs\Python\Python37-32\lib\site-packages\scipy\special\basic.py", line 15, in <module>
from ._ufuncs import (ellipkm1, mathieu_a, mathieu_b, iv, jv, gamma,
ImportError: cannot import name 'ellipkm1' from 'scipy.special._ufuncs' (unknown location)
I do not understand why the module can not be found, if scipy is properly installed and can be imported by itself. I am using python 3.7.1. Could the code from the post be depreciated?
Apologies in advance for the long post.
Both error messages are complaining about the scipy.special._ufuncs module and a quick search revealed a few other posts, like this one, that suggest making sure you have the Visual C++ Redistributable Packages installed: https://www.microsoft.com/en-us/download/details.aspx?id=48145

NLTK Python error at running

I have installed the nltk in anaconda and tried some examples in this tutorial set pythonprogramming.net
After running the Classifier saving example it is showing some errors at the anaconda console as follows:
(C:\Users\Public\Anaconda) C:\Users\Kalanka PC>pickle.py
Traceback (most recent call last):
File "C:\Users\Kalanka PC\pickle.py", line 1, in <module>
import nltk
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\__init__.py", line 114, in <module>
from nltk.collocations import *
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\collocations.py", line 39, in <module>
from nltk.metrics import ContingencyMeasures, BigramAssocMeasures, TrigramAssocMeasures
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\metrics\__init__.py", line 24, in <module>
from nltk.metrics.segmentation import windowdiff, ghd, pk
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\metrics\segmentation.py", line 45, in <module>
import numpy as np
File "C:\Users\Public\Anaconda\lib\site-packages\numpy\__init__.py", line 142, in <module>
from . import add_newdocs
File "C:\Users\Public\Anaconda\lib\site-packages\numpy\add_newdocs.py", line 13, in <module>
from numpy.lib import add_newdoc
File "C:\Users\Public\Anaconda\lib\site-packages\numpy\lib\__init__.py", line 8, in <module>
from .type_check import *
File "C:\Users\Public\Anaconda\lib\site-packages\numpy\lib\type_check.py", line 11, in <module>
import numpy.core.numeric as _nx
File "C:\Users\Public\Anaconda\lib\site-packages\numpy\core\__init__.py", line 36, in <module>
from . import numeric
File "C:\Users\Public\Anaconda\lib\site-packages\numpy\core\numeric.py", line 37, in <module>
import pickle
File "C:\Users\Kalanka PC\pickle.py", line 4, in <module>
from nltk.corpus import movie_reviews
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\corpus\__init__.py", line 66, in <module>
from nltk.corpus.reader import *
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\corpus\reader\__init__.py", line 59, in <module>
from nltk.corpus.reader.tagged import *
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\corpus\reader\tagged.py", line 18, in <module>
from nltk.tag import str2tuple, map_tag
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\tag\__init__.py", line 63, in <module>
from nltk.tag.sequential import (SequentialBackoffTagger, ContextTagger,
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\tag\sequential.py", line 26, in <module>
from nltk.classify import NaiveBayesClassifier
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\classify\__init__.py", line 93, in <module>
from nltk.classify.scikitlearn import SklearnClassifier
File "C:\Users\Public\Anaconda\lib\site-packages\nltk\classify\scikitlearn.py", line 42, in <module>
from sklearn.feature_extraction import DictVectorizer
File "C:\Users\Public\Anaconda\lib\site-packages\sklearn\__init__.py", line 57, in <module>
from .base import clone
File "C:\Users\Public\Anaconda\lib\site-packages\sklearn\base.py", line 10, in <module>
from scipy import sparse
File "C:\Users\Public\Anaconda\lib\site-packages\scipy\__init__.py", line 70, in <module>
from numpy.random import rand, randn
File "C:\Users\Public\Anaconda\lib\site-packages\numpy\random\__init__.py", line 99, in <module>
from .mtrand import *
File "numpy.pxd", line 86, in init mtrand (numpy\random\mtrand\mtrand.c:42488)
AttributeError: module 'numpy' has no attribute 'dtype'
when I try to install it again it shows as follows:
C:\Users\Kalanka PC>pip install nltk
Requirement already satisfied: nltk
in c:\users\public\anaconda\lib\site-packages Requirement already satisfied: six in c:\users\public\anaconda\lib\site-packages (from nltk)
Here the naming of the python file is same as the pickle.so it will confuse in loading the related files.
Ex:
the file name is pickle.py
and the code is as follows:
`import nltk`
`import random`
`import pickle`
You may be have saved the file with the name of pickle.py, as it tries to import your pickle file rather than the standard pickle in the module.
I had a similar problem while using pickle, I saved the code file with the name pickle. then when I execute it look for the file you created not the Standard module pickle

Categories