Machine-Learning Python General-Purpose Machine Learning

Back

1. Microsoft ML for Apache Spark

2. Shapley

3. ML Model building

4. ML/DL project template

5. PyTorch Geometric Temporal

6. Little Ball of Fur

7. Karate Club

8. Auto_ViML

9. PyOD

10. steppy

11. steppy-toolkit

12. CNTK

Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit. Documentation can be found [here](https://docs.microsoft.com/cognitive-toolkit/).

13. Couler

Unified interface for constructing and managing machine learning workflows on different workflow engines, such as Argo Workflows, Tekton Pipelines, and Apache Airflow.

14. auto_ml

Automated machine learning for production and analytics. Lets you focus on the fun parts of ML, while outputting production-ready code, and detailed analytics of your dataset and results. Includes support for NLP, XGBoost, CatBoost, LightGBM, and soon, deep learning.

15. machine learning

automated build consisting of a [web-interface](https://github.com/jeff1evesque/machine-learning#web-interface), and set of [programmatic-interface](https://github.com/jeff1evesque/machine-learning#programmatic-interface) API, for support vector machines. Corresponding dataset(s) are stored into a SQL database, then generated model(s) used for prediction(s), are stored into a NoSQL datastore.

16. XGBoost

Python bindings for eXtreme Gradient Boosting (Tree) Library.

17. Apache SINGA

An Apache Incubating project for developing an open source machine learning library.

18. Bayesian Methods for Hackers

Book/iPython notebooks on Probabilistic Programming in Python.

19. Featureforge

20. MLlib in Apache Spark

Distributed machine learning library in Spark

21. Hydrosphere Mist

a service for deployment Apache Spark MLLib machine learning models as realtime, batch or reactive web services.

22. scikit-learn

A Python module for machine learning built on top of SciPy.

23. metric-learn

A Python module for metric learning.

24. Intel(R) Extension for Scikit-learn

A seamless way to speed up your Scikit-learn applications with no accuracy loss and code changes.

25. SimpleAI

26. astroML

Machine Learning and Data Mining for Astronomy.

27. graphlab-create

A library with various machine learning models (regression, clustering, recommender systems, graph analytics, etc.) implemented on top of a disk-backed DataFrame.

28. BigML

A library that contacts external servers.

29. pattern

Web mining module for Python.

30. NuPIC

Numenta Platform for Intelligent Computing.

31. keras

High-level neural networks frontend for [TensorFlow](https://github.com/tensorflow/tensorflow), [CNTK](https://github.com/Microsoft/CNTK) and [Theano](https://github.com/Theano/Theano).

32. Lasagne

Lightweight library to build and train neural networks in Theano.

33. Chainer

Flexible neural network framework.

34. prophet

Fast and automated time series forecasting framework by Facebook.

35. gensim

Topic Modelling for Humans.

36. PyBrain

Another Python Machine Learning Library.

37. Brainstorm

Fast, flexible and fun neural networks. This is the successor of PyBrain.

38. Surprise

A scikit for building and analyzing recommender systems.

39. implicit

Fast Python Collaborative Filtering for Implicit Datasets.

40. LightFM

A Python implementation of a number of popular recommendation algorithms for both implicit and explicit feedback.

41. python-recsys

A Python library for implementing a Recommender System.

42. thinking bayes

Book on Bayesian Analysis.

43. Image-to-Image Translation with Conditional Adversarial Networks

Implementation of image to image (pix2pix) translation from the paper by [isola et al](https://arxiv.org/pdf/1611.07004.pdf).[DEEP LEARNING]

44. Restricted Boltzmann Machines

45. nilearn

Machine learning for NeuroImaging in Python.

46. neuropredict

Aimed at novice machine learners and non-expert programmers, this package offers easy (no coding needed) and comprehensive machine learning (evaluation and full report of predictive performance WITHOUT requiring you to code) in Python for NeuroImaging and any other type of features. This is aimed at absorbing much of the ML workflow, unlike other packages like nilearn and pymvpa, which require you to learn their API and code to produce anything useful.

47. imbalanced-learn

Python module to perform under sampling and oversampling with various techniques.

48. imbalanced-ensemble

Python toolbox for quick implementation, modification, evaluation, and visualization of ensemble learning algorithms for class-imbalanced data. Supports out-of-the-box multi-class imbalanced (long-tailed) classification.

49. Shogun

The Shogun Machine Learning Toolbox.

50. Caffe

A deep learning framework developed with cleanliness, readability, and speed in mind.

51. breze

Theano based library for deep and recurrent neural networks.

52. Cortex

Open source platform for deploying machine learning models in production.

53. pyhsmm

library for approximate unsupervised inference in Bayesian Hidden Markov Models (HMMs) and explicit-duration Hidden semi-Markov Models (HSMMs), focusing on the Bayesian Nonparametric extensions, the HDP-HMM and HDP-HSMM, mostly with weak-limit approximations.

54. SKLL

A wrapper around scikit-learn that makes it simpler to conduct experiments.

55. neurolab

56. Theano

Optimizing GPU-meta-programming code generating array oriented optimizing math compiler in Python.

57. TensorFlow

Open source software library for numerical computation using data flow graphs.

58. pomegranate

Hidden Markov Models for Python, implemented in Cython for speed and efficiency.

59. python-timbl

A Python extension module wrapping the full TiMBL C++ programming interface. Timbl is an elaborate k-Nearest Neighbours machine learning toolkit.

60. deap

Evolutionary algorithm framework.

61. mlxtend

A library consisting of useful tools for data science and machine learning tasks.

62. Optunity

A library dedicated to automated hyperparameter optimization with a simple, lightweight API to facilitate drop-in replacement of grid search.

63. Neural Networks and Deep Learning

Code samples for my book "Neural Networks and Deep Learning" [DEEP LEARNING].

64. Annoy

Approximate nearest neighbours implementation.

65. TPOT

Tool that automatically creates and optimizes machine learning pipelines using genetic programming. Consider it your personal data science assistant, automating a tedious part of machine learning.

66. pgmpy

67. DIGITS

The Deep Learning GPU Training System (DIGITS) is a web application for training deep learning models.

68. Orange

Open source data visualization and data analysis for novices and experts.

69. MXNet

Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Go, Javascript and more.

70. TFLearn

Deep learning library featuring a higher-level API for TensorFlow.

71. rgf_python

Python bindings for Regularized Greedy Forest (Tree) Library.

72. skbayes

Python package for Bayesian Machine Learning with scikit-learn API.

73. fuku-ml

Simple machine learning library, including Perceptron, Regression, Support Vector Machine, Decision Tree and more, it's easy to use and easy to learn for beginners.

74. Xcessiv

A web-based application for quick, scalable, and automated hyperparameter tuning and stacked ensembling.

75. PyTorch

Tensors and Dynamic neural networks in Python with strong GPU acceleration

76. PyTorch Lightning

The lightweight PyTorch wrapper for high-performance AI research.

77. PyTorch Lightning Bolts

Toolbox of models, callbacks, and datasets for AI/ML researchers.

78. skorch

A scikit-learn compatible neural network library that wraps PyTorch.

79. ML-From-Scratch

Implementations of Machine Learning models from scratch in Python with a focus on transparency. Aims to showcase the nuts and bolts of ML in an accessible way.

80. Edward

A library for probabilistic modeling, inference, and criticism. Built on top of TensorFlow.

81. xRBM

A library for Restricted Boltzmann Machine (RBM) and its conditional variants in Tensorflow.

82. CatBoost

General purpose gradient boosting on decision trees library with categorical features support out of the box. It is easy to install, well documented and supports CPU and GPU (even multi-GPU) computation.

83. stacked_generalization

Implementation of machine learning stacking technique as a handy library in Python.

84. modAL

A modular active learning framework for Python, built on top of scikit-learn.

85. Cogitare

86. Parris

Parris, the automated infrastructure setup tool for machine learning algorithms.

87. neonrvm

neonrvm is an open source machine learning library based on RVM technique. It's written in C programming language and comes with Python programming language bindings.

88. Turi Create

Machine learning from Apple. Turi Create simplifies the development of custom machine learning models. You don't have to be a machine learning expert to add recommendations, object detection, image classification, image similarity or activity classification to your app.

89. xLearn

A high performance, easy-to-use, and scalable machine learning package, which can be used to solve large-scale machine learning problems. xLearn is especially useful for solving machine learning problems on large-scale sparse data, which is very common in Internet services such as online advertisement and recommender systems.

90. mlens

A high performance, memory efficient, maximally parallelized ensemble learning, integrated with scikit-learn.

91. Netron

Visualizer for machine learning models.

92. Thampi

Machine Learning Prediction System on AWS Lambda

93. MindsDB

Open Source framework to streamline use of neural networks.

94. Microsoft Recommenders

95. StellarGraph

96. BentoML

97. MiraiML

98. numpy-ML

99. Neuraxle

100. Cornac

A comparative framework for multimodal recommender systems with a focus on models leveraging auxiliary data.

101. JAX

JAX is Autograd and XLA, brought together for high-performance machine learning research.

102. Catalyst

High-level utils for PyTorch DL & RL research. It was developed with a focus on reproducibility, fast experimentation and code/ideas reusing. Being able to research/develop something new, rather than write another regular train loop.

103. Fastai

High-level wrapper built on the top of Pytorch which supports vision, text, tabular data and collaborative filtering.

104. scikit-multiflow

A machine learning framework for multi-output/multi-label and stream data.

105. Lightwood

A Pytorch based framework that breaks down machine learning problems into smaller blocks that can be glued together seamlessly with objective to build predictive models with one line of code.

106. bayeso

A simple, but essential Bayesian optimization package, written in Python.

107. mljar-supervised

An Automated Machine Learning (AutoML) python package for tabular data. It can handle: Binary Classification, MultiClass Classification and Regression. It provides explanations and markdown reports.

108. evostra

A fast Evolution Strategy implementation in Python.

109. Determined

Scalable deep learning training platform, including integrated support for distributed training, hyperparameter tuning, experiment tracking, and model management.

110. PySyft

A Python library for secure and private Deep Learning built on PyTorch and TensorFlow.

111. PyGrid

Peer-to-peer network of data owners and data scientists who can collectively train AI models using PySyft

112. sktime

A unified framework for machine learning with time series

113. OPFython

A Python-inspired implementation of the Optimum-Path Forest classifier.

114. Opytimizer

Python-based meta-heuristic optimization techniques.

115. Gradio

A Python library for quickly creating and sharing demos of models. Debug models interactively in your browser, get feedback from collaborators, and generate public links without deploying anything.

116. Hub

Fastest unstructured dataset management for TensorFlow/PyTorch. Stream & version-control data. Store even petabyte-scale data in a single numpy-like array on the cloud accessible on any machine. Visit [activeloop.ai](https://activeloop.ai) for more info.

117. Synthia

Multidimensional synthetic data generation in Python.

118. ByteHub

An easy-to-use, Python-based feature store. Optimized for time-series data.

119. Backprop

Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.

120. River

121. FEDOT

122. Sklearn-genetic-opt

123. Evidently

124. Streamlit

125. Optuna