diff --git a/01 Cloud Platform/06 Projects/11 Package Environments/05 Autogluon Environment.php b/01 Cloud Platform/06 Projects/11 Package Environments/05 Autogluon Environment.php new file mode 100644 index 0000000000..9558d584c1 --- /dev/null +++ b/01 Cloud Platform/06 Projects/11 Package Environments/05 Autogluon Environment.php @@ -0,0 +1,5 @@ +

This environment is only available for Python.

+

The Autogluon environment provides the Autogluon library:

+
+ +
diff --git a/02 Local Platform/04 Development Environment/12 Packages and Libraries/04 Autokeras Environment.php b/02 Local Platform/04 Development Environment/12 Packages and Libraries/04 Autokeras Environment.php index 322d68bd53..18a4238e88 100644 --- a/02 Local Platform/04 Development Environment/12 Packages and Libraries/04 Autokeras Environment.php +++ b/02 Local Platform/04 Development Environment/12 Packages and Libraries/04 Autokeras Environment.php @@ -1,2 +1,5 @@ +

This environment is only available for Python.

The Autokeras environment provides a backwards compatability environment for compatibility with Keras < 3, Tensorflow 2.14.1, and Pydantic:

- +
+ +
diff --git a/02 Local Platform/04 Development Environment/12 Packages and Libraries/05 Autogluon Environment.php b/02 Local Platform/04 Development Environment/12 Packages and Libraries/05 Autogluon Environment.php new file mode 100644 index 0000000000..9558d584c1 --- /dev/null +++ b/02 Local Platform/04 Development Environment/12 Packages and Libraries/05 Autogluon Environment.php @@ -0,0 +1,5 @@ +

This environment is only available for Python.

+

The Autogluon environment provides the Autogluon library:

+
+ +
diff --git a/03 Writing Algorithms/01 Key Concepts/12 Libraries/03 Autokeras Environment Libraries.php b/03 Writing Algorithms/01 Key Concepts/12 Libraries/03 Autokeras Environment Libraries.php index 64a2888338..743a0f20e0 100644 --- a/03 Writing Algorithms/01 Key Concepts/12 Libraries/03 Autokeras Environment Libraries.php +++ b/03 Writing Algorithms/01 Key Concepts/12 Libraries/03 Autokeras Environment Libraries.php @@ -1,6 +1,5 @@ -

The Autokeras environment is only available for Python projects.

+

This environment is only available for Python projects.

The Autokeras environment provides a backwards compatability environment for compatibility with Keras < 3, Tensorflow 2.14.1, and Pydantic:

-
diff --git a/03 Writing Algorithms/01 Key Concepts/12 Libraries/04 Autogluon Environment Libraries.php b/03 Writing Algorithms/01 Key Concepts/12 Libraries/04 Autogluon Environment Libraries.php new file mode 100644 index 0000000000..d2dfcbb1af --- /dev/null +++ b/03 Writing Algorithms/01 Key Concepts/12 Libraries/04 Autogluon Environment Libraries.php @@ -0,0 +1,5 @@ +

This environment is only available for Python.

+

The Autogluon environment provides the Autogluon library:

