From fe8b1ec25851bcb4fee897517684bee3da3bb919 Mon Sep 17 00:00:00 2001 From: Alexandre Catarino Date: Fri, 1 Dec 2023 13:38:23 +0000 Subject: [PATCH] Updates Supported Libraries --- .../02 Supported Libraries.php | 16 +- Resources/libraries/supported-libraries.php | 645 +++++++++--------- code-generators/get-libraries.py | 16 +- 3 files changed, 348 insertions(+), 329 deletions(-) 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 4df0056b60..0176d24b19 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 @@ -37,17 +37,17 @@ public function __construct($name, $version, $language, $importStatement, $docum } $libraries = array( - new MachineLearningLibraryForWritingAlgorithm("TensorFlow", "2.13.1", "Python", "import tensorflow", "https://www.tensorflow.org/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/TensorFlowNeuralNetworkAlgorithm.py"), - new MachineLearningLibraryForWritingAlgorithm("SciKit Learn", "1.3.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.1.0", "Python", "import torch", "https://pytorch.org/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/PytorchNeuralNetworkAlgorithm.py"), - new MachineLearningLibraryForWritingAlgorithm("Keras", "2.13.1", "Python", "import keras", "https://keras.io/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/KerasNeuralNetworkAlgorithm.py"), + new MachineLearningLibraryForWritingAlgorithm("TensorFlow", "2.12.0", "Python", "import tensorflow", "https://www.tensorflow.org/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/TensorFlowNeuralNetworkAlgorithm.py"), + new MachineLearningLibraryForWritingAlgorithm("SciKit Learn", "1.2.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.0.1", "Python", "import torch", "https://pytorch.org/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.Python/PytorchNeuralNetworkAlgorithm.py"), + new MachineLearningLibraryForWritingAlgorithm("Keras", "2.12.0", "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.0", "Python", "import hmmlearn", "https://hmmlearn.readthedocs.io/en/latest/", ""), new MachineLearningLibraryForWritingAlgorithm("tsfresh", "0.20.1", "Python", "import tsfresh", "https://tsfresh.readthedocs.io/en/latest/", ""), - new MachineLearningLibraryForWritingAlgorithm("Stable-Baselines3", "2.1.0", "Python", "from stable_baselines3 import *", "https://stable-baselines3.readthedocs.io/en/master", ""), - new MachineLearningLibraryForWritingAlgorithm("fastai", "2.7.13", "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.0", "Python", "import xgboost", "https://xgboost.readthedocs.io/en/latest/", ""), + new MachineLearningLibraryForWritingAlgorithm("Stable-Baselines3", "1.8.0", "Python", "from stable_baselines3 import *", "https://stable-baselines3.readthedocs.io/en/master", ""), + new MachineLearningLibraryForWritingAlgorithm("fastai", "2.7.12", "Python", "import fastai", "https://docs.fast.ai/", ""), + new MachineLearningLibraryForWritingAlgorithm("Deap", "1.3.3", "Python", "import deap", "https://deap.readthedocs.io/en/master/overview.html", ""), + new MachineLearningLibraryForWritingAlgorithm("XGBoost", "1.7.6", "Python", "import xgboost", "https://xgboost.readthedocs.io/en/latest/", ""), new MachineLearningLibraryForWritingAlgorithm("mlfinlab", "1.6.0", "Python", "import mlfinlab", "https://github.com/hudson-and-thames/mlfinlab", ""), new MachineLearningLibraryForWritingAlgorithm("Accord", "3.6.0", "C#", "using Accord.MachineLearning;", "http://accord-framework.net/", "https://github.com/QuantConnect/Lean/blob/master/Algorithm.CSharp/AccordVectorMachinesAlgorithm.cs") ); diff --git a/Resources/libraries/supported-libraries.php b/Resources/libraries/supported-libraries.php index 6b6e5f6aef..5ee90545a3 100644 --- a/Resources/libraries/supported-libraries.php +++ b/Resources/libraries/supported-libraries.php @@ -1,110 +1,121 @@
 # Name                        Version
-absl-py                       2.0.0
+absl-py                       1.4.0
 adagio                        0.2.4
-aesara                        2.9.2
-aiohttp                       3.8.6
+aesara                        2.9.0
+aiodns                        3.0.0
+aiohttp                       3.8.4
+aiohttp-cors                  0.7.0
 aiosignal                     1.3.1
 alabaster                     0.7.13
-alembic                       1.12.0
+ale-py                        0.7.4
+alembic                       1.11.1
+alpaca-trade-api              0.48
+alpha-vantage                 2.3.1
 alphalens-reloaded            0.4.3
-altair                        5.1.2
+altair                        5.0.1
 ansi2html                     1.8.0
 antlr4-python3-runtime        4.11.1
-anyio                         3.7.1
+anyio                         3.7.0
 appdirs                       1.4.4
 apricot-select                0.6.1
 arch                          5.6.0
