AttributeError: module 'miceforest' has no attribute 'MultipleImputedKernel' error - python

Installed miceForest with !pip install miceforest and no issue with installation
Collecting miceforest
Downloading miceforest-5.2.0-py3-none-any.whl (69 kB)
Requirement already satisfied: numpy in c:\programdata\anaconda3\lib\site-packages (from miceforest) (1.20.1)
Collecting lightgbm>=3.3.1
Downloading lightgbm-3.3.1-py3-none-win_amd64.whl (1.0 MB)
Requirement already satisfied: wheel in c:\programdata\anaconda3\lib\site-packages (from lightgbm>=3.3.1->miceforest) (0.36.2)
Requirement already satisfied: scikit-learn!=0.22.0 in c:\programdata\anaconda3\lib\site-packages (from lightgbm>=3.3.1->miceforest) (0.24.1)
Requirement already satisfied: scipy in c:\programdata\anaconda3\lib\site-packages (from lightgbm>=3.3.1->miceforest) (1.6.2)
Requirement already satisfied: joblib>=0.11 in c:\programdata\anaconda3\lib\site-packages (from scikit-learn!=0.22.0->lightgbm>=3.3.1->miceforest) (1.0.1)
Requirement already satisfied: threadpoolctl>=2.0.0 in c:\programdata\anaconda3\lib\site-packages (from scikit-learn!=0.22.0->lightgbm>=3.3.1->miceforest) (2.1.0)
Installing collected packages: lightgbm, miceforest
Successfully installed lightgbm-3.3.1 miceforest-5.2.0
No issue with below code
import miceforest as mf
from sklearn.datasets import load_iris
import pandas as pd
import numpy as np
But getting error while referring to MultipleImputedKernel
-------------------------------------------------------------------------------------
AttributeError Traceback (most recent call last)
<ipython-input-10-b346f2744b14> in <module>
----> 1 kernel = mf.MultipleImputedKernel(
2 iris_amp,
3 datasets=4,
4 save_all_iterations=True,
5 random_state=1991
AttributeError: module 'miceforest' has no attribute 'MultipleImputedKernel'
-------------------------------------------------------------------------------
Any help to fix the issue will be greatly appreciated

New main classes (ImputationKernel, ImputedData) have replaced (KernelDataSet, MultipleImputedKernel, ImputedDataSet, MultipleImputedDataSet).

Related

ImportError: DLL load failed while importing scip: No module found

I'm trying test example:
from pyscipopt import Model
model = Model("Example") # model name is optional
x = model.addVar("x")
y = model.addVar("y", vtype="INTEGER")
model.setObjective(x + y)
model.addCons(2*x - y*y >= 0)
model.optimize()
sol = model.getBestSol()
print("x: {}".format(sol[x]))
print("y: {}".format(sol[y]))
but got
runfile('C:/Users/man_c/Downloads/ProHeatNet_Sim-master without Gurobi/ProHeatNet_Sim-master/untitled0.py', wdir='C:/Users/man_c/Downloads/ProHeatNet_Sim-master without Gurobi/ProHeatNet_Sim-master')
Traceback (most recent call last):
File "C:\Users\man_c\Downloads\ProHeatNet_Sim-master without Gurobi\ProHeatNet_Sim-master\untitled0.py", line 8, in <module>
from pyscipopt import Model
File "C:\Users\man_c\anaconda3\lib\site-packages\pyscipopt\__init__.py", line 11, in <module>
from pyscipopt.scip import Model
ImportError: DLL load failed while importing scip: No module found.
Have tried everything listed here: https://github.com/scipopt/PySCIPOpt/blob/master/INSTALL.md
C:\WINDOWS\system32>set SCIPOPTDIR=C:\SCIPOptSuite 8.0.1
C:\WINDOWS\system32>python -m pip install pyscipopt
Collecting pyscipopt
Using cached PySCIPOpt-4.2.0.tar.gz (661 kB)
Requirement already satisfied: wheel in c:\users\man_c\anaconda3\lib\site-packages (from pyscipopt) (0.37.0)
Building wheels for collected packages: pyscipopt
Building wheel for pyscipopt (setup.py) ... done
Created wheel for pyscipopt: filename=PySCIPOpt-4.2.0-cp39-cp39-win_amd64.whl size=612019 sha256=a931e29e41d971e957d4ed3397b244ed4c3b6321512870493572c1c7f0a0bdd5
Stored in directory: c:\users\man_c\appdata\local\pip\cache\wheels\15\c8\80\0b7bc0e370527c3241b54ee3949698f0a06c5697eae6b60038
Successfully built pyscipopt
Installing collected packages: pyscipopt
Successfully installed pyscipopt-4.2.0
C:\WINDOWS\system32>pip install pytest
Requirement already satisfied: pytest in c:\users\man_c\anaconda3\lib\site-packages (6.2.4)
Requirement already satisfied: attrs>=19.2.0 in c:\users\man_c\anaconda3\lib\site-packages (from pytest) (21.2.0)
Requirement already satisfied: iniconfig in c:\users\man_c\anaconda3\lib\site-packages (from pytest) (1.1.1)
Requirement already satisfied: packaging in c:\users\man_c\anaconda3\lib\site-packages (from pytest) (21.0)
Requirement already satisfied: pluggy<1.0.0a1,>=0.12 in c:\users\man_c\anaconda3\lib\site-packages (from pytest) (0.13.1)
Requirement already satisfied: py>=1.8.2 in c:\users\man_c\anaconda3\lib\site-packages (from pytest) (1.10.0)
Requirement already satisfied: toml in c:\users\man_c\anaconda3\lib\site-packages (from pytest) (0.10.2)
Requirement already satisfied: atomicwrites>=1.0 in c:\users\man_c\anaconda3\lib\site-packages (from pytest) (1.4.0)
Requirement already satisfied: colorama in c:\users\man_c\anaconda3\lib\site-packages (from pytest) (0.4.4)
Requirement already satisfied: pyparsing>=2.0.2 in c:\users\man_c\anaconda3\lib\site-packages (from packaging->pytest) (3.0.4)
C:\WINDOWS\system32>python -m pip install pyscipopt
Requirement already satisfied: pyscipopt in c:\users\man_c\anaconda3\lib\site-packages (4.2.0)
Requirement already satisfied: wheel in c:\users\man_c\anaconda3\lib\site-packages (from pyscipopt) (0.37.0)
C:\WINDOWS\system32>pip list
Package Version
---------------------------------- --------------------
...
PySCIPOpt 4.2.0
Got the same issue as described here: https://github.com/scipopt/PySCIPOpt/issues/467 by mariaeileen, but no solution available. The only difference is error itself:
ModuleNotFoundError: No module named 'pyscipopt'`
Is that important?
While installing saw this
error
but did this:
set PATH=%PATH%;%SCIPOPTDIR%\bin
Was that enough?

Alpha Vantage package installed but not able to find it?

Hi I've installed Alpha Vantage I'm getting an error when importing alpha_vantage into my Anaconda project:
---------------------------------------------------------------------------
ModuleNotFoundError Traceback (most recent call last)
~\AppData\Local\Temp/ipykernel_18576/239330141.py in <module>
----> 1 from aplha_vantage import TimeSeries
ModuleNotFoundError: No module named 'aplha_vantage'
Here's how I've installed it:
(base) C:\Users\audac>cd Documents/trading/code
(base) C:\Users\audac\Documents\trading\code>cd stock-scanner-py
(base) C:\Users\audac\Documents\trading\code\stock-scanner-py>cd algorithmic-trading-python
(base) C:\Users\audac\Documents\trading\code\stock-scanner-py\algorithmic-trading-python>pip install alpha_vantage
Requirement already satisfied: alpha_vantage in c:\users\audac\anaconda3\lib\site-packages (2.3.1)
Requirement already satisfied: requests in c:\users\audac\anaconda3\lib\site-packages (from alpha_vantage) (2.26.0)
Requirement already satisfied: aiohttp in c:\users\audac\anaconda3\lib\site-packages (from alpha_vantage) (3.8.1)
Requirement already satisfied: charset-normalizer<3.0,>=2.0 in c:\users\audac\anaconda3\lib\site-packages (from aiohttp->alpha_vantage) (2.0.4)
Requirement already satisfied: multidict<7.0,>=4.5 in c:\users\audac\anaconda3\lib\site-packages (from aiohttp->alpha_vantage) (6.0.1)
Requirement already satisfied: frozenlist>=1.1.1 in c:\users\audac\anaconda3\lib\site-packages (from aiohttp->alpha_vantage) (1.3.0)
Requirement already satisfied: yarl<2.0,>=1.0 in c:\users\audac\anaconda3\lib\site-packages (from aiohttp->alpha_vantage) (1.7.2)
Requirement already satisfied: aiosignal>=1.1.2 in c:\users\audac\anaconda3\lib\site-packages (from aiohttp->alpha_vantage) (1.2.0)
Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in c:\users\audac\anaconda3\lib\site-packages (from aiohttp->alpha_vantage) (4.0.2)
Requirement already satisfied: attrs>=17.3.0 in c:\users\audac\anaconda3\lib\site-packages (from aiohttp->alpha_vantage) (21.2.0)
Requirement already satisfied: idna>=2.0 in c:\users\audac\anaconda3\lib\site-packages (from yarl<2.0,>=1.0->aiohttp->alpha_vantage) (3.2)
Requirement already satisfied: urllib3<1.27,>=1.21.1 in c:\users\audac\anaconda3\lib\site-packages (from requests->alpha_vantage) (1.26.7)
Requirement already satisfied: certifi>=2017.4.17 in c:\users\audac\anaconda3\lib\site-packages (from requests->alpha_vantage) (2021.10.8)
(base) C:\Users\audac\Documents\trading\code\stock-scanner-py\algorithmic-trading-python>
I've also tried uninstalling Python and all packages + reinstalling them but I still have the same issue. It only happens with the Alpha Vantage package, everything else works fine.
What am I doing wrong?
Spelling error:
aplha_vantage --> alpha_vantage
i.e.
from alpha_vantage import TimeSeries

I need help in installing tensorflow, keras, and pytorch

When I import Tensorflow, Keras or Pytorch I face these errors:
I'm using Window 10 and my CPU supports AVX.
Also I was preparing my project on Python(Anaconda) and installed Keras, TensorFlow using pip(pip install keras) and Pytorch using conda
I activated my virtual environment(Test_01) before download, and I checked it again with conda list after download.
After checking those 3 programs are installed, I imported them with ipython on Anaconda prompt. and this what I faced:
========================================================================
(Test_01) C:\Users\User>ipython
Python 3.8.3 (default, Jul 2 2020, 17:30:36) [MSC v.1916 64 bit (AMD64)]
Type 'copyright', 'credits' or 'license' for more information
IPython 7.16.1 -- An enhanced Interactive Python. Type '?' for help.
In [1]: import tensorflow
---------------------------------------------------------------------------
ModuleNotFoundError Traceback (most recent call last)
<ipython-input-1-d6579f534729> in <module>
----> 1 import tensorflow
ModuleNotFoundError: No module named 'tensorflow'
In [2]: import keras
---------------------------------------------------------------------------
ModuleNotFoundError Traceback (most recent call last)
C:\Anaconda3\lib\site-packages\keras\__init__.py in <module>
2 try:
----> 3 from tensorflow.keras.layers.experimental.preprocessing import RandomRotation
4 except ImportError:
ModuleNotFoundError: No module named 'tensorflow'
During handling of the above exception, another exception occurred:
ImportError Traceback (most recent call last)
<ipython-input-2-88d96843a926> in <module>
----> 1 import keras
C:\Anaconda3\lib\site-packages\keras\__init__.py in <module>
3 from tensorflow.keras.layers.experimental.preprocessing import RandomRotation
4 except ImportError:
----> 5 raise ImportError(
6 'Keras requires TensorFlow 2.2 or higher. '
7 'Install TensorFlow via `pip install tensorflow`')
ImportError: Keras requires TensorFlow 2.2 or higher. Install TensorFlow via `pip install tensorflow`
In [3]: import torch
---------------------------------------------------------------------------
ModuleNotFoundError Traceback (most recent call last)
<ipython-input-3-eb42ca6e4af3> in <module>
----> 1 import torch
ModuleNotFoundError: No module named 'torch'
===========================================================================
Keras error message says:
Keras requires TensorFlow 2.2 or higher. Install TensorFlow via
pip install TensorFlow
also, tensorflow and pytorch says
ModuleNotFoundError: No module named 'tensorflow'
ModuleNotFoundError: No module named 'torch'
So I installed TensorFlow with pip again, and it says:
(Test_01) C:\Users\User>pip install tensorflow
Requirement already satisfied: tensorflow in c:\anaconda3\envs\test_01\lib\site-packages (2.3.1)
Requirement already satisfied: grpcio>=1.8.6 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (1.33.2)
Requirement already satisfied: wrapt>=1.11.1 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (1.12.1)
Requirement already satisfied: gast==0.3.3 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (0.3.3)
Requirement already satisfied: protobuf>=3.9.2 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (3.13.0)
Requirement already satisfied: tensorboard<3,>=2.3.0 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (2.3.0)
Requirement already satisfied: tensorflow-estimator<2.4.0,>=2.3.0 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (2.3.0)
Requirement already satisfied: google-pasta>=0.1.8 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (0.2.0)
Requirement already satisfied: absl-py>=0.7.0 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (0.11.0)
Requirement already satisfied: six>=1.12.0 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (1.15.0)
Requirement already satisfied: wheel>=0.26 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (0.35.1)
Requirement already satisfied: keras-preprocessing<1.2,>=1.1.1 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (1.1.2)
Collecting numpy<1.19.0,>=1.16.0
Using cached numpy-1.18.5-cp38-cp38-win_amd64.whl (12.8 MB)
Requirement already satisfied: termcolor>=1.1.0 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (1.1.0)
Requirement already satisfied: astunparse==1.6.3 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (1.6.3)
Requirement already satisfied: opt-einsum>=2.3.2 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (3.3.0)
Requirement already satisfied: h5py<2.11.0,>=2.10.0 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorflow) (2.10.0)
Requirement already satisfied: setuptools in c:\anaconda3\envs\test_01\lib\site-packages (from protobuf>=3.9.2->tensorflow) (50.3.0.post20201006)
Requirement already satisfied: google-auth-oauthlib<0.5,>=0.4.1 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorboard<3,>=2.3.0->tensorflow) (0.4.2)
Requirement already satisfied: markdown>=2.6.8 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorboard<3,>=2.3.0->tensorflow) (3.3.3)
Requirement already satisfied: requests<3,>=2.21.0 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorboard<3,>=2.3.0->tensorflow) (2.24.0)
Requirement already satisfied: google-auth<2,>=1.6.3 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorboard<3,>=2.3.0->tensorflow) (1.23.0)
Requirement already satisfied: werkzeug>=0.11.15 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorboard<3,>=2.3.0->tensorflow) (1.0.1)
Requirement already satisfied: tensorboard-plugin-wit>=1.6.0 in c:\anaconda3\envs\test_01\lib\site-packages (from tensorboard<3,>=2.3.0->tensorflow) (1.7.0)
Requirement already satisfied: requests-oauthlib>=0.7.0 in c:\anaconda3\envs\test_01\lib\site-packages (from google-auth-oauthlib<0.5,>=0.4.1->tensorboard<3,>=2.3.0->tensorflow) (1.3.0)
Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in c:\anaconda3\envs\test_01\lib\site-packages (from requests<3,>=2.21.0->tensorboard<3,>=2.3.0->tensorflow) (1.25.11)
Requirement already satisfied: chardet<4,>=3.0.2 in c:\anaconda3\envs\test_01\lib\site-packages (from requests<3,>=2.21.0->tensorboard<3,>=2.3.0->tensorflow) (3.0.4)
Requirement already satisfied: certifi>=2017.4.17 in c:\anaconda3\envs\test_01\lib\site-packages (from requests<3,>=2.21.0->tensorboard<3,>=2.3.0->tensorflow) (2020.6.20)
Requirement already satisfied: idna<3,>=2.5 in c:\anaconda3\envs\test_01\lib\site-packages (from requests<3,>=2.21.0->tensorboard<3,>=2.3.0->tensorflow) (2.10)
Requirement already satisfied: cachetools<5.0,>=2.0.0 in c:\anaconda3\envs\test_01\lib\site-packages (from google-auth<2,>=1.6.3->tensorboard<3,>=2.3.0->tensorflow) (4.1.1)
Requirement already satisfied: pyasn1-modules>=0.2.1 in c:\anaconda3\envs\test_01\lib\site-packages (from google-auth<2,>=1.6.3->tensorboard<3,>=2.3.0->tensorflow) (0.2.8)
Requirement already satisfied: rsa<5,>=3.1.4; python_version >= "3.5" in c:\anaconda3\envs\test_01\lib\site-packages (from google-auth<2,>=1.6.3->tensorboard<3,>=2.3.0->tensorflow) (4.6)
Requirement already satisfied: oauthlib>=3.0.0 in c:\anaconda3\envs\test_01\lib\site-packages (from requests-oauthlib>=0.7.0->google-auth-oauthlib<0.5,>=0.4.1->tensorboard<3,>=2.3.0->tensorflow) (3.1.0)
Requirement already satisfied: pyasn1<0.5.0,>=0.4.6 in c:\anaconda3\envs\test_01\lib\site-packages (from pyasn1-modules>=0.2.1->google-auth<2,>=1.6.3->tensorboard<3,>=2.3.0->tensorflow) (0.4.8)
Installing collected packages: numpy
Attempting uninstall: numpy
Found existing installation: numpy 1.19.2
Uninstalling numpy-1.19.2:
Successfully uninstalled numpy-1.19.2
ERROR: After October 2020 you may experience errors when installing or updating packages. This is because pip will change the way that it resolves dependency conflicts.
We recommend you use --use-feature=2020-resolver to test your packages with the new resolver before it becomes the default.
torch 1.6.0 requires future, which is not installed.
Successfully installed numpy-1.18.5
===============================================================================
I promise I checked that I installed and executed them on same environment(Test_01) so Can you tell me:
What Should I do ? and How can I check my 'CUDA' version? I tried it with 'nvxx --version' on cmd and nothing works
First, i should thank you all of you made comment in my post.
I found that visual studio c++ was not installed, so i installed it to my labtop.
You can found it here
https://support.microsoft.com/en-us/help/2977003/the-latest-supported-visual-c-downloads

No module named 'gensim' but already installed it

i'm having this error problem, i have ran this script in jupyter notebook in base (root) environment, the log said that gensim library has been installed and i have run the command !pip install gensim before i import it, but it still can not be imported, and the error said ModuleNotFoundError: No module named 'gensim'
!pip install gensim
import gensim
from gensim.models import KeyedVectors
model = KeyedVectors.load('model_fasttext2.vec')
model.vector_size
------------------------------------------------------------------------
Requirement already satisfied: gensim in c:\users\ip-03\anaconda3\lib\site-packages (3.8.1)
Requirement already satisfied: scipy>=0.18.1 in c:\users\ip-03\anaconda3\lib\site-packages (from gensim) (1.4.1)
Requirement already satisfied: six>=1.5.0 in c:\users\ip-03\anaconda3\lib\site-packages (from gensim) (1.14.0)
Requirement already satisfied: smart-open>=1.8.1 in c:\users\ip-03\anaconda3\lib\site-packages (from gensim) (1.9.0)
Requirement already satisfied: numpy>=1.11.3 in c:\users\ip-03\anaconda3\lib\site-packages (from gensim) (1.18.1)
Requirement already satisfied: boto>=2.32 in c:\users\ip-03\anaconda3\lib\site-packages (from smart-open>=1.8.1->gensim) (2.49.0)
Requirement already satisfied: boto3 in c:\users\ip-03\anaconda3\lib\site-packages (from smart-open>=1.8.1->gensim) (1.12.3)
Requirement already satisfied: bz2file in c:\users\ip-03\anaconda3\lib\site-packages (from smart-open>=1.8.1->gensim) (0.98)
Requirement already satisfied: requests in c:\users\ip-03\anaconda3\lib\site-packages (from smart-open>=1.8.1->gensim) (2.22.0)
Requirement already satisfied: s3transfer<0.4.0,>=0.3.0 in c:\users\ip-03\anaconda3\lib\site-packages (from boto3->smart-open>=1.8.1->gensim) (0.3.3)
Requirement already satisfied: botocore<1.16.0,>=1.15.3 in c:\users\ip-03\anaconda3\lib\site-packages (from boto3->smart-open>=1.8.1->gensim) (1.15.3)
Requirement already satisfied: jmespath<1.0.0,>=0.7.1 in c:\users\ip-03\anaconda3\lib\site-packages (from boto3->smart-open>=1.8.1->gensim) (0.9.4)
Requirement already satisfied: certifi>=2017.4.17 in c:\users\ip-03\anaconda3\lib\site-packages (from requests->smart-open>=1.8.1->gensim) (2019.11.28)
Requirement already satisfied: chardet<3.1.0,>=3.0.2 in c:\users\ip-03\anaconda3\lib\site-packages (from requests->smart-open>=1.8.1->gensim) (3.0.4)
Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in c:\users\ip-03\anaconda3\lib\site-packages (from requests->smart-open>=1.8.1->gensim) (1.25.8)
Requirement already satisfied: idna<2.9,>=2.5 in c:\users\ip-03\anaconda3\lib\site-packages (from requests->smart-open>=1.8.1->gensim) (2.8)
Requirement already satisfied: python-dateutil<3.0.0,>=2.1 in c:\users\ip-03\anaconda3\lib\site-packages (from botocore<1.16.0,>=1.15.3->boto3->smart-open>=1.8.1->gensim) (2.8.1)
Requirement already satisfied: docutils<0.16,>=0.10 in c:\users\ip-03\anaconda3\lib\site-packages (from botocore<1.16.0,>=1.15.3->boto3->smart-open>=1.8.1->gensim) (0.15.2)
ModuleNotFoundError Traceback (most recent call last)
<ipython-input-10-ee4a48d372cd> in <module>
1 get_ipython().system('pip install gensim')
----> 2 import gensim
3 from gensim.models import KeyedVectors
4 model = KeyedVectors.load('model_fasttext2.vec')
5 model.vector_size
ModuleNotFoundError: No module named 'gensim'
Is there anyone who can help this problem? i will really appreciate your help, it will help my thesis work, thank you for your attention
It may be that your jupyter lab maybe running the base kernel and not the kernel of the virtual environment.
Check by doing the following:
import sys
sys.executable
into my notebook and got the result
'/anaconda3/bin/python'
If you get the above instead of the below then that means you're using the wrong kernel.
'/anaconda3/envs/myenv/bin/python'
You can solve it by creating a new iPython kernel for your new environment. Read more here.
conda install -n myenv ipython
conda activate myenv
python -m ipykernel install --user --name myenv --display-name "Python (myenv)"
```Then, to run Jupyter Lab in the new environment:

Jupyter notebook can't find matplotlib

When I try to run matplotlib in my virtual env, this is what I get.
ImportError Traceback (most recent call last)
<ipython-input-1-d0b23255e9ca> in <module>()
1 import cv2
2 import numpy as np
----> 3 import matplotlib.pyplot as plt
4 #%matplotlib inline
ImportError: No module named 'matplotlib'
This is the output when I run, pip3 install matplotlib
Requirement already satisfied: pyparsing!=2.0.0,!=2.0.4,!=2.1.2,!=2.1.6,>=1.5.6 in ./.envs/opencv/lib/python3.5/site-packages (from matplotlib)
Requirement already satisfied: six>=1.10 in ./.envs/opencv/lib/python3.5/site-packages (from matplotlib)
Requirement already satisfied: cycler>=0.10 in ./.envs/opencv/lib/python3.5/site-packages (from matplotlib)
Requirement already satisfied: pytz in ./.envs/opencv/lib/python3.5/site-packages (from matplotlib)
Requirement already satisfied: numpy>=1.7.1 in ./.envs/opencv/lib/python3.5/site-packages (from matplotlib)
Requirement already satisfied: python-dateutil in ./.envs/opencv/lib/python3.5/site-packages (from matplotlib)
What am I missing?

Categories

Resources