alteryx / evalml

EvalML is an AutoML library written in python.
https://evalml.alteryx.com
BSD 3-Clause "New" or "Revised" License
734 stars 83 forks source link

while import evalml in kaggle notebook, i had problem (bug) #4368

Open rizal-mujahiddan69 opened 7 months ago

rizal-mujahiddan69 commented 7 months ago

Error when import evalml in kaggle notebook

Code Sample, a copy-pastable example to reproduce your bug.

---------------------------------------------------------------------------
ImportError                               Traceback (most recent call last)
Cell In[8], line 1
----> 1 import evalml
      2 from evalml import AutoMLSearch
      3 automl_evalml = AutoMLSearch(
      4     X_train=X_train,
      5     y_train=y_train,
   (...)
      9     verbose=True,
     10 )

File /opt/conda/lib/python3.10/site-packages/evalml/__init__.py:7
      4 # hack to prevent warnings from skopt
      5 # must import sklearn first
      6 import sklearn
----> 7 import evalml.demos
      8 import evalml.model_family
      9 import evalml.model_understanding

File /opt/conda/lib/python3.10/site-packages/evalml/demos/__init__.py:2
      1 """Demo datasets."""
----> 2 from evalml.demos.breast_cancer import load_breast_cancer
      3 from evalml.demos.diabetes import load_diabetes
      4 from evalml.demos.fraud import load_fraud

File /opt/conda/lib/python3.10/site-packages/evalml/demos/breast_cancer.py:5
      2 import woodwork as ww
      4 import evalml
----> 5 from evalml.preprocessing import load_data
      8 def load_breast_cancer():
      9     """Load breast cancer dataset. Binary classification problem.
     10 
     11     Returns:
     12         (pd.Dataframe, pd.Series): X and y
     13     """

File /opt/conda/lib/python3.10/site-packages/evalml/preprocessing/__init__.py:2
      1 """Preprocessing utilities."""
----> 2 from evalml.preprocessing.utils import (
      3     load_data,
      4     split_data,
      5     split_multiseries_data,
      6     number_of_features,
      7     target_distribution,
      8 )
      9 from evalml.preprocessing.data_splitters import (
     10     NoSplit,
     11     TrainingValidationSplit,
     12     TimeSeriesSplit,
     13 )

File /opt/conda/lib/python3.10/site-packages/evalml/preprocessing/utils.py:5
      2 import pandas as pd
      3 from sklearn.model_selection import ShuffleSplit, StratifiedShuffleSplit
----> 5 from evalml.pipelines.utils import stack_data, stack_X, unstack_multiseries
      6 from evalml.preprocessing.data_splitters import TrainingValidationSplit
      7 from evalml.problem_types import (
      8     is_classification,
      9     is_multiseries,
     10     is_regression,
     11     is_time_series,
     12 )

File /opt/conda/lib/python3.10/site-packages/evalml/pipelines/__init__.py:2
      1 """EvalML pipelines."""
----> 2 from evalml.pipelines.components import (
      3     Estimator,
      4     OneHotEncoder,
      5     TargetEncoder,
      6     SimpleImputer,
      7     PerColumnImputer,
      8     Imputer,
      9     TimeSeriesImputer,
     10     StandardScaler,
     11     Transformer,
     12     LightGBMClassifier,
     13     LightGBMRegressor,
     14     LinearRegressor,
     15     LogisticRegressionClassifier,
     16     RandomForestClassifier,
     17     RandomForestRegressor,
     18     XGBoostClassifier,
     19     XGBoostRegressor,
     20     FeatureSelector,
     21     RFClassifierSelectFromModel,
     22     RFRegressorSelectFromModel,
     23     CatBoostClassifier,
     24     CatBoostRegressor,
     25     ElasticNetClassifier,
     26     ElasticNetRegressor,
     27     ExtraTreesClassifier,
     28     ExtraTreesRegressor,
     29     DecisionTreeClassifier,
     30     DecisionTreeRegressor,
     31     StackedEnsembleBase,
     32     StackedEnsembleClassifier,
     33     StackedEnsembleRegressor,
     34     TimeSeriesFeaturizer,
     35     DFSTransformer,
     36     KNeighborsClassifier,
     37     SVMClassifier,
     38     SVMRegressor,
     39     ExponentialSmoothingRegressor,
     40     ARIMARegressor,
     41     VARMAXRegressor,
     42     ProphetRegressor,
     43     VowpalWabbitBinaryClassifier,
     44     VowpalWabbitMulticlassClassifier,
     45     VowpalWabbitRegressor,
     46     DropNaNRowsTransformer,
     47     TimeSeriesRegularizer,
     48     OrdinalEncoder,
     49 )
     51 from evalml.pipelines.component_graph import ComponentGraph
     52 from evalml.pipelines.pipeline_base import PipelineBase