-argon2-cffi                   23.1.0
+argon2-cffi                   21.3.0
 argon2-cffi-bindings          21.2.0
 arviz                         0.15.1
-asciitree                     0.3.3
 astropy                       5.2.2
-asttokens                     2.4.0
+asttokens                     2.2.1
 astunparse                    1.6.3
-async-timeout                 4.0.3
+async-timeout                 4.0.2
+asyncio-nats-client           0.11.5
 attrs                         23.1.0
-autograd                      1.5
+autograd                      1.6.2
 autokeras                     1.1.0
-autoray                       0.6.7
+autoray                       0.6.3
+AutoROM                       0.6.1
+AutoROM.accept-rom-license    0.6.1
 ax-platform                   0.3.3
-Babel                         2.13.1
+Babel                         2.12.1
 backcall                      0.2.0
 bayesian-optimization         1.4.3
 beautifulsoup4                4.12.2
-bleach                        6.1.0
-blis                          0.7.11
+bleach                        6.0.0
+blessed                       1.20.0
+blis                          0.7.9
 blosc2                        2.0.0
 bokeh                         3.1.1
 boltons                       23.0.0
 botorch                       0.8.5
 Bottleneck                    1.3.7
 brotlipy                      0.7.0
-cachetools                    5.3.2
-catalogue                     2.0.10
-catboost                      1.2.2
-category-encoders             2.6.2
-certifi                       2023.7.22
+cachetools                    5.3.1
+catalogue                     2.0.8
+catboost                      1.2
+category-encoders             2.6.1
+ccxt                          3.1.58
+certifi                       2023.5.7
 cffi                          1.15.1
-chardet                       5.2.0
+chardet                       5.1.0
 charset-normalizer            2.0.4
-check-shapes                  1.1.1
-clarabel                      0.6.0
+check-shapes                  1.0.0
 click                         7.1.2
 clikit                        0.6.2
-cloudpathlib                  0.16.0
-cloudpickle                   3.0.0
-cmdstanpy                     1.2.0
+cloudpickle                   2.2.1
+cmaes                         0.9.1
+cmake                         3.26.4
+cmdstanpy                     1.1.0
 colorama                      0.4.6
 colorcet                      3.0.1
+colorful                      0.5.5
 colorlog                      6.7.0
 colorlover                    0.3.0
 colour                        0.1.5
-comm                          0.1.4
-conda                         23.7.4
+comm                          0.1.3
+conda                         23.5.0
 conda-content-trust           0.1.3
 conda-package-handling        2.0.2
 conda_package_streaming       0.7.0
-confection                    0.1.3
+confection                    0.1.0
 cons                          0.4.6
-contourpy                     1.1.1
+contourpy                     1.1.0
+convertdate                   2.4.0
 copulae                       0.7.8
-copulas                       0.9.2
-cramjam                       2.7.0
+copulas                       0.9.0
+cramjam                       2.6.2
 crashtest                     0.3.1
 creme                         0.6.1
 cryptography                  38.0.4
 cufflinks                     0.17.3
-cvxopt                        1.3.2
-cvxpy                         1.4.1
-cycler                        0.12.1
-cymem                         2.0.8
-Cython                        0.29.36
+cvxopt                        1.3.1
+cvxpy                         1.3.2
+cycler                        0.11.0
+cymem                         2.0.7
+Cython                        0.29.35
 darts                         0.24.0
-dash                          2.14.0
+dash                          2.11.1
 dash-core-components          2.0.0
 dash-cytoscape                0.3.0
 dash-html-components          2.0.0
 dash-table                    5.0.0
 dask                          2023.4.0
-dataclasses-json              0.6.1
-deap                          1.4.1
-debugpy                       1.6.7.post1
+dataclasses-json              0.5.8
+deap                          1.3.3
+debugpy                       1.6.7
 decorator                     5.1.1
 defusedxml                    0.7.1
 Deprecated                    1.2.14
-dgl                           1.1.2
-dill                          0.3.7
+dgl                           1.1.1
+dill                          0.3.6
 dimod                         0.12.3
-diskcache                     5.6.3
+diskcache                     5.6.1
+distlib                       0.3.6
 distributed                   2021.4.1
 dm-tree                       0.1.8
 docker-pycreds                0.4.0
 docutils                      0.20.1
-DoubleML                      0.7.0
-dropstackframe                0.1.0
-dtreeviz                      2.2.2
+DoubleML                      0.6.3
+dtreeviz                      2.2.1
 dtw-python                    1.3.0
 dwave-cloud-client            0.10.3
 dwave-drivers                 0.4.4
@@ -122,265 +133,270 @@
 dwavebinarycsp                0.2.0
 dx                            0.1.22
 ecos                          2.0.12
-EMD-signal                    1.5.2
+EMD-signal                    1.5.1
+empyrical                     0.5.5
 empyrical-reloaded            0.5.9