+
+ +
\ No newline at end of file diff --git a/03 Writing Algorithms/31 Machine Learning/01 Key Concepts/02 Supported Libraries.php b/03 Writing Algorithms/31 Machine Learning/01 Key Concepts/02 Supported Libraries.php index 8671dda8a9..f821a7a839 100644 --- a/03 Writing Algorithms/31 Machine Learning/01 Key Concepts/02 Supported Libraries.php +++ b/03 Writing Algorithms/31 Machine Learning/01 Key Concepts/02 Supported Libraries.php @@ -38,13 +38,13 @@ public function __construct($name, $version, $language, $importStatement, $docum $libraries = array( new MachineLearningLibraryForWritingAlgorithm("TensorFlow", "2.16.1", "Python", "import tensorflow", "https://www.tensorflow.org/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/TensorFlowNeuralNetworkAlgorithm.py"), - new MachineLearningLibraryForWritingAlgorithm("SciKit Learn", "1.4.1.post1", "Python", "import sklearn", "https://scikit-learn.org/stable/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/ScikitLearnLinearRegressionAlgorithm.py"), + new MachineLearningLibraryForWritingAlgorithm("SciKit Learn", "1.4.2", "Python", "import sklearn", "https://scikit-learn.org/stable/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/ScikitLearnLinearRegressionAlgorithm.py"), new MachineLearningLibraryForWritingAlgorithm("Py Torch", "2.2.1", "Python", "import torch", "https://pytorch.org/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/PytorchNeuralNetworkAlgorithm.py"), - new MachineLearningLibraryForWritingAlgorithm("Keras", "3.0.5", "Python", "import keras", "https://keras.io/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/KerasNeuralNetworkAlgorithm.py"), + new MachineLearningLibraryForWritingAlgorithm("Keras", "3.3.3", "Python", "import keras", "https://keras.io/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/KerasNeuralNetworkAlgorithm.py"), new MachineLearningLibraryForWritingAlgorithm("gplearn", "0.4.2", "Python", "import gplearn", "https://gplearn.readthedocs.io/en/stable/intro.html", ""), new MachineLearningLibraryForWritingAlgorithm("hmmlearn", "0.3.2", "Python", "import hmmlearn", "https://hmmlearn.readthedocs.io/en/latest/", ""), new MachineLearningLibraryForWritingAlgorithm("tsfresh", "0.20.2", "Python", "import tsfresh", "https://tsfresh.readthedocs.io/en/latest/", ""), - new MachineLearningLibraryForWritingAlgorithm("Stable-Baselines3", "2.2.1", "Python", "from stable_baselines3 import *", "https://stable-baselines3.readthedocs.io/en/master", ""), + new MachineLearningLibraryForWritingAlgorithm("Stable-Baselines3", "2.3.2", "Python", "from stable_baselines3 import *", "https://stable-baselines3.readthedocs.io/en/master", ""), new MachineLearningLibraryForWritingAlgorithm("fastai", "2.7.14", "Python", "import fastai", "https://docs.fast.ai/", ""), new MachineLearningLibraryForWritingAlgorithm("Deap", "1.4.1", "Python", "import deap", "https://deap.readthedocs.io/en/master/overview.html", ""), new MachineLearningLibraryForWritingAlgorithm("XGBoost", "2.0.3", "Python", "import xgboost", "https://xgboost.readthedocs.io/en/latest/", ""), diff --git a/Resources/libraries/autogluon.txt b/Resources/libraries/autogluon.txt new file mode 100644 index 0000000000..554c410b59 --- /dev/null +++ b/Resources/libraries/autogluon.txt @@ -0,0 +1,751 @@ +absl-py==2.1.0 +accelerate==0.21.0 +adagio==0.2.4 +aesara==2.9.3 +aiohttp==3.9.5 +aiohttp-cors==0.7.0 +aiosignal==1.3.1 +aiosqlite==0.20.0 +alembic @ file:///home/conda/feedstock_root/build_artifacts/alembic_1705179948871/work +alibi-detect==0.12.0 +aliyun-python-sdk-core==2.15.1 +aliyun-python-sdk-kms==2.16.3 +alphalens-reloaded==0.4.3 +altair==5.2.0 +aniso8601==9.0.1 +annotated-types==0.7.0 +antlr4-python3-runtime==4.9.3 +anyio==4.4.0 +appdirs==1.4.4 +apricot-select==0.6.1 +arch==6.3.0 +archspec @ file:///croot/archspec_1697725767277/work +argon2-cffi==23.1.0 +argon2-cffi-bindings==21.2.0 +arrow==1.3.0 +arviz==0.18.0 +astropy==6.0.0 +astropy-iers-data==0.2024.6.3.0.31.14 +asttokens==2.4.1 +astunparse==1.6.3 +async-generator==1.10 +async-lru==2.0.4 +attrs @ file:///home/conda/feedstock_root/build_artifacts/attrs_1704011227531/work +Authlib==1.3.0 +autogluon==1.1.0 +autogluon.common==1.1.0 +autogluon.core==1.1.0 +autogluon.features==1.1.0 +autogluon.multimodal==1.1.0 +autogluon.tabular==1.1.0 +autogluon.timeseries==1.1.0 +autograd==1.6.2 +autograd-gamma==0.5.0 +autokeras==2.0.0 +autoray==0.6.12 +ax-platform==0.3.7 +Babel==2.15.0 +bayesian-optimization==1.4.3 +beautifulsoup4==4.12.3 +bleach==6.1.0 +blinker @ file:///home/conda/feedstock_root/build_artifacts/blinker_1715091184126/work +blis==0.7.11 +blosc2==2.6.2 +bokeh==3.3.4 +boltons @ file:///work/ci_py311/boltons_1677685195580/work +boto3==1.34.118 +botocore==1.34.118 +botorch==0.10.0 +Bottleneck==1.3.8 +Brotli @ file:///work/ci_py311/brotli-split_1676830125088/work +cachetools==5.3.3 +captum==0.7.0 +catalogue==2.0.10 +catboost==1.2.3 +category-encoders==2.6.3 +causal-conv1d==1.2.0.post2 +certifi @ file:///home/conda/feedstock_root/build_artifacts/certifi_1707022139797/work/certifi +certipy==0.1.3 +cffi @ file:///croot/cffi_1700254295673/work +chardet==5.2.0 +charset-normalizer @ file:///tmp/build/80754af9/charset-normalizer_1630003229654/work +check-shapes==1.1.1 +chronos @ file:///chronos-forecasting-main +clarabel==0.9.0 +click==8.1.7 +clikit==0.6.2 +cloudpathlib==0.16.0 +cloudpickle==3.0.0 +clr-loader==0.1.6 +cmdstanpy==1.2.1 +colorama==0.4.6 +colorcet==3.1.0 +coloredlogs==15.0.1 +colorful==0.5.6 +colorlog==6.8.2 +colorlover==0.3.0 +colour==0.1.5 +comm==0.2.2 +conda @ file:///home/conda/feedstock_root/build_artifacts/conda_1708705604379/work +conda-content-trust @ file:///croot/conda-content-trust_1693490622020/work +conda-libmamba-solver @ file:///croot/conda-libmamba-solver_1706733287605/work/src +conda-package-handling @ file:///croot/conda-package-handling_1690999929514/work +conda_package_streaming @ file:///croot/conda-package-streaming_1690987966409/work +confection==0.1.5 +cons==0.4.6 +contourpy==1.2.0 +control==0.9.4 +copulae==0.7.9 +copulas==0.10.1 +coreforecast==0.0.9 +cramjam==2.8.3 +crashtest==0.3.1 +crcmod==1.7 +creme==0.6.1 +cryptography @ file:///croot/cryptography_1707523700518/work +cufflinks==0.17.3 +cupy @ file:///home/conda/feedstock_root/build_artifacts/cupy-split_1714405044922/work +cvxopt==1.3.2 +cvxpy==1.4.2 +cycler==0.12.1 +cymem==2.0.8 +Cython==3.0.9 +darts==0.28.0 +dash==2.17.0 +dash-core-components==2.0.0 +dash-cytoscape==1.0.1 +dash-html-components==2.0.0 +dash-table==5.0.0 +dask==2024.3.1 +dask-expr==1.0.5 +dataclasses-json==0.6.6 +datasets==2.17.1 +deap==1.4.1 +debugpy==1.8.1 +decorator==5.1.1 +deepmerge==1.1.1 +defusedxml==0.7.1 +Deprecated==1.2.14 +deprecation==2.1.0 +dgl==2.1.0 +dill==0.3.8 +dimod==0.12.14 +dirtyjson==1.0.8 +diskcache==5.6.3 +distlib==0.3.8 +distributed==2024.3.1 +distro @ file:///croot/distro_1701455004953/work +dm-tree==0.1.8 +docker==7.1.0 +docutils==0.20.1 +DoubleML==0.7.1 +dropstackframe==0.1.0 +dtreeviz==2.2.2 +dtw-python==1.3.1 +dwave-cloud-client==0.11.3 +dwave-drivers==0.4.4 +dwave-greedy==0.3.0 +dwave-hybrid==0.6.11 +dwave-inspector==0.4.4 +dwave-inspectorapp==0.3.1 +dwave-neal==0.6.0 +dwave-networkx==0.8.14 +dwave-ocean-sdk==6.9.0 +dwave-preprocessing==0.6.5 +dwave-samplers==1.2.0 +dwave-system==1.23.0 +dwave-tabu==0.5.0 +dwavebinarycsp==0.3.0 +ecos==2.0.13 +einops==0.7.0 +EMD-signal==1.6.0 +empyrical-reloaded==0.5.10 +en-core-web-md @ https://github.com/explosion/spacy-models/releases/download/en_core_web_md-3.7.1/en_core_web_md-3.7.1-py3-none-any.whl#sha256=6a0f857a2b4d219c6fa17d455f82430b365bf53171a2d919b9376e5dc9be032e +en-core-web-sm @ https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.7.1/en_core_web_sm-3.7.1-py3-none-any.whl#sha256=86cc141f63942d4b2c5fcee06630fd6f904788d2f0ab005cce45aadb8fb73889 +entrypoints @ file:///home/conda/feedstock_root/build_artifacts/entrypoints_1643888246732/work +et-xmlfile==1.1.0 +etuples==0.3.9 +evaluate==0.4.2 +exchange_calendars==4.5.4 +executing==2.0.1 +faiss-cpu==1.8.0 +Farama-Notifications==0.0.4 +fastai==2.7.14 +fastai2==0.0.30 +fastcore==1.5.43 +fastdownload==0.0.7 +fasteners==0.19 +fastjsonschema==2.19.1 +fastparquet==2024.2.0 +fastprogress==1.0.3 +fastrlock @ file:///home/conda/feedstock_root/build_artifacts/fastrlock_1702696305924/work +fasttext==0.9.2 +feature-engine==1.6.2 +featuretools==1.30.0 +filelock==3.14.0 +findiff==0.10.0 +FixedEffectModel==0.0.5 +FlagEmbedding==1.2.10 +FLAML==2.1.2 +Flask==3.0.3 +flatbuffers==24.3.25 +fonttools==4.53.0 +formulaic==1.0.1 +fqdn==1.5.1 +frozendict==2.4.4 +frozenlist==1.4.1 +fs==2.4.16 +fsspec==2023.10.0 +fugue==0.9.0 +functime==0.9.5 +future==1.0.0 +fuzzy-c-means==1.7.2 +gast==0.5.4 +gdown==5.2.0 +gensim==4.3.2 +gevent==24.2.1 +gitdb==4.0.11 +GitPython==3.1.43 +gluonts==0.14.3 +google-api-core==2.19.0 +google-auth==2.29.0 +google-pasta==0.2.0 +googleapis-common-protos==1.63.1 +gpflow==2.9.1 +gplearn==0.4.2 +gpytorch==1.11 +graphene==3.3 +graphql-core==3.2.3 +graphql-relay==3.2.0 +graphviz==0.20.1 +greenlet @ file:///home/conda/feedstock_root/build_artifacts/greenlet_1703201578921/work +grpcio==1.64.1 +gunicorn==21.2.0 +gym==0.26.2 +gym-notices==0.0.8 +gymnasium==0.28.1 +h11==0.14.0 +h2o==3.46.0.1 +h5netcdf==1.3.0 +h5py==3.11.0 +hmmlearn==0.3.2 +holidays==0.50 +holoviews==1.18.3 +homebase==1.0.1 +hopcroftkarp==1.2.5 +html5lib==1.1 +httpcore==1.0.5 +httpstan==4.12.0 +httpx==0.27.0 +huggingface-hub==0.23.2 +humanfriendly==10.0 +hurst==0.0.5 +hvplot==0.9.2 +hydra-core==1.3.0 +hyperopt==0.2.7 +ibm-cloud-sdk-core==3.20.1 +ibm-platform-services==0.53.7 +idna @ file:///work/ci_py311/idna_1676822698822/work +iisignature==0.24 +ijson==3.2.3 +imageio==2.34.1 +imbalanced-learn==0.12.0 +immutabledict==4.2.0 +importlib_metadata @ file:///home/conda/feedstock_root/build_artifacts/importlib-metadata_1710971335535/work +importlib_resources @ file:///home/conda/feedstock_root/build_artifacts/importlib_resources_1711040877059/work +iniconfig==2.0.0 +injector==0.21.0 +interface-meta==1.3.0 +interpret==0.5.1 +interpret-core==0.5.1 +ipykernel==6.29.4 +ipython==8.25.0 +ipywidgets==8.1.2 +isoduration==20.11.0 +itsdangerous==2.2.0 +jax==0.4.25 +jax-jumpy==1.0.0 +jaxlib==0.4.25 +jaxtyping==0.2.29 +jedi==0.19.1 +Jinja2 @ file:///home/conda/feedstock_root/build_artifacts/jinja2_1715127149914/work +jmespath==0.10.0 +joblib==1.3.2 +json5==0.9.25 +jsonpatch==1.33 +jsonpath-ng==1.6.1 +jsonpointer==2.1 +jsonschema @ file:///home/conda/feedstock_root/build_artifacts/jsonschema-meta_1714573116818/work +jsonschema-specifications @ file:///tmp/tmpkv1z7p57/src +jupyter==1.0.0 +jupyter-console==6.6.3 +jupyter-events==0.10.0 +jupyter-lsp==2.2.5 +jupyter-resource-usage==1.0.2 +jupyter-telemetry @ file:///home/conda/feedstock_root/build_artifacts/jupyter_telemetry_1605173804246/work +jupyter_ai==2.12.0 +jupyter_ai_magics==2.16.0 +jupyter_bokeh==4.0.0 +jupyter_client==8.6.2 +jupyter_core==5.7.2 +jupyter_server==2.14.1 +jupyter_server_terminals==0.5.3 +jupyterhub @ file:///home/conda/feedstock_root/build_artifacts/jupyterhub-feedstock_1641823417729/work +jupyterlab==4.1.5 +jupyterlab_pygments==0.3.0 +jupyterlab_server==2.27.2 +jupyterlab_widgets==3.0.11 +kagglehub==0.2.5 +kaleido==0.2.1 +keras==3.3.3 +keras-core==0.1.7 +keras-nlp==0.12.1 +keras-rl==0.4.2 +keras-tcn==3.5.0 +keras-tuner==1.4.7 +kiwisolver==1.4.5 +kmapper==2.0.1 +korean-lunar-calendar==0.3.1 +kt-legacy==1.0.5 +langchain==0.1.12 +langchain-community==0.0.38 +langchain-core==0.1.52 +langchain-text-splitters==0.0.2 +langcodes==3.4.0 +langsmith==0.1.67 +language_data==1.2.0 +lark==1.1.9 +lazy_loader==0.4 +lazypredict-nightly==0.3.0 +libclang==18.1.1 +libmambapy @ file:///croot/mamba-split_1704219408234/work/libmambapy +lifelines==0.28.0 +lightgbm==4.3.0 +lightning==2.1.4 +lightning-utilities==0.11.2 +lime==0.2.0.1 +line-profiler==4.1.2 +linear-operator==0.5.1 +linkify-it-py==2.0.3 +livelossplot==0.5.5 +llama-index==0.10.19 +llama-index-agent-openai==0.1.7 +llama-index-cli==0.1.12 +llama-index-core==0.10.43 +llama-index-embeddings-openai==0.1.10 +llama-index-indices-managed-llama-cloud==0.1.6 +llama-index-legacy==0.9.48 +llama-index-llms-openai==0.1.22 +llama-index-multi-modal-llms-openai==0.1.6 +llama-index-program-openai==0.1.6 +llama-index-question-gen-openai==0.1.3 +llama-index-readers-file==0.1.23 +llama-index-readers-llama-parse==0.1.4 +llama-parse==0.4.4 +llamaindex-py-client==0.1.19 +llvmlite==0.42.0 +locket==1.0.0 +logical-unification==0.4.6 +lxml==5.1.0 +lz4==4.3.3 +Mako @ file:///home/conda/feedstock_root/build_artifacts/mako_1715711344987/work +mamba-ssm==1.2.0.post1 +MAPIE==0.8.3 +marisa-trie==1.1.1 +Markdown==3.6 +markdown-it-py==3.0.0 +MarkupSafe @ file:///home/conda/feedstock_root/build_artifacts/markupsafe_1706899926732/work +marshmallow==3.21.2 +matplotlib==3.7.5 +matplotlib-inline==0.1.7 +mdit-py-plugins==0.4.1 +mdurl==0.1.2 +menuinst @ file:///croot/menuinst_1706732933928/work +mgarch==0.3.0 +miniKanren==1.0.3 +minorminer==0.2.13 +mistune==3.0.2 +ml-dtypes==0.3.2 +mlflow==2.11.1 +mlforecast==0.10.0 +mljar-supervised==1.1.6 +mlxtend==0.23.1 +mmh3==2.5.1 +model-index==0.1.11 +modin==0.26.1 +mplfinance==0.12.10b0 +mpmath==1.3.0 +msgpack==1.0.8 +multidict==6.0.5 +multipledispatch==1.0.0 +multiprocess==0.70.16 +multitasking==0.0.11 +murmurhash==1.0.10 +mypy-extensions==1.0.0 +namex==0.0.8 +nbclient==0.10.0 +nbconvert==7.16.4 +nbformat==5.10.4 +ndindex==1.8 +nest-asyncio==1.6.0 +networkx==3.3 +neural-tangents==0.6.5 +neuralprophet==0.8.0 +nfoursid==1.0.1 +ngboost==0.5.1 +ninja==1.11.1.1 +nlpaug==1.1.11 +nltk==3.8.1 +nolds==0.5.2 +nose==1.3.7 +notebook==7.1.3 +notebook_shim==0.2.4 +nptyping==2.4.1 +numba==0.59.0 +numerapi==2.18.0 +numexpr==2.10.0 +numpy @ file:///home/conda/feedstock_root/build_artifacts/numpy_1707225376651/work/dist/numpy-1.26.4-cp311-cp311-linux_x86_64.whl#sha256=d08e1c9e5833ae7780563812aa73e2497db1ee3bd5510d3becb8aa18aa2d0c7c +nvidia-cublas-cu12==12.5.2.13 +nvidia-cuda-cupti-cu12==12.1.105 +nvidia-cuda-nvrtc-cu12==12.1.105 +nvidia-cuda-runtime-cu12==12.1.105 +nvidia-cudnn-cu12==8.9.2.26 +nvidia-cufft-cu12==11.0.2.54 +nvidia-curand-cu12==10.3.2.106 +nvidia-cusolver-cu12==11.4.5.107 +nvidia-cusparse-cu12==12.1.0.106 +nvidia-ml-py3==7.352.0 +nvidia-nccl-cu12==2.18.1 +nvidia-nvjitlink-cu12==12.5.40 +nvidia-nvtx-cu12==12.1.105 +oauthlib @ file:///home/conda/feedstock_root/build_artifacts/oauthlib_1666056362788/work +omegaconf==2.2.3 +onnx==1.16.1 +onnxruntime==1.18.0 +openai==1.30.4 +opencensus==0.11.4 +opencensus-context==0.1.3 +opencv-contrib-python-headless==4.9.0.80 +opencv-python==4.10.0.82 +opendatalab==0.0.10 +openmim==0.3.9 +openpyxl==3.1.2 +openxlab==0.1.0 +opt-einsum==3.3.0 +optimum==1.18.1 +optree==0.11.0 +optuna==3.5.0 +ordered-set==4.1.0 +orjson==3.10.3 +ortools==9.9.3963 +osqp==0.6.7 +oss2==2.17.0 +overrides==7.7.0 +packaging==24.0 +pamela @ file:///home/conda/feedstock_root/build_artifacts/pamela_1691565434937/work +pandas==2.1.4 +pandas-flavor==0.6.0 +pandas-ta==0.3.14b0 +pandas_market_calendars==4.4.0 +pandocfilters==1.5.1 +panel==1.3.8 +param==2.1.0 +parso==0.8.4 +partd==1.4.2 +pastel==0.2.1 +pathos==0.3.2 +patsy==0.5.6 +pbr==6.0.0 +pdf2image==1.17.0 +peewee==3.17.3 +peft==0.11.1 +penaltymodel==1.1.0 +PennyLane==0.35.1 +PennyLane-qiskit==0.35.1 +PennyLane_Lightning==0.35.1 +persim==0.3.5 +pexpect==4.9.0 +pgmpy==0.1.25 +pillow==10.3.0 +pingouin==0.5.4 +pkgutil_resolve_name @ file:///home/conda/feedstock_root/build_artifacts/pkgutil-resolve-name_1694617248815/work +platformdirs @ file:///croot/platformdirs_1692205439124/work +plotly==5.20.0 +plotly-resampler==0.10.0 +plucky==0.4.3 +pluggy==1.5.0 +ply==3.11 +pmdarima==2.0.4 +polars==0.20.15 +pomegranate==1.0.4 +POT==0.9.3 +pox==0.3.4 +ppft==1.7.6.8 +pprofile==2.1.0 +preshed==3.0.9 +prometheus_client @ file:///home/conda/feedstock_root/build_artifacts/prometheus_client_1707932675456/work +prompt_toolkit==3.0.45 +prophet==1.1.5 +proto-plus==1.23.0 +protobuf==4.25.3 +psutil @ file:///home/conda/feedstock_root/build_artifacts/psutil_1705722403006/work +ptyprocess==0.7.0 +PuLP==2.8.0 +pure-eval==0.2.2 +py-cpuinfo==9.0.0 +py-heat==0.0.6 +py-heat-magic==0.0.2 +py-lets-be-rational==1.0.1 +py-spy==0.3.14 +py-vollib==1.0.1 +py4j==0.10.9.7 +pyaml==24.4.0 +pyarrow==15.0.1 +pyarrow-hotfix==0.6 +pyasn1==0.6.0 +pyasn1_modules==0.4.0 +pybind11==2.12.0 +pycaret==3.3.2 +pycosat @ file:///croot/pycosat_1696536503704/work +pycparser==2.20 +pycryptodome==3.20.0 +pycurl @ file:///home/conda/feedstock_root/build_artifacts/pycurl_1710066807136/work +pydantic==2.7.3 +pydantic_core==2.18.4 +pydmd==1.0.0 +pyerfa==2.0.1.4 +pyfolio-reloaded==0.9.5 +Pygments==2.18.0 +PyJWT @ file:///home/conda/feedstock_root/build_artifacts/pyjwt_1706895065046/work +pykalman==0.9.7 +pylev==1.4.0 +pyluach==2.2.0 +pymannkendall==1.4.3 +pymc==5.10.4 +pymdptoolbox==4.0b3 +pynndescent==0.5.12 +pyod==2.0.0 +Pyomo==6.7.1 +pyOpenSSL @ file:///home/conda/feedstock_root/build_artifacts/pyopenssl_1706660063483/work +pyparsing==3.1.2 +pypdf==4.2.0 +pyportfolioopt==1.5.5 +pyrb @ file:///pyrb-master +pyre-extensions==0.0.30 +pyro-api==0.1.2 +pyro-ppl==1.9.0 +pysimdjson==5.0.2 +PySocks @ file:///work/ci_py311/pysocks_1676822712504/work +pyspnego==0.10.2 +pystan==3.9.0 +pytensor==2.18.6 +pytesseract==0.3.10 +pytest==8.2.1 +python-dateutil @ file:///home/conda/feedstock_root/build_artifacts/python-dateutil_1709299778482/work +python-dotenv==1.0.0 +python-json-logger @ file:///home/conda/feedstock_root/build_artifacts/python-json-logger_1677079630776/work +python-statemachine==2.1.2 +pytorch-ignite==0.4.13 +pytorch-lightning==2.1.4 +pytorch-metric-learning==2.3.0 +pytorch-tabnet==4.1.0 +pytz==2023.4 +pyvinecopulib==0.6.5 +pyviz_comms==3.0.2 +PyWavelets==1.5.0 +PyYAML==6.0.1 +pyzmq==26.0.3 +qdldl==0.1.7.post2 +qiskit==1.0.2 +qiskit-aer==0.14.2 +qiskit-ibm-provider==0.11.0 +qiskit-ibm-runtime==0.20.0 +qtconsole==5.5.2 +QtPy==2.4.1 +quadprog==0.1.12 +quantconnect-stubs==16467 +quantecon==0.7.2 +QuantLib==1.33 +QuantStats==0.0.62 +querystring-parser==1.2.4 +rauth==0.7.3 +ray==2.10.0 +Rbeast==0.1.19 +rectangle-packer==2.0.2 +referencing @ file:///home/conda/feedstock_root/build_artifacts/referencing_1714619483868/work +regex==2024.5.15 +requests==2.28.2 +requests-ntlm==1.2.0 +requests-oauthlib==1.3.1 +retrying==1.3.4 +rfc3339-validator==0.1.4 +rfc3986-validator==0.1.1 +rich==13.4.2 +ripser==0.6.8 +Riskfolio-Lib==6.0.0 +riskparityportfolio==0.5.1 +river==0.21.0 +rpds-py @ file:///home/conda/feedstock_root/build_artifacts/rpds-py_1715090025935/work +rsa==4.9 +ruamel.yaml @ file:///work/ci_py311/ruamel.yaml_1676838772170/work +ruptures==1.1.9 +rustworkx==0.14.2 +s3transfer==0.10.1 +safetensors==0.4.3 +salesforce-uni2ts @ file:///uni2ts-main +SALib==1.5.0 +schemdraw==0.15 +scikeras==0.13.0 +scikit-base==0.7.8 +scikit-image==0.20.0 +scikit-learn==1.4.0 +scikit-learn-extra==0.3.0 +scikit-optimize==0.10.0 +scikit-plot==0.3.7 +scikit-tda==1.0.0 +scipy==1.11.4 +scs==3.2.4.post2 +sdeint==0.3.0 +seaborn==0.13.2 +semantic-version==2.10.0 +Send2Trash==1.8.3 +sentence-transformers==3.0.0 +sentencepiece==0.2.0 +seqeval==1.2.2 +setuptools-scm==8.1.0 +shap==0.45.0 +Shimmy==1.3.0 +simplejson==3.19.2 +simpy==4.1.1 +six @ file:///home/conda/feedstock_root/build_artifacts/six_1620240208055/work +sklearn-json==0.1.0 +sktime==0.26.0 +slicer==0.0.7 +smart-open==6.4.0 +smmap==5.0.1 +sniffio==1.3.1 +sortedcontainers==2.4.0 +soupsieve==2.5 +spacy==3.7.4 +spacy-legacy==3.0.12 +spacy-loggers==1.0.5 +SQLAlchemy @ file:///home/conda/feedstock_root/build_artifacts/sqlalchemy_1714952569971/work +sqlparse==0.5.0 +srsly==2.4.8 +ssm @ file:///ssm-master +stable_baselines3==2.3.2 +stack-data==0.6.3 +stanio==0.3.0 +statsforecast==1.4.0 +statsmodels==0.14.1 +stevedore==5.2.0 +stochastic==0.6.0 +stockstats==0.6.2 +stopit==1.1.2 +striprtf==0.0.26 +stumpy==1.12.0 +symengine==0.11.0 +sympy==1.12.1 +ta==0.11.0 +TA-Lib==0.4.28 +tables==3.9.2 +tabulate==0.8.10 +tadasets==0.2.1 +tbats==1.1.3 +tblib==3.0.0 +tenacity==8.3.0 +tensorboard==2.16.2 +tensorboard-data-server==0.7.2 +tensorboardX==2.6.2.2 +tensorflow==2.16.1 +tensorflow-addons==0.23.0 +tensorflow-io-gcs-filesystem==0.37.0 +tensorflow-probability==0.24.0 +tensorflow-text==2.16.1 +tensorflow_decision_forests==1.9.0 +tensorly==0.8.1 +tensorrt==8.6.1.post1 +tensorrt-bindings==8.6.1 +tensorrt-libs==8.6.1 +tensortrade==1.0.3 +termcolor==2.4.0 +terminado==0.18.1 +text-unidecode==1.3 +tf2jax==0.3.6 +tf_keras==2.16.0 +thinc==8.2.3 +threadpoolctl==3.5.0 +thundergbm==0.3.17 +tifffile==2024.5.22 +tiktoken==0.7.0 +timm==0.9.16 +tinycss2==1.3.0 +tokenizers==0.15.2 +toml==0.10.2 +toolz==0.12.1 +torch==2.1.2 +torch-cluster==1.6.3 +torch-scatter==2.1.2 +torch-sparse==0.6.18 +torch-spline-conv==1.2.2 +torch_geometric==2.5.1 +torchdata==0.7.1 +torchmetrics==1.2.1 +torchvision==0.16.2 +tornado @ file:///home/conda/feedstock_root/build_artifacts/tornado_1708363099148/work +TPOT==0.12.2 +tqdm==4.65.2 +traitlets @ file:///home/conda/feedstock_root/build_artifacts/traitlets_1713535121073/work +transformers==4.38.2 +triad==0.9.6 +triton==2.1.0 +truststore @ file:///croot/truststore_1695244293384/work +tsdownsample==0.1.3 +tsfresh==0.20.2 +tslearn==0.6.3 +tweepy==4.14.0 +typeguard==2.13.3 +typer==0.9.4 +typer-config==1.4.0 +types-python-dateutil==2.9.0.20240316 +typing-inspect==0.9.0 +typing_extensions @ file:///home/conda/feedstock_root/build_artifacts/typing_extensions_1717287769032/work +tzdata==2024.1 +uc-micro-py==1.0.3 +umap-learn==0.5.5 +update-checker==0.18.0 +uri-template==1.3.0 +urllib3==1.26.18 +utilsforecast==0.0.10 +virtualenv==20.26.2 +wasabi==1.1.3 +wcwidth==0.2.13 +weasel==0.3.4 +webargs==8.4.0 +webcolors==1.13 +webencodings==0.5.1 +websocket-client==1.8.0 +websockets==12.0 +Werkzeug==3.0.1 +widgetsnbextension==4.0.11 +window_ops==0.0.15 +woodwork==0.31.0 +wordcloud==1.9.3 +wrapt==1.16.0 +wurlitzer==3.1.0 +x-transformers==1.30.4 +xarray==2024.2.0 +xarray-einstats==0.7.0 +xgboost==2.0.3 +xlrd==2.0.1 +XlsxWriter==3.2.0 +xxhash==3.4.1 +xyzservices==2024.4.0 +yarl==1.9.4 +yellowbrick==1.5 +yfinance==0.2.40 +zict==3.0.0 +zipp @ file:///home/conda/feedstock_root/build_artifacts/zipp_1695255097490/work +zope.event==5.0 +zope.interface==6.4.post2 +zstandard @ file:///work/ci_py311_2/zstandard_1679339489613/work \ No newline at end of file diff --git a/Resources/libraries/autokeras.txt b/Resources/libraries/autokeras.txt new file mode 100644 index 0000000000..e8d4c5731b --- /dev/null +++ b/Resources/libraries/autokeras.txt @@ -0,0 +1,710 @@ +absl-py==2.1.0 +accelerate==0.30.1 +adagio==0.2.4 +aesara==2.9.3 +aiohttp==3.9.5 +aiosignal==1.3.1 +aiosqlite==0.20.0 +alembic @ file:///home/conda/feedstock_root/build_artifacts/alembic_1705179948871/work +alibi-detect==0.12.0 +alphalens-reloaded==0.4.3 +altair==5.2.0 +aniso8601==9.0.1 +annotated-types==0.7.0 +antlr4-python3-runtime==4.9.3 +anyio==4.4.0 +appdirs==1.4.4 +apricot-select==0.6.1 +arch==6.3.0 +archspec @ file:///croot/archspec_1697725767277/work +argon2-cffi==23.1.0 +argon2-cffi-bindings==21.2.0 +arrow==1.3.0 +arviz==0.18.0 +astropy==6.0.0 +astropy-iers-data==0.2024.6.3.0.31.14 +asttokens==2.4.1 +astunparse==1.6.3 +async-generator==1.10 +async-lru==2.0.4 +attrs @ file:///home/conda/feedstock_root/build_artifacts/attrs_1704011227531/work +Authlib==1.3.0 +autograd==1.6.2 +autograd-gamma==0.5.0 +autokeras==1.1.0 +autoray==0.6.12 +ax-platform==0.3.7 +Babel==2.15.0 +bayesian-optimization==1.4.3 +beautifulsoup4==4.12.3 +bleach==6.1.0 +blinker @ file:///home/conda/feedstock_root/build_artifacts/blinker_1715091184126/work +blis==0.7.11 +blosc2==2.6.2 +bokeh==3.3.4 +boltons @ file:///work/ci_py311/boltons_1677685195580/work +botorch==0.10.0 +Bottleneck==1.3.8 +Brotli @ file:///work/ci_py311/brotli-split_1676830125088/work +cachetools==5.3.3 +captum==0.7.0 +catalogue==2.0.10 +catboost==1.2.3 +category-encoders==2.6.3 +causal-conv1d==1.2.0.post2 +certifi @ file:///home/conda/feedstock_root/build_artifacts/certifi_1707022139797/work/certifi +certipy==0.1.3 +cffi @ file:///croot/cffi_1700254295673/work +chardet==5.2.0 +charset-normalizer @ file:///tmp/build/80754af9/charset-normalizer_1630003229654/work +check-shapes==1.1.1 +chronos @ file:///chronos-forecasting-main +clarabel==0.9.0 +click==8.1.7 +clikit==0.6.2 +cloudpathlib==0.16.0 +cloudpickle==3.0.0 +clr-loader==0.1.6 +cmdstanpy==1.2.1 +colorama==0.4.6 +colorcet==3.1.0 +colorlog==6.8.2 +colorlover==0.3.0 +colour==0.1.5 +comm==0.2.2 +conda @ file:///home/conda/feedstock_root/build_artifacts/conda_1708705604379/work +conda-content-trust @ file:///croot/conda-content-trust_1693490622020/work +conda-libmamba-solver @ file:///croot/conda-libmamba-solver_1706733287605/work/src +conda-package-handling @ file:///croot/conda-package-handling_1690999929514/work +conda_package_streaming @ file:///croot/conda-package-streaming_1690987966409/work +confection==0.1.5 +cons==0.4.6 +contourpy==1.2.0 +control==0.9.4 +copulae==0.7.9 +copulas==0.10.1 +coreforecast==0.0.9 +cramjam==2.8.3 +crashtest==0.3.1 +creme==0.6.1 +cryptography @ file:///croot/cryptography_1707523700518/work +cufflinks==0.17.3 +cupy @ file:///home/conda/feedstock_root/build_artifacts/cupy-split_1714405044922/work +cvxopt==1.3.2 +cvxpy==1.4.2 +cycler==0.12.1 +cymem==2.0.8 +Cython==3.0.9 +darts==0.28.0 +dash==2.17.0 +dash-core-components==2.0.0 +dash-cytoscape==1.0.1 +dash-html-components==2.0.0 +dash-table==5.0.0 +dask==2024.3.1 +dask-expr==1.0.5 +dataclasses-json==0.6.6 +datasets==2.17.1 +deap==1.4.1 +debugpy==1.8.1 +decorator==5.1.1 +deepmerge==1.1.1 +defusedxml==0.7.1 +Deprecated==1.2.14 +deprecation==2.1.0 +dgl==2.1.0 +dill==0.3.8 +dimod==0.12.14 +dirtyjson==1.0.8 +diskcache==5.6.3 +distributed==2024.3.1 +distro @ file:///croot/distro_1701455004953/work +dm-tree==0.1.8 +docker==7.1.0 +docutils==0.20.1 +DoubleML==0.7.1 +dropstackframe==0.1.0 +dtreeviz==2.2.2 +dtw-python==1.3.1 +dwave-cloud-client==0.11.3 +dwave-drivers==0.4.4 +dwave-greedy==0.3.0 +dwave-hybrid==0.6.11 +dwave-inspector==0.4.4 +dwave-inspectorapp==0.3.1 +dwave-neal==0.6.0 +dwave-networkx==0.8.14 +dwave-ocean-sdk==6.9.0 +dwave-preprocessing==0.6.5 +dwave-samplers==1.2.0 +dwave-system==1.23.0 +dwave-tabu==0.5.0 +dwavebinarycsp==0.3.0 +ecos==2.0.13 +einops==0.7.0 +EMD-signal==1.6.0 +empyrical-reloaded==0.5.10 +en-core-web-md @ https://github.com/explosion/spacy-models/releases/download/en_core_web_md-3.7.1/en_core_web_md-3.7.1-py3-none-any.whl#sha256=6a0f857a2b4d219c6fa17d455f82430b365bf53171a2d919b9376e5dc9be032e +en-core-web-sm @ https://github.com/explosion/spacy-models/releases/download/en_core_web_sm-3.7.1/en_core_web_sm-3.7.1-py3-none-any.whl#sha256=86cc141f63942d4b2c5fcee06630fd6f904788d2f0ab005cce45aadb8fb73889 +entrypoints @ file:///home/conda/feedstock_root/build_artifacts/entrypoints_1643888246732/work +et-xmlfile==1.1.0 +etuples==0.3.9 +exchange_calendars==4.5.4 +executing==2.0.1 +faiss-cpu==1.8.0 +Farama-Notifications==0.0.4 +fastai==2.7.14 +fastai2==0.0.30 +fastcore==1.5.43 +fastdownload==0.0.7 +fasteners==0.19 +fastjsonschema==2.19.1 +fastparquet==2024.2.0 +fastprogress==1.0.3 +fastrlock @ file:///home/conda/feedstock_root/build_artifacts/fastrlock_1702696305924/work +fasttext==0.9.2 +feature-engine==1.6.2 +featuretools==1.30.0 +filelock==3.14.0 +findiff==0.10.0 +FixedEffectModel==0.0.5 +FlagEmbedding==1.2.10 +FLAML==2.1.2 +Flask==3.0.3 +flatbuffers==24.3.25 +fonttools==4.53.0 +formulaic==1.0.1 +fqdn==1.5.1 +frozendict==2.4.4 +frozenlist==1.4.1 +fs==2.4.16 +fsspec==2023.10.0 +fugue==0.9.0 +functime==0.9.5 +future==1.0.0 +fuzzy-c-means==1.7.2 +gast==0.5.4 +gensim==4.3.2 +gevent==24.2.1 +gitdb==4.0.11 +GitPython==3.1.43 +gluonts==0.14.4 +google-auth==2.29.0 +google-auth-oauthlib==1.0.0 +google-pasta==0.2.0 +gpflow==2.9.1 +gplearn==0.4.2 +gpytorch==1.11 +graphene==3.3 +graphql-core==3.2.3 +graphql-relay==3.2.0 +graphviz==0.20.1 +greenlet @ file:///home/conda/feedstock_root/build_artifacts/greenlet_1703201578921/work +grpcio==1.64.1 +gunicorn==21.2.0 +gym==0.26.2 +gym-notices==0.0.8 +gymnasium==0.28.1 +h11==0.14.0 +h2o==3.46.0.1 +h5netcdf==1.3.0 +h5py==3.11.0 +hmmlearn==0.3.2 +holidays==0.50 +holoviews==1.18.3 +homebase==1.0.1 +hopcroftkarp==1.2.5 +html5lib==1.1 +httpcore==1.0.5 +httpstan==4.12.0 +httpx==0.27.0 +huggingface-hub==0.23.2 +hurst==0.0.5 +hvplot==0.9.2 +hydra-core==1.3.0 +hyperopt==0.2.7 +ibm-cloud-sdk-core==3.20.1 +ibm-platform-services==0.53.7 +idna @ file:///work/ci_py311/idna_1676822698822/work +iisignature==0.24 +ijson==3.2.3 +imageio==2.34.1 +imbalanced-learn==0.12.0 +immutabledict==4.2.0 +importlib-metadata==4.13.0 +importlib_resources @ file:///home/conda/feedstock_root/build_artifacts/importlib_resources_1711040877059/work +iniconfig==2.0.0 +injector==0.21.0 +interface-meta==1.3.0 +interpret==0.5.1 +interpret-core==0.5.1 +ipykernel==6.29.4 +ipython==8.25.0 +ipywidgets==8.1.2 +isoduration==20.11.0 +itsdangerous==2.2.0 +jax==0.4.25 +jax-jumpy==1.0.0 +jaxlib==0.4.25 +jaxtyping==0.2.29 +jedi==0.19.1 +Jinja2 @ file:///home/conda/feedstock_root/build_artifacts/jinja2_1715127149914/work +joblib==1.3.2 +json5==0.9.25 +jsonpatch==1.33 +jsonpath-ng==1.6.1 +jsonpointer==2.1 +jsonschema @ file:///home/conda/feedstock_root/build_artifacts/jsonschema-meta_1714573116818/work +jsonschema-specifications @ file:///tmp/tmpkv1z7p57/src +jupyter==1.0.0 +jupyter-console==6.6.3 +jupyter-events==0.10.0 +jupyter-lsp==2.2.5 +jupyter-resource-usage==1.0.2 +jupyter-telemetry @ file:///home/conda/feedstock_root/build_artifacts/jupyter_telemetry_1605173804246/work +jupyter_ai==2.12.0 +jupyter_ai_magics==2.16.0 +jupyter_bokeh==4.0.0 +jupyter_client==8.6.2 +jupyter_core==5.7.2 +jupyter_server==2.14.1 +jupyter_server_terminals==0.5.3 +jupyterhub @ file:///home/conda/feedstock_root/build_artifacts/jupyterhub-feedstock_1641823417729/work +jupyterlab==4.1.5 +jupyterlab_pygments==0.3.0 +jupyterlab_server==2.27.2 +jupyterlab_widgets==3.0.11 +kagglehub==0.2.5 +kaleido==0.2.1 +keras==2.14.0 +keras-core==0.1.7 +keras-nlp==0.12.1 +keras-rl==0.4.2 +keras-tcn==3.5.0 +keras-tuner==1.4.7 +kiwisolver==1.4.5 +kmapper==2.0.1 +korean-lunar-calendar==0.3.1 +kt-legacy==1.0.5 +langchain==0.1.12 +langchain-community==0.0.38 +langchain-core==0.1.52 +langchain-text-splitters==0.0.2 +langcodes==3.4.0 +langsmith==0.1.67 +language_data==1.2.0 +lark==1.1.9 +lazy_loader==0.4 +lazypredict-nightly==0.3.0 +libclang==18.1.1 +libmambapy @ file:///croot/mamba-split_1704219408234/work/libmambapy +lifelines==0.28.0 +lightgbm==4.3.0 +lightning==2.2.5 +lightning-utilities==0.11.2 +lime==0.2.0.1 +line-profiler==4.1.2 +linear-operator==0.5.1 +linkify-it-py==2.0.3 +livelossplot==0.5.5 +llama-index==0.10.19 +llama-index-agent-openai==0.1.7 +llama-index-cli==0.1.12 +llama-index-core==0.10.43 +llama-index-embeddings-openai==0.1.10 +llama-index-indices-managed-llama-cloud==0.1.6 +llama-index-legacy==0.9.48 +llama-index-llms-openai==0.1.22 +llama-index-multi-modal-llms-openai==0.1.6 +llama-index-program-openai==0.1.6 +llama-index-question-gen-openai==0.1.3 +llama-index-readers-file==0.1.23 +llama-index-readers-llama-parse==0.1.4 +llama-parse==0.4.4 +llamaindex-py-client==0.1.19 +llvmlite==0.42.0 +locket==1.0.0 +logical-unification==0.4.6 +lxml==5.1.0 +lz4==4.3.3 +Mako @ file:///home/conda/feedstock_root/build_artifacts/mako_1715711344987/work +mamba-ssm==1.2.0.post1 +MAPIE==0.8.3 +marisa-trie==1.1.1 +Markdown==3.6 +markdown-it-py==3.0.0 +MarkupSafe @ file:///home/conda/feedstock_root/build_artifacts/markupsafe_1706899926732/work +marshmallow==3.21.2 +matplotlib==3.7.5 +matplotlib-inline==0.1.7 +mdit-py-plugins==0.4.1 +mdurl==0.1.2 +menuinst @ file:///croot/menuinst_1706732933928/work +mgarch==0.3.0 +miniKanren==1.0.3 +minorminer==0.2.13 +mistune==3.0.2 +ml-dtypes==0.2.0 +mlflow==2.11.1 +mlforecast==0.12.0 +mljar-supervised==1.1.6 +mlxtend==0.23.1 +mmh3==2.5.1 +modin==0.26.1 +mplfinance==0.12.10b0 +mpmath==1.3.0 +msgpack==1.0.8 +multidict==6.0.5 +multipledispatch==1.0.0 +multiprocess==0.70.16 +multitasking==0.0.11 +murmurhash==1.0.10 +mypy-extensions==1.0.0 +namex==0.0.8 +nbclient==0.10.0 +nbconvert==7.16.4 +nbformat==5.10.4 +ndindex==1.8 +nest-asyncio==1.6.0 +networkx==3.3 +neural-tangents==0.6.5 +neuralprophet==0.8.0 +nfoursid==1.0.1 +ngboost==0.5.1 +ninja==1.11.1.1 +nixtlats==0.2.0 +nltk==3.8.1 +nolds==0.5.2 +nose==1.3.7 +notebook==7.1.3 +notebook_shim==0.2.4 +numba==0.59.0 +numerapi==2.18.0 +numexpr==2.10.0 +numpy @ file:///home/conda/feedstock_root/build_artifacts/numpy_1707225376651/work/dist/numpy-1.26.4-cp311-cp311-linux_x86_64.whl#sha256=d08e1c9e5833ae7780563812aa73e2497db1ee3bd5510d3becb8aa18aa2d0c7c +nvidia-cublas-cu12==12.5.2.13 +nvidia-cuda-cupti-cu12==12.1.105 +nvidia-cuda-nvrtc-cu12==12.1.105 +nvidia-cuda-runtime-cu12==12.1.105 +nvidia-cudnn-cu12==8.9.2.26 +nvidia-cufft-cu12==11.0.2.54 +nvidia-curand-cu12==10.3.2.106 +nvidia-cusolver-cu12==11.4.5.107 +nvidia-cusparse-cu12==12.1.0.106 +nvidia-nccl-cu12==2.19.3 +nvidia-nvjitlink-cu12==12.5.40 +nvidia-nvtx-cu12==12.1.105 +oauthlib @ file:///home/conda/feedstock_root/build_artifacts/oauthlib_1666056362788/work +omegaconf==2.3.0 +openai==1.30.4 +opencv-contrib-python-headless==4.9.0.80 +opencv-python==4.10.0.82 +openpyxl==3.1.2 +opt-einsum==3.3.0 +optree==0.11.0 +optuna==3.5.0 +orjson==3.10.3 +ortools==9.9.3963 +osqp==0.6.7 +overrides==7.7.0 +packaging==23.2 +pamela @ file:///home/conda/feedstock_root/build_artifacts/pamela_1691565434937/work +pandas==2.1.4 +pandas-flavor==0.6.0 +pandas-ta==0.3.14b0 +pandas_market_calendars==4.4.0 +pandocfilters==1.5.1 +panel==1.3.8 +param==2.1.0 +parso==0.8.4 +partd==1.4.2 +pastel==0.2.1 +pathos==0.3.2 +patsy==0.5.6 +pbr==6.0.0 +pearl==2.3.12 +peewee==3.17.3 +peft==0.11.1 +penaltymodel==1.1.0 +PennyLane==0.35.1 +PennyLane-qiskit==0.35.1 +PennyLane_Lightning==0.35.1 +persim==0.3.5 +pexpect==4.9.0 +pgmpy==0.1.25 +pillow==10.3.0 +pingouin==0.5.4 +pkgutil_resolve_name @ file:///home/conda/feedstock_root/build_artifacts/pkgutil-resolve-name_1694617248815/work +platformdirs @ file:///croot/platformdirs_1692205439124/work +plotly==5.20.0 +plotly-resampler==0.10.0 +plucky==0.4.3 +pluggy==1.5.0 +ply==3.11 +pmdarima==2.0.4 +polars==0.20.15 +pomegranate==1.0.4 +POT==0.9.3 +pox==0.3.4 +ppft==1.7.6.8 +pprofile==2.1.0 +preshed==3.0.9 +prometheus_client @ file:///home/conda/feedstock_root/build_artifacts/prometheus_client_1707932675456/work +prompt_toolkit==3.0.45 +prophet==1.1.5 +protobuf==4.25.3 +psutil @ file:///home/conda/feedstock_root/build_artifacts/psutil_1705722403006/work +ptyprocess==0.7.0 +PuLP==2.8.0 +pure-eval==0.2.2 +py-cpuinfo==9.0.0 +py-heat==0.0.6 +py-heat-magic==0.0.2 +py-lets-be-rational==1.0.1 +py-vollib==1.0.1 +py4j==0.10.9.7 +pyaml==24.4.0 +pyarrow==15.0.1 +pyarrow-hotfix==0.6 +pyasn1==0.6.0 +pyasn1_modules==0.4.0 +pybind11==2.12.0 +pycaret==3.3.2 +pycosat @ file:///croot/pycosat_1696536503704/work +pycparser==2.20 +pycurl @ file:///home/conda/feedstock_root/build_artifacts/pycurl_1710066807136/work +pydantic==1.10.15 +pydantic_core==2.18.4 +pydmd==1.0.0 +pyerfa==2.0.1.4 +pyfolio-reloaded==0.9.5 +Pygments==2.18.0 +PyJWT @ file:///home/conda/feedstock_root/build_artifacts/pyjwt_1706895065046/work +pykalman==0.9.7 +pylev==1.4.0 +pyluach==2.2.0 +pymannkendall==1.4.3 +pymc==5.10.4 +pymdptoolbox==4.0b3 +pynndescent==0.5.12 +pyod==2.0.0 +Pyomo==6.7.1 +pyOpenSSL @ file:///home/conda/feedstock_root/build_artifacts/pyopenssl_1706660063483/work +pyparsing==3.1.2 +pypdf==4.2.0 +pyportfolioopt==1.5.5 +pyrb @ file:///pyrb-master +pyre-extensions==0.0.30 +pyro-api==0.1.2 +pyro-ppl==1.9.0 +pysimdjson==5.0.2 +PySocks @ file:///work/ci_py311/pysocks_1676822712504/work +pyspnego==0.10.2 +pystan==3.9.0 +pytensor==2.18.6 +pytest==8.2.1 +python-dateutil @ file:///home/conda/feedstock_root/build_artifacts/python-dateutil_1709299778482/work +python-dotenv==1.0.0 +python-json-logger @ file:///home/conda/feedstock_root/build_artifacts/python-json-logger_1677079630776/work +python-statemachine==2.1.2 +pytorch-ignite==0.4.13 +pytorch-lightning==1.9.5 +pytorch-tabnet==4.1.0 +pytz==2024.1 +pyvinecopulib==0.6.5 +pyviz_comms==3.0.2 +PyWavelets==1.5.0 +PyYAML==6.0.1 +pyzmq==26.0.3 +qdldl==0.1.7.post2 +qiskit==1.0.2 +qiskit-aer==0.14.2 +qiskit-ibm-provider==0.11.0 +qiskit-ibm-runtime==0.20.0 +qtconsole==5.5.2 +QtPy==2.4.1 +quadprog==0.1.12 +quantconnect-stubs==16467 +quantecon==0.7.2 +QuantLib==1.33 +QuantStats==0.0.62 +querystring-parser==1.2.4 +rauth==0.7.3 +ray==2.9.3 +Rbeast==0.1.19 +rectangle-packer==2.0.2 +referencing @ file:///home/conda/feedstock_root/build_artifacts/referencing_1714619483868/work +regex==2024.5.15 +requests @ file:///croot/requests_1707355572290/work +requests-ntlm==1.2.0 +requests-oauthlib==1.3.1 +retrying==1.3.4 +rfc3339-validator==0.1.4 +rfc3986-validator==0.1.1 +rich==13.7.1 +ripser==0.6.8 +Riskfolio-Lib==6.0.0 +riskparityportfolio==0.5.1 +river==0.21.0 +rpds-py @ file:///home/conda/feedstock_root/build_artifacts/rpds-py_1715090025935/work +rsa==4.9 +ruamel.yaml @ file:///work/ci_py311/ruamel.yaml_1676838772170/work +ruptures==1.1.9 +rustworkx==0.14.2 +safetensors==0.4.3 +salesforce-uni2ts @ file:///uni2ts-main +SALib==1.5.0 +schemdraw==0.15 +scikeras==0.13.0 +scikit-base==0.7.8 +scikit-image==0.22.0 +scikit-learn==1.4.2 +scikit-learn-extra==0.3.0 +scikit-optimize==0.10.0 +scikit-plot==0.3.7 +scikit-tda==1.0.0 +scipy==1.11.4 +scs==3.2.4.post2 +sdeint==0.3.0 +seaborn==0.13.2 +semantic-version==2.10.0 +Send2Trash==1.8.3 +sentence-transformers==3.0.0 +setuptools-scm==8.1.0 +shap==0.45.0 +Shimmy==1.3.0 +simplejson==3.19.2 +simpy==4.1.1 +six @ file:///home/conda/feedstock_root/build_artifacts/six_1620240208055/work +sklearn-json==0.1.0 +sktime==0.26.0 +slicer==0.0.7 +smart-open==6.4.0 +smmap==5.0.1 +sniffio==1.3.1 +sortedcontainers==2.4.0 +soupsieve==2.5 +spacy==3.7.4 +spacy-legacy==3.0.12 +spacy-loggers==1.0.5 +SQLAlchemy @ file:///home/conda/feedstock_root/build_artifacts/sqlalchemy_1714952569971/work +sqlparse==0.5.0 +srsly==2.4.8 +ssm @ file:///ssm-master +stable_baselines3==2.3.2 +stack-data==0.6.3 +stanio==0.3.0 +statsforecast==1.7.5 +statsmodels==0.14.1 +stevedore==5.2.0 +stochastic==0.6.0 +stockstats==0.6.2 +stopit==1.1.2 +striprtf==0.0.26 +stumpy==1.12.0 +symengine==0.11.0 +sympy==1.12.1 +ta==0.11.0 +TA-Lib==0.4.28 +tables==3.9.2 +tabulate==0.8.10 +tadasets==0.2.1 +tbats==1.1.3 +tblib==3.0.0 +tenacity==8.3.0 +tensorboard==2.14.1 +tensorboard-data-server==0.7.2 +tensorboardX==2.6.2.2 +tensorflow==2.14.1 +tensorflow-addons==0.23.0 +tensorflow-estimator==2.14.0 +tensorflow-hub==0.16.1 +tensorflow-io-gcs-filesystem==0.37.0 +tensorflow-probability==0.24.0 +tensorflow-ranking==0.5.3 +tensorflow-serving-api==2.14.1 +tensorflow-text==2.14.0 +tensorflow_decision_forests==1.9.0 +tensorly==0.8.1 +tensorrt==8.6.1.post1 +tensorrt-bindings==8.6.1 +tensorrt-libs==8.6.1 +tensortrade==1.0.3 +termcolor==2.4.0 +terminado==0.18.1 +tf-keras==2.15.0 +tf2jax==0.3.6 +thinc==8.2.3 +threadpoolctl==3.5.0 +thundergbm==0.3.17 +tifffile==2024.5.22 +tiktoken==0.7.0 +tinycss2==1.3.0 +tokenizers==0.19.1 +toml==0.10.2 +toolz==0.12.1 +torch==2.2.1 +torch-cluster==1.6.3 +torch-scatter==2.1.2 +torch-sparse==0.6.18 +torch-spline-conv==1.2.2 +torch_geometric==2.5.1 +torchdata==0.7.1 +torchmetrics==1.4.0.post0 +torchvision==0.17.1 +tornado @ file:///home/conda/feedstock_root/build_artifacts/tornado_1708363099148/work +TPOT==0.12.2 +tqdm==4.66.4 +traitlets @ file:///home/conda/feedstock_root/build_artifacts/traitlets_1713535121073/work +transformers==4.40.2 +triad==0.9.6 +triton==2.2.0 +truststore @ file:///croot/truststore_1695244293384/work +tsdownsample==0.1.3 +tsfresh==0.20.2 +tslearn==0.6.3 +tweepy==4.14.0 +typeguard==2.13.3 +typer==0.9.4 +typer-config==1.4.0 +types-python-dateutil==2.9.0.20240316 +typing-inspect==0.9.0 +typing_extensions @ file:///home/conda/feedstock_root/build_artifacts/typing_extensions_1717287769032/work +tzdata==2024.1 +uc-micro-py==1.0.3 +umap-learn==0.5.5 +update-checker==0.18.0 +uri-template==1.3.0 +urllib3 @ file:///croot/urllib3_1707770551213/work +utilsforecast==0.1.10 +wasabi==1.1.3 +wcwidth==0.2.13 +weasel==0.3.4 +webargs==8.4.0 +webcolors==1.13 +webencodings==0.5.1 +websocket-client==1.8.0 +websockets==12.0 +Werkzeug==3.0.1 +widgetsnbextension==4.0.11 +window_ops==0.0.15 +woodwork==0.31.0 +wordcloud==1.9.3 +wrapt==1.14.1 +wurlitzer==3.1.0 +x-transformers==1.30.4 +xarray==2024.2.0 +xarray-einstats==0.7.0 +xgboost==2.0.3 +xlrd==2.0.1 +XlsxWriter==3.2.0 +xxhash==3.4.1 +xyzservices==2024.4.0 +yarl==1.9.4 +yellowbrick==1.5 +yfinance==0.2.40 +zict==3.0.0 +zipp @ file:///home/conda/feedstock_root/build_artifacts/zipp_1695255097490/work +zope.event==5.0 +zope.interface==6.4.post2 +zstandard @ file:///work/ci_py311_2/zstandard_1679339489613/work \ No newline at end of file diff --git a/Resources/libraries/default-csharp.txt b/Resources/libraries/default-csharp.txt new file mode 100644 index 0000000000..ff7d1e033e --- /dev/null +++ b/Resources/libraries/default-csharp.txt @@ -0,0 +1,32 @@ +Accord.Fuzzy==3.6.0 +Accord.MachineLearning==3.6.0 +Accord.Math==3.6.0 +Accord.Statistics==3.6.0 +Accord==3.6.0 +CloneExtensions==1.3.0 +Common.Logging.Core==3.4.1 +Common.Logging==3.4.1 +CsvHelper==19.0.0 +Deedle==2.1.0 +DotNetZip==1.16.0 +DynamicInterop==0.9.1 +MathNet.Numerics==5.0.0 +McMaster.Extensions.CommandLineUtils==2.6.0 +Microsoft.IO.RecyclableMemoryStream==2.3.2 +Microsoft.NET.Test.Sdk==16.9.4 +Microsoft.TestPlatform.ObjectModel==16.9.4 +Moq==4.16.1 +NUnit3TestAdapter==4.2.1 +NUnit==3.13.3 +NetMQ==4.0.1.6 +Newtonsoft.Json==13.0.2 +NodaTime==3.0.5 +Plotly.NET.Interactive==3.0.2 +Plotly.NET==3.0.1 +QLNet==1.13.0 +QuantConnect.pythonnet==2.0.38 +RestSharp==106.12.0 +SharpZipLib==1.3.3 +System.ComponentModel.Composition==6.0.0 +fasterflect==3.0.0 +protobuf-net==3.1.33 \ No newline at end of file diff --git a/Resources/libraries/default-python.txt b/Resources/libraries/default-python.txt new file mode 100644 index 0000000000..2865f8ef98 --- /dev/null +++ b/Resources/libraries/default-python.txt @@ -0,0 +1,660 @@ +absl-py==2.1.0 +accelerate==0.30.1 +adagio==0.2.4 +aesara==2.9.3 +aiohttp==3.9.5 +aiosignal==1.3.1 +aiosqlite==0.20.0 +alembic==1.13.1 +alibi-detect==0.12.0 +alphalens-reloaded==0.4.3 +altair==5.2.0 +aniso8601==9.0.1 +annotated-types==0.7.0 +antlr4-python3-runtime==4.9.3 +anyio==4.4.0 +appdirs==1.4.4 +apricot-select==0.6.1 +arch==6.3.0 +argon2-cffi==23.1.0 +argon2-cffi-bindings==21.2.0 +arrow==1.3.0 +arviz==0.18.0 +astropy==6.0.0 +astropy-iers-data==0.2024.6.3.0.31.14 +asttokens==2.4.1 +astunparse==1.6.3 +async-lru==2.0.4 +attrs==23.2.0 +Authlib==1.3.0 +autograd==1.6.2 +autograd-gamma==0.5.0 +autokeras==2.0.0 +autoray==0.6.12 +ax-platform==0.3.7 +Babel==2.15.0 +bayesian-optimization==1.4.3 +beautifulsoup4==4.12.3 +bleach==6.1.0 +blinker==1.8.2 +blis==0.7.11 +blosc2==2.6.2 +bokeh==3.3.4 +botorch==0.10.0 +Bottleneck==1.3.8 +cachetools==5.3.3 +captum==0.7.0 +catalogue==2.0.10 +catboost==1.2.3 +category-encoders==2.6.3 +causal-conv1d==1.2.0.post2 +chardet==5.2.0 +check-shapes==1.1.1 +clarabel==0.9.0 +click==8.1.7 +clikit==0.6.2 +cloudpathlib==0.16.0 +cloudpickle==3.0.0 +cmdstanpy==1.2.1 +colorama==0.4.6 +colorcet==3.1.0 +colorlog==6.8.2 +colorlover==0.3.0 +colour==0.1.5 +comm==0.2.2 +confection==0.1.5 +cons==0.4.6 +contourpy==1.2.0 +control==0.9.4 +copulae==0.7.9 +copulas==0.10.1 +coreforecast==0.0.9 +cramjam==2.8.3 +crashtest==0.3.1 +creme==0.6.1 +cufflinks==0.17.3 +cvxopt==1.3.2 +cvxpy==1.4.2 +cycler==0.12.1 +cymem==2.0.8 +Cython==3.0.10 +darts==0.28.0 +dash==2.17.0 +dash-core-components==2.0.0 +dash-cytoscape==1.0.1 +dash-html-components==2.0.0 +dash-table==5.0.0 +dask==2024.3.1 +dask-expr==1.0.5 +dataclasses-json==0.6.6 +datasets==2.17.1 +deap==1.4.1 +debugpy==1.6.7.post1 +decorator==5.1.1 +deepmerge==1.1.1 +defusedxml==0.7.1 +Deprecated==1.2.14 +deprecation==2.1.0 +dgl==2.1.0 +dill==0.3.8 +dimod==0.12.14 +dirtyjson==1.0.8 +diskcache==5.6.3 +distributed==2024.3.1 +dm-tree==0.1.8 +docker==7.1.0 +docutils==0.20.1 +DoubleML==0.7.1 +dropstackframe==0.1.0 +dtreeviz==2.2.2 +dtw-python==1.3.1 +dwave-cloud-client==0.11.3 +dwave-drivers==0.4.4 +dwave-greedy==0.3.0 +dwave-hybrid==0.6.11 +dwave-inspector==0.4.4 +dwave-inspectorapp==0.3.1 +dwave-neal==0.6.0 +dwave-networkx==0.8.14 +dwave-ocean-sdk==6.9.0 +dwave-preprocessing==0.6.5 +dwave-samplers==1.2.0 +dwave-system==1.23.0 +dwave-tabu==0.5.0 +dwavebinarycsp==0.3.0 +ecos==2.0.13 +einops==0.7.0 +EMD-signal==1.6.0 +empyrical-reloaded==0.5.10 +en-core-web-md==3.7.1 +en-core-web-sm==3.7.1 +entrypoints==0.4 +et-xmlfile==1.1.0 +etuples==0.3.9 +exchange_calendars==4.5.4 +executing==2.0.1 +faiss-cpu==1.8.0 +Farama-Notifications==0.0.4 +fastai==2.7.14 +fastai2==0.0.30 +fastcore==1.5.43 +fastdownload==0.0.7 +fasteners==0.19 +fastjsonschema==2.19.1 +fastparquet==2024.2.0 +fastprogress==1.0.3 +fasttext==0.9.2 +feature-engine==1.6.2 +featuretools==1.30.0 +filelock==3.14.0 +findiff==0.10.0 +FixedEffectModel==0.0.5 +FlagEmbedding==1.2.10 +FLAML==2.1.2 +Flask==3.0.3 +flatbuffers==24.3.25 +fonttools==4.53.0 +formulaic==1.0.1 +fqdn==1.5.1 +frozendict==2.4.4 +frozenlist==1.4.1 +fs==2.4.16 +fsspec==2023.10.0 +fugue==0.9.0 +functime==0.9.5 +future==1.0.0 +fuzzy-c-means==1.7.2 +gast==0.5.4 +gensim==4.3.2 +gevent==24.2.1 +gitdb==4.0.11 +GitPython==3.1.43 +gluonts==0.14.4 +google-pasta==0.2.0 +gpflow==2.9.1 +gplearn==0.4.2 +gpytorch==1.11 +graphene==3.3 +graphql-core==3.2.3 +graphql-relay==3.2.0 +graphviz==0.20.1 +greenlet==3.0.3 +grpcio==1.64.1 +gunicorn==21.2.0 +gym==0.26.2 +gym-notices==0.0.8 +gymnasium==0.28.1 +h11==0.14.0 +h2o==3.46.0.1 +h5netcdf==1.3.0 +h5py==3.11.0 +hmmlearn==0.3.2 +holidays==0.50 +holoviews==1.18.3 +homebase==1.0.1 +hopcroftkarp==1.2.5 +html5lib==1.1 +httpcore==1.0.5 +httpstan==4.12.0 +httpx==0.27.0 +huggingface-hub==0.23.2 +hurst==0.0.5 +hvplot==0.9.2 +hydra-core==1.3.0 +hyperopt==0.2.7 +ibm-cloud-sdk-core==3.20.1 +ibm-platform-services==0.53.7 +iisignature==0.24 +ijson==3.2.3 +imageio==2.34.1 +imbalanced-learn==0.12.0 +immutabledict==4.2.0 +importlib_metadata==7.1.0 +importlib_resources==6.4.0 +iniconfig==2.0.0 +injector==0.21.0 +interface-meta==1.3.0 +interpret==0.5.1 +interpret-core==0.5.1 +ipykernel==6.29.4 +ipython==8.25.0 +ipywidgets==8.1.2 +isoduration==20.11.0 +itsdangerous==2.2.0 +jax==0.4.25 +jax-jumpy==1.0.0 +jaxlib==0.4.25 +jaxtyping==0.2.29 +jedi==0.19.1 +Jinja2==3.1.4 +joblib==1.3.2 +json5==0.9.25 +jsonpatch==1.33 +jsonpath-ng==1.6.1 +jsonpointer==2.1 +jsonschema==4.21.1 +jsonschema-specifications==2023.12.1 +jupyter==1.0.0 +jupyter-console==6.6.3 +jupyter-events==0.10.0 +jupyter-lsp==2.2.5 +jupyter-resource-usage==1.0.2 +jupyter_ai==2.12.0 +jupyter_ai_magics==2.16.0 +jupyter_bokeh==4.0.0 +jupyter_client==8.6.2 +jupyter_core==5.7.2 +jupyter_server==2.14.1 +jupyter_server_terminals==0.5.3 +jupyterlab==4.1.5 +jupyterlab_pygments==0.3.0 +jupyterlab_server==2.27.2 +jupyterlab_widgets==3.0.11 +kagglehub==0.2.5 +kaleido==0.2.1 +keras==3.3.3 +keras-core==0.1.7 +keras-nlp==0.12.1 +keras-rl==0.4.2 +keras-tcn==3.5.0 +keras-tuner==1.4.7 +kiwisolver==1.4.5 +kmapper==2.0.1 +korean-lunar-calendar==0.3.1 +kt-legacy==1.0.5 +langchain==0.1.12 +langchain-community==0.0.38 +langchain-core==0.1.52 +langchain-text-splitters==0.0.2 +langcodes==3.4.0 +langsmith==0.1.67 +language_data==1.2.0 +lark==1.1.9 +lazy_loader==0.4 +lazypredict-nightly==0.3.0 +libclang==18.1.1 +lifelines==0.28.0 +lightgbm==4.3.0 +lightning==2.2.5 +lightning-utilities==0.11.2 +lime==0.2.0.1 +line-profiler==4.1.2 +linear-operator==0.5.1 +linkify-it-py==2.0.3 +livelossplot==0.5.5 +llama-index==0.10.19 +llama-index-agent-openai==0.1.7 +llama-index-cli==0.1.12 +llama-index-core==0.10.43 +llama-index-embeddings-openai==0.1.10 +llama-index-indices-managed-llama-cloud==0.1.6 +llama-index-legacy==0.9.48 +llama-index-llms-openai==0.1.22 +llama-index-multi-modal-llms-openai==0.1.6 +llama-index-program-openai==0.1.6 +llama-index-question-gen-openai==0.1.3 +llama-index-readers-file==0.1.23 +llama-index-readers-llama-parse==0.1.4 +llama-parse==0.4.4 +llamaindex-py-client==0.1.19 +llvmlite==0.42.0 +locket==1.0.0 +logical-unification==0.4.6 +lxml==5.1.0 +lz4==4.3.3 +Mako==1.3.5 +mamba-ssm==1.2.0.post1 +MAPIE==0.8.3 +marisa-trie==1.1.1 +Markdown==3.6 +markdown-it-py==3.0.0 +MarkupSafe==2.1.5 +marshmallow==3.21.2 +matplotlib==3.7.5 +matplotlib-inline==0.1.7 +mdit-py-plugins==0.4.1 +mdurl==0.1.2 +mgarch==0.3.0 +miniKanren==1.0.3 +minorminer==0.2.13 +mistune==3.0.2 +ml-dtypes==0.3.2 +mlflow==2.11.1 +mlforecast==0.12.0 +mljar-supervised==1.1.6 +mlxtend==0.23.1 +mmh3==2.5.1 +modin==0.26.1 +mplfinance==0.12.10b0 +mpmath==1.3.0 +msgpack==1.0.8 +multidict==6.0.5 +multipledispatch==1.0.0 +multiprocess==0.70.16 +multitasking==0.0.11 +murmurhash==1.0.10 +mypy-extensions==1.0.0 +namex==0.0.8 +nbclient==0.10.0 +nbconvert==7.16.4 +nbformat==5.10.4 +ndindex==1.8 +nest-asyncio==1.6.0 +networkx==3.3 +neural-tangents==0.6.5 +neuralprophet==0.8.0 +nfoursid==1.0.1 +ngboost==0.5.1 +ninja==1.11.1.1 +nltk==3.8.1 +nolds==0.5.2 +nose==1.3.7 +notebook==7.1.3 +notebook_shim==0.2.4 +numba==0.59.0 +numerapi==2.18.0 +numexpr==2.10.0 +numpy==1.26.4 +nvidia-cublas-cu12==12.1.3.1 +nvidia-cuda-cupti-cu12==12.1.105 +nvidia-cuda-nvrtc-cu12==12.1.105 +nvidia-cuda-runtime-cu12==12.1.105 +nvidia-cudnn-cu12==8.9.2.26 +nvidia-cufft-cu12==11.0.2.54 +nvidia-curand-cu12==10.3.2.106 +nvidia-cusolver-cu12==11.4.5.107 +nvidia-cusparse-cu12==12.1.0.106 +nvidia-nccl-cu12==2.19.3 +nvidia-nvjitlink-cu12==12.5.40 +nvidia-nvtx-cu12==12.1.105 +oauthlib==3.2.2 +omegaconf==2.3.0 +openai==1.30.4 +opencv-contrib-python-headless==4.9.0.80 +opencv-python==4.10.0.82 +openpyxl==3.1.2 +opt-einsum==3.3.0 +optree==0.11.0 +optuna==3.5.0 +orjson==3.10.3 +ortools==9.9.3963 +osqp==0.6.7 +overrides==7.7.0 +packaging==23.2 +pandas==2.1.4 +pandas-flavor==0.6.0 +pandas-ta==0.3.14b0 +pandas_market_calendars==4.4.0 +pandocfilters==1.5.1 +panel==1.3.8 +param==2.1.0 +parso==0.8.4 +partd==1.4.2 +pastel==0.2.1 +pathos==0.3.2 +patsy==0.5.6 +pbr==6.0.0 +peewee==3.17.3 +peft==0.11.1 +penaltymodel==1.1.0 +PennyLane==0.35.1 +PennyLane-qiskit==0.35.1 +PennyLane_Lightning==0.35.1 +persim==0.3.5 +pexpect==4.9.0 +pgmpy==0.1.25 +pillow==10.3.0 +pingouin==0.5.4 +plotly==5.20.0 +plotly-resampler==0.10.0 +plucky==0.4.3 +pluggy==1.5.0 +ply==3.11 +pmdarima==2.0.4 +polars==0.20.15 +pomegranate==1.0.4 +POT==0.9.3 +pox==0.3.4 +ppft==1.7.6.8 +pprofile==2.1.0 +preshed==3.0.9 +prometheus_client==0.20.0 +prompt_toolkit==3.0.45 +prophet==1.1.5 +protobuf==4.25.3 +psutil==5.9.8 +ptvsd==4.3.2 +ptyprocess==0.7.0 +PuLP==2.8.0 +pure-eval==0.2.2 +py-cpuinfo==9.0.0 +py-heat==0.0.6 +py-heat-magic==0.0.2 +py-lets-be-rational==1.0.1 +py-vollib==1.0.1 +py4j==0.10.9.7 +pyaml==24.4.0 +pyarrow==15.0.1 +pyarrow-hotfix==0.6 +pybind11==2.12.0 +pycaret==3.3.2 +pydantic==2.7.3 +pydantic_core==2.18.4 +pydevd-pycharm==231.9225.15 +pydmd==1.0.0 +pyerfa==2.0.1.4 +pyfolio-reloaded==0.9.5 +Pygments==2.18.0 +PyJWT==2.8.0 +pykalman==0.9.7 +pylev==1.4.0 +pyluach==2.2.0 +pymannkendall==1.4.3 +pymc==5.10.4 +pymdptoolbox==4.0b3 +pynndescent==0.5.12 +pyod==2.0.0 +Pyomo==6.7.1 +pyparsing==3.1.2 +pypdf==4.2.0 +pyportfolioopt==1.5.5 +pyre-extensions==0.0.30 +pyro-api==0.1.2 +pyro-ppl==1.9.0 +pysimdjson==5.0.2 +pyspnego==0.10.2 +pystan==3.9.0 +pytensor==2.18.6 +pytest==8.2.1 +python-dateutil==2.9.0.post0 +python-dotenv==1.0.0 +python-json-logger==2.0.7 +python-statemachine==2.1.2 +pytorch-ignite==0.4.13 +pytorch-lightning==1.9.5 +pytorch-tabnet==4.1.0 +pytz==2024.1 +pyvinecopulib==0.6.5 +pyviz_comms==3.0.2 +PyWavelets==1.5.0 +PyYAML==6.0.1 +pyzmq==26.0.3 +qdldl==0.1.7.post2 +qiskit==1.0.2 +qiskit-aer==0.14.2 +qiskit-ibm-provider==0.11.0 +qiskit-ibm-runtime==0.20.0 +qtconsole==5.5.2 +QtPy==2.4.1 +quadprog==0.1.12 +quantecon==0.7.2 +QuantLib==1.33 +QuantStats==0.0.62 +querystring-parser==1.2.4 +rauth==0.7.3 +ray==2.9.3 +Rbeast==0.1.19 +rectangle-packer==2.0.2 +referencing==0.35.1 +regex==2024.5.15 +requests-ntlm==1.2.0 +requests-oauthlib==1.3.1 +retrying==1.3.4 +rfc3339-validator==0.1.4 +rfc3986-validator==0.1.1 +rich==13.7.1 +ripser==0.6.8 +Riskfolio-Lib==6.0.0 +riskparityportfolio==0.5.1 +river==0.21.0 +rpds-py==0.18.1 +ruptures==1.1.9 +rustworkx==0.14.2 +safetensors==0.4.3 +SALib==1.5.0 +schemdraw==0.15 +scikeras==0.13.0 +scikit-base==0.7.8 +scikit-image==0.22.0 +scikit-learn==1.4.2 +scikit-learn-extra==0.3.0 +scikit-optimize==0.10.0 +scikit-plot==0.3.7 +scikit-tda==1.0.0 +scipy==1.11.4 +scs==3.2.4.post2 +sdeint==0.3.0 +seaborn==0.13.2 +semantic-version==2.10.0 +Send2Trash==1.8.3 +sentence-transformers==3.0.0 +setuptools-scm==8.1.0 +shap==0.45.0 +Shimmy==1.3.0 +simplejson==3.19.2 +simpy==4.1.1 +six==1.16.0 +sklearn-json==0.1.0 +sktime==0.26.0 +slicer==0.0.7 +smart-open==6.4.0 +smmap==5.0.1 +sniffio==1.3.1 +sortedcontainers==2.4.0 +soupsieve==2.5 +spacy==3.7.4 +spacy-legacy==3.0.12 +spacy-loggers==1.0.5 +SQLAlchemy==2.0.30 +sqlparse==0.5.0 +srsly==2.4.8 +stable_baselines3==2.3.2 +stack-data==0.6.3 +stanio==0.3.0 +statsforecast==1.7.5 +statsmodels==0.14.1 +stevedore==5.2.0 +stochastic==0.6.0 +stockstats==0.6.2 +stopit==1.1.2 +striprtf==0.0.26 +stumpy==1.12.0 +symengine==0.11.0 +sympy==1.12.1 +ta==0.11.0 +TA-Lib==0.4.28 +tables==3.9.2 +tabulate==0.8.10 +tadasets==0.2.1 +tbats==1.1.3 +tblib==3.0.0 +tenacity==8.3.0 +tensorboard==2.16.2 +tensorboard-data-server==0.7.2 +tensorboardX==2.6.2.2 +tensorflow==2.16.1 +tensorflow-addons==0.23.0 +tensorflow-io-gcs-filesystem==0.37.0 +tensorflow-probability==0.24.0 +tensorflow-text==2.16.1 +tensorflow_decision_forests==1.9.0 +tensorly==0.8.1 +tensorrt==8.6.1.post1 +tensorrt-bindings==8.6.1 +tensorrt-libs==8.6.1 +tensortrade==1.0.3 +termcolor==2.4.0 +terminado==0.18.1 +tf2jax==0.3.6 +tf_keras==2.16.0 +thinc==8.2.3 +threadpoolctl==3.5.0 +thundergbm==0.3.17 +tifffile==2024.5.22 +tiktoken==0.7.0 +tinycss2==1.3.0 +tokenizers==0.19.1 +toml==0.10.2 +toolz==0.12.1 +torch==2.2.1 +torch-cluster==1.6.3 +torch-scatter==2.1.2 +torch-sparse==0.6.18 +torch-spline-conv==1.2.2 +torch_geometric==2.5.1 +torchdata==0.7.1 +torchmetrics==1.4.0.post0 +torchvision==0.17.1 +tornado==6.4 +TPOT==0.12.2 +tqdm==4.66.4 +traitlets==5.14.3 +transformers==4.40.2 +triad==0.9.6 +triton==2.2.0 +tsdownsample==0.1.3 +tsfresh==0.20.2 +tslearn==0.6.3 +tweepy==4.14.0 +typeguard==2.13.3 +typer==0.9.4 +typer-config==1.4.0 +types-python-dateutil==2.9.0.20240316 +typing-inspect==0.9.0 +typing_extensions==4.12.1 +tzdata==2024.1 +uc-micro-py==1.0.3 +umap-learn==0.5.5 +update-checker==0.18.0 +uri-template==1.3.0 +utilsforecast==0.1.10 +wasabi==1.1.3 +wcwidth==0.2.13 +weasel==0.3.4 +webargs==8.4.0 +webcolors==1.13 +webencodings==0.5.1 +websocket-client==1.8.0 +websockets==12.0 +Werkzeug==3.0.1 +widgetsnbextension==4.0.11 +window_ops==0.0.15 +woodwork==0.31.0 +wordcloud==1.9.3 +wrapt==1.16.0 +wurlitzer==3.1.0 +x-transformers==1.30.4 +xarray==2024.2.0 +xarray-einstats==0.7.0 +xgboost==2.0.3 +xlrd==2.0.1 +XlsxWriter==3.2.0 +xxhash==3.4.1 +xyzservices==2024.4.0 +yarl==1.9.4 +yellowbrick==1.5 +yfinance==0.2.40 +zict==3.0.0 +zipp==3.19.1 +zope.event==5.0 +zope.interface==6.4.post2 diff --git a/Resources/libraries/supported-libraries-foundation-autogluon.html b/Resources/libraries/supported-libraries-foundation-autogluon.html new file mode 100644 index 0000000000..88fe33ebd7 --- /dev/null +++ b/Resources/libraries/supported-libraries-foundation-autogluon.html @@ -0,0 +1,695 @@ + +
+absl-py                                 2.1.0
+accelerate                              0.21.0
+adagio                                  0.2.4
+aesara                                  2.9.3
+aiohttp                                 3.9.5
+aiohttp-cors                            0.7.0
+aiosignal                               1.3.1
+aiosqlite                               0.20.0
+alibi-detect                            0.12.0
+aliyun-python-sdk-core                  2.15.1
+aliyun-python-sdk-kms                   2.16.3
+alphalens-reloaded                      0.4.3
+altair                                  5.2.0
+aniso8601                               9.0.1
+annotated-types                         0.7.0
+antlr4-python3-runtime                  4.9.3
+anyio                                   4.4.0
+appdirs                                 1.4.4
+apricot-select                          0.6.1
+arch                                    6.3.0
+argon2-cffi                             23.1.0
+argon2-cffi-bindings                    21.2.0
+arrow                                   1.3.0
+arviz                                   0.18.0
+astropy                                 6.0.0
+astropy-iers-data                       0.2024.6.3.0.31.14
+asttokens                               2.4.1
+astunparse                              1.6.3
+async-generator                         1.10
+async-lru                               2.0.4
+Authlib                                 1.3.0
+autogluon                               1.1.0
+autogluon.common                        1.1.0
+autogluon.core                          1.1.0
+autogluon.features                      1.1.0
+autogluon.multimodal                    1.1.0
+autogluon.tabular                       1.1.0
+autogluon.timeseries                    1.1.0
+autograd                                1.6.2
+autograd-gamma                          0.5.0
+autokeras                               2.0.0
+autoray                                 0.6.12
+ax-platform                             0.3.7
+Babel                                   2.15.0
+bayesian-optimization                   1.4.3
+beautifulsoup4                          4.12.3
+bleach                                  6.1.0
+blis                                    0.7.11
+blosc2                                  2.6.2
+bokeh                                   3.3.4
+boto3                                   1.34.118
+botocore                                1.34.118
+botorch                                 0.10.0
+Bottleneck                              1.3.8
+cachetools                              5.3.3
+captum                                  0.7.0
+catalogue                               2.0.10
+catboost                                1.2.3
+category-encoders                       2.6.3
+causal-conv1d                           1.2.0.post2
+certipy                                 0.1.3
+chardet                                 5.2.0
+check-shapes                            1.1.1
+clarabel                                0.9.0
+click                                   8.1.7
+clikit                                  0.6.2
+cloudpathlib                            0.16.0
+cloudpickle                             3.0.0
+clr-loader                              0.1.6
+cmdstanpy                               1.2.1
+colorama                                0.4.6
+colorcet                                3.1.0
+coloredlogs                             15.0.1
+colorful                                0.5.6
+colorlog                                6.8.2
+colorlover                              0.3.0
+colour                                  0.1.5
+comm                                    0.2.2
+confection                              0.1.5
+cons                                    0.4.6
+contourpy                               1.2.0
+control                                 0.9.4
+copulae                                 0.7.9
+copulas                                 0.10.1
+coreforecast                            0.0.9
+cramjam                                 2.8.3
+crashtest                               0.3.1
+crcmod                                  1.7
+creme                                   0.6.1
+cufflinks                               0.17.3
+cvxopt                                  1.3.2
+cvxpy                                   1.4.2
+cycler                                  0.12.1
+cymem                                   2.0.8
+Cython                                  3.0.9
+darts                                   0.28.0
+dash                                    2.17.0
+dash-core-components                    2.0.0
+dash-cytoscape                          1.0.1
+dash-html-components                    2.0.0
+dash-table                              5.0.0
+dask                                    2024.3.1
+dask-expr                               1.0.5
+dataclasses-json                        0.6.6
+datasets                                2.17.1
+deap                                    1.4.1
+debugpy                                 1.8.1
+decorator                               5.1.1
+deepmerge                               1.1.1
+defusedxml                              0.7.1
+Deprecated                              1.2.14
+deprecation                             2.1.0
+dgl                                     2.1.0
+dill                                    0.3.8
+dimod                                   0.12.14
+dirtyjson                               1.0.8
+diskcache                               5.6.3
+distlib                                 0.3.8
+distributed                             2024.3.1
+dm-tree                                 0.1.8
+docker                                  7.1.0
+docutils                                0.20.1
+DoubleML                                0.7.1
+dropstackframe                          0.1.0
+dtreeviz                                2.2.2
+dtw-python                              1.3.1
+dwave-cloud-client                      0.11.3
+dwave-drivers                           0.4.4
+dwave-greedy                            0.3.0
+dwave-hybrid                            0.6.11
+dwave-inspector                         0.4.4
+dwave-inspectorapp                      0.3.1
+dwave-neal                              0.6.0
+dwave-networkx                          0.8.14
+dwave-ocean-sdk                         6.9.0
+dwave-preprocessing                     0.6.5
+dwave-samplers                          1.2.0
+dwave-system                            1.23.0
+dwave-tabu                              0.5.0
+dwavebinarycsp                          0.3.0
+ecos                                    2.0.13
+einops                                  0.7.0
+EMD-signal                              1.6.0
+empyrical-reloaded                      0.5.10
+en-core-web-md                          3.7.1
+en-core-web-sm                          3.7.1
+et-xmlfile                              1.1.0
+etuples                                 0.3.9
+evaluate                                0.4.2
+exchange_calendars                      4.5.4
+executing                               2.0.1
+faiss-cpu                               1.8.0
+Farama-Notifications                    0.0.4
+fastai                                  2.7.14
+fastai2                                 0.0.30
+fastcore                                1.5.43
+fastdownload                            0.0.7
+fasteners                               0.19
+fastjsonschema                          2.19.1
+fastparquet                             2024.2.0
+fastprogress                            1.0.3
+fasttext                                0.9.2
+feature-engine                          1.6.2
+featuretools                            1.30.0
+filelock                                3.14.0
+findiff                                 0.10.0
+FixedEffectModel                        0.0.5
+FlagEmbedding                           1.2.10
+FLAML                                   2.1.2
+Flask                                   3.0.3
+flatbuffers                             24.3.25
+fonttools                               4.53.0
+formulaic                               1.0.1
+fqdn                                    1.5.1
+frozendict                              2.4.4
+frozenlist                              1.4.1
+fs                                      2.4.16
+fsspec                                  2023.10.0
+fugue                                   0.9.0
+functime                                0.9.5
+future                                  1.0.0
+fuzzy-c-means                           1.7.2
+gast                                    0.5.4
+gdown                                   5.2.0
+gensim                                  4.3.2
+gevent                                  24.2.1
+gitdb                                   4.0.11
+GitPython                               3.1.43
+gluonts                                 0.14.3
+google-api-core                         2.19.0
+google-auth                             2.29.0
+google-pasta                            0.2.0
+googleapis-common-protos                1.63.1
+gpflow                                  2.9.1
+gplearn                                 0.4.2
+gpytorch                                1.11
+graphene                                3.3
+graphql-core                            3.2.3
+graphql-relay                           3.2.0
+graphviz                                0.20.1
+grpcio                                  1.64.1
+gunicorn                                21.2.0
+gym                                     0.26.2
+gym-notices                             0.0.8
+gymnasium                               0.28.1
+h11                                     0.14.0
+h2o                                     3.46.0.1
+h5netcdf                                1.3.0
+h5py                                    3.11.0
+hmmlearn                                0.3.2
+holidays                                0.50
+holoviews                               1.18.3
+homebase                                1.0.1
+hopcroftkarp                            1.2.5
+html5lib                                1.1
+httpcore                                1.0.5
+httpstan                                4.12.0
+httpx                                   0.27.0
+huggingface-hub                         0.23.2
+humanfriendly                           10.0
+hurst                                   0.0.5
+hvplot                                  0.9.2
+hydra-core                              1.3.0
+hyperopt                                0.2.7
+ibm-cloud-sdk-core                      3.20.1
+ibm-platform-services                   0.53.7
+iisignature                             0.24
+ijson                                   3.2.3
+imageio                                 2.34.1
+imbalanced-learn                        0.12.0
+immutabledict                           4.2.0
+iniconfig                               2.0.0
+injector                                0.21.0
+interface-meta                          1.3.0
+interpret                               0.5.1
+interpret-core                          0.5.1
+ipykernel                               6.29.4
+ipython                                 8.25.0
+ipywidgets                              8.1.2
+isoduration                             20.11.0
+itsdangerous                            2.2.0
+jax                                     0.4.25
+jax-jumpy                               1.0.0
+jaxlib                                  0.4.25
+jaxtyping                               0.2.29
+jedi                                    0.19.1
+jmespath                                0.10.0
+joblib                                  1.3.2
+json5                                   0.9.25
+jsonpatch                               1.33
+jsonpath-ng                             1.6.1
+jsonpointer                             2.1
+jupyter                                 1.0.0
+jupyter-console                         6.6.3
+jupyter-events                          0.10.0
+jupyter-lsp                             2.2.5
+jupyter-resource-usage                  1.0.2
+jupyter_ai                              2.12.0
+jupyter_ai_magics                       2.16.0
+jupyter_bokeh                           4.0.0
+jupyter_client                          8.6.2
+jupyter_core                            5.7.2
+jupyter_server                          2.14.1
+jupyter_server_terminals                0.5.3
+jupyterlab                              4.1.5
+jupyterlab_pygments                     0.3.0
+jupyterlab_server                       2.27.2
+jupyterlab_widgets                      3.0.11
+kagglehub                               0.2.5
+kaleido                                 0.2.1
+keras                                   3.3.3
+keras-core                              0.1.7
+keras-nlp                               0.12.1
+keras-rl                                0.4.2
+keras-tcn                               3.5.0
+keras-tuner                             1.4.7
+kiwisolver                              1.4.5
+kmapper                                 2.0.1
+korean-lunar-calendar                   0.3.1
+kt-legacy                               1.0.5
+langchain                               0.1.12
+langchain-community                     0.0.38
+langchain-core                          0.1.52
+langchain-text-splitters                0.0.2
+langcodes                               3.4.0
+langsmith                               0.1.67
+language_data                           1.2.0
+lark                                    1.1.9
+lazy_loader                             0.4
+lazypredict-nightly                     0.3.0
+libclang                                18.1.1
+lifelines                               0.28.0
+lightgbm                                4.3.0
+lightning                               2.1.4
+lightning-utilities                     0.11.2
+lime                                    0.2.0.1
+line-profiler                           4.1.2
+linear-operator                         0.5.1
+linkify-it-py                           2.0.3
+livelossplot                            0.5.5
+llama-index                             0.10.19
+llama-index-agent-openai                0.1.7
+llama-index-cli                         0.1.12
+llama-index-core                        0.10.43
+llama-index-embeddings-openai           0.1.10
+llama-index-indices-managed-llama-cloud 0.1.6
+llama-index-legacy                      0.9.48
+llama-index-llms-openai                 0.1.22
+llama-index-multi-modal-llms-openai     0.1.6
+llama-index-program-openai              0.1.6
+llama-index-question-gen-openai         0.1.3
+llama-index-readers-file                0.1.23
+llama-index-readers-llama-parse         0.1.4
+llama-parse                             0.4.4
+llamaindex-py-client                    0.1.19
+llvmlite                                0.42.0
+locket                                  1.0.0
+logical-unification                     0.4.6
+lxml                                    5.1.0
+lz4                                     4.3.3
+mamba-ssm                               1.2.0.post1
+MAPIE                                   0.8.3
+marisa-trie                             1.1.1
+Markdown                                3.6
+markdown-it-py                          3.0.0
+marshmallow                             3.21.2
+matplotlib                              3.7.5
+matplotlib-inline                       0.1.7
+mdit-py-plugins                         0.4.1
+mdurl                                   0.1.2
+mgarch                                  0.3.0
+miniKanren                              1.0.3
+minorminer                              0.2.13
+mistune                                 3.0.2
+ml-dtypes                               0.3.2
+mlflow                                  2.11.1
+mlforecast                              0.10.0
+mljar-supervised                        1.1.6
+mlxtend                                 0.23.1
+mmh3                                    2.5.1
+model-index                             0.1.11
+modin                                   0.26.1
+mplfinance                              0.12.10b0
+mpmath                                  1.3.0
+msgpack                                 1.0.8
+multidict                               6.0.5
+multipledispatch                        1.0.0
+multiprocess                            0.70.16
+multitasking                            0.0.11
+murmurhash                              1.0.10
+mypy-extensions                         1.0.0
+namex                                   0.0.8
+nbclient                                0.10.0
+nbconvert                               7.16.4
+nbformat                                5.10.4
+ndindex                                 1.8
+nest-asyncio                            1.6.0
+networkx                                3.3
+neural-tangents                         0.6.5
+neuralprophet                           0.8.0
+nfoursid                                1.0.1
+ngboost                                 0.5.1
+ninja                                   1.11.1.1
+nlpaug                                  1.1.11
+nltk                                    3.8.1
+nolds                                   0.5.2
+nose                                    1.3.7
+notebook                                7.1.3
+notebook_shim                           0.2.4
+nptyping                                2.4.1
+numba                                   0.59.0
+numerapi                                2.18.0
+numexpr                                 2.10.0
+numpy                                   1.26.4
+nvidia-cublas-cu12                      12.5.2.13
+nvidia-cuda-cupti-cu12                  12.1.105
+nvidia-cuda-nvrtc-cu12                  12.1.105
+nvidia-cuda-runtime-cu12                12.1.105
+nvidia-cudnn-cu12                       8.9.2.26
+nvidia-cufft-cu12                       11.0.2.54
+nvidia-curand-cu12                      10.3.2.106
+nvidia-cusolver-cu12                    11.4.5.107
+nvidia-cusparse-cu12                    12.1.0.106
+nvidia-ml-py3                           7.352.0
+nvidia-nccl-cu12                        2.18.1
+nvidia-nvjitlink-cu12                   12.5.40
+nvidia-nvtx-cu12                        12.1.105
+omegaconf                               2.2.3
+onnx                                    1.16.1
+onnxruntime                             1.18.0
+openai                                  1.30.4
+opencensus                              0.11.4
+opencensus-context                      0.1.3
+opencv-contrib-python-headless          4.9.0.80
+opencv-python                           4.10.0.82
+opendatalab                             0.0.10
+openmim                                 0.3.9
+openpyxl                                3.1.2
+openxlab                                0.1.0
+opt-einsum                              3.3.0
+optimum                                 1.18.1
+optree                                  0.11.0
+optuna                                  3.5.0
+ordered-set                             4.1.0
+orjson                                  3.10.3
+ortools                                 9.9.3963
+osqp                                    0.6.7
+oss2                                    2.17.0
+overrides                               7.7.0
+packaging                               24.0
+pandas                                  2.1.4
+pandas-flavor                           0.6.0
+pandas-ta                               0.3.14b0
+pandas_market_calendars                 4.4.0
+pandocfilters                           1.5.1
+panel                                   1.3.8
+param                                   2.1.0
+parso                                   0.8.4
+partd                                   1.4.2
+pastel                                  0.2.1
+pathos                                  0.3.2
+patsy                                   0.5.6
+pbr                                     6.0.0
+pdf2image                               1.17.0
+peewee                                  3.17.3
+peft                                    0.11.1
+penaltymodel                            1.1.0
+PennyLane                               0.35.1
+PennyLane-qiskit                        0.35.1
+PennyLane_Lightning                     0.35.1
+persim                                  0.3.5
+pexpect                                 4.9.0
+pgmpy                                   0.1.25
+pillow                                  10.3.0
+pingouin                                0.5.4
+plotly                                  5.20.0
+plotly-resampler                        0.10.0
+plucky                                  0.4.3
+pluggy                                  1.5.0
+ply                                     3.11
+pmdarima                                2.0.4
+polars                                  0.20.15
+pomegranate                             1.0.4
+POT                                     0.9.3
+pox                                     0.3.4
+ppft                                    1.7.6.8
+pprofile                                2.1.0
+preshed                                 3.0.9
+prompt_toolkit                          3.0.45
+prophet                                 1.1.5
+proto-plus                              1.23.0
+protobuf                                4.25.3
+ptyprocess                              0.7.0
+PuLP                                    2.8.0
+pure-eval                               0.2.2
+py-cpuinfo                              9.0.0
+py-heat                                 0.0.6
+py-heat-magic                           0.0.2
+py-lets-be-rational                     1.0.1
+py-spy                                  0.3.14
+py-vollib                               1.0.1
+py4j                                    0.10.9.7
+pyaml                                   24.4.0
+pyarrow                                 15.0.1
+pyarrow-hotfix                          0.6
+pyasn1                                  0.6.0
+pyasn1_modules                          0.4.0
+pybind11                                2.12.0
+pycaret                                 3.3.2
+pycparser                               2.20
+pycryptodome                            3.20.0
+pydantic                                2.7.3
+pydantic_core                           2.18.4
+pydmd                                   1.0.0
+pyerfa                                  2.0.1.4
+pyfolio-reloaded                        0.9.5
+Pygments                                2.18.0
+pykalman                                0.9.7
+pylev                                   1.4.0
+pyluach                                 2.2.0
+pymannkendall                           1.4.3
+pymc                                    5.10.4
+pymdptoolbox                            4.0b3
+pynndescent                             0.5.12
+pyod                                    2.0.0
+Pyomo                                   6.7.1
+pyparsing                               3.1.2
+pypdf                                   4.2.0
+pyportfolioopt                          1.5.5
+pyre-extensions                         0.0.30
+pyro-api                                0.1.2
+pyro-ppl                                1.9.0
+pysimdjson                              5.0.2
+pyspnego                                0.10.2
+pystan                                  3.9.0
+pytensor                                2.18.6
+pytesseract                             0.3.10
+pytest                                  8.2.1
+python-dotenv                           1.0.0
+python-statemachine                     2.1.2
+pytorch-ignite                          0.4.13
+pytorch-lightning                       2.1.4
+pytorch-metric-learning                 2.3.0
+pytorch-tabnet                          4.1.0
+pytz                                    2023.4
+pyvinecopulib                           0.6.5
+pyviz_comms                             3.0.2
+PyWavelets                              1.5.0
+PyYAML                                  6.0.1
+pyzmq                                   26.0.3
+qdldl                                   0.1.7.post2
+qiskit                                  1.0.2
+qiskit-aer                              0.14.2
+qiskit-ibm-provider                     0.11.0
+qiskit-ibm-runtime                      0.20.0
+qtconsole                               5.5.2
+QtPy                                    2.4.1
+quadprog                                0.1.12
+quantconnect-stubs                      16467
+quantecon                               0.7.2
+QuantLib                                1.33
+QuantStats                              0.0.62
+querystring-parser                      1.2.4
+rauth                                   0.7.3
+ray                                     2.10.0
+Rbeast                                  0.1.19
+rectangle-packer                        2.0.2
+regex                                   2024.5.15
+requests                                2.28.2
+requests-ntlm                           1.2.0
+requests-oauthlib                       1.3.1
+retrying                                1.3.4
+rfc3339-validator                       0.1.4
+rfc3986-validator                       0.1.1
+rich                                    13.4.2
+ripser                                  0.6.8
+Riskfolio-Lib                           6.0.0
+riskparityportfolio                     0.5.1
+river                                   0.21.0
+rsa                                     4.9
+ruptures                                1.1.9
+rustworkx                               0.14.2
+s3transfer                              0.10.1
+safetensors                             0.4.3
+SALib                                   1.5.0
+schemdraw                               0.15
+scikeras                                0.13.0
+scikit-base                             0.7.8
+scikit-image                            0.20.0
+scikit-learn                            1.4.0
+scikit-learn-extra                      0.3.0
+scikit-optimize                         0.10.0
+scikit-plot                             0.3.7
+scikit-tda                              1.0.0
+scipy                                   1.11.4
+scs                                     3.2.4.post2
+sdeint                                  0.3.0
+seaborn                                 0.13.2
+semantic-version                        2.10.0
+Send2Trash                              1.8.3
+sentence-transformers                   3.0.0
+sentencepiece                           0.2.0
+seqeval                                 1.2.2
+setuptools-scm                          8.1.0
+shap                                    0.45.0
+Shimmy                                  1.3.0
+simplejson                              3.19.2
+simpy                                   4.1.1
+sklearn-json                            0.1.0
+sktime                                  0.26.0
+slicer                                  0.0.7
+smart-open                              6.4.0
+smmap                                   5.0.1
+sniffio                                 1.3.1
+sortedcontainers                        2.4.0
+soupsieve                               2.5
+spacy                                   3.7.4
+spacy-legacy                            3.0.12
+spacy-loggers                           1.0.5
+sqlparse                                0.5.0
+srsly                                   2.4.8
+stable_baselines3                       2.3.2
+stack-data                              0.6.3
+stanio                                  0.3.0
+statsforecast                           1.4.0
+statsmodels                             0.14.1
+stevedore                               5.2.0
+stochastic                              0.6.0
+stockstats                              0.6.2
+stopit                                  1.1.2
+striprtf                                0.0.26
+stumpy                                  1.12.0
+symengine                               0.11.0
+sympy                                   1.12.1
+ta                                      0.11.0
+TA-Lib                                  0.4.28
+tables                                  3.9.2
+tabulate                                0.8.10
+tadasets                                0.2.1
+tbats                                   1.1.3
+tblib                                   3.0.0
+tenacity                                8.3.0
+tensorboard                             2.16.2
+tensorboard-data-server                 0.7.2
+tensorboardX                            2.6.2.2
+tensorflow                              2.16.1
+tensorflow-addons                       0.23.0
+tensorflow-io-gcs-filesystem            0.37.0
+tensorflow-probability                  0.24.0
+tensorflow-text                         2.16.1
+tensorflow_decision_forests             1.9.0
+tensorly                                0.8.1
+tensorrt                                8.6.1.post1
+tensorrt-bindings                       8.6.1
+tensorrt-libs                           8.6.1
+tensortrade                             1.0.3
+termcolor                               2.4.0
+terminado                               0.18.1
+text-unidecode                          1.3
+tf2jax                                  0.3.6
+tf_keras                                2.16.0
+thinc                                   8.2.3
+threadpoolctl                           3.5.0
+thundergbm                              0.3.17
+tifffile                                2024.5.22
+tiktoken                                0.7.0
+timm                                    0.9.16
+tinycss2                                1.3.0
+tokenizers                              0.15.2
+toml                                    0.10.2
+toolz                                   0.12.1
+torch                                   2.1.2
+torch-cluster                           1.6.3
+torch-scatter                           2.1.2
+torch-sparse                            0.6.18
+torch-spline-conv                       1.2.2
+torch_geometric                         2.5.1
+torchdata                               0.7.1
+torchmetrics                            1.2.1
+torchvision                             0.16.2
+TPOT                                    0.12.2
+tqdm                                    4.65.2
+transformers                            4.38.2
+triad                                   0.9.6
+triton                                  2.1.0
+tsdownsample                            0.1.3
+tsfresh                                 0.20.2
+tslearn                                 0.6.3
+tweepy                                  4.14.0
+typeguard                               2.13.3
+typer                                   0.9.4
+typer-config                            1.4.0
+types-python-dateutil                   2.9.0.20240316
+typing-inspect                          0.9.0
+tzdata                                  2024.1
+uc-micro-py                             1.0.3
+umap-learn                              0.5.5
+update-checker                          0.18.0
+uri-template                            1.3.0
+urllib3                                 1.26.18
+utilsforecast                           0.0.10
+virtualenv                              20.26.2
+wasabi                                  1.1.3
+wcwidth                                 0.2.13
+weasel                                  0.3.4
+webargs                                 8.4.0
+webcolors                               1.13
+webencodings                            0.5.1
+websocket-client                        1.8.0
+websockets                              12.0
+Werkzeug                                3.0.1
+widgetsnbextension                      4.0.11
+window_ops                              0.0.15
+woodwork                                0.31.0
+wordcloud                               1.9.3
+wrapt                                   1.16.0
+wurlitzer                               3.1.0
+x-transformers                          1.30.4
+xarray                                  2024.2.0
+xarray-einstats                         0.7.0
+xgboost                                 2.0.3
+xlrd                                    2.0.1
+XlsxWriter                              3.2.0
+xxhash                                  3.4.1
+xyzservices                             2024.4.0
+yarl                                    1.9.4
+yellowbrick                             1.5
+yfinance                                0.2.40
+zict                                    3.0.0
+zope.event                              5.0
+zope.interface                          6.4.post2
+
+
diff --git a/Resources/libraries/supported-libraries-foundation-autokeras.html b/Resources/libraries/supported-libraries-foundation-autokeras.html index b268209236..a0604eae31 100644 --- a/Resources/libraries/supported-libraries-foundation-autokeras.html +++ b/Resources/libraries/supported-libraries-foundation-autokeras.html @@ -1,68 +1,62 @@ -
-
-# Name                                  Version
+
+
 absl-py                                 2.1.0
+accelerate                              0.30.1
 adagio                                  0.2.4
 aesara                                  2.9.3
-aiohttp                                 3.9.3
+aiohttp                                 3.9.5
 aiosignal                               1.3.1
 aiosqlite                               0.20.0
-alembic                                 1.13.1
+alibi-detect                            0.12.0
 alphalens-reloaded                      0.4.3
 altair                                  5.2.0
 aniso8601                               9.0.1
-annotated-types                         0.6.0
-antlr4-python3-runtime                  4.11.1
-anyio                                   4.3.0
+annotated-types                         0.7.0
+antlr4-python3-runtime                  4.9.3
+anyio                                   4.4.0
 appdirs                                 1.4.4
 apricot-select                          0.6.1
 arch                                    6.3.0
-archspec                                0.2.1
 argon2-cffi                             23.1.0
 argon2-cffi-bindings                    21.2.0
 arrow                                   1.3.0
-arviz                                   0.17.1
+arviz                                   0.18.0
 astropy                                 6.0.0
-astropy-iers-data                       0.2024.3.25.0.29.50
+astropy-iers-data                       0.2024.6.3.0.31.14
 asttokens                               2.4.1
 astunparse                              1.6.3
+async-generator                         1.10
 async-lru                               2.0.4
-attrs                                   23.2.0
 Authlib                                 1.3.0
 autograd                                1.6.2
 autograd-gamma                          0.5.0
 autokeras                               1.1.0
-autoray                                 0.6.9
+autoray                                 0.6.12
 ax-platform                             0.3.7
-Babel                                   2.14.0
+Babel                                   2.15.0
 bayesian-optimization                   1.4.3
 beautifulsoup4                          4.12.3
 bleach                                  6.1.0
-blinker                                 1.7.0
 blis                                    0.7.11
-blosc2                                  2.5.1
+blosc2                                  2.6.2
 bokeh                                   3.3.4
-boltons                                 23.0.0
 botorch                                 0.10.0
 Bottleneck                              1.3.8
-Brotli                                  1.0.9
-bs4                                     0.0.2
 cachetools                              5.3.3
 captum                                  0.7.0
 catalogue                               2.0.10
 catboost                                1.2.3
 category-encoders                       2.6.3
 causal-conv1d                           1.2.0.post2
-certifi                                 2024.2.2
-cffi                                    1.16.0
+certipy                                 0.1.3
 chardet                                 5.2.0
-charset-normalizer                      2.0.4
 check-shapes                            1.1.1
-clarabel                                0.7.1
+clarabel                                0.9.0
 click                                   8.1.7
 clikit                                  0.6.2
 cloudpathlib                            0.16.0
 cloudpickle                             3.0.0
+clr-loader                              0.1.6
 cmdstanpy                               1.2.1
 colorama                                0.4.6
 colorcet                                3.1.0
@@ -70,22 +64,16 @@
 colorlover                              0.3.0
 colour                                  0.1.5
 comm                                    0.2.2
-conda                                   24.1.2
-conda-content-trust                     0.2.0
-conda-libmamba-solver                   24.1.0
-conda-package-handling                  2.2.0
-conda_package_streaming                 0.9.0
-confection                              0.1.4
+confection                              0.1.5
 cons                                    0.4.6
 contourpy                               1.2.0
 control                                 0.9.4
 copulae                                 0.7.9
 copulas                                 0.10.1
-coreforecast                            0.0.7
+coreforecast                            0.0.9
 cramjam                                 2.8.3
 crashtest                               0.3.1
 creme                                   0.6.1
-cryptography                            42.0.2
 cufflinks                               0.17.3
 cvxopt                                  1.3.2
 cvxpy                                   1.4.2
@@ -93,14 +81,15 @@
 cymem                                   2.0.8
 Cython                                  3.0.9
 darts                                   0.28.0
-dash                                    2.16.1
+dash                                    2.17.0
 dash-core-components                    2.0.0
-dash-cytoscape                          1.0.0
+dash-cytoscape                          1.0.1
 dash-html-components                    2.0.0
 dash-table                              5.0.0
 dask                                    2024.3.1
 dask-expr                               1.0.5
-dataclasses-json                        0.6.4
+dataclasses-json                        0.6.6
+datasets                                2.17.1
 deap                                    1.4.1
 debugpy                                 1.8.1
 decorator                               5.1.1
@@ -114,9 +103,8 @@
 dirtyjson                               1.0.8
 diskcache                               5.6.3
 distributed                             2024.3.1
-distro                                  1.8.0
 dm-tree                                 0.1.8
-docker                                  7.0.0
+docker                                  7.1.0
 docutils                                0.20.1
 DoubleML                                0.7.1
 dropstackframe                          0.1.0
@@ -139,41 +127,41 @@
 ecos                                    2.0.13
 einops                                  0.7.0
 EMD-signal                              1.6.0
-empyrical-reloaded                      0.5.9
+empyrical-reloaded                      0.5.10
 en-core-web-md                          3.7.1
 en-core-web-sm                          3.7.1
-entrypoints                             0.4
 et-xmlfile                              1.1.0
 etuples                                 0.3.9
-exchange_calendars                      4.5.3
+exchange_calendars                      4.5.4
 executing                               2.0.1
 faiss-cpu                               1.8.0
 Farama-Notifications                    0.0.4
 fastai                                  2.7.14
 fastai2                                 0.0.30
-fastcore                                1.5.29
+fastcore                                1.5.43
 fastdownload                            0.0.7
 fasteners                               0.19
 fastjsonschema                          2.19.1
 fastparquet                             2024.2.0
 fastprogress                            1.0.3
 fasttext                                0.9.2
+feature-engine                          1.6.2
 featuretools                            1.30.0
-filelock                                3.13.3
+filelock                                3.14.0
 findiff                                 0.10.0
 FixedEffectModel                        0.0.5
+FlagEmbedding                           1.2.10
 FLAML                                   2.1.2
-Flask                                   3.0.2
+Flask                                   3.0.3
 flatbuffers                             24.3.25
-fonttools                               4.50.0
+fonttools                               4.53.0
 formulaic                               1.0.1
 fqdn                                    1.5.1
-frozendict                              2.4.0
+frozendict                              2.4.4
 frozenlist                              1.4.1
 fs                                      2.4.16
-fsspec                                  2024.3.1
-fugue                                   0.8.7
-fugue-sql-antlr                         0.2.0
+fsspec                                  2023.10.0
+fugue                                   0.9.0
 functime                                0.9.5
 future                                  1.0.0
 fuzzy-c-means                           1.7.2
@@ -181,7 +169,7 @@
 gensim                                  4.3.2
 gevent                                  24.2.1
 gitdb                                   4.0.11
-GitPython                               3.1.42
+GitPython                               3.1.43
 gluonts                                 0.14.4
 google-auth                             2.29.0
 google-auth-oauthlib                    1.0.0
@@ -193,8 +181,7 @@
 graphql-core                            3.2.3
 graphql-relay                           3.2.0
 graphviz                                0.20.1
-greenlet                                3.0.3
-grpcio                                  1.62.1
+grpcio                                  1.64.1
 gunicorn                                21.2.0
 gym                                     0.26.2
 gym-notices                             0.0.8
@@ -202,74 +189,70 @@
 h11                                     0.14.0
 h2o                                     3.46.0.1
 h5netcdf                                1.3.0
-h5py                                    3.10.0
+h5py                                    3.11.0
 hmmlearn                                0.3.2
-holidays                                0.45
+holidays                                0.50
 holoviews                               1.18.3
 homebase                                1.0.1
 hopcroftkarp                            1.2.5
 html5lib                                1.1
-httpcore                                1.0.4
+httpcore                                1.0.5
 httpstan                                4.12.0
 httpx                                   0.27.0
-huggingface-hub                         0.22.0
+huggingface-hub                         0.23.2
 hurst                                   0.0.5
 hvplot                                  0.9.2
+hydra-core                              1.3.0
 hyperopt                                0.2.7
-ibm-cloud-sdk-core                      3.19.2
-ibm-platform-services                   0.52.0
-idna                                    3.4
+ibm-cloud-sdk-core                      3.20.1
+ibm-platform-services                   0.53.7
 iisignature                             0.24
 ijson                                   3.2.3
-imageio                                 2.34.0
+imageio                                 2.34.1
 imbalanced-learn                        0.12.0
 immutabledict                           4.2.0
 importlib-metadata                      4.13.0
-importlib_resources                     6.4.0
 iniconfig                               2.0.0
 injector                                0.21.0
 interface-meta                          1.3.0
 interpret                               0.5.1
 interpret-core                          0.5.1
-ipykernel                               6.29.3
-ipython                                 8.22.2
+ipykernel                               6.29.4
+ipython                                 8.25.0
 ipywidgets                              8.1.2
 isoduration                             20.11.0
-itsdangerous                            2.1.2
+itsdangerous                            2.2.0
 jax                                     0.4.25
 jax-jumpy                               1.0.0
 jaxlib                                  0.4.25
-jaxtyping                               0.2.28
+jaxtyping                               0.2.29
 jedi                                    0.19.1
-Jinja2                                  3.1.3
 joblib                                  1.3.2
-json5                                   0.9.24
+json5                                   0.9.25
 jsonpatch                               1.33
 jsonpath-ng                             1.6.1
 jsonpointer                             2.1
-jsonschema                              4.21.1
-jsonschema-specifications               2023.12.1
 jupyter                                 1.0.0
-jupyter_ai                              2.12.0
-jupyter_ai_magics                       2.12.0
-jupyter_bokeh                           4.0.0
-jupyter_client                          8.6.1
 jupyter-console                         6.6.3
-jupyter_core                            5.7.2
 jupyter-events                          0.10.0
-jupyter-lsp                             2.2.4
+jupyter-lsp                             2.2.5
 jupyter-resource-usage                  1.0.2
-jupyter_server                          2.13.0
+jupyter_ai                              2.12.0
+jupyter_ai_magics                       2.16.0
+jupyter_bokeh                           4.0.0
+jupyter_client                          8.6.2
+jupyter_core                            5.7.2
+jupyter_server                          2.14.1
 jupyter_server_terminals                0.5.3
 jupyterlab                              4.1.5
 jupyterlab_pygments                     0.3.0
-jupyterlab_server                       2.25.4
-jupyterlab_widgets                      3.0.10
-kagglehub                               0.2.1
+jupyterlab_server                       2.27.2
+jupyterlab_widgets                      3.0.11
+kagglehub                               0.2.5
 kaleido                                 0.2.1
 keras                                   2.14.0
 keras-core                              0.1.7
-keras-nlp                               0.8.2
+keras-nlp                               0.12.1
 keras-rl                                0.4.2
 keras-tcn                               3.5.0
 keras-tuner                             1.4.7
@@ -278,19 +261,20 @@
 korean-lunar-calendar                   0.3.1
 kt-legacy                               1.0.5
 langchain                               0.1.12
-langchain-community                     0.0.29
-langchain-core                          0.1.33
-langchain-text-splitters                0.0.1
-langcodes                               3.3.0
-langsmith                               0.1.31
+langchain-community                     0.0.38
+langchain-core                          0.1.52
+langchain-text-splitters                0.0.2
+langcodes                               3.4.0
+langsmith                               0.1.67
+language_data                           1.2.0
 lark                                    1.1.9
-lazy_loader                             0.3
+lazy_loader                             0.4
 lazypredict-nightly                     0.3.0
 libclang                                18.1.1
-libmambapy                              1.5.6
 lifelines                               0.28.0
 lightgbm                                4.3.0
-lightning-utilities                     0.11.1
+lightning                               2.2.5
+lightning-utilities                     0.11.2
 lime                                    0.2.0.1
 line-profiler                           4.1.2
 linear-operator                         0.5.1
@@ -298,36 +282,34 @@
 livelossplot                            0.5.5
 llama-index                             0.10.19
 llama-index-agent-openai                0.1.7
-llama-index-cli                         0.1.11
-llama-index-core                        0.10.23.post1
-llama-index-embeddings-openai           0.1.7
-llama-index-indices-managed-llama-cloud 0.1.5
+llama-index-cli                         0.1.12
+llama-index-core                        0.10.43
+llama-index-embeddings-openai           0.1.10
+llama-index-indices-managed-llama-cloud 0.1.6
 llama-index-legacy                      0.9.48
-llama-index-llms-openai                 0.1.12
-llama-index-multi-modal-llms-openai     0.1.4
-llama-index-program-openai              0.1.4
+llama-index-llms-openai                 0.1.22
+llama-index-multi-modal-llms-openai     0.1.6
+llama-index-program-openai              0.1.6
 llama-index-question-gen-openai         0.1.3
-llama-index-readers-file                0.1.12
+llama-index-readers-file                0.1.23
 llama-index-readers-llama-parse         0.1.4
-llama-parse                             0.4.0
-llamaindex-py-client                    0.1.13
+llama-parse                             0.4.4
+llamaindex-py-client                    0.1.19
 llvmlite                                0.42.0
 locket                                  1.0.0
 logical-unification                     0.4.6
 lxml                                    5.1.0
 lz4                                     4.3.3
-Mako                                    1.3.2
 mamba-ssm                               1.2.0.post1
 MAPIE                                   0.8.3
+marisa-trie                             1.1.1
 Markdown                                3.6
 markdown-it-py                          3.0.0
-MarkupSafe                              2.1.5
-marshmallow                             3.21.1
+marshmallow                             3.21.2
 matplotlib                              3.7.5
-matplotlib-inline                       0.1.6
-mdit-py-plugins                         0.4.0
+matplotlib-inline                       0.1.7
+mdit-py-plugins                         0.4.1
 mdurl                                   0.1.2
-menuinst                                2.0.2
 mgarch                                  0.3.0
 miniKanren                              1.0.3
 minorminer                              0.2.13
@@ -348,13 +330,13 @@
 multitasking                            0.0.11
 murmurhash                              1.0.10
 mypy-extensions                         1.0.0
-namex                                   0.0.7
+namex                                   0.0.8
 nbclient                                0.10.0
-nbconvert                               7.16.3
-nbformat                                5.10.3
+nbconvert                               7.16.4
+nbformat                                5.10.4
 ndindex                                 1.8
 nest-asyncio                            1.6.0
-networkx                                3.2.1
+networkx                                3.3
 neural-tangents                         0.6.5
 neuralprophet                           0.8.0
 nfoursid                                1.0.1
@@ -362,14 +344,15 @@
 ninja                                   1.11.1.1
 nixtlats                                0.2.0
 nltk                                    3.8.1
+nolds                                   0.5.2
 nose                                    1.3.7
-notebook                                7.1.2
+notebook                                7.1.3
 notebook_shim                           0.2.4
 numba                                   0.59.0
 numerapi                                2.18.0
-numexpr                                 2.9.0
+numexpr                                 2.10.0
 numpy                                   1.26.4
-nvidia-cublas-cu12                      12.1.3.1
+nvidia-cublas-cu12                      12.5.2.13
 nvidia-cuda-cupti-cu12                  12.1.105
 nvidia-cuda-nvrtc-cu12                  12.1.105
 nvidia-cuda-runtime-cu12                12.1.105
@@ -379,62 +362,62 @@
 nvidia-cusolver-cu12                    11.4.5.107
 nvidia-cusparse-cu12                    12.1.0.106
 nvidia-nccl-cu12                        2.19.3
-nvidia-nvjitlink-cu12                   12.4.99
+nvidia-nvjitlink-cu12                   12.5.40
 nvidia-nvtx-cu12                        12.1.105
-oauthlib                                3.2.2
-openai                                  1.14.3
+omegaconf                               2.3.0
+openai                                  1.30.4
+opencv-contrib-python-headless          4.9.0.80
+opencv-python                           4.10.0.82
 openpyxl                                3.1.2
 opt-einsum                              3.3.0
+optree                                  0.11.0
 optuna                                  3.5.0
-orjson                                  3.9.15
+orjson                                  3.10.3
 ortools                                 9.9.3963
-osqp                                    0.6.5
+osqp                                    0.6.7
 overrides                               7.7.0
 packaging                               23.2
 pandas                                  2.1.4
-pandas-datareader                       0.10.0
 pandas-flavor                           0.6.0
-pandas_market_calendars                 4.4.0
 pandas-ta                               0.3.14b0
+pandas_market_calendars                 4.4.0
 pandocfilters                           1.5.1
 panel                                   1.3.8
 param                                   2.1.0
-parso                                   0.8.3
-partd                                   1.4.1
+parso                                   0.8.4
+partd                                   1.4.2
 pastel                                  0.2.1
 pathos                                  0.3.2
 patsy                                   0.5.6
 pbr                                     6.0.0
 pearl                                   2.3.12
-peewee                                  3.17.1
+peewee                                  3.17.3
+peft                                    0.11.1
 penaltymodel                            1.1.0
 PennyLane                               0.35.1
-PennyLane_Lightning                     0.35.1
 PennyLane-qiskit                        0.35.1
+PennyLane_Lightning                     0.35.1
 persim                                  0.3.5
 pexpect                                 4.9.0
 pgmpy                                   0.1.25
-pillow                                  10.2.0
+pillow                                  10.3.0
 pingouin                                0.5.4
-pip                                     23.2.1
-platformdirs                            3.10.0
 plotly                                  5.20.0
-plotly-resampler                        0.9.2
+plotly-resampler                        0.10.0
 plucky                                  0.4.3
-pluggy                                  1.4.0
+pluggy                                  1.5.0
 ply                                     3.11
 pmdarima                                2.0.4
 polars                                  0.20.15
 pomegranate                             1.0.4
+POT                                     0.9.3
 pox                                     0.3.4
 ppft                                    1.7.6.8
 pprofile                                2.1.0
 preshed                                 3.0.9
-prometheus_client                       0.20.0
-prompt-toolkit                          3.0.43
+prompt_toolkit                          3.0.45
 prophet                                 1.1.5
 protobuf                                4.25.3
-psutil                                  5.9.8
 ptyprocess                              0.7.0
 PuLP                                    2.8.0
 pure-eval                               0.2.2
@@ -444,66 +427,60 @@
 py-lets-be-rational                     1.0.1
 py-vollib                               1.0.1
 py4j                                    0.10.9.7
-pyaml                                   23.12.0
+pyaml                                   24.4.0
 pyarrow                                 15.0.1
 pyarrow-hotfix                          0.6
-pyasn1                                  0.5.1
-pyasn1-modules                          0.3.0
-pybind11                                2.11.1
-pycaret                                 3.3.0
-pycosat                                 0.6.6
-pycparser                               2.21
-pydantic                                1.10.14
-pydantic_core                           2.16.3
+pyasn1                                  0.6.0
+pyasn1_modules                          0.4.0
+pybind11                                2.12.0
+pycaret                                 3.3.2
+pycparser                               2.20
+pydantic                                1.10.15
+pydantic_core                           2.18.4
 pydmd                                   1.0.0
-pyerfa                                  2.0.1.1
+pyerfa                                  2.0.1.4
 pyfolio-reloaded                        0.9.5
-Pygments                                2.17.2
-PyJWT                                   2.8.0
+Pygments                                2.18.0
 pykalman                                0.9.7
 pylev                                   1.4.0
 pyluach                                 2.2.0
 pymannkendall                           1.4.3
 pymc                                    5.10.4
 pymdptoolbox                            4.0b3
-PyMuPDF                                 1.24.0
-PyMuPDFb                                1.24.0
-pynndescent                             0.5.11
-pyod                                    1.1.3
+pynndescent                             0.5.12
+pyod                                    2.0.0
 Pyomo                                   6.7.1
 pyparsing                               3.1.2
-pypdf                                   4.1.0
+pypdf                                   4.2.0
 pyportfolioopt                          1.5.5
-pyrb                                    1.0.1
 pyre-extensions                         0.0.30
 pyro-api                                0.1.2
 pyro-ppl                                1.9.0
 pysimdjson                              5.0.2
-PySocks                                 1.7.1
 pyspnego                                0.10.2
 pystan                                  3.9.0
 pytensor                                2.18.6
-pytest                                  8.1.1
-python-dateutil                         2.9.0.post0
-python-json-logger                      2.0.7
+pytest                                  8.2.1
+python-dotenv                           1.0.0
 python-statemachine                     2.1.2
 pytorch-ignite                          0.4.13
 pytorch-lightning                       1.9.5
+pytorch-tabnet                          4.1.0
 pytz                                    2024.1
-pyvinecopulib                           0.6.4
+pyvinecopulib                           0.6.5
 pyviz_comms                             3.0.2
 PyWavelets                              1.5.0
 PyYAML                                  6.0.1
-pyzmq                                   25.1.2
-qdldl                                   0.1.7.post0
+pyzmq                                   26.0.3
+qdldl                                   0.1.7.post2
 qiskit                                  1.0.2
-qiskit-aer                              0.13.3
-qiskit-ibm-provider                     0.10.0
+qiskit-aer                              0.14.2
+qiskit-ibm-provider                     0.11.0
 qiskit-ibm-runtime                      0.20.0
-qpd                                     0.4.4
-qtconsole                               5.5.1
+qtconsole                               5.5.2
 QtPy                                    2.4.1
 quadprog                                0.1.12
+quantconnect-stubs                      16467
 quantecon                               0.7.2
 QuantLib                                1.33
 QuantStats                              0.0.62
@@ -512,11 +489,9 @@
 ray                                     2.9.3
 Rbeast                                  0.1.19
 rectangle-packer                        2.0.2
-referencing                             0.34.0
-regex                                   2023.12.25
-requests                                2.31.0
+regex                                   2024.5.15
 requests-ntlm                           1.2.0
-requests-oauthlib                       1.4.1
+requests-oauthlib                       1.3.1
 retrying                                1.3.4
 rfc3339-validator                       0.1.4
 rfc3986-validator                       0.1.1
@@ -525,37 +500,34 @@
 Riskfolio-Lib                           6.0.0
 riskparityportfolio                     0.5.1
 river                                   0.21.0
-rpds-py                                 0.18.0
 rsa                                     4.9
-ruamel.yaml                             0.17.21
 ruptures                                1.1.9
 rustworkx                               0.14.2
-safetensors                             0.4.2
-SALib                                   1.4.8
+safetensors                             0.4.3
+SALib                                   1.5.0
 schemdraw                               0.15
-scikeras                                0.12.0
-scikit-base                             0.7.5
+scikeras                                0.13.0
+scikit-base                             0.7.8
 scikit-image                            0.22.0
-scikit-learn                            1.4.1.post1
+scikit-learn                            1.4.2
 scikit-learn-extra                      0.3.0
 scikit-optimize                         0.10.0
 scikit-plot                             0.3.7
 scikit-tda                              1.0.0
 scipy                                   1.11.4
-scs                                     3.2.4.post1
+scs                                     3.2.4.post2
 sdeint                                  0.3.0
 seaborn                                 0.13.2
 semantic-version                        2.10.0
-Send2Trash                              1.8.2
-setuptools                              65.5.0
-setuptools-scm                          8.0.4
+Send2Trash                              1.8.3
+sentence-transformers                   3.0.0
+setuptools-scm                          8.1.0
 shap                                    0.45.0
 Shimmy                                  1.3.0
 simplejson                              3.19.2
 simpy                                   4.1.1
-six                                     1.16.0
 sklearn-json                            0.1.0
-sktime                                  0.27.1
+sktime                                  0.26.0
 slicer                                  0.0.7
 smart-open                              6.4.0
 smmap                                   5.0.1
@@ -565,15 +537,12 @@
 spacy                                   3.7.4
 spacy-legacy                            3.0.12
 spacy-loggers                           1.0.5
-SQLAlchemy                              2.0.29
-sqlglot                                 23.0.5
-sqlparse                                0.4.4
+sqlparse                                0.5.0
 srsly                                   2.4.8
-ssm                                     0.0.1
-stable-baselines3                       2.2.1
+stable_baselines3                       2.3.2
 stack-data                              0.6.3
 stanio                                  0.3.0
-statsforecast                           1.7.3
+statsforecast                           1.7.5
 statsmodels                             0.14.1
 stevedore                               5.2.0
 stochastic                              0.6.0
@@ -582,7 +551,7 @@
 striprtf                                0.0.26
 stumpy                                  1.12.0
 symengine                               0.11.0
-sympy                                   1.12
+sympy                                   1.12.1
 ta                                      0.11.0
 TA-Lib                                  0.4.28
 tables                                  3.9.2
@@ -590,20 +559,20 @@
 tadasets                                0.2.1
 tbats                                   1.1.3
 tblib                                   3.0.0
-tenacity                                8.2.3
+tenacity                                8.3.0
 tensorboard                             2.14.1
 tensorboard-data-server                 0.7.2
 tensorboardX                            2.6.2.2
 tensorflow                              2.14.1
 tensorflow-addons                       0.23.0
-tensorflow_decision_forests             1.9.0
 tensorflow-estimator                    2.14.0
 tensorflow-hub                          0.16.1
-tensorflow-io-gcs-filesystem            0.36.0
+tensorflow-io-gcs-filesystem            0.37.0
 tensorflow-probability                  0.24.0
 tensorflow-ranking                      0.5.3
 tensorflow-serving-api                  2.14.1
 tensorflow-text                         2.14.0
+tensorflow_decision_forests             1.9.0
 tensorly                                0.8.1
 tensorrt                                8.6.1.post1
 tensorrt-bindings                       8.6.1
@@ -614,77 +583,71 @@
 tf-keras                                2.15.0
 tf2jax                                  0.3.6
 thinc                                   8.2.3
-threadpoolctl                           3.4.0
+threadpoolctl                           3.5.0
 thundergbm                              0.3.17
-tifffile                                2024.2.12
-tiktoken                                0.6.0
-tinycss2                                1.2.1
-tokenizers                              0.15.2
+tifffile                                2024.5.22
+tiktoken                                0.7.0
+tinycss2                                1.3.0
+tokenizers                              0.19.1
 toml                                    0.10.2
 toolz                                   0.12.1
 torch                                   2.2.1
 torch-cluster                           1.6.3
-torch_geometric                         2.5.1
 torch-scatter                           2.1.2
 torch-sparse                            0.6.18
 torch-spline-conv                       1.2.2
+torch_geometric                         2.5.1
 torchdata                               0.7.1
-torchmetrics                            1.3.2
+torchmetrics                            1.4.0.post0
 torchvision                             0.17.1
-tornado                                 6.4
 TPOT                                    0.12.2
-tqdm                                    4.66.2
-traitlets                               5.14.2
-transformers                            4.38.2
+tqdm                                    4.66.4
+transformers                            4.40.2
 triad                                   0.9.6
 triton                                  2.2.0
-truststore                              0.8.0
-tsdownsample                            0.1.2
+tsdownsample                            0.1.3
 tsfresh                                 0.20.2
 tslearn                                 0.6.3
 tweepy                                  4.14.0
 typeguard                               2.13.3
 typer                                   0.9.4
+typer-config                            1.4.0
 types-python-dateutil                   2.9.0.20240316
-typing_extensions                       4.10.0
 typing-inspect                          0.9.0
 tzdata                                  2024.1
 uc-micro-py                             1.0.3
 umap-learn                              0.5.5
 update-checker                          0.18.0
 uri-template                            1.3.0
-urllib3                                 2.1.0
-utilsforecast                           0.1.2
-wasabi                                  1.1.2
+utilsforecast                           0.1.10
+wasabi                                  1.1.3
 wcwidth                                 0.2.13
 weasel                                  0.3.4
 webargs                                 8.4.0
 webcolors                               1.13
 webencodings                            0.5.1
-websocket-client                        1.7.0
+websocket-client                        1.8.0
 websockets                              12.0
 Werkzeug                                3.0.1
-wheel                                   0.41.2
-widgetsnbextension                      4.0.10
+widgetsnbextension                      4.0.11
 window_ops                              0.0.15
-woodwork                                0.29.0
+woodwork                                0.31.0
 wordcloud                               1.9.3
 wrapt                                   1.14.1
-wurlitzer                               3.0.3
-x-transformers                          1.27.19
+wurlitzer                               3.1.0
+x-transformers                          1.30.4
 xarray                                  2024.2.0
 xarray-einstats                         0.7.0
 xgboost                                 2.0.3
 xlrd                                    2.0.1
 XlsxWriter                              3.2.0
 xxhash                                  3.4.1
-xyzservices                             2023.10.1
+xyzservices                             2024.4.0
 yarl                                    1.9.4
 yellowbrick                             1.5
-yfinance                                0.2.37
+yfinance                                0.2.40
 zict                                    3.0.0
-zipp                                    3.18.1
 zope.event                              5.0
-zope.interface                          6.2
-zstandard                               0.19.0    
+zope.interface                          6.4.post2
+
 
diff --git a/Resources/libraries/supported-libraries.php b/Resources/libraries/supported-libraries.php index a17a531170..9251550327 100644 --- a/Resources/libraries/supported-libraries.php +++ b/Resources/libraries/supported-libraries.php @@ -1,29 +1,29 @@
-# Name                                  Version
 absl-py                                 2.1.0
+accelerate                              0.30.1
 adagio                                  0.2.4
 aesara                                  2.9.3
-aiohttp                                 3.9.3
+aiohttp                                 3.9.5
 aiosignal                               1.3.1
 aiosqlite                               0.20.0
 alembic                                 1.13.1
+alibi-detect                            0.12.0
 alphalens-reloaded                      0.4.3
 altair                                  5.2.0
 aniso8601                               9.0.1
-annotated-types                         0.6.0
-antlr4-python3-runtime                  4.11.1
-anyio                                   4.3.0
+annotated-types                         0.7.0
+antlr4-python3-runtime                  4.9.3
+anyio                                   4.4.0
 appdirs                                 1.4.4
 apricot-select                          0.6.1
 arch                                    6.3.0
-archspec                                0.2.1
 argon2-cffi                             23.1.0
 argon2-cffi-bindings                    21.2.0
 arrow                                   1.3.0
-arviz                                   0.17.1
+arviz                                   0.18.0
 astropy                                 6.0.0
-astropy-iers-data                       0.2024.3.25.0.29.50
+astropy-iers-data                       0.2024.6.3.0.31.14
 asttokens                               2.4.1
 astunparse                              1.6.3
 async-lru                               2.0.4
@@ -32,33 +32,27 @@
 autograd                                1.6.2
 autograd-gamma                          0.5.0
 autokeras                               2.0.0
-autoray                                 0.6.9
+autoray                                 0.6.12
 ax-platform                             0.3.7
-Babel                                   2.14.0
+Babel                                   2.15.0
 bayesian-optimization                   1.4.3
 beautifulsoup4                          4.12.3
 bleach                                  6.1.0
-blinker                                 1.7.0
+blinker                                 1.8.2
 blis                                    0.7.11
-blosc2                                  2.5.1
+blosc2                                  2.6.2
 bokeh                                   3.3.4
-boltons                                 23.0.0
 botorch                                 0.10.0
 Bottleneck                              1.3.8
-Brotli                                  1.0.9
-bs4                                     0.0.2
 cachetools                              5.3.3
 captum                                  0.7.0
 catalogue                               2.0.10
 catboost                                1.2.3
 category-encoders                       2.6.3
 causal-conv1d                           1.2.0.post2
-certifi                                 2024.2.2
-cffi                                    1.16.0
 chardet                                 5.2.0
-charset-normalizer                      2.0.4
 check-shapes                            1.1.1
-clarabel                                0.7.1
+clarabel                                0.9.0
 click                                   8.1.7
 clikit                                  0.6.2
 cloudpathlib                            0.16.0
@@ -70,37 +64,32 @@
 colorlover                              0.3.0
 colour                                  0.1.5
 comm                                    0.2.2
-conda                                   24.1.2
-conda-content-trust                     0.2.0
-conda-libmamba-solver                   24.1.0
-conda-package-handling                  2.2.0
-conda_package_streaming                 0.9.0
-confection                              0.1.4
+confection                              0.1.5
 cons                                    0.4.6
 contourpy                               1.2.0
 control                                 0.9.4
 copulae                                 0.7.9
 copulas                                 0.10.1
-coreforecast                            0.0.7
+coreforecast                            0.0.9
 cramjam                                 2.8.3
 crashtest                               0.3.1
 creme                                   0.6.1
-cryptography                            42.0.2
 cufflinks                               0.17.3
 cvxopt                                  1.3.2
 cvxpy                                   1.4.2
 cycler                                  0.12.1
 cymem                                   2.0.8
-Cython                                  3.0.9
+Cython                                  3.0.10
 darts                                   0.28.0
-dash                                    2.16.1
+dash                                    2.17.0
 dash-core-components                    2.0.0
-dash-cytoscape                          1.0.0
+dash-cytoscape                          1.0.1
 dash-html-components                    2.0.0
 dash-table                              5.0.0
 dask                                    2024.3.1
 dask-expr                               1.0.5
-dataclasses-json                        0.6.4
+dataclasses-json                        0.6.6
+datasets                                2.17.1
 deap                                    1.4.1
 debugpy                                 1.6.7.post1
 decorator                               5.1.1
@@ -114,9 +103,8 @@
 dirtyjson                               1.0.8
 diskcache                               5.6.3
 distributed                             2024.3.1
-distro                                  1.8.0
 dm-tree                                 0.1.8
-docker                                  7.0.0
+docker                                  7.1.0
 docutils                                0.20.1
 DoubleML                                0.7.1
 dropstackframe                          0.1.0
@@ -139,41 +127,42 @@
 ecos                                    2.0.13
 einops                                  0.7.0
 EMD-signal                              1.6.0
-empyrical-reloaded                      0.5.9
+empyrical-reloaded                      0.5.10
 en-core-web-md                          3.7.1
 en-core-web-sm                          3.7.1
 entrypoints                             0.4
 et-xmlfile                              1.1.0
 etuples                                 0.3.9
-exchange_calendars                      4.5.3
+exchange_calendars                      4.5.4
 executing                               2.0.1
 faiss-cpu                               1.8.0
 Farama-Notifications                    0.0.4
 fastai                                  2.7.14
 fastai2                                 0.0.30
-fastcore                                1.5.29
+fastcore                                1.5.43
 fastdownload                            0.0.7
 fasteners                               0.19
 fastjsonschema                          2.19.1
 fastparquet                             2024.2.0
 fastprogress                            1.0.3
 fasttext                                0.9.2
+feature-engine                          1.6.2
 featuretools                            1.30.0
-filelock                                3.13.3
+filelock                                3.14.0
 findiff                                 0.10.0
 FixedEffectModel                        0.0.5
+FlagEmbedding                           1.2.10
 FLAML                                   2.1.2
-Flask                                   3.0.2
+Flask                                   3.0.3
 flatbuffers                             24.3.25
-fonttools                               4.50.0
+fonttools                               4.53.0
 formulaic                               1.0.1
 fqdn                                    1.5.1
-frozendict                              2.4.0
+frozendict                              2.4.4
 frozenlist                              1.4.1
 fs                                      2.4.16
-fsspec                                  2024.3.1
-fugue                                   0.8.7
-fugue-sql-antlr                         0.2.0
+fsspec                                  2023.10.0
+fugue                                   0.9.0
 functime                                0.9.5
 future                                  1.0.0
 fuzzy-c-means                           1.7.2
@@ -181,7 +170,7 @@
 gensim                                  4.3.2
 gevent                                  24.2.1
 gitdb                                   4.0.11
-GitPython                               3.1.42
+GitPython                               3.1.43
 gluonts                                 0.14.4
 google-pasta                            0.2.0
 gpflow                                  2.9.1
@@ -192,7 +181,7 @@
 graphql-relay                           3.2.0
 graphviz                                0.20.1
 greenlet                                3.0.3
-grpcio                                  1.62.1
+grpcio                                  1.64.1
 gunicorn                                21.2.0
 gym                                     0.26.2
 gym-notices                             0.0.8
@@ -200,26 +189,26 @@
 h11                                     0.14.0
 h2o                                     3.46.0.1
 h5netcdf                                1.3.0
-h5py                                    3.10.0
+h5py                                    3.11.0
 hmmlearn                                0.3.2
-holidays                                0.45
+holidays                                0.50
 holoviews                               1.18.3
 homebase                                1.0.1
 hopcroftkarp                            1.2.5
 html5lib                                1.1
-httpcore                                1.0.4
+httpcore                                1.0.5
 httpstan                                4.12.0
 httpx                                   0.27.0
-huggingface-hub                         0.22.0
+huggingface-hub                         0.23.2
 hurst                                   0.0.5
 hvplot                                  0.9.2
+hydra-core                              1.3.0
 hyperopt                                0.2.7
-ibm-cloud-sdk-core                      3.19.2
-ibm-platform-services                   0.52.0
-idna                                    3.4
+ibm-cloud-sdk-core                      3.20.1
+ibm-platform-services                   0.53.7
 iisignature                             0.24
 ijson                                   3.2.3
-imageio                                 2.34.0
+imageio                                 2.34.1
 imbalanced-learn                        0.12.0
 immutabledict                           4.2.0
 importlib_metadata                      7.1.0
@@ -229,19 +218,19 @@
 interface-meta                          1.3.0
 interpret                               0.5.1
 interpret-core                          0.5.1
-ipykernel                               6.29.3
-ipython                                 8.22.2
+ipykernel                               6.29.4
+ipython                                 8.25.0
 ipywidgets                              8.1.2
 isoduration                             20.11.0
-itsdangerous                            2.1.2
+itsdangerous                            2.2.0
 jax                                     0.4.25
 jax-jumpy                               1.0.0
 jaxlib                                  0.4.25
-jaxtyping                               0.2.28
+jaxtyping                               0.2.29
 jedi                                    0.19.1
-Jinja2                                  3.1.3
+Jinja2                                  3.1.4
 joblib                                  1.3.2
-json5                                   0.9.24
+json5                                   0.9.25
 jsonpatch                               1.33
 jsonpath-ng                             1.6.1
 jsonpointer                             2.1
@@ -250,24 +239,24 @@ interface-meta                          1.3.0
 jupyter                                 1.0.0
 jupyter-console                         6.6.3
 jupyter-events                          0.10.0
-jupyter-lsp                             2.2.4
+jupyter-lsp                             2.2.5
 jupyter-resource-usage                  1.0.2
 jupyter_ai                              2.12.0
-jupyter_ai_magics                       2.12.0
+jupyter_ai_magics                       2.16.0
 jupyter_bokeh                           4.0.0
-jupyter_client                          8.6.1
+jupyter_client                          8.6.2
 jupyter_core                            5.7.2
-jupyter_server                          2.13.0
+jupyter_server                          2.14.1
 jupyter_server_terminals                0.5.3
 jupyterlab                              4.1.5
 jupyterlab_pygments                     0.3.0
-jupyterlab_server                       2.25.4
-jupyterlab_widgets                      3.0.10
-kagglehub                               0.2.1
+jupyterlab_server                       2.27.2
+jupyterlab_widgets                      3.0.11
+kagglehub                               0.2.5
 kaleido                                 0.2.1
-keras                                   3.0.5
+keras                                   3.3.3
 keras-core                              0.1.7
-keras-nlp                               0.8.2
+keras-nlp                               0.12.1
 keras-rl                                0.4.2
 keras-tcn                               3.5.0
 keras-tuner                             1.4.7
@@ -276,19 +265,20 @@ interface-meta                          1.3.0
 korean-lunar-calendar                   0.3.1
 kt-legacy                               1.0.5
 langchain                               0.1.12
-langchain-community                     0.0.29
-langchain-core                          0.1.33
-langchain-text-splitters                0.0.1
-langcodes                               3.3.0
-langsmith                               0.1.31
+langchain-community                     0.0.38
+langchain-core                          0.1.52
+langchain-text-splitters                0.0.2
+langcodes                               3.4.0
+langsmith                               0.1.67
+language_data                           1.2.0
 lark                                    1.1.9
-lazy_loader                             0.3
+lazy_loader                             0.4
 lazypredict-nightly                     0.3.0
 libclang                                18.1.1
-libmambapy                              1.5.6
 lifelines                               0.28.0
 lightgbm                                4.3.0
-lightning-utilities                     0.11.1
+lightning                               2.2.5
+lightning-utilities                     0.11.2
 lime                                    0.2.0.1
 line-profiler                           4.1.2
 linear-operator                         0.5.1
@@ -296,36 +286,36 @@ interface-meta                          1.3.0
 livelossplot                            0.5.5
 llama-index                             0.10.19
 llama-index-agent-openai                0.1.7
-llama-index-cli                         0.1.11
-llama-index-core                        0.10.23.post1
-llama-index-embeddings-openai           0.1.7
-llama-index-indices-managed-llama-cloud 0.1.5
+llama-index-cli                         0.1.12
+llama-index-core                        0.10.43
+llama-index-embeddings-openai           0.1.10
+llama-index-indices-managed-llama-cloud 0.1.6
 llama-index-legacy                      0.9.48
-llama-index-llms-openai                 0.1.12
-llama-index-multi-modal-llms-openai     0.1.4
-llama-index-program-openai              0.1.4
+llama-index-llms-openai                 0.1.22
+llama-index-multi-modal-llms-openai     0.1.6
+llama-index-program-openai              0.1.6
 llama-index-question-gen-openai         0.1.3
-llama-index-readers-file                0.1.12
+llama-index-readers-file                0.1.23
 llama-index-readers-llama-parse         0.1.4
-llama-parse                             0.4.0
-llamaindex-py-client                    0.1.13
+llama-parse                             0.4.4
+llamaindex-py-client                    0.1.19
 llvmlite                                0.42.0
 locket                                  1.0.0
 logical-unification                     0.4.6
 lxml                                    5.1.0
 lz4                                     4.3.3
-Mako                                    1.3.2
+Mako                                    1.3.5
 mamba-ssm                               1.2.0.post1
 MAPIE                                   0.8.3
+marisa-trie                             1.1.1
 Markdown                                3.6
 markdown-it-py                          3.0.0
 MarkupSafe                              2.1.5
-marshmallow                             3.21.1
+marshmallow                             3.21.2
 matplotlib                              3.7.5
-matplotlib-inline                       0.1.6
-mdit-py-plugins                         0.4.0
+matplotlib-inline                       0.1.7
+mdit-py-plugins                         0.4.1
 mdurl                                   0.1.2
-menuinst                                2.0.2
 mgarch                                  0.3.0
 miniKanren                              1.0.3
 minorminer                              0.2.13
@@ -346,63 +336,68 @@ interface-meta                          1.3.0
 multitasking                            0.0.11
 murmurhash                              1.0.10
 mypy-extensions                         1.0.0
-namex                                   0.0.7
+namex                                   0.0.8
 nbclient                                0.10.0
-nbconvert                               7.16.3
-nbformat                                5.10.3
+nbconvert                               7.16.4
+nbformat                                5.10.4
 ndindex                                 1.8
 nest-asyncio                            1.6.0
-networkx                                3.2.1
+networkx                                3.3
 neural-tangents                         0.6.5
 neuralprophet                           0.8.0
 nfoursid                                1.0.1
 ngboost                                 0.5.1
 ninja                                   1.11.1.1
 nltk                                    3.8.1
+nolds                                   0.5.2
 nose                                    1.3.7
-notebook                                7.1.2
+notebook                                7.1.3
 notebook_shim                           0.2.4
 numba                                   0.59.0
 numerapi                                2.18.0
-numexpr                                 2.9.0
+numexpr                                 2.10.0
 numpy                                   1.26.4
 nvidia-cublas-cu12                      12.1.3.1
 nvidia-cuda-cupti-cu12                  12.1.105
 nvidia-cuda-nvrtc-cu12                  12.1.105
-nvidia-cuda-runtime-cu12                12.4.99
-nvidia-cudnn-cu12                       8.9.7.29
+nvidia-cuda-runtime-cu12                12.1.105
+nvidia-cudnn-cu12                       8.9.2.26
 nvidia-cufft-cu12                       11.0.2.54
 nvidia-curand-cu12                      10.3.2.106
 nvidia-cusolver-cu12                    11.4.5.107
 nvidia-cusparse-cu12                    12.1.0.106
 nvidia-nccl-cu12                        2.19.3
-nvidia-nvjitlink-cu12                   12.4.99
+nvidia-nvjitlink-cu12                   12.5.40
 nvidia-nvtx-cu12                        12.1.105
 oauthlib                                3.2.2
-openai                                  1.14.3
+omegaconf                               2.3.0
+openai                                  1.30.4
+opencv-contrib-python-headless          4.9.0.80
+opencv-python                           4.10.0.82
 openpyxl                                3.1.2
 opt-einsum                              3.3.0
+optree                                  0.11.0
 optuna                                  3.5.0
-orjson                                  3.9.15
+orjson                                  3.10.3
 ortools                                 9.9.3963
-osqp                                    0.6.5
+osqp                                    0.6.7
 overrides                               7.7.0
 packaging                               23.2
 pandas                                  2.1.4
-pandas-datareader                       0.10.0
 pandas-flavor                           0.6.0
 pandas-ta                               0.3.14b0
 pandas_market_calendars                 4.4.0
 pandocfilters                           1.5.1
 panel                                   1.3.8
 param                                   2.1.0
-parso                                   0.8.3
-partd                                   1.4.1
+parso                                   0.8.4
+partd                                   1.4.2
 pastel                                  0.2.1
 pathos                                  0.3.2
 patsy                                   0.5.6
 pbr                                     6.0.0
-peewee                                  3.17.1
+peewee                                  3.17.3
+peft                                    0.11.1
 penaltymodel                            1.1.0
 PennyLane                               0.35.1
 PennyLane-qiskit                        0.35.1
@@ -410,24 +405,23 @@ interface-meta                          1.3.0
 persim                                  0.3.5
 pexpect                                 4.9.0
 pgmpy                                   0.1.25
-pillow                                  10.2.0
+pillow                                  10.3.0
 pingouin                                0.5.4
-pip                                     23.3.1
-platformdirs                            3.10.0
 plotly                                  5.20.0
-plotly-resampler                        0.9.2
+plotly-resampler                        0.10.0
 plucky                                  0.4.3
-pluggy                                  1.4.0
+pluggy                                  1.5.0
 ply                                     3.11
 pmdarima                                2.0.4
 polars                                  0.20.15
 pomegranate                             1.0.4
+POT                                     0.9.3
 pox                                     0.3.4
 ppft                                    1.7.6.8
 pprofile                                2.1.0
 preshed                                 3.0.9
 prometheus_client                       0.20.0
-prompt-toolkit                          3.0.43
+prompt_toolkit                          3.0.45
 prophet                                 1.1.5
 protobuf                                4.25.3
 psutil                                  5.9.8
@@ -441,20 +435,18 @@ interface-meta                          1.3.0
 py-lets-be-rational                     1.0.1
 py-vollib                               1.0.1
 py4j                                    0.10.9.7
-pyaml                                   23.12.0
+pyaml                                   24.4.0
 pyarrow                                 15.0.1
 pyarrow-hotfix                          0.6
-pybind11                                2.11.1
-pycaret                                 3.3.0
-pycosat                                 0.6.6
-pycparser                               2.21
-pydantic                                2.6.4
-pydantic_core                           2.16.3
+pybind11                                2.12.0
+pycaret                                 3.3.2
+pydantic                                2.7.3
+pydantic_core                           2.18.4
 pydevd-pycharm                          231.9225.15
 pydmd                                   1.0.0
-pyerfa                                  2.0.1.1
+pyerfa                                  2.0.1.4
 pyfolio-reloaded                        0.9.5
-Pygments                                2.17.2
+Pygments                                2.18.0
 PyJWT                                   2.8.0
 pykalman                                0.9.7
 pylev                                   1.4.0
@@ -462,42 +454,39 @@ interface-meta                          1.3.0
 pymannkendall                           1.4.3
 pymc                                    5.10.4
 pymdptoolbox                            4.0b3
-PyMuPDF                                 1.24.0
-PyMuPDFb                                1.24.0
-pynndescent                             0.5.11
-pyod                                    1.1.3
+pynndescent                             0.5.12
+pyod                                    2.0.0
 Pyomo                                   6.7.1
 pyparsing                               3.1.2
-pypdf                                   4.1.0
+pypdf                                   4.2.0
 pyportfolioopt                          1.5.5
-pyrb                                    1.0.1
 pyre-extensions                         0.0.30
 pyro-api                                0.1.2
 pyro-ppl                                1.9.0
 pysimdjson                              5.0.2
-PySocks                                 1.7.1
 pyspnego                                0.10.2
 pystan                                  3.9.0
 pytensor                                2.18.6
-pytest                                  8.1.1
+pytest                                  8.2.1
 python-dateutil                         2.9.0.post0
+python-dotenv                           1.0.0
 python-json-logger                      2.0.7
 python-statemachine                     2.1.2
 pytorch-ignite                          0.4.13
 pytorch-lightning                       1.9.5
+pytorch-tabnet                          4.1.0
 pytz                                    2024.1
-pyvinecopulib                           0.6.4
+pyvinecopulib                           0.6.5
 pyviz_comms                             3.0.2
 PyWavelets                              1.5.0
 PyYAML                                  6.0.1
-pyzmq                                   25.1.2
-qdldl                                   0.1.7.post0
+pyzmq                                   26.0.3
+qdldl                                   0.1.7.post2
 qiskit                                  1.0.2
-qiskit-aer                              0.13.3
-qiskit-ibm-provider                     0.10.0
+qiskit-aer                              0.14.2
+qiskit-ibm-provider                     0.11.0
 qiskit-ibm-runtime                      0.20.0
-qpd                                     0.4.4
-qtconsole                               5.5.1
+qtconsole                               5.5.2
 QtPy                                    2.4.1
 quadprog                                0.1.12
 quantecon                               0.7.2
@@ -508,11 +497,10 @@ interface-meta                          1.3.0
 ray                                     2.9.3
 Rbeast                                  0.1.19
 rectangle-packer                        2.0.2
-referencing                             0.34.0
-regex                                   2023.12.25
-requests                                2.31.0
+referencing                             0.35.1
+regex                                   2024.5.15
 requests-ntlm                           1.2.0
-requests-oauthlib                       1.4.1
+requests-oauthlib                       1.3.1
 retrying                                1.3.4
 rfc3339-validator                       0.1.4
 rfc3986-validator                       0.1.1
@@ -521,35 +509,35 @@ interface-meta                          1.3.0
 Riskfolio-Lib                           6.0.0
 riskparityportfolio                     0.5.1
 river                                   0.21.0
-rpds-py                                 0.18.0
-ruamel.yaml                             0.17.21
+rpds-py                                 0.18.1
 ruptures                                1.1.9
 rustworkx                               0.14.2
-safetensors                             0.4.2
-SALib                                   1.4.8
+safetensors                             0.4.3
+SALib                                   1.5.0
 schemdraw                               0.15
-scikit-base                             0.7.5
+scikeras                                0.13.0
+scikit-base                             0.7.8
 scikit-image                            0.22.0
-scikit-learn                            1.4.1.post1
+scikit-learn                            1.4.2
 scikit-learn-extra                      0.3.0
 scikit-optimize                         0.10.0
 scikit-plot                             0.3.7
 scikit-tda                              1.0.0
 scipy                                   1.11.4
-scs                                     3.2.4.post1
+scs                                     3.2.4.post2
 sdeint                                  0.3.0
 seaborn                                 0.13.2
 semantic-version                        2.10.0
-Send2Trash                              1.8.2
-setuptools                              68.2.2
-setuptools-scm                          8.0.4
+Send2Trash                              1.8.3
+sentence-transformers                   3.0.0
+setuptools-scm                          8.1.0
 shap                                    0.45.0
 Shimmy                                  1.3.0
 simplejson                              3.19.2
 simpy                                   4.1.1
 six                                     1.16.0
 sklearn-json                            0.1.0
-sktime                                  0.27.1
+sktime                                  0.26.0
 slicer                                  0.0.7
 smart-open                              6.4.0
 smmap                                   5.0.1
@@ -559,15 +547,13 @@ interface-meta                          1.3.0
 spacy                                   3.7.4
 spacy-legacy                            3.0.12
 spacy-loggers                           1.0.5
-SQLAlchemy                              2.0.29
-sqlglot                                 23.0.5
-sqlparse                                0.4.4
+SQLAlchemy                              2.0.30
+sqlparse                                0.5.0
 srsly                                   2.4.8
-ssm                                     0.0.1
-stable-baselines3                       2.2.1
+stable_baselines3                       2.3.2
 stack-data                              0.6.3
 stanio                                  0.3.0
-statsforecast                           1.7.3
+statsforecast                           1.7.5
 statsmodels                             0.14.1
 stevedore                               5.2.0
 stochastic                              0.6.0
@@ -576,7 +562,7 @@ interface-meta                          1.3.0
 striprtf                                0.0.26
 stumpy                                  1.12.0
 symengine                               0.11.0
-sympy                                   1.12
+sympy                                   1.12.1
 ta                                      0.11.0
 TA-Lib                                  0.4.28
 tables                                  3.9.2
@@ -584,13 +570,13 @@ interface-meta                          1.3.0
 tadasets                                0.2.1
 tbats                                   1.1.3
 tblib                                   3.0.0
-tenacity                                8.2.3
+tenacity                                8.3.0
 tensorboard                             2.16.2
 tensorboard-data-server                 0.7.2
 tensorboardX                            2.6.2.2
 tensorflow                              2.16.1
 tensorflow-addons                       0.23.0
-tensorflow-io-gcs-filesystem            0.36.0
+tensorflow-io-gcs-filesystem            0.37.0
 tensorflow-probability                  0.24.0
 tensorflow-text                         2.16.1
 tensorflow_decision_forests             1.9.0
@@ -604,12 +590,12 @@ interface-meta                          1.3.0
 tf2jax                                  0.3.6
 tf_keras                                2.16.0
 thinc                                   8.2.3
-threadpoolctl                           3.4.0
+threadpoolctl                           3.5.0
 thundergbm                              0.3.17
-tifffile                                2024.2.12
-tiktoken                                0.6.0
-tinycss2                                1.2.1
-tokenizers                              0.15.2
+tifffile                                2024.5.22
+tiktoken                                0.7.0
+tinycss2                                1.3.0
+tokenizers                              0.19.1
 toml                                    0.10.2
 toolz                                   0.12.1
 torch                                   2.2.1
@@ -619,140 +605,136 @@ interface-meta                          1.3.0
 torch-spline-conv                       1.2.2
 torch_geometric                         2.5.1
 torchdata                               0.7.1
-torchmetrics                            1.3.2
+torchmetrics                            1.4.0.post0
 torchvision                             0.17.1
 tornado                                 6.4
 TPOT                                    0.12.2
-tqdm                                    4.66.2
-traitlets                               5.14.2
-transformers                            4.38.2
+tqdm                                    4.66.4
+traitlets                               5.14.3
+transformers                            4.40.2
 triad                                   0.9.6
 triton                                  2.2.0
-truststore                              0.8.0
-tsdownsample                            0.1.2
+tsdownsample                            0.1.3
 tsfresh                                 0.20.2
 tslearn                                 0.6.3
 tweepy                                  4.14.0
 typeguard                               2.13.3
 typer                                   0.9.4
+typer-config                            1.4.0
 types-python-dateutil                   2.9.0.20240316
 typing-inspect                          0.9.0
-typing_extensions                       4.10.0
+typing_extensions                       4.12.1
 tzdata                                  2024.1
 uc-micro-py                             1.0.3
 umap-learn                              0.5.5
 update-checker                          0.18.0
 uri-template                            1.3.0
-urllib3                                 2.1.0
-utilsforecast                           0.1.2
-wasabi                                  1.1.2
+utilsforecast                           0.1.10
+wasabi                                  1.1.3
 wcwidth                                 0.2.13
 weasel                                  0.3.4
 webargs                                 8.4.0
 webcolors                               1.13
 webencodings                            0.5.1
-websocket-client                        1.7.0
+websocket-client                        1.8.0
 websockets                              12.0
 Werkzeug                                3.0.1
-wheel                                   0.41.2
-widgetsnbextension                      4.0.10
+widgetsnbextension                      4.0.11
 window_ops                              0.0.15
-woodwork                                0.29.0
+woodwork                                0.31.0
 wordcloud                               1.9.3
 wrapt                                   1.16.0
-wurlitzer                               3.0.3
-x-transformers                          1.27.19
+wurlitzer                               3.1.0
+x-transformers                          1.30.4
 xarray                                  2024.2.0
 xarray-einstats                         0.7.0
 xgboost                                 2.0.3
 xlrd                                    2.0.1
 XlsxWriter                              3.2.0
 xxhash                                  3.4.1
-xyzservices                             2023.10.1
+xyzservices                             2024.4.0
 yarl                                    1.9.4
 yellowbrick                             1.5
-yfinance                                0.2.37
+yfinance                                0.2.40
 zict                                    3.0.0
-zipp                                    3.18.1
+zipp                                    3.19.1
 zope.event                              5.0
-zope.interface                          6.2
-zstandard                               0.19.0
+zope.interface                          6.4.post2
 
-# Name                                  Version
-Accord                                  3.6.0
-Accord.Fuzzy                            3.6.0
-Accord.MachineLearning                  3.6.0
-Accord.Math                             3.6.0
-Accord.Statistics                       3.6.0
-CloneExtensions                         1.3.0
-Common.Logging                          3.4.1
-Common.Logging.Core                     3.4.1
-CsvHelper                               19.0.0
-Deedle                                  2.1.0
-DotNetZip                               1.16.0
-DynamicInterop                          0.9.1
-fasterflect                             3.0.0
-MathNet.Numerics                        5.0.0
-McMaster.Extensions.CommandLineUtils    2.6.0
-Microsoft.IO.RecyclableMemoryStream     2.3.2
-Microsoft.NET.Test.Sdk                  16.9.4
-Microsoft.TestPlatform.ObjectModel      16.9.4
-Moq                                     4.16.1
-NetMQ                                   4.0.1.6
-Newtonsoft.Json                         13.0.2
-NodaTime                                3.0.5
-NUnit                                   3.13.3
-NUnit3TestAdapter                       4.2.1
-Plotly.NET                              3.0.1
-Plotly.NET.Interactive                  3.0.2
-protobuf-net                            3.1.33
-QLNet                                   1.13.0
-QuantConnect.pythonnet                  2.0.28
-RestSharp                               106.12.0
-SharpZipLib                             1.3.3
-System.ComponentModel.Composition       6.0.0
-
-Accord.Audio                            3.6.0
-Accord.Genetic                          3.6.0
-Accord.MachineLearning.GPL              3.6.0
-Catalyst                                1.0.39645
-Catalyst.Models.English                 1.0.30952
-CNTK.CPUOnly                            2.8.0-rc0.dev20200201
-Google.OrTools                          9.6.2534
-LibTopoART                              0.97.0
-MathNet.Filtering                       0.7.0
-MathNet.Filtering.Kalman                0.7.0
-MathNet.Spatial                         0.6.0
-Microsoft.Data.Analysis                 0.20.1
-Microsoft.ML                            2.0.1
-Microsoft.ML.CpuMath                    2.0.1
-Microsoft.ML.DataView                   2.0.1
-Microsoft.ML.Ensemble                   0.20.1
-Microsoft.ML.FastTree                   2.0.1
-Microsoft.ML.LightGbm                   2.0.1
-Microsoft.ML.Mkl.Components             2.0.1
-Microsoft.ML.OnnxRuntime                1.15.1
-Microsoft.ML.TensorFlow                 2.0.1
-Microsoft.ML.TimeSeries                 2.0.1
-NumSharp                                0.30.0
-OpenAI                                  1.7.2
-R.NET                                   1.9.0
-SharpLearning.AdaBoost                  0.31.8
-SharpLearning.Common.Interfaces         0.31.8
-SharpLearning.Containers                0.31.8
-SharpLearning.CrossValidation           0.31.8
-SharpLearning.DecisionTrees             0.31.8
-SharpLearning.Ensemble                  0.31.8
-SharpLearning.FeatureTransformations    0.31.8
-SharpLearning.GradientBoost             0.31.8
-SharpLearning.InputOutput               0.31.8
-SharpLearning.Metrics                   0.31.8
-SharpLearning.Neural                    0.31.8
-SharpLearning.Optimization              0.31.8
-SharpLearning.RandomForest              0.31.8
-SharpLearning.XGBoost                   0.31.8
-SharpNeatLib                            2.4.4
-TensorFlow.Keras                        0.11.2
-TensorFlow.NET                          0.110.2
+Accord                               3.6.0
+Accord.Fuzzy                         3.6.0
+Accord.MachineLearning               3.6.0
+Accord.Math                          3.6.0
+Accord.Statistics                    3.6.0
+CloneExtensions                      1.3.0
+Common.Logging                       3.4.1
+Common.Logging.Core                  3.4.1
+CsvHelper                            19.0.0
+Deedle                               2.1.0
+DotNetZip                            1.16.0
+DynamicInterop                       0.9.1
+fasterflect                          3.0.0
+MathNet.Numerics                     5.0.0
+McMaster.Extensions.CommandLineUtils 2.6.0
+Microsoft.IO.RecyclableMemoryStream  2.3.2
+Microsoft.NET.Test.Sdk               16.9.4
+Microsoft.TestPlatform.ObjectModel   16.9.4
+Moq                                  4.16.1
+NetMQ                                4.0.1.6
+Newtonsoft.Json                      13.0.2
+NodaTime                             3.0.5
+NUnit                                3.13.3
+NUnit3TestAdapter                    4.2.1
+Plotly.NET                           3.0.1
+Plotly.NET.Interactive               3.0.2
+protobuf-net                         3.1.3
+QLNet                                1.13.0
+QuantConnect.pythonnet               2.0.38
+RestSharp                            106.12.0
+SharpZipLib                          1.3.3
+System.ComponentModel.Composition    6.0.0
+
+Accord.Audio                         3.6.0
+Accord.Genetic                       3.6.0
+Accord.MachineLearning.GPL           3.6.0
+Catalyst                             1.0.39645
+Catalyst.Models.English              1.0.30952
+CNTK.CPUOnly                         2.8.0-rc0.dev20200201
+Google.OrTools                       9.6.2534
+LibTopoART                           0.97.0
+MathNet.Filtering                    0.7.0
+MathNet.Filtering.Kalman             0.7.0
+MathNet.Spatial                      0.6.0
+Microsoft.Data.Analysis              0.20.1
+Microsoft.ML                         2.0.1
+Microsoft.ML.CpuMath                 2.0.1
+Microsoft.ML.DataView                2.0.1
+Microsoft.ML.Ensemble                0.20.1
+Microsoft.ML.FastTree                2.0.1
+Microsoft.ML.LightGbm                2.0.1
+Microsoft.ML.Mkl.Components          2.0.1
+Microsoft.ML.OnnxRuntime             1.15.1
+Microsoft.ML.TensorFlow              2.0.1
+Microsoft.ML.TimeSeries              2.0.1
+NumSharp                             0.30.0
+OpenAI                               1.7.2
+R.NET                                1.9.0
+SharpLearning.AdaBoost               0.31.8
+SharpLearning.Common.Interfaces      0.31.8
+SharpLearning.Containers             0.31.8
+SharpLearning.CrossValidation        0.31.8
+SharpLearning.DecisionTrees          0.31.8
+SharpLearning.Ensemble               0.31.8
+SharpLearning.FeatureTransformations 0.31.8
+SharpLearning.GradientBoost          0.31.8
+SharpLearning.InputOutput            0.31.8
+SharpLearning.Metrics                0.31.8
+SharpLearning.Neural                 0.31.8
+SharpLearning.Optimization           0.31.8
+SharpLearning.RandomForest           0.31.8
+SharpLearning.XGBoost                0.31.8
+SharpNeatLib                         2.4.4
+TensorFlow.Keras                     0.11.2
+TensorFlow.NET                       0.110.2
 
 
\ No newline at end of file diff --git a/code-generators/get-libraries.py b/code-generators/get-libraries.py index d3a041a58a..bef3efbd48 100644 --- a/code-generators/get-libraries.py +++ b/code-generators/get-libraries.py @@ -1,22 +1,59 @@ from os import path, popen from pathlib import Path -if __name__ == '__main__': +RESOURCE = Path('Resources/libraries/') + +def __process_pip_line(line): + if '@' not in line: + return line + line = next(filter(lambda l: 'whl' in l, line.split('/')), '') + if not line: + return line + return '=='.join(line.split('-')[:2]).replace('_','-') + '\n' + +def __create_python_libraries_file(): + cmd = 'docker run --entrypoint bash quantconnect/lean:latest -c "pip3 freeze"' + lines = [__process_pip_line(line) for line in popen(cmd).readlines()] + with open(RESOURCE / 'default-python.txt', mode='w', encoding='utf-8') as fp: + fp.write(''.join([l for l in lines if l])) + +def __create_csharp_libraries_file(): lean_sln = Path("../Lean/QuantConnect.Lean.sln") # Install Lean if not lean_sln.is_file(): popen("git clone https://github.com/QuantConnect/Lean.git ../Lean").close() popen(f"dotnet restore {lean_sln.resolve()}").close() - docker_run = 'docker run --entrypoint bash quantconnect/lean:latest -c ' + cmd = f'dotnet list {lean_sln.resolve()} package' + def process_line(line): + return '=='.join([l for l in line.split(' ') if l][1:3]) + lines = sorted(set([process_line(line) for line in popen(cmd).readlines() if '>' in line])) + with open(RESOURCE / 'default-csharp.txt', mode='w', encoding='utf-8') as fp: + fp.write('\n'.join(lines)) - cmds_by_file = { - 'supported-libraries.php': { - 'python': f'{docker_run} "pip list"', - 'csharp': f'dotnet list {lean_sln.resolve()} package' - } - } +def __library_to_code_block(maxlen, libraries): + def format_output(key: str, value: str, maxlen: int) -> str: + count = maxlen - len(key) + value = value.replace("\n", "") + return f'{key + " " * count} {value}' + html = '' + for key, value in sorted(libraries.items(), key=lambda x: x[0].lower()): + html += format_output(key, value, maxlen) + '\n' + return html + +def __read_libraries_from_file(filename): + with open(filename, mode='r', encoding='utf-8') as f: + def line_to_kvp(line): + csv = line.split('==') + return csv[0],csv[1][:-1] + lines = [__process_pip_line(line) for line in f.readlines()] + libraries = dict([line_to_kvp(line) for line in lines if '==' in line]) + return len(max(libraries.keys(), key=len)), libraries +if __name__ == '__main__': + __create_csharp_libraries_file() + __create_python_libraries_file() + package_reference = ''' @@ -145,7 +182,7 @@ 'example': '', 'version': '', }, - 'stable-baselines3': { + 'stable_baselines3': { 'name': 'Stable-Baselines3', 'url': 'https://stable-baselines3.readthedocs.io/en/master', 'code': 'from stable_baselines3 import *', @@ -195,56 +232,40 @@ } } - for filename, cmds in cmds_by_file.items(): - with open(f'Resources/libraries/{filename}', mode='w', encoding='utf-8') as fp: - html = '
\n' - for language, cmd in cmds.items(): - html += f'
\n'
-                maxlen, libraries = 39, {'# Name': 'Version'}
-                content = popen(cmd)
-
-                for i, line in enumerate(content.readlines()):
-                    if i < 2: continue
-                    if "WARNING" in line: break
-                
-                    line = [x for x in line.split(' ') if x != '']
-                
-                    if language == "csharp":
-                        if ">" not in line: continue
-                    
-                        if line[-1] != "\n":
-                            key, value = [line[1]] + [line[-1].replace("\n", "")]
-                        else:
-                            key, value = [line[1]] + [line[-2].replace("\n", "")]
-                    else:
-                        key, value = line[:2]
-                        if key in selected:
-                            if not selected[key]['version']:
-                                selected[key]['version'] = line[1][:-1]
-                    maxlen = max(maxlen, len(key))
-                    libraries[key] = value
+    with open(RESOURCE / 'supported-libraries.php', mode='w', encoding='utf-8') as fp:
+        html = '
\n' + for language in ['python', 'csharp']: + maxlen, libraries = __read_libraries_from_file(RESOURCE / f'default-{language}.txt') - def format_output(key: str, value: str, maxlen: int) -> str: - count = maxlen - len(key) - value = value.replace("\n", "") - return f'{key + " " * count} {value}' + for key, value in libraries.items(): + if key in selected: + if not selected[key]['version']: + selected[key]['version'] = value - for key, value in sorted(libraries.items(), key=lambda x: x[0].lower()): - html += format_output(key, value, maxlen) + '\n' + html += f'
\n' 
+            html += __library_to_code_block(maxlen, libraries)
 
-                # Add C# Cloud
-                if language == "csharp":
-                    html += '\n'
-                    for key, value in sorted(cloud_added.items(), key=lambda x: x[0].lower()):
-                        if key not in libraries:
-                            html += format_output(key, value, maxlen) + '\n'
-                    html += '\n'
+            # Add C# Cloud
+            if language == "csharp":
+                html += '\n'
+                cloud_added = {k:v for k,v in cloud_added.items() if k not in libraries}
+                html += __library_to_code_block(maxlen, cloud_added)
+                html += '\n'
 
-                html += '
' + html += '
' - html += '
' - fp.write(html) + html += '
' + fp.write(html) + for enviroment in ['autogluon','autokeras']: + with open(RESOURCE / f'supported-libraries-foundation-{enviroment}.html', mode='w', encoding='utf-8') as fp: + maxlen, libraries = __read_libraries_from_file(RESOURCE / f'{enviroment}.txt') + fp.write(f''' +
+{__library_to_code_block(maxlen, libraries)}
+
+''') + html = ''' @@ -311,4 +332,4 @@ class MachineLearningLibraryForWritingAlgorithm { ''' with open(f'03 Writing Algorithms/31 Machine Learning/01 Key Concepts/02 Supported Libraries.php', mode='w', encoding='utf-8') as fp: - fp.write(html) + fp.write(html) \ No newline at end of file