|
32 | 32 | - [TensorFlow](#tensorflow)
|
33 | 33 | - [MXNet](#mxnet)
|
34 | 34 | - [Others](#others)
|
| 35 | +- [Time Series](#time-series) |
| 36 | +- [Natural Language Processing](#natural-language-processing) |
| 37 | +- [Computer Audition](#computer-audition) |
| 38 | +- [Computer Vision](#computer-vision) |
35 | 39 | - [Reinforcement Learning](#reinforcement-learning)
|
36 | 40 | - [Graph Machine Learning](#graph-machine-learning)
|
37 | 41 | - [Probabilistic Graphical Models](#probabilistic-graphical-models)
|
|
54 | 58 | - [Model Explanation](#model-explanation)
|
55 | 59 | - [Genetic Programming](#genetic-programming)
|
56 | 60 | - [Optimization](#optimization)
|
57 |
| -- [Time Series](#time-series) |
58 |
| -- [Natural Language Processing](#natural-language-processing) |
59 |
| -- [Computer Audition](#computer-audition) |
60 |
| -- [Computer Vision](#computer-vision) |
61 | 61 | - [Statistics](#statistics)
|
62 | 62 | - [Distributed Computing](#distributed-computing)
|
63 | 63 | - [Experimentation](#experimentation)
|
|
183 | 183 | * [nnabla](https://github.com/sony/nnabla) - Neural Network Libraries by Sony.
|
184 | 184 | * [Caffe](https://github.com/BVLC/caffe) - A fast open framework for deep learning.
|
185 | 185 |
|
| 186 | +## Time Series |
| 187 | +* [sktime](https://github.com/alan-turing-institute/sktime) - A unified framework for machine learning with time series. <img height="20" src="img/sklearn_big.png" alt="sklearn"> |
| 188 | +* [darts](https://github.com/unit8co/darts) - A python library for easy manipulation and forecasting of time series. |
| 189 | +* [statsforecast](https://github.com/Nixtla/statsforecast) - Lightning fast forecasting with statistical and econometric models. |
| 190 | +* [mlforecast](https://github.com/Nixtla/mlforecast) - Scalable machine learning-based time series forecasting. |
| 191 | +* [neuralforecast](https://github.com/Nixtla/neuralforecast) - Scalable machine learning-based time series forecasting. |
| 192 | +* [tslearn](https://github.com/rtavenar/tslearn) - Machine learning toolkit dedicated to time-series data. <img height="20" src="img/sklearn_big.png" alt="sklearn"> |
| 193 | +* [tick](https://github.com/X-DataInitiative/tick) - Module for statistical learning, with a particular emphasis on time-dependent modeling. <img height="20" src="img/sklearn_big.png" alt="sklearn"> |
| 194 | +* [greykite](https://github.com/linkedin/greykite) - A flexible, intuitive, and fast forecasting library next. |
| 195 | +* [Prophet](https://github.com/facebook/prophet) - Automatic Forecasting Procedure. |
| 196 | +* [PyFlux](https://github.com/RJT1990/pyflux) - Open source time series library for Python. |
| 197 | +* [bayesloop](https://github.com/christophmark/bayesloop) - Probabilistic programming framework that facilitates objective model selection for time-varying parameter models. |
| 198 | +* [luminol](https://github.com/linkedin/luminol) - Anomaly Detection and Correlation library. |
| 199 | +* [dateutil](https://dateutil.readthedocs.io/en/stable/) - Powerful extensions to the standard datetime module |
| 200 | +* [maya](https://github.com/timofurrer/maya) - makes it very easy to parse a string and for changing timezones |
| 201 | +* [Chaos Genius](https://github.com/chaos-genius/chaos_genius) - ML powered analytics engine for outlier/anomaly detection and root cause analysis |
| 202 | + |
| 203 | +## Natural Language Processing |
| 204 | +* [torchtext](https://github.com/pytorch/text) - Data loaders and abstractions for text and NLP. <img height="20" src="img/pytorch_big2.png" alt="PyTorch based/compatible"> |
| 205 | +* [gluon-nlp](https://github.com/dmlc/gluon-nlp) - NLP made easy. <img height="20" src="img/mxnet_big.png" alt="MXNet based"> |
| 206 | +* [KerasNLP](https://github.com/keras-team/keras-nlp) - Modular Natural Language Processing workflows with Keras. <img height="20" src="img/keras_big.png" alt="Keras based/compatible"> |
| 207 | +* [spaCy](https://spacy.io/) - Industrial-Strength Natural Language Processing. |
| 208 | +* [NLTK](https://github.com/nltk/nltk) - Modules, data sets, and tutorials supporting research and development in Natural Language Processing. |
| 209 | +* [CLTK](https://github.com/cltk/cltk) - The Classical Language Toolkik. |
| 210 | +* [gensim](https://radimrehurek.com/gensim/) - Topic Modelling for Humans. |
| 211 | +* [pyMorfologik](https://github.com/dmirecki/pyMorfologik) - Python binding for <a href="https://github.com/morfologik/morfologik-stemming">Morfologik</a>. |
| 212 | +* [skift](https://github.com/shaypal5/skift) - Scikit-learn wrappers for Python fastText. <img height="20" src="img/sklearn_big.png" alt="sklearn"> |
| 213 | +* [Phonemizer](https://github.com/bootphon/phonemizer) - Simple text-to-phonemes converter for multiple languages. |
| 214 | +* [flair](https://github.com/zalandoresearch/flair) - Very simple framework for state-of-the-art NLP. |
| 215 | + |
| 216 | +## Computer Audition |
| 217 | +* [torchaudio](https://github.com/pytorch/audio) - An audio library for PyTorch. <img height="20" src="img/pytorch_big2.png" alt="PyTorch based/compatible"> |
| 218 | +* [librosa](https://github.com/librosa/librosa) - Python library for audio and music analysis. |
| 219 | +* [Yaafe](https://github.com/Yaafe/Yaafe) - Audio features extraction. |
| 220 | +* [aubio](https://github.com/aubio/aubio) - A library for audio and music analysis. |
| 221 | +* [Essentia](https://github.com/MTG/essentia) - Library for audio and music analysis, description, and synthesis. |
| 222 | +* [LibXtract](https://github.com/jamiebullock/LibXtract) - A simple, portable, lightweight library of audio feature extraction functions. |
| 223 | +* [Marsyas](https://github.com/marsyas/marsyas) - Music Analysis, Retrieval, and Synthesis for Audio Signals. |
| 224 | +* [muda](https://github.com/bmcfee/muda) - A library for augmenting annotated audio data. |
| 225 | +* [madmom](https://github.com/CPJKU/madmom) - Python audio and music signal processing library. |
| 226 | + |
| 227 | +## Computer Vision |
| 228 | +* [torchvision](https://github.com/pytorch/vision) - Datasets, Transforms, and Models specific to Computer Vision. <img height="20" src="img/pytorch_big2.png" alt="PyTorch based/compatible"> |
| 229 | +* [gluon-cv](https://github.com/dmlc/gluon-cv) - Provides implementations of the state-of-the-art deep learning models in computer vision. <img height="20" src="img/mxnet_big.png" alt="MXNet based"> |
| 230 | +* [KerasCV](https://github.com/keras-team/keras-cv) - Industry-strength Computer Vision workflows with Keras. <img height="20" src="img/keras_big.png" alt="MXNet based"> |
| 231 | +* [OpenCV](https://github.com/opencv/opencv) - Open Source Computer Vision Library. |
| 232 | +* [scikit-image](https://github.com/scikit-image/scikit-image) - Image Processing SciKit (Toolbox for SciPy). |
| 233 | +* [imgaug](https://github.com/aleju/imgaug) - Image augmentation for machine learning experiments. |
| 234 | +* [imgaug_extension](https://github.com/cadenai/imgaug_extension) - Additional augmentations for imgaug. |
| 235 | +* [Augmentor](https://github.com/mdbloice/Augmentor) - Image augmentation library in Python for machine learning. |
| 236 | +* [albumentations](https://github.com/albu/albumentations) - Fast image augmentation library and easy-to-use wrapper around other libraries. |
| 237 | + |
186 | 238 | ## Reinforcement Learning
|
187 | 239 | * [Gymnasium](https://github.com/Farama-Foundation/Gymnasium) - An API standard for single-agent reinforcement learning environments, with popular reference environments and related utilities (formerly [Gym](https://github.com/openai/gym)).
|
188 | 240 | * [Stable Baselines3](https://github.com/DLR-RM/stable-baselines3) - A set of improved implementations of reinforcement learning algorithms based on OpenAI Baselines.
|
|
350 | 402 | * [nlopt](https://github.com/stevengj/nlopt) - Library for nonlinear optimization (global and local, constrained or unconstrained).
|
351 | 403 | * [OR-Tools](https://developers.google.com/optimization) - An open-source software suite for optimization by Google; provides a unified programming interface to a half dozen solvers: SCIP, GLPK, GLOP, CP-SAT, CPLEX, and Gurobi.
|
352 | 404 |
|
353 |
| -## Time Series |
354 |
| -* [sktime](https://github.com/alan-turing-institute/sktime) - A unified framework for machine learning with time series. <img height="20" src="img/sklearn_big.png" alt="sklearn"> |
355 |
| -* [darts](https://github.com/unit8co/darts) - A python library for easy manipulation and forecasting of time series. |
356 |
| -* [statsforecast](https://github.com/Nixtla/statsforecast) - Lightning fast forecasting with statistical and econometric models. |
357 |
| -* [mlforecast](https://github.com/Nixtla/mlforecast) - Scalable machine learning-based time series forecasting. |
358 |
| -* [neuralforecast](https://github.com/Nixtla/neuralforecast) - Scalable machine learning-based time series forecasting. |
359 |
| -* [tslearn](https://github.com/rtavenar/tslearn) - Machine learning toolkit dedicated to time-series data. <img height="20" src="img/sklearn_big.png" alt="sklearn"> |
360 |
| -* [tick](https://github.com/X-DataInitiative/tick) - Module for statistical learning, with a particular emphasis on time-dependent modeling. <img height="20" src="img/sklearn_big.png" alt="sklearn"> |
361 |
| -* [greykite](https://github.com/linkedin/greykite) - A flexible, intuitive, and fast forecasting library next. |
362 |
| -* [Prophet](https://github.com/facebook/prophet) - Automatic Forecasting Procedure. |
363 |
| -* [PyFlux](https://github.com/RJT1990/pyflux) - Open source time series library for Python. |
364 |
| -* [bayesloop](https://github.com/christophmark/bayesloop) - Probabilistic programming framework that facilitates objective model selection for time-varying parameter models. |
365 |
| -* [luminol](https://github.com/linkedin/luminol) - Anomaly Detection and Correlation library. |
366 |
| -* [dateutil](https://dateutil.readthedocs.io/en/stable/) - Powerful extensions to the standard datetime module |
367 |
| -* [maya](https://github.com/timofurrer/maya) - makes it very easy to parse a string and for changing timezones |
368 |
| -* [Chaos Genius](https://github.com/chaos-genius/chaos_genius) - ML powered analytics engine for outlier/anomaly detection and root cause analysis |
369 |
| - |
370 |
| -## Natural Language Processing |
371 |
| -* [torchtext](https://github.com/pytorch/text) - Data loaders and abstractions for text and NLP. <img height="20" src="img/pytorch_big2.png" alt="PyTorch based/compatible"> |
372 |
| -* [gluon-nlp](https://github.com/dmlc/gluon-nlp) - NLP made easy. <img height="20" src="img/mxnet_big.png" alt="MXNet based"> |
373 |
| -* [KerasNLP](https://github.com/keras-team/keras-nlp) - Modular Natural Language Processing workflows with Keras. <img height="20" src="img/keras_big.png" alt="Keras based/compatible"> |
374 |
| -* [spaCy](https://spacy.io/) - Industrial-Strength Natural Language Processing. |
375 |
| -* [NLTK](https://github.com/nltk/nltk) - Modules, data sets, and tutorials supporting research and development in Natural Language Processing. |
376 |
| -* [CLTK](https://github.com/cltk/cltk) - The Classical Language Toolkik. |
377 |
| -* [gensim](https://radimrehurek.com/gensim/) - Topic Modelling for Humans. |
378 |
| -* [pyMorfologik](https://github.com/dmirecki/pyMorfologik) - Python binding for <a href="https://github.com/morfologik/morfologik-stemming">Morfologik</a>. |
379 |
| -* [skift](https://github.com/shaypal5/skift) - Scikit-learn wrappers for Python fastText. <img height="20" src="img/sklearn_big.png" alt="sklearn"> |
380 |
| -* [Phonemizer](https://github.com/bootphon/phonemizer) - Simple text-to-phonemes converter for multiple languages. |
381 |
| -* [flair](https://github.com/zalandoresearch/flair) - Very simple framework for state-of-the-art NLP. |
382 |
| - |
383 |
| - |
384 |
| -## Computer Audition |
385 |
| -* [torchaudio](https://github.com/pytorch/audio) - An audio library for PyTorch. <img height="20" src="img/pytorch_big2.png" alt="PyTorch based/compatible"> |
386 |
| -* [librosa](https://github.com/librosa/librosa) - Python library for audio and music analysis. |
387 |
| -* [Yaafe](https://github.com/Yaafe/Yaafe) - Audio features extraction. |
388 |
| -* [aubio](https://github.com/aubio/aubio) - A library for audio and music analysis. |
389 |
| -* [Essentia](https://github.com/MTG/essentia) - Library for audio and music analysis, description, and synthesis. |
390 |
| -* [LibXtract](https://github.com/jamiebullock/LibXtract) - A simple, portable, lightweight library of audio feature extraction functions. |
391 |
| -* [Marsyas](https://github.com/marsyas/marsyas) - Music Analysis, Retrieval, and Synthesis for Audio Signals. |
392 |
| -* [muda](https://github.com/bmcfee/muda) - A library for augmenting annotated audio data. |
393 |
| -* [madmom](https://github.com/CPJKU/madmom) - Python audio and music signal processing library. |
394 |
| - |
395 |
| -## Computer Vision |
396 |
| -* [torchvision](https://github.com/pytorch/vision) - Datasets, Transforms, and Models specific to Computer Vision. <img height="20" src="img/pytorch_big2.png" alt="PyTorch based/compatible"> |
397 |
| -* [gluon-cv](https://github.com/dmlc/gluon-cv) - Provides implementations of the state-of-the-art deep learning models in computer vision. <img height="20" src="img/mxnet_big.png" alt="MXNet based"> |
398 |
| -* [KerasCV](https://github.com/keras-team/keras-cv) - Industry-strength Computer Vision workflows with Keras. <img height="20" src="img/keras_big.png" alt="MXNet based"> |
399 |
| -* [OpenCV](https://github.com/opencv/opencv) - Open Source Computer Vision Library. |
400 |
| -* [scikit-image](https://github.com/scikit-image/scikit-image) - Image Processing SciKit (Toolbox for SciPy). |
401 |
| -* [imgaug](https://github.com/aleju/imgaug) - Image augmentation for machine learning experiments. |
402 |
| -* [imgaug_extension](https://github.com/cadenai/imgaug_extension) - Additional augmentations for imgaug. |
403 |
| -* [Augmentor](https://github.com/mdbloice/Augmentor) - Image augmentation library in Python for machine learning. |
404 |
| -* [albumentations](https://github.com/albu/albumentations) - Fast image augmentation library and easy-to-use wrapper around other libraries. |
405 |
| - |
406 | 405 | ## Statistics
|
407 | 406 | * [pandas_summary](https://github.com/mouradmourafiq/pandas-summary) - Extension to pandas dataframes describe function. <img height="20" src="img/pandas_big.png" alt="pandas compatible">
|
408 | 407 | * [Pandas Profiling](https://github.com/pandas-profiling/pandas-profiling) - Create HTML profiling reports from pandas DataFrame objects. <img height="20" src="img/pandas_big.png" alt="pandas compatible">
|
|
0 commit comments