-en-core-web-md                3.7.0
-en-core-web-sm                3.7.0
-entrypoints                   0.4
+en-core-web-md                3.5.0
+en-core-web-sm                3.5.0
+ephem                         4.1.4
 et-xmlfile                    1.1.0
 etuples                       0.3.9
-exceptiongroup                1.1.3
+exceptiongroup                1.1.1
 exchange-calendars            4.2.8
-executing                     2.0.0
-Farama-Notifications          0.0.4
-fastai                        2.7.13
+executing                     1.2.0
+fastai                        2.7.12
 fastai2                       0.0.30
 fastcore                      1.5.29
 fastdownload                  0.0.7
-fasteners                     0.19
-fastjsonschema                2.18.1
-fastparquet                   2023.8.0
+fasteners                     0.18
+fastjsonschema                2.17.1
+fastparquet                   2023.4.0
 fastprogress                  1.0.3
 fasttext                      0.9.2
-featuretools                  1.27.0
-filelock                      3.12.4
-findiff                       0.10.0
+featuretools                  1.26.0
+filelock                      3.12.2
+findiff                       0.9.2
+finrl                         0.3.1
 FixedEffectModel              0.0.5
-FLAML                         2.1.1
 Flask                         2.0.3
 flatbuffers                   23.5.26
-fonttools                     4.43.1
+fonttools                     4.40.0
 fracdiff                      0.9.0
 frozendict                    2.3.8
-frozenlist                    1.4.0
+frozenlist                    1.3.3
 fs                            2.4.16
-fsspec                        2023.10.0
-fugue                         0.8.6
-fugue-sql-antlr               0.1.8
-functime                      0.8.4
+fsspec                        2023.6.0
+fugue                         0.8.5
+fugue-sql-antlr               0.1.6
 future                        0.18.3
 fuzzy-c-means                 1.6.3
 gast                          0.4.0
-gensim                        4.3.2
-gevent                        23.9.1
-gitdb                         4.0.11
-GitPython                     3.1.40
-gluonts                       0.13.7
-google-auth                   2.23.3
+gensim                        4.3.1
+gevent                        22.10.2
+gitdb                         4.0.10
+GitPython                     3.1.31
+gluonts                       0.13.2
+google-api-core               2.11.1
+google-auth                   2.21.0
 google-auth-oauthlib          1.0.0
 google-pasta                  0.2.0
-gpflow                        2.9.0
+googleapis-common-protos      1.59.1
+gpflow                        2.8.1
 gplearn                       0.4.2
+gpustat                       1.1
+GPUtil                        1.4.0
 gpytorch                      1.10
 graphviz                      0.20.1
-greenlet                      3.0.0
-grpcio                        1.59.0
-gym                           0.26.2
-gym-notices                   0.0.8
-gymnasium                     0.28.1
-h2o                           3.44.0.1
+greenlet                      2.0.2
+grpcio                        1.51.3
+gym                           0.21.0
+Gymnasium                     0.26.3
+gymnasium-notices             0.0.1
+h2o                           3.40.0.4
 h5netcdf                      1.1.0
-h5py                          3.10.0
+h5py                          3.9.0
 hmmlearn                      0.3.0
-holidays                      0.35
-holoviews                     1.17.1
+holidays                      0.27.1
+holoviews                     1.16.2
 homebase                      1.0.1
 hopcroftkarp                  1.2.5
 html5lib                      1.1
 httpstan                      4.10.1
-huggingface-hub               0.17.3
+huggingface-hub               0.15.1
 hurst                         0.0.5
-hvplot                        0.9.0
+hvplot                        0.8.4
 hyperopt                      0.2.7
-ibm-cloud-sdk-core            3.17.2
-ibm-platform-services         0.45.0
 idna                          3.4
 iisignature                   0.24
-ijson                         3.2.3
-imageio                       2.31.6
+ijson                         3.2.2
+imageio                       2.31.1
 imagesize                     1.4.1
-imbalanced-learn              0.11.0
-importlib-metadata            6.8.0
-importlib-resources           6.1.0
+imbalanced-learn              0.10.1
+importlib-metadata            4.13.0
+importlib-resources           5.12.0
 iniconfig                     2.0.0
-injector                      0.21.0
-interpret                     0.4.4
-interpret-core                0.4.4
-ipykernel                     6.25.2
-ipython                       8.12.3
+injector                      0.20.1
+interpret                     0.4.2
+interpret-core                0.4.2
+ipykernel                     6.23.3
+ipython                       8.12.2
 ipython-genutils              0.2.0
-ipywidgets                    8.1.1
+ipywidgets                    8.0.6
 itsdangerous                  2.1.2
 jax                           0.4.13
-jax-jumpy                     1.0.0
 jaxlib                        0.4.13
-jedi                          0.19.1
+jedi                          0.18.2
 Jinja2                        3.1.2