File /opt/conda/lib/python3.10/site-packages/evalml/pipelines/components/__init__.py:3
      1 """EvalML component classes."""
      2 from evalml.pipelines.components.component_base import ComponentBase, ComponentBaseMeta
----> 3 from evalml.pipelines.components.estimators import (
      4     Estimator,
      5     LinearRegressor,
      6     LightGBMClassifier,
      7     LightGBMRegressor,
      8     LogisticRegressionClassifier,
      9     RandomForestClassifier,
     10     RandomForestRegressor,
     11     XGBoostClassifier,
     12     CatBoostClassifier,
     13     ExtraTreesClassifier,
     14     ExtraTreesRegressor,
     15     CatBoostRegressor,
     16     XGBoostRegressor,
     17     ElasticNetClassifier,
     18     ElasticNetRegressor,
     19     BaselineClassifier,
     20     BaselineRegressor,
     21     DecisionTreeClassifier,
     22     DecisionTreeRegressor,
     23     TimeSeriesBaselineEstimator,
     24     MultiseriesTimeSeriesBaselineRegressor,
     25     KNeighborsClassifier,
     26     ProphetRegressor,
     27     SVMClassifier,
     28     SVMRegressor,
     29     ExponentialSmoothingRegressor,
     30     ARIMARegressor,
     31     VARMAXRegressor,
     32     VowpalWabbitBinaryClassifier,
     33     VowpalWabbitMulticlassClassifier,
     34     VowpalWabbitRegressor,
     35 )
     36 from evalml.pipelines.components.transformers import (
     37     Transformer,
     38     OneHotEncoder,
   (...)
     74     RFRegressorRFESelector,
     75 )
     76 from evalml.pipelines.components.ensemble import (
     77     StackedEnsembleBase,
     78     StackedEnsembleClassifier,
     79     StackedEnsembleRegressor,
     80 )

File /opt/conda/lib/python3.10/site-packages/evalml/pipelines/components/estimators/__init__.py:3
      1 """EvalML estimator components."""
      2 from evalml.pipelines.components.estimators.estimator import Estimator
----> 3 from evalml.pipelines.components.estimators.classifiers import (
      4     LogisticRegressionClassifier,
      5     RandomForestClassifier,
      6     XGBoostClassifier,
      7     LightGBMClassifier,
      8     CatBoostClassifier,
      9     ElasticNetClassifier,
     10     ExtraTreesClassifier,
     11     BaselineClassifier,
     12     DecisionTreeClassifier,
     13     KNeighborsClassifier,
     14     SVMClassifier,
     15     VowpalWabbitBinaryClassifier,
     16     VowpalWabbitMulticlassClassifier,
     17 )
     18 from evalml.pipelines.components.estimators.regressors import (
     19     LinearRegressor,
     20     LightGBMRegressor,
   (...)
     35     VowpalWabbitRegressor,
     36 )

File /opt/conda/lib/python3.10/site-packages/evalml/pipelines/components/estimators/classifiers/__init__.py:8
      2 from evalml.pipelines.components.estimators.classifiers.logistic_regression_classifier import (
      3     LogisticRegressionClassifier,
      4 )
      5 from evalml.pipelines.components.estimators.classifiers.rf_classifier import (
      6     RandomForestClassifier,
      7 )
----> 8 from evalml.pipelines.components.estimators.classifiers.xgboost_classifier import (
      9     XGBoostClassifier,
     10 )
     11 from evalml.pipelines.components.estimators.classifiers.catboost_classifier import (
     12     CatBoostClassifier,
     13 )
     14 from evalml.pipelines.components.estimators.classifiers.elasticnet_classifier import (
     15     ElasticNetClassifier,
     16 )

File /opt/conda/lib/python3.10/site-packages/evalml/pipelines/components/estimators/classifiers/xgboost_classifier.py:9
      7 from evalml.model_family import ModelFamily
      8 from evalml.pipelines.components.estimators import Estimator
----> 9 from evalml.pipelines.components.transformers import LabelEncoder
     10 from evalml.problem_types import ProblemTypes
     11 from evalml.utils import _rename_column_names_to_numeric, import_or_raise