-joblib                        1.3.2
+joblib                        1.3.1
+jqdatasdk                     1.8.11
 json5                         0.9.14
-jsonpatch                     1.33
-jsonpointer                   2.4
-jsonschema                    4.19.1
-jsonschema-specifications     2023.7.1
+jsonpatch                     1.32
+jsonpointer                   2.0
+jsonschema                    4.17.3
 jupyter                       1.0.0
 jupyter-bokeh                 3.0.7
 jupyter-console               6.6.3
+jupyter-dash                  0.4.2
 jupyter-resource-usage        0.7.2
 jupyter-server                1.24.0
-jupyter_client                7.4.9
-jupyter_core                  5.4.0
+jupyter_client                8.3.0
+jupyter_core                  5.3.1
 jupyterlab                    3.4.4
 jupyterlab-pygments           0.2.2
-jupyterlab-widgets            3.0.9
-jupyterlab_server             2.25.0
-keras                         2.13.1
-keras-core                    0.1.5
-keras-nlp                     0.6.1
+jupyterlab-widgets            3.0.7
+jupyterlab_server             2.23.0
+keras                         2.12.0
+keras-nlp                     0.5.2
 keras-rl                      0.4.2
-keras-tuner                   1.4.5
-kiwisolver                    1.4.5
+keras-tuner                   1.3.5
+kiwisolver                    1.4.4
 kmapper                       2.0.1
 korean-lunar-calendar         0.3.1
 kt-legacy                     1.0.5
-langchain                     0.0.316
+langchain                     0.0.218
+langchainplus-sdk             0.0.17
 langcodes                     3.3.0
-langsmith                     0.0.49
-lark                          1.1.8
-lazy_loader                   0.3
+lark                          1.1.5
+lazy_loader                   0.2
 lazypredict                   0.2.12
-libclang                      16.0.6
-lightgbm                      4.1.0
+libclang                      16.0.0
+lightgbm                      3.3.5
 lightning-utilities           0.9.0
 lime                          0.2.0.1
-line-profiler                 4.1.1
+line-profiler                 4.0.3
 linear-operator               0.4.0
 linkify-it-py                 2.0.2
+lit                           16.0.6
 littleutils                   0.2.2
 livelossplot                  0.5.5
 llvmlite                      0.39.1
 locket                        1.0.0
 logical-unification           0.4.6
-lxml                          4.9.3
+LunarCalendar                 0.0.9
+lxml                          4.9.2
 lz4                           4.3.2
 Mako                          1.2.4
-MAPIE                         0.7.0
-Markdown                      3.5
-markdown-it-py                3.0.0
+Markdown                      3.4.3
+markdown-it-py                2.2.0
 MarkupSafe                    2.1.3
-marshmallow                   3.20.1
-matplotlib                    3.7.3
+marshmallow                   3.19.0
+marshmallow-enum              1.5.1
+matplotlib                    3.7.1
 matplotlib-inline             0.1.6
 mdit-py-plugins               0.4.0
 mdurl                         0.1.2
 miniKanren                    1.0.3
 minorminer                    0.2.9
-mistune                       3.0.2
+mistune                       3.0.1
 ml-dtypes                     0.2.0
-mlforecast                    0.9.3
-mljar-supervised              1.0.2
-mlxtend                       0.23.0
+mljar-supervised              1.0.0
+mlxtend                       0.22.0
 mmh3                          2.5.1
-modin                         0.22.3
-mpi4py                        3.1.5
-mplfinance                    0.12.10b0
+modin                         0.22.2
+mpi4py                        3.1.4
+mplfinance                    0.12.9b7
 mpmath                        1.3.0
-msgpack                       1.0.7
+msgpack                       1.0.5
 mthree                        2.5.1
 multidict                     6.0.4
 multipledispatch              1.0.0
-multiprocess                  0.70.15
+multiprocess                  0.70.14
 multitasking                  0.0.11
-murmurhash                    1.0.10
+murmurhash                    1.0.9
 mypy-extensions               1.0.0
-namex                         0.0.7
 nbclassic                     1.0.0
 nbclient                      0.8.0
-nbconvert                     7.9.2
-nbformat                      5.9.2
-nest-asyncio                  1.5.8
+nbconvert                     7.6.0
+nbformat                      5.9.0
+nest-asyncio                  1.5.6
 networkx                      2.8.8
 neural-tangents               0.6.2
 nfoursid                      1.0.1
 nltk                          3.8.1
 nose                          1.3.7
-notebook                      6.5.6
+notebook                      6.5.4
 notebook_shim                 0.2.3
 ntlm-auth                     1.5.0
 numba                         0.56.4
-numcodecs                     0.12.1
-numerapi                      2.16.1
-numexpr                       2.8.6
+numerapi                      2.14.0
+numexpr                       2.8.4
 numpy                         1.23.5
-numpydoc                      1.6.0
-nvidia-cublas-cu12            12.3.2.9
-nvidia-cuda-cupti-cu12        12.1.105
-nvidia-cuda-nvrtc-cu12        12.3.52
-nvidia-cuda-runtime-cu12      12.3.52
-nvidia-cudnn-cu12             8.9.4.25
-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.18.1
-nvidia-nvjitlink-cu12         12.3.52
-nvidia-nvtx-cu12              12.1.105
+numpydoc                      1.5.0
+nvidia-cublas-cu11            11.10.3.66
+nvidia-cuda-cupti-cu11        11.7.101
+nvidia-cuda-nvrtc-cu11        11.7.99
+nvidia-cuda-runtime-cu11      11.7.99
+nvidia-cudnn-cu11             8.5.0.96
+nvidia-cufft-cu11             10.9.0.58
+nvidia-curand-cu11            10.2.10.91
+nvidia-cusolver-cu11          11.4.0.1
+nvidia-cusparse-cu11          11.7.4.91
+nvidia-ml-py                  11.525.112
+nvidia-nccl-cu11              2.14.3
+nvidia-nvtx-cu11              11.7.91
 oauthlib                      3.2.2
-openai                        0.28.1
+openai                        0.27.8
+openapi-schema-pydantic       1.2.4
+opencensus                    0.11.2
+opencensus-context            0.1.3
+opencv-python                 4.8.0.74
 openpyxl                      3.1.2
 opt-einsum                    3.3.0
-optuna                        3.4.0
-orjson                        3.9.9
-ortools                       9.7.2996
+optuna                        3.2.0
+orjson                        3.9.1
+ortools                       9.6.2534
 osqp                          0.6.3
 outdated                      0.2.2
-packaging                     23.2
+packaging                     23.1
 pandas                        1.5.3
 pandas-datareader             0.10.0
-pandas-flavor                 0.6.0
-pandas-market-calendars       4.3.1
-pandas-stubs                  2.0.3.230814
+pandas-flavor                 0.5.0
+pandas-market-calendars       4.1.4
+pandas-stubs                  2.0.1.230501
 pandas-ta                     0.3.14b0
 pandocfilters                 1.5.0
-panel                         1.2.3
-param                         2.0.0
+panel                         1.1.1
+param                         1.13.0
 parso                         0.8.3
-partd                         1.4.1
+partd                         1.4.0
 pastel                        0.2.1
-pathos                        0.3.1
+pathos                        0.3.0
 pathtools                     0.1.2
+pathy                         0.10.2
 patsy                         0.5.3
 pbr                           5.11.1
-peewee                        3.17.0
 penaltymodel                  1.0.2
-PennyLane                     0.32.0
-PennyLane-Lightning           0.32.0
-PennyLane-qiskit              0.32.0
+PennyLane                     0.30.0
+PennyLane-Lightning           0.31.0
+PennyLane-qiskit              0.29.0
 persim                        0.3.1
 pexpect                       4.8.0
 pickleshare                   0.7.5
-Pillow                        10.0.1
+Pillow                        9.5.0
 pingouin                      0.5.3
 pip                           22.3.1
 pkgutil_resolve_name          1.3.10
-platformdirs                  3.11.0
-plotly                        5.17.0
+platformdirs                  3.8.0
+plotly                        5.15.0
+plotly-resampler              0.8.3.2
 plucky                        0.4.3
 pluggy                        1.0.0
 ply                           3.11
 pmdarima                      2.0.3
-polars                        0.19.11
-pomegranate                   1.0.3
-pox                           0.3.3
-ppft                          1.7.6.7
+polars                        0.18.4
+pomegranate                   1.0.0
+pox                           0.3.2
+ppft                          1.7.6.6
 pprofile                      2.1.0
 ppscore                       1.2.0
-preshed                       3.0.9
-prometheus-client             0.17.1
-prompt-toolkit                3.0.39
+preshed                       3.0.8
+prometheus-client             0.17.0
+prompt-toolkit                3.0.38
 property-cached               1.6.4
-prophet                       1.1.5
-protobuf                      4.24.4
-psutil                        5.9.6
+prophet                       1.1.4
+protobuf                      4.23.3
+psutil                        5.9.5
+psycopg2-binary               2.9.6
 ptvsd                         4.3.2
 ptyprocess                    0.7.0
 PuLP                          2.7.0
@@ -389,95 +405,96 @@
 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                         23.9.7
-pyarrow                       13.0.0
+pyaml                         23.5.9
+pyarrow                       12.0.1
 pyasn1                        0.5.0
 pyasn1-modules                0.3.0
-pybind11                      2.11.1
+pybind11                      2.10.4
+pycares                       4.3.0
 pycosat                       0.6.4
 pycparser                     2.21
 pyct                          0.5.0
-pydantic                      1.10.13
+pydantic                      1.10.10
 pydevd-pycharm                231.9225.15