File /opt/conda/lib/python3.10/site-packages/evalml/pipelines/components/transformers/__init__.py:37
     28 from evalml.pipelines.components.transformers.column_selectors import (
     29     DropColumns,
     30     SelectColumns,
     31     SelectByType,
     32 )
     33 from evalml.pipelines.components.transformers.dimensionality_reduction import (
     34     LinearDiscriminantAnalysis,
     35     PCA,
     36 )
---> 37 from evalml.pipelines.components.transformers.preprocessing import (
     38     DateTimeFeaturizer,
     39     DropNullColumns,
     40     LSA,
     41     NaturalLanguageFeaturizer,
     42     TimeSeriesFeaturizer,
     43     DFSTransformer,
     44     PolynomialDecomposer,
     45     STLDecomposer,
     46     LogTransformer,
     47     EmailFeaturizer,
     48     URLFeaturizer,
     49     DropRowsTransformer,
     50     ReplaceNullableTypes,
     51     DropNaNRowsTransformer,
     52     TimeSeriesRegularizer,
     53 )

File /opt/conda/lib/python3.10/site-packages/evalml/pipelines/components/transformers/preprocessing/__init__.py:12
      8 from evalml.pipelines.components.transformers.preprocessing.text_transformer import (
      9     TextTransformer,
     10 )
     11 from evalml.pipelines.components.transformers.preprocessing.lsa import LSA
---> 12 from evalml.pipelines.components.transformers.preprocessing.natural_language_featurizer import (
     13     NaturalLanguageFeaturizer,
     14 )
     15 from evalml.pipelines.components.transformers.preprocessing.time_series_featurizer import (
     16     TimeSeriesFeaturizer,
     17 )
     18 from evalml.pipelines.components.transformers.preprocessing.featuretools import (
     19     DFSTransformer,
     20 )

File /opt/conda/lib/python3.10/site-packages/evalml/pipelines/components/transformers/preprocessing/natural_language_featurizer.py:5
      2 import string
      4 import featuretools as ft
----> 5 from featuretools.primitives import (
      6     DiversityScore,
      7     MeanCharactersPerWord,
      8     NumCharacters,
      9     NumWords,
     10     PolarityScore,
     11 )
     13 from evalml.pipelines.components.transformers.preprocessing import LSA, TextTransformer
     14 from evalml.utils import infer_feature_types

ImportError: cannot import name 'DiversityScore' from 'featuretools.primitives' (/opt/conda/lib/python3.10/site-packages/featuretools/primitives/__init__.py)

There is pip list : Package Version Editable project location