-pydmd                         0.4.1.post2308
+pydmd                         0.4.1.post2306
 pyerfa                        2.0.0.3
+pyfolio                       0.9.2
 pyfolio-reloaded              0.9.5
-Pygments                      2.16.1
-PyJWT                         2.8.0
+Pygments                      2.15.1
 pykalman                      0.9.5
 pylev                         1.4.0
 pyluach                       2.2.0
 pymannkendall                 1.4.3
-pymc                          5.6.1
+pymc                          5.5.0
 pymdptoolbox                  4.0b3
+PyMeeus                       0.5.12
+PyMySQL                       1.1.0
 pynndescent                   0.5.10
 pyod                          1.1.0
-Pyomo                         6.6.2
+Pyomo                         6.6.1
 pyOpenSSL                     22.0.0
-pyparsing                     3.1.1
+pyparsing                     3.1.0
 pyportfolioopt                1.5.5
 pyqubo                        1.3.1
 pyrb                          1.0.1
 pyro-api                      0.1.2
-pyro-ppl                      1.8.6
+pyro-ppl                      1.8.5
+pyrsistent                    0.19.3
 pysimdjson                    5.0.2
 PySocks                       1.7.1
 pystan                        3.7.0
 pytensor                      2.12.3
-pytest                        7.4.3
+pytest                        7.4.0
 python-dateutil               2.8.2
-python-statemachine           2.1.2
+python-statemachine           2.1.0
 pytorch-ignite                0.4.12
-pytorch-lightning             2.1.0
-pytz                          2023.3.post1
-pyvinecopulib                 0.6.3
-pyviz_comms                   3.0.0
+pytorch-lightning             2.0.4
+pytz                          2023.3
+pyvinecopulib                 0.6.2
+pyviz-comms                   2.3.2
 PyWavelets                    1.4.1
-PyYAML                        6.0.1
-pyzmq                         24.0.1
-qdldl                         0.1.7.post0
-qiskit                        0.44.2
-qiskit-aer                    0.12.2
-qiskit-ibm-provider           0.7.1
-qiskit-ibm-runtime            0.13.0
+PyYAML                        6.0
+pyzmq                         25.1.0
+qdldl                         0.1.7
+qiskit                        0.43.2
+qiskit-aer                    0.12.1
 qiskit-ibmq-provider          0.20.2
-qiskit-terra                  0.25.2.1
-qpd                           0.4.4
-qtconsole                     5.4.4
-QtPy                          2.4.1
+qiskit-terra                  0.24.1
+qpd                           0.4.3
+qtconsole                     5.4.3
+QtPy                          2.3.1
 quadprog                      0.1.11
 quantecon                     0.7.1
-QuantLib                      1.31.1
-QuantStats                    0.0.62
+QuantLib                      1.30
+QuantStats                    0.0.61
 rauth                         0.7.3
-ray                           2.7.1
-Rbeast                        0.1.16
-rectangle-packer              2.0.2
-referencing                   0.30.2
-regex                         2023.10.3
-requests                      2.31.0
+ray                           2.5.1
+Rbeast                        0.1.13
+rectangle-packer              2.0.1
+regex                         2023.6.3
+requests                      2.28.1
 requests-ntlm                 1.1.0
 requests-oauthlib             1.3.1
 retrying                      1.3.4
-rich                          13.6.0
+rich                          13.4.2
 ripser                        0.6.4
-Riskfolio-Lib                 4.4.2
+Riskfolio-Lib                 4.4.0
 riskparityportfolio           0.4
 river                         0.14.0
-rpds-py                       0.10.6
 rsa                           4.9
 ruamel.yaml                   0.17.21
 ruamel.yaml.clib              0.2.6
 ruptures                      1.1.8
-rustworkx                     0.13.2
-safetensors                   0.4.0
+rustworkx                     0.13.0
+safetensors                   0.3.1
 SALib                         1.4.7
-scikeras                      0.12.0
-scikit-base                   0.6.0
+scikeras                      0.11.0
+scikit-base                   0.5.0
 scikit-image                  0.21.0
-scikit-learn                  1.3.2
+scikit-learn                  1.2.2
 scikit-learn-extra            0.3.0
 scikit-multiflow              0.5.3
 scikit-optimize               0.9.0
@@ -486,52 +503,50 @@
 scipy                         1.10.1
 scs                           3.2.3
 sdeint                        0.3.0
-seaborn                       0.13.0
+seaborn                       0.12.2
 semantic-version              2.10.0
 Send2Trash                    1.8.2
-sentry-sdk                    1.32.0
-setproctitle                  1.3.3
+sentry-sdk                    1.9.0
+setproctitle                  1.3.2
 setuptools                    65.6.3
-setuptools-scm                8.0.4
-shap                          0.43.0
-Shimmy                        1.3.0
-simplejson                    3.19.2
-simpy                         4.0.2
+setuptools-scm                7.1.0
+shap                          0.41.0
+simplejson                    3.19.1
+simpy                         4.0.1
 six                           1.16.0
 sklearn-json                  0.1.0
 skope-rules                   1.0.1
-sktime                        0.24.0
+sktime                        0.20.0
 slicer                        0.0.7
-smart-open                    6.4.0
-smmap                         5.0.1
+smart-open                    6.3.0
+smmap                         5.0.0
 sniffio                       1.3.0
 snowballstemmer               2.2.0
 sortedcontainers              2.4.0
-soupsieve                     2.5
-spacy                         3.7.2
+soupsieve                     2.4.1
+spacy                         3.5.3
 spacy-legacy                  3.0.12
-spacy-loggers                 1.0.5
-Sphinx                        7.1.2
+spacy-loggers                 1.0.4
+Sphinx                        7.0.1
 sphinxcontrib-applehelp       1.0.4
 sphinxcontrib-devhelp         1.0.2
 sphinxcontrib-htmlhelp        2.0.1
 sphinxcontrib-jsmath          1.0.1
 sphinxcontrib-qthelp          1.0.3
 sphinxcontrib-serializinghtml 1.1.5
-SQLAlchemy                    2.0.22
-sqlglot                       18.16.1
-srsly                         2.4.8
+SQLAlchemy                    1.4.48
+sqlglot                       16.7.7
+srsly                         2.4.6
 ssm                           0.0.1
-stable-baselines3             2.1.0
-stack-data                    0.6.3
-stanio                        0.3.0
-statsforecast                 1.6.0
+stable-baselines3             1.8.0
+stack-data                    0.6.2
+statsforecast                 1.5.0
 statsmodels                   0.13.5
 stellargraph                  1.2.1
 stevedore                     5.1.0
 stochastic                    0.7.0
 stockstats                    0.5.4
-stumpy                        1.12.0
+stumpy                        1.11.1
 symengine                     0.9.2
 sympy                         1.12
 ta                            0.10.2
@@ -540,96 +555,95 @@
 tabulate                      0.8.10
 tadasets                      0.0.4
 tbats                         1.1.3
-tblib                         3.0.0
-tenacity                      8.2.3
-tensorboard                   2.13.0
-tensorboard-data-server       0.7.2
-tensorboardX                  2.6.2.2
-tensorflow                    2.13.1
-tensorflow-addons             0.21.0
-tensorflow-decision-forests   1.5.0
-tensorflow-estimator          2.13.0
-tensorflow-hub                0.15.0
-tensorflow-io-gcs-filesystem  0.34.0
-tensorflow-probability        0.21.0
-tensorflow-ranking            0.5.3
-tensorflow-serving-api        2.13.1
-tensorflow-text               2.13.0
+tblib                         2.0.0
+tenacity                      8.2.2
+tensorboard                   2.12.3
+tensorboard-data-server       0.7.1
+tensorboardX                  2.6.1
+tensorflow                    2.12.0
+tensorflow-addons             0.20.0
+tensorflow-decision-forests   1.3.0
+tensorflow-estimator          2.12.0
+tensorflow-hub                0.13.0
+tensorflow-io-gcs-filesystem  0.32.0
+tensorflow-probability        0.20.1
+tensorflow-ranking            0.5.1
+tensorflow-serving-api        2.12.1
+tensorflow-text               2.12.1
 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.3.0
 terminado                     0.17.1
-tf2jax                        0.3.5
-thinc                         8.2.1
-threadpoolctl                 3.2.0
+tf2jax                        0.3.4
+thinc                         8.1.10
+threadpoolctl                 3.1.0
+thriftpy2                     0.4.16
 thundergbm                    0.3.17
 tick                          0.7.0.1
-tifffile                      2023.7.10
-tigramite                     5.2.3.1
+tifffile                      2023.4.12
+tigramite                     5.2.1.8
 tinycss2                      1.2.1
-tokenizers                    0.14.1
+tokenizers                    0.13.3
 toml                          0.10.2
 tomli                         2.0.1
 toolz                         0.12.0
-torch                         2.1.0
-torch-cluster                 1.6.3
-torch-scatter                 2.1.2
-torch-sparse                  0.6.18
+torch                         2.0.1
+torch-cluster                 1.6.1
+torch-geometric               2.3.1
+torch-scatter                 2.1.1
+torch-sparse                  0.6.17
 torch-spline-conv             1.2.2
-torch_geometric               2.4.0
-torchmetrics                  1.2.0
-torchvision                   0.16.0
-tornado                       6.3.3
+torchmetrics                  0.11.4
+torchvision                   0.15.2
+tornado                       6.3.2
 tqdm                          4.64.1
-traitlets                     5.11.2
-transformers                  4.34.0
+trace-updater                 0.0.9.1
+trading-calendars             2.1.1
+traitlets                     5.9.0
+transformers                  4.30.2
 treeinterpreter               0.2.3