absl-py 1.4.0 accelerate 0.24.1 access 1.1.9 affine 2.4.0 aiobotocore 2.7.0 aiohttp 3.8.5 aiohttp-cors 0.7.0 aioitertools 0.11.0 aiorwlock 1.3.0 aiosignal 1.3.1 albumentations 1.3.1 alembic 1.12.1 altair 5.1.2 alteryx-open-src-update-checker 3.1.0 annoy 1.17.3 ansiwrap 0.8.4 anyio 3.7.1 apache-beam 2.46.0 aplus 0.11.0 appdirs 1.4.4 archspec 0.2.1 argon2-cffi 21.3.0 argon2-cffi-bindings 21.2.0 array-record 0.4.1 arrow 1.2.3 arviz 0.12.1 astroid 2.15.8 astropy 5.3.4 asttokens 2.2.1 astunparse 1.6.3 async-lru 2.0.4 async-timeout 4.0.3 atpublic 4.0 attrs 23.1.0 audioread 3.0.1 autopep8 2.0.4 Babel 2.12.1 backcall 0.2.0 backoff 2.2.1 backports.functools-lru-cache 1.6.5 bayesian-optimization 1.4.3 bayespy 0.5.26 beatrix-jupyterlab 2023.814.150030 beautifulsoup4 4.12.2 bidict 0.22.1 biopython 1.81 black 23.11.0 blake3 0.2.1 bleach 6.0.0 blessed 1.20.0 blinker 1.7.0 blis 0.7.11 blosc2 2.2.9 bokeh 3.3.0 boltons 23.0.0 Boruta 0.3 boto3 1.26.100 botocore 1.31.64 bq-helper 0.4.1 /root/src/BigQuery_Helper bqplot 0.12.42 branca 0.6.0 brewer2mpl 1.4.1 brotlipy 0.7.0 cached-property 1.5.2 cachetools 4.2.4 Cartopy 0.22.0 catalogue 2.0.10 catalyst 22.4 catboost 1.2.2 category-encoders 2.5.1.post0 certifi 2023.7.22 cesium 0.12.1 cffi 1.15.1 cftime 1.6.3 charset-normalizer 3.2.0 chex 0.1.84 cleverhans 4.0.0 click 8.1.7 click-plugins 1.1.1 cligj 0.7.2 cloud-tpu-client 0.10 cloud-tpu-profiler 2.4.0 cloudpathlib 0.16.0 cloudpickle 2.2.1 cmdstanpy 1.2.0 cmudict 1.0.15 colorama 0.4.6 colorcet 3.0.1 colorful 0.5.5 colorlog 6.7.0 colorlover 0.3.0 comm 0.1.4 conda 23.9.0 conda-content-trust 0+unknown conda-package-handling 2.2.0 conda_package_streaming 0.9.0 confection 0.1.3 contextily 1.4.0 contourpy 1.1.0 convertdate 2.4.0 crcmod 1.7 cryptography 40.0.2 cufflinks 0.17.3 CVXcanon 0.1.2 cycler 0.11.0 cymem 2.0.8 cysignals 1.11.4 Cython 3.0.0 cytoolz 0.12.2 daal 2023.2.1 daal4py 2023.2.1 dacite 1.8.1 dask 2023.10.1 dataclasses-json 0.6.1 datasets 2.1.0 datashader 0.16.0 datatile 1.0.3 db-dtypes 1.1.1 deap 1.4.1 debugpy 1.6.7.post1 decorator 5.1.1 defusedxml 0.7.1 Delorean 1.0.0 deprecat 2.1.1 Deprecated 1.2.14 deprecation 2.1.0 descartes 1.1.0 dill 0.3.7 dipy 1.7.0 distlib 0.3.7 distributed 2023.10.1 dm-tree 0.1.8 docker 6.1.3 docker-pycreds 0.4.0 docopt 0.6.2 docstring-parser 0.15 docstring-to-markdown 0.13 docutils 0.20.1 earthengine-api 0.1.377 easydict 1.11 easyocr 1.7.1 ecos 2.0.12 eli5 0.13.0 emoji 2.8.0 en-core-web-lg 3.7.0 en-core-web-sm 3.7.0 entrypoints 0.4 ephem 4.1.5 esda 2.5.1 essentia 2.1b6.dev1110 et-xmlfile 1.1.0 etils 1.4.1 evalml 0.82.0 exceptiongroup 1.1.3 executing 1.2.0 explainable-ai-sdk 1.3.3 fastai 2.7.13 fastapi 0.101.1 fastavro 1.8.2 fastcore 1.5.29 fastdownload 0.0.7 fasteners 0.18 fastjsonschema 2.18.0 fastprogress 1.0.3 fasttext 0.9.2 fbpca 1.0 feather-format 0.4.1 featuretools 1.28.0 filelock 3.12.2 fiona 1.9.5 fitter 1.6.0 flake8 6.1.0 flashtext 2.7 Flask 3.0.0 flatbuffers 23.5.26 flax 0.7.5 flit_core 3.9.0 folium 0.14.0 fonttools 4.42.1 fqdn 1.5.1 frozendict 2.3.8 frozenlist 1.4.0 fsspec 2023.10.0 funcy 2.0 fury 0.9.0 future 0.18.3 fuzzywuzzy 0.18.0 gast 0.4.0 gatspy 0.3 gcsfs 2023.6.0 gensim 4.3.2 geographiclib 2.0 Geohash 1.0 geojson 3.1.0 geopandas 0.14.0 geoplot 0.5.1 geopy 2.4.0 geoviews 1.11.0 ggplot 0.11.5 giddy 2.3.4 gitdb 4.0.10 GitPython 3.1.32 google-api-core 2.11.1 google-api-python-client 2.106.0 google-apitools 0.5.31 google-auth 2.22.0 google-auth-httplib2 0.1.0 google-auth-oauthlib 1.0.0 google-cloud-aiplatform 0.6.0a1 google-cloud-artifact-registry 1.8.3 google-cloud-automl 1.0.1 google-cloud-bigquery 2.34.4 google-cloud-bigtable 1.7.3 google-cloud-core 2.3.3 google-cloud-datastore 1.15.5 google-cloud-dlp 3.12.2 google-cloud-language 2.11.1 google-cloud-monitoring 2.15.1 google-cloud-pubsub 2.18.3 google-cloud-pubsublite 1.8.3 google-cloud-recommendations-ai 0.7.1 google-cloud-resource-manager 1.10.3 google-cloud-spanner 3.40.1 google-cloud-storage 1.44.0 google-cloud-translate 3.12.1 google-cloud-videointelligence 2.11.4 google-cloud-vision 2.8.0 google-crc32c 1.5.0 google-pasta 0.2.0 google-resumable-media 2.5.0 googleapis-common-protos 1.60.0 gplearn 0.4.2 gpustat 1.0.0 gpxpy 1.6.1 graphviz 0.20.1 greenlet 2.0.2 grpc-google-iam-v1 0.12.6 grpcio 1.57.0 grpcio-status 1.48.1 gviz-api 1.10.0 gym 0.26.2 gym-notices 0.0.8 Gymnasium 0.26.3 gymnasium-notices 0.0.1 h11 0.14.0 h2o 3.44.0.1 h5py 3.9.0 haversine 2.8.0 hdfs 2.7.2 hep-ml 0.7.2 hijri-converter 2.3.1 hmmlearn 0.3.0 holidays 0.20 holoviews 1.18.0 hpsklearn 0.1.0 html5lib 1.1 htmlmin 0.1.12 httplib2 0.21.0 httptools 0.6.1 huggingface-hub 0.17.3 humanize 4.8.0 hunspell 0.5.5 husl 4.0.3 hydra-slayer 0.4.1 hyperopt 0.2.7 hypertools 0.8.0 ibis-framework 7.0.0 idna 3.4 igraph 0.11.2 imagecodecs 2023.9.18 ImageHash 4.3.1 imageio 2.31.1 imbalanced-learn 0.11.0 imgaug 0.4.0 importlib-metadata 6.8.0 importlib-resources 5.13.0 inequality 1.0.1 iniconfig 2.0.0 ipydatawidgets 4.3.5 ipykernel 6.25.1 ipyleaflet 0.17.4 ipympl 0.7.0 ipython 8.14.0 ipython-genutils 0.2.0 ipython-sql 0.5.0 ipyvolume 0.6.3 ipyvue 1.10.1 ipyvuetify 1.8.10 ipywebrtc 0.6.0 ipywidgets 7.7.1 isoduration 20.11.0 isort 5.12.0 isoweek 1.3.3 itsdangerous 2.1.2 Janome 0.5.0 jaraco.classes 3.3.0 jax 0.4.20 jaxlib 0.4.20 jedi 0.19.0 jeepney 0.8.0 jieba 0.42.1 Jinja2 3.1.2 jmespath 1.0.1 joblib 1.3.2 json5 0.9.14 jsonpatch 1.32 jsonpointer 2.0 jsonschema 4.19.0 jsonschema-specifications 2023.7.1 jupyter_client 7.4.9 jupyter-console 6.6.3 jupyter_core 5.3.1 jupyter-events 0.7.0 jupyter-http-over-ws 0.0.8 jupyter-lsp 1.5.1 jupyter_server 2.9.1 jupyter-server-mathjax 0.2.6 jupyter_server_proxy 4.0.0 jupyter_server_terminals 0.4.4 jupyterlab 4.0.5 jupyterlab_git 0.42.0 jupyterlab-lsp 5.0.0 jupyterlab-pygments 0.2.2 jupyterlab_server 2.24.0 jupyterlab-widgets 3.0.8 jupytext 1.15.0 kaggle 1.5.16 kaggle-environments 1.12.0 kaleido 0.2.1 keras 2.13.1 keras-core 0.1.7 keras-cv 0.6.4 keras-nlp 0.6.2 keras-tuner 1.3.5 keyring 24.2.0 keyrings.google-artifactregistry-auth 1.1.2 kfp 2.0.1 kfp-pipeline-spec 0.2.2 kfp-server-api 2.0.1 kiwisolver 1.4.4 kmapper 2.0.1 kmodes 0.12.2 korean-lunar-calendar 0.3.1 kornia 0.7.0 kt-legacy 1.0.5 kubernetes 26.1.0 langcodes 3.3.0 langid 1.1.6 lazy_loader 0.3 lazy-object-proxy 1.9.0 learntools 0.3.4 leven 1.0.4 Levenshtein 0.23.0 libclang 16.0.6 libmambapy 1.5.3 libpysal 4.9.2 librosa 0.10.1 lightgbm 4.1.0 lightning-utilities 0.9.0 lime 0.2.0.1 line-profiler 4.1.2 linkify-it-py 2.0.2 llvmlite 0.40.1 lml 0.1.0 locket 1.0.0 LunarCalendar 0.0.9 lxml 4.9.3 lz4 4.3.2 Mako 1.2.4 mamba 1.5.3 mapclassify 2.6.0 marisa-trie 1.1.0 Markdown 3.4.4 markdown-it-py 3.0.0 markovify 0.9.4 MarkupSafe 2.1.3 marshmallow 3.20.1 matplotlib 3.7.3 matplotlib-inline 0.1.6 matplotlib-venn 0.11.9 mccabe 0.7.0 mdit-py-plugins 0.4.0 mdurl 0.1.2 memory-profiler 0.61.0 mercantile 1.2.1 mgwr 2.1.2 missingno 0.5.2 mistune 0.8.4 mizani 0.10.0 ml-dtypes 0.3.1 mlcrate 0.2.0 mlens 0.2.3 mlxtend 0.23.0 mmh3 4.0.1 mne 1.5.1 mnist 0.2.2 mock 5.1.0 momepy 0.6.0 more-itertools 10.1.0 mpld3 0.5.9 mpmath 1.3.0 msgpack 1.0.5 msgpack-numpy 0.4.8 multidict 6.0.4 multimethod 1.9.1 multipledispatch 1.0.0 multiprocess 0.70.15 munkres 1.1.4 murmurhash 1.0.10 mypy-extensions 1.0.0 namex 0.0.7 nb-conda 2.2.1 nb-conda-kernels 2.3.1 nbclassic 1.0.0 nbclient 0.5.13 nbconvert 6.4.5 nbdime 3.2.0 nbformat 5.9.2 ndindex 1.7 nest-asyncio 1.5.6 netCDF4 1.6.5 networkx 3.1 nibabel 5.1.0 nilearn 0.10.2 ninja 1.11.1.1 nlp-primitives 2.11.0 nltk 3.8.1 nose 1.3.7 notebook 6.5.5 notebook-executor 0.2 notebook_shim 0.2.3 numba 0.57.1 numexpr 2.8.7 numpy 1.24.3 nvidia-ml-py 11.495.46 oauth2client 4.1.3 oauthlib 3.2.2 objsize 0.6.1 odfpy 1.4.1 olefile 0.46 onnx 1.15.0 opencensus 0.11.2 opencensus-context 0.1.3 opencv-contrib-python 4.8.1.78 opencv-python 4.8.1.78 opencv-python-headless 4.8.1.78 openpyxl 3.1.2 openslide-python 1.3.1 opentelemetry-api 1.19.0 opentelemetry-exporter-otlp 1.19.0 opentelemetry-exporter-otlp-proto-common 1.19.0 opentelemetry-exporter-otlp-proto-grpc 1.19.0 opentelemetry-exporter-otlp-proto-http 1.19.0 opentelemetry-proto 1.19.0 opentelemetry-sdk 1.19.0 opentelemetry-semantic-conventions 0.40b0 opt-einsum 3.3.0 optax 0.1.7 optuna 3.4.0 orbax-checkpoint 0.4.2 orderedmultidict 1.0.1 orjson 3.9.5 ortools 9.4.1874 osmnx 1.1.1 overrides 6.5.0 packaging 23.2 pandas 2.0.3 pandas-datareader 0.10.0 pandas-profiling 3.6.6 pandas-summary 0.2.0 pandasql 0.7.3 pandocfilters 1.5.0 panel 1.3.1 papermill 2.4.0 param 2.0.0 parso 0.8.3 parsy 2.1 partd 1.4.1 path 16.7.1 path.py 12.5.0 pathos 0.3.1 pathspec 0.11.2 pathtools 0.1.2 patsy 0.5.3 pdf2image 1.16.3 pexpect 4.8.0 phik 0.12.3 pickleshare 0.7.5 Pillow 10.1.0 pins 0.8.3 pip 23.2.1 pkgutil_resolve_name 1.3.10 platformdirs 3.11.0 plotly 5.16.1 plotly-express 0.4.1 plotnine 0.10.1 pluggy 1.2.0 pmdarima 2.0.4 pointpats 2.4.0 polars 0.19.12 polyglot 16.7.4 pooch 1.8.0 pox 0.3.3 ppca 0.0.4 ppft 1.7.6.7 preprocessing 0.1.13 preshed 3.0.9 prettytable 3.8.0 progressbar2 4.2.0 prometheus-client 0.17.1 promise 2.3 prompt-toolkit 3.0.39 pronouncing 0.2.0 prophet 1.1.3 proto-plus 1.22.3 protobuf 3.20.3 psutil 5.9.3 ptyprocess 0.7.0 pudb 2023.1 PuLP 2.7.0 pure-eval 0.2.2 py-cpuinfo 9.0.0 py-spy 0.3.14 py4j 0.10.9.7 pyaml 23.9.7 PyArabic 0.6.15 pyarrow 9.0.0 pyasn1 0.4.8 pyasn1-modules 0.2.7 PyAstronomy 0.20.0 pybind11 2.11.1 pyclipper 1.3.0.post5 pycodestyle 2.11.1 pycosat 0.6.4 pycparser 2.21 pycryptodome 3.19.0 pyct 0.5.0 pydantic 1.10.12 pydegensac 0.1.2 pydicom 2.4.3 pydocstyle 6.3.0 pydot 1.4.2 pydub 0.25.1 pyemd 1.0.0 pyerfa 2.0.1.1 pyexcel-io 0.6.6 pyexcel-ods 0.6.0 pyfasttext 0.4.6 pyflakes 3.1.0 pygltflib 1.16.1 Pygments 2.16.1 PyJWT 2.8.0 pykalman 0.9.5 pyLDAvis 3.2.2 pylint 2.17.7 pymc3 3.11.5 PyMeeus 0.5.12 pymongo 3.13.0 Pympler 1.0.1 pynndescent 0.5.10 pyocr 0.8.5 pyOpenSSL 23.2.0 pyparsing 3.0.9 pypdf 3.17.0 pyproj 3.6.1 pysal 23.7 pyshp 2.3.1 PySocks 1.7.1 pytesseract 0.3.10 pytest 7.4.3 python-bidi 0.4.2 python-dateutil 2.8.2 python-dotenv 1.0.0 python-json-logger 2.0.7 python-Levenshtein 0.23.0 python-louvain 0.16 python-lsp-jsonrpc 1.1.2 python-lsp-server 1.8.2 python-slugify 8.0.1 python-utils 3.8.1 pythreejs 2.4.2 pytoolconfig 1.2.6 pytorch-ignite 0.4.13 pytorch-lightning 2.1.0 pytz 2023.3 pyu2f 0.1.5 PyUpSet 0.1.1.post7 pyviz_comms 3.0.0 PyWavelets 1.4.1 PyYAML 6.0.1 pyzmq 24.0.1 qgrid 1.3.1 qtconsole 5.5.0 QtPy 2.4.1 quantecon 0.7.1 quantities 0.14.1 qudida 0.0.4 rapidfuzz 3.5.2 rasterio 1.3.9 rasterstats 0.19.0 ray 2.6.3 ray-cpp 2.6.3 referencing 0.30.2 regex 2023.8.8 requests 2.31.0 requests-oauthlib 1.3.1 requests-toolbelt 0.10.1 responses 0.18.0 retrying 1.3.3 rfc3339-validator 0.1.4 rfc3986-validator 0.1.1 rgf-python 3.12.0 rich 13.5.2 rope 1.11.0 rpds-py 0.9.2 rsa 4.9 Rtree 1.1.0 ruamel.yaml 0.17.32 ruamel.yaml.clib 0.2.7 ruamel-yaml-conda 0.15.100 s2sphere 0.2.5 s3fs 2023.10.0 s3transfer 0.6.2 safetensors 0.4.0 scattertext 0.1.19 scikit-base 0.6.1 scikit-image 0.21.0 scikit-learn 1.3.2 scikit-learn-intelex 2023.2.1 scikit-multilearn 0.2.0 scikit-optimize 0.9.0 scikit-plot 0.3.7 scikit-surprise 1.1.3 scipy 1.11.3 seaborn 0.12.2 SecretStorage 3.3.3 segment-anything 1.0 segregation 2.5 semver 3.0.2 Send2Trash 1.8.2 sentencepiece 0.1.99 sentry-sdk 1.34.0 setproctitle 1.3.3 setuptools 68.1.2 setuptools-git 1.2 setuptools-scm 8.0.4 shap 0.43.0 Shapely 1.8.5.post1 simpervisor 1.0.0 SimpleITK 2.3.0 simplejson 3.19.2 six 1.16.0 sklearn-pandas 2.2.0 sktime 0.24.1 slicer 0.0.7 smart-open 6.3.0 smhasher 0.150.1 smmap 5.0.0 sniffio 1.3.0 snowballstemmer 2.2.0 snuggs 1.4.7 sortedcontainers 2.4.0 soundfile 0.12.1 soupsieve 2.3.2.post1 soxr 0.3.7 spacy 3.7.2 spacy-legacy 3.0.12 spacy-loggers 1.0.5 spaghetti 1.7.4 spectral 0.23.1 spglm 1.1.0 sphinx-rtd-theme 0.2.4 spint 1.0.7 splot 1.1.5.post1 spopt 0.5.0 spreg 1.4.1 spvcm 0.3.0 SQLAlchemy 2.0.20 sqlglot 18.17.0 sqlparse 0.4.4 squarify 0.4.3 srsly 2.4.8 stack-data 0.6.2 stanio 0.3.0 starlette 0.27.0 statsmodels 0.14.0 stemming 1.0.1 stop-words 2018.7.23 stopit 1.1.2 stumpy 1.12.0 sympy 1.12 tables 3.9.1 tabulate 0.9.0 tangled-up-in-unicode 0.2.0 tbb 2021.10.0 tblib 3.0.0 tenacity 8.2.3 tensorboard 2.13.0 tensorboard-data-server 0.7.1 tensorboard-plugin-profile 2.13.1 tensorboardX 2.6.2.2 tensorflow 2.13.0 tensorflow-addons 0.22.0 tensorflow-cloud 0.1.16 tensorflow-datasets 4.9.2 tensorflow-decision-forests 1.5.0 tensorflow-estimator 2.13.0 tensorflow-hub 0.14.0 tensorflow-io 0.34.0 tensorflow-io-gcs-filesystem 0.34.0 tensorflow-metadata 0.14.0 tensorflow-probability 0.21.0 tensorflow-serving-api 2.13.0 tensorflow-text 2.13.0 tensorflow-transform 0.14.0 tensorflowjs 4.12.0 tensorpack 0.11 tensorstore 0.1.47 termcolor 2.3.0 terminado 0.17.1 testpath 0.6.0 text-unidecode 1.3 textblob 0.17.1 texttable 1.7.0 textwrap3 0.9.2 Theano 1.0.5 Theano-PyMC 1.1.2 thinc 8.2.1 threadpoolctl 3.2.0 tifffile 2023.8.12 timm 0.9.10 tinycss2 1.2.1 tobler 0.11.2 tokenize-rt 5.2.0 tokenizers 0.14.1 toml 0.10.2 tomli 2.0.1 tomlkit 0.12.2 toolz 0.12.0 torch 2.0.0+cpu torchaudio 2.0.1+cpu torchdata 0.6.0 torchinfo 1.8.0 torchmetrics 1.2.0 torchtext 0.15.1+cpu torchvision 0.15.1+cpu tornado 6.3.3 TPOT 0.12.1 tqdm 4.66.1 traceml 1.0.8 traitlets 5.9.0 traittypes 0.2.1 transformers 4.35.0 trueskill 0.4.5 truststore 0.8.0 tsfresh 0.20.1 typeguard 2.13.3 typer 0.9.0 typing_extensions 4.5.0 typing-inspect 0.9.0 typing-utils 0.1.0 tzdata 2023.3 tzlocal 5.2 uc-micro-py 1.0.2 ujson 5.8.0 umap-learn 0.5.4 unicodedata2 15.1.0 Unidecode 1.3.7 update-checker 0.18.0 uri-template 1.3.0 uritemplate 3.0.1 urllib3 1.26.15 urwid 2.2.3 urwid-readline 0.13 uvicorn 0.23.2 uvloop 0.19.0 vaex 4.17.0 vaex-astro 0.9.3 vaex-core 4.17.1 vaex-hdf5 0.14.1 vaex-jupyter 0.8.2 vaex-ml 0.18.3 vaex-server 0.9.0 vaex-viz 0.5.4 vecstack 0.4.0 virtualenv 20.21.0 visions 0.7.5 vowpalwabbit 9.9.0 vtk 9.2.6 Wand 0.6.13 wandb 0.15.12 wasabi 1.1.2 watchfiles 0.21.0 wavio 0.0.8 wcwidth 0.2.6 weasel 0.3.3 webcolors 1.13 webencodings 0.5.1 websocket-client 1.6.2 websockets 12.0 Werkzeug 3.0.1 wfdb 4.1.2 whatthepatch 1.0.5 wheel 0.41.2 widgetsnbextension 3.6.6 witwidget 1.8.1 woodwork 0.26.0 wordcloud 1.9.2 wordsegment 1.3.1 wrapt 1.15.0 wurlitzer 3.0.3 xarray 2023.10.1 xarray-einstats 0.6.0 xgboost 2.0.1 xvfbwrapper 0.2.9 xxhash 3.4.1 xyzservices 2023.10.1 yapf 0.40.2 yarl 1.9.2 ydata-profiling 4.5.1 yellowbrick 1.5 zict 3.0.0 zipp 3.16.2 zstandard 0.22.0