-triad                         0.9.1
-triton                        2.1.0
+triad                         0.9.0
+triton                        2.0.0
 tsfresh                       0.20.1
-tslearn                       0.6.2
+tslearn                       0.5.3.2
 tweepy                        4.14.0
 typeguard                     2.13.3
 typer                         0.3.2
-types-pytz                    2023.3.1.1
+types-pytz                    2023.3.0.0
 typing-inspect                0.9.0
-typing_extensions             4.5.0
+typing_extensions             4.7.0
 uc-micro-py                   1.0.2
 umap-learn                    0.5.3
-urllib3                       1.26.14
-wandb                         0.15.12
+urllib3                       1.24.3
+virtualenv                    20.21.0
+wandb                         0.15.4
 wasabi                        1.1.2
-wcwidth                       0.2.8
-weasel                        0.3.3
-webargs                       8.3.0
+wcwidth                       0.2.6
+webargs                       8.2.0
 webencodings                  0.5.1
-websocket-client              1.6.4
-websockets                    12.0
+websocket-client              1.6.1
+websockets                    11.0.3
 Werkzeug                      2.2.3
 wheel                         0.37.1
-widgetsnbextension            4.0.9
-window-ops                    0.0.14
-woodwork                      0.26.0
+widgetsnbextension            4.0.7
+woodwork                      0.24.0
 wordcloud                     1.9.2
 wrapt                         1.14.1
+wrds                          3.1.6
 wurlitzer                     3.0.3
 xarray                        2023.1.0
 xarray-einstats               0.5.1
-xgboost                       2.0.0
+xgboost                       1.7.6
 xlrd                          2.0.1
-XlsxWriter                    3.1.9
-xyzservices                   2023.10.0
+XlsxWriter                    3.1.2
+xyzservices                   2023.5.0
 yarl                          1.9.2
 yellowbrick                   1.5
-yfinance                      0.2.31
-zarr                          2.16.1
+yfinance                      0.2.22
 zict                          3.0.0
-zipp                          3.17.0
+zipp                          3.15.0
 zope.event                    5.0
-zope.interface                6.1
+zope.interface                6.0
 zstandard                     0.18.0
 
 # Name                               Version
@@ -639,6 +653,7 @@ traitlets                     5.11.2
 Accord.Math                          3.6.0
 Accord.Statistics                    3.6.0
 CloneExtensions                      1.3.0
+CoinAPI.WebSocket.V1                 1.6.7
 Common.Logging                       3.4.1
 Common.Logging.Core                  3.4.1
 CsvHelper                            19.0.0
@@ -646,6 +661,8 @@ traitlets                     5.11.2
 DotNetZip                            1.16.0
 DynamicInterop                       0.9.1
 fasterflect                          3.0.0
+IQFeed.CSharpApiClient               2.5.1
+LaunchDarkly.EventSource             3.3.2
 MathNet.Numerics                     5.0.0
 McMaster.Extensions.CommandLineUtils 2.6.0
 Microsoft.IO.RecyclableMemoryStream  2.3.2
@@ -657,9 +674,11 @@ traitlets                     5.11.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.24
+QuantConnect.pythonnet               2.0.25
 RestSharp                            106.12.0
 SharpZipLib                          1.3.3
 System.ComponentModel.Composition    6.0.0
@@ -688,8 +707,6 @@ traitlets                     5.11.2
 Microsoft.ML.TimeSeries              2.0.1
 NumSharp                             0.30.0
 OpenAI                               1.7.2
-Plotly.NET                           3.0.1
-Plotly.NET.Interactive               3.0.2
 R.NET                                1.9.0
 SharpLearning.AdaBoost               0.31.8
 SharpLearning.Common.Interfaces      0.31.8
diff --git a/code-generators/get-libraries.py b/code-generators/get-libraries.py
index 19be365d12..e476dbbd05 100644
--- a/code-generators/get-libraries.py
+++ b/code-generators/get-libraries.py
@@ -1,23 +1,25 @@
 from os import path, popen
-    
+from pathlib import Path
 if __name__ == '__main__':
+
+    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 '
 
     cmds_by_file = {
         'supported-libraries.php': {
             'python': f'{docker_run} "pip list"',
-            'csharp': 'dotnet list ../Lean/QuantConnect.Lean.sln package'
+            'csharp': f'dotnet list {lean_sln.resolve()} package'
         },
         'supported-libraries-foundation-pomegranate.html': {
             'python': f'{docker_run} ". /Foundation-Pomegranate/bin/activate && pip list"'
         }
     }
 
-    # Install Lean
-    if not path.isfile("../Lean/QuantConnect.Lean.sln"):
-        popen("git clone https://github.com/QuantConnect/Lean.git ../Lean").close()
-        popen("dotnet restore ../Lean/QuantConnect.Lean.sln").close()
-
     package_reference = '''