Machine Learning Algorithms
   HOME

TheInfoList



OR:

The following outline is provided as an overview of, and topical guide to, machine learning: Machine learning (ML) is a subfield of
artificial intelligence Artificial intelligence (AI) is the capability of computer, computational systems to perform tasks typically associated with human intelligence, such as learning, reasoning, problem-solving, perception, and decision-making. It is a field of re ...
within
computer science Computer science is the study of computation, information, and automation. Computer science spans Theoretical computer science, theoretical disciplines (such as algorithms, theory of computation, and information theory) to Applied science, ...
that evolved from the study of
pattern recognition Pattern recognition is the task of assigning a class to an observation based on patterns extracted from data. While similar, pattern recognition (PR) is not to be confused with pattern machines (PM) which may possess PR capabilities but their p ...
and
computational learning theory In computer science, computational learning theory (or just learning theory) is a subfield of artificial intelligence devoted to studying the design and analysis of machine learning algorithms. Overview Theoretical results in machine learning m ...
.http://www.britannica.com/EBchecked/topic/1116194/machine-learning In 1959, Arthur Samuel defined machine learning as a "field of study that gives computers the ability to learn without being explicitly programmed". ML involves the study and construction of
algorithm In mathematics and computer science, an algorithm () is a finite sequence of Rigour#Mathematics, mathematically rigorous instructions, typically used to solve a class of specific Computational problem, problems or to perform a computation. Algo ...
s that can
learn Learning is the process of acquiring new understanding, knowledge, behaviors, skills, value (personal and cultural), values, Attitude (psychology), attitudes, and preferences. The ability to learn is possessed by humans, non-human animals, and ...
from and make predictions on
data Data ( , ) are a collection of discrete or continuous values that convey information, describing the quantity, quality, fact, statistics, other basic units of meaning, or simply sequences of symbols that may be further interpreted for ...
. These algorithms operate by building a
model A model is an informative representation of an object, person, or system. The term originally denoted the plans of a building in late 16th-century English, and derived via French and Italian ultimately from Latin , . Models can be divided in ...
from a training set of example observations to make data-driven predictions or decisions expressed as outputs, rather than following strictly static program instructions.


How can machine learning be categorized?

* An
academic discipline An academic discipline or academic field is a subdivision of knowledge that is taught and researched at the college or university level. Disciplines are defined (in part) and recognized by the academic journals in which research is published, a ...
* A branch of
science Science is a systematic discipline that builds and organises knowledge in the form of testable hypotheses and predictions about the universe. Modern science is typically divided into twoor threemajor branches: the natural sciences, which stu ...
** An
applied science Applied science is the application of the scientific method and scientific knowledge to attain practical goals. It includes a broad range of disciplines, such as engineering and medicine. Applied science is often contrasted with basic science, ...
*** A subfield of
computer science Computer science is the study of computation, information, and automation. Computer science spans Theoretical computer science, theoretical disciplines (such as algorithms, theory of computation, and information theory) to Applied science, ...
**** A branch of
artificial intelligence Artificial intelligence (AI) is the capability of computer, computational systems to perform tasks typically associated with human intelligence, such as learning, reasoning, problem-solving, perception, and decision-making. It is a field of re ...
**** A subfield of soft computing **** Application of
statistics Statistics (from German language, German: ', "description of a State (polity), state, a country") is the discipline that concerns the collection, organization, analysis, interpretation, and presentation of data. In applying statistics to a s ...


Paradigms of machine learning

*
Supervised learning In machine learning, supervised learning (SL) is a paradigm where a Statistical model, model is trained using input objects (e.g. a vector of predictor variables) and desired output values (also known as a ''supervisory signal''), which are often ...
, where the model is trained on labeled data * Unsupervised learning, where the model tries to identify patterns in unlabeled data *
Reinforcement learning Reinforcement learning (RL) is an interdisciplinary area of machine learning and optimal control concerned with how an intelligent agent should take actions in a dynamic environment in order to maximize a reward signal. Reinforcement learnin ...
, where the model learns to make decisions by receiving rewards or penalties.


Applications of machine learning

* Applications of machine learning *
Bioinformatics Bioinformatics () is an interdisciplinary field of science that develops methods and Bioinformatics software, software tools for understanding biological data, especially when the data sets are large and complex. Bioinformatics uses biology, ...
*
Biomedical informatics Health informatics combines communications, information technology (IT), and health care to enhance patient care and is at the forefront of the medical technological revolution. It can be viewed as a branch of engineering and applied science. ...
*
Computer vision Computer vision tasks include methods for image sensor, acquiring, Image processing, processing, Image analysis, analyzing, and understanding digital images, and extraction of high-dimensional data from the real world in order to produce numerical ...
*
Customer relationship management Customer relationship management (CRM) is a strategic process that organizations use to manage, analyze, and improve their interactions with customers. By leveraging data-driven insights, CRM helps businesses optimize communication, enhance cus ...
*
Data mining Data mining is the process of extracting and finding patterns in massive data sets involving methods at the intersection of machine learning, statistics, and database systems. Data mining is an interdisciplinary subfield of computer science and ...
*
Earth sciences Earth science or geoscience includes all fields of natural science related to the planet Earth. This is a branch of science dealing with the physical, chemical, and biological complex constitutions and synergistic linkages of Earth's four spheres ...
* Email filtering *
Inverted pendulum An inverted pendulum is a pendulum that has its center of mass above its Lever, pivot point. It is unstable equilibrium, unstable and falls over without additional help. It can be suspended stably in this inverted position by using a control s ...
(balance and equilibrium system) *
Natural language processing Natural language processing (NLP) is a subfield of computer science and especially artificial intelligence. It is primarily concerned with providing computers with the ability to process data encoded in natural language and is thus closely related ...
** Named Entity Recognition **
Automatic summarization Automatic summarization is the process of shortening a set of data computationally, to create a subset (a summary) that represents the most important or relevant information within the original content. Artificial intelligence algorithms are comm ...
** Automatic taxonomy construction ** Dialog system **
Grammar checker A grammar checker, in computing terms, is a Computer program, program, or part of a program, that attempts to verify written text for grammatical correctness. Grammar checkers are most often implemented as a feature of a larger program, such as a ...
** Language recognition ***
Handwriting recognition Handwriting recognition (HWR), also known as handwritten text recognition (HTR), is the ability of a computer to receive and interpret intelligible handwriting, handwritten input from sources such as paper documents, photographs, touch-screens ...
***
Optical character recognition Optical character recognition or optical character reader (OCR) is the electronics, electronic or machine, mechanical conversion of images of typed, handwritten or printed text into machine-encoded text, whether from a scanned document, a photo ...
***
Speech recognition Speech recognition is an interdisciplinary subfield of computer science and computational linguistics that develops methodologies and technologies that enable the recognition and translation of spoken language into text by computers. It is also ...
**** Text to Speech Synthesis **** Speech Emotion Recognition ** Machine translation ** Question answering **
Speech synthesis Speech synthesis is the artificial production of human speech. A computer system used for this purpose is called a speech synthesizer, and can be implemented in software or hardware products. A text-to-speech (TTS) system converts normal langua ...
** Text mining *** Term frequency–inverse document frequency **
Text simplification Text simplification is an operation used in natural language processing to change, enhance, classify, or otherwise process an existing body of human-readable text so its grammar and structure is greatly simplified while the underlying meaning an ...
*
Pattern recognition Pattern recognition is the task of assigning a class to an observation based on patterns extracted from data. While similar, pattern recognition (PR) is not to be confused with pattern machines (PM) which may possess PR capabilities but their p ...
**
Facial recognition system A facial recognition system is a technology potentially capable of matching a human face from a digital image or a Film frame, video frame against a database of faces. Such a system is typically employed to authenticate users through ID verif ...
**
Handwriting recognition Handwriting recognition (HWR), also known as handwritten text recognition (HTR), is the ability of a computer to receive and interpret intelligible handwriting, handwritten input from sources such as paper documents, photographs, touch-screens ...
** Image recognition **
Optical character recognition Optical character recognition or optical character reader (OCR) is the electronics, electronic or machine, mechanical conversion of images of typed, handwritten or printed text into machine-encoded text, whether from a scanned document, a photo ...
**
Speech recognition Speech recognition is an interdisciplinary subfield of computer science and computational linguistics that develops methodologies and technologies that enable the recognition and translation of spoken language into text by computers. It is also ...
* Recommendation system ** Collaborative filtering ** Content-based filtering ** Hybrid recommender systems *
Search engine A search engine is a software system that provides hyperlinks to web pages, and other relevant information on World Wide Web, the Web in response to a user's web query, query. The user enters a query in a web browser or a mobile app, and the sea ...
**
Search engine optimization Search engine optimization (SEO) is the process of improving the quality and quantity of Web traffic, website traffic to a website or a web page from web search engine, search engines. SEO targets unpaid search traffic (usually referred to as ...
* Social engineering


Machine learning hardware

*
Graphics processing unit A graphics processing unit (GPU) is a specialized electronic circuit designed for digital image processing and to accelerate computer graphics, being present either as a discrete video card or embedded on motherboards, mobile phones, personal ...
* Tensor processing unit * Vision processing unit


Machine learning tools

* Comparison of deep learning software


Machine learning frameworks


Proprietary machine learning frameworks

* Amazon Machine Learning * Microsoft Azure Machine Learning Studio * DistBelief (replaced by
TensorFlow TensorFlow is a Library (computing), software library for machine learning and artificial intelligence. It can be used across a range of tasks, but is used mainly for Types of artificial neural networks#Training, training and Statistical infer ...
)


Open source machine learning frameworks

* Apache Singa * Apache MXNet * Caffe * PyTorch *
mlpack mlpack is a free, open-source and header-only software library for machine learning and artificial intelligence written in C++, built on top of the Armadillo library and thensmallennumerical optimization library. mlpack has an emphasis on scal ...
*
TensorFlow TensorFlow is a Library (computing), software library for machine learning and artificial intelligence. It can be used across a range of tasks, but is used mainly for Types of artificial neural networks#Training, training and Statistical infer ...
* Torch * CNTK * Accord.Net * Jax
MLJ.jl
– A machine learning framework for Julia


Machine learning libraries

* Deeplearning4j * Theano *
scikit-learn scikit-learn (formerly scikits.learn and also known as sklearn) is a free and open-source machine learning library for the Python programming language. It features various classification, regression and clustering algorithms including support ...
* Keras


Machine learning algorithms

* Almeida–Pineda recurrent backpropagation * ALOPEX * Backpropagation * Bootstrap aggregating * CN2 algorithm * Constructing skill trees * Dehaene–Changeux model * Diffusion map * Dominance-based rough set approach * Dynamic time warping * Error-driven learning * Evolutionary multimodal optimization * Expectation–maximization algorithm *
FastICA FastICA is an efficient and popular algorithm for independent component analysis invented by Aapo Hyvärinen at Helsinki University of Technology. Like most ICA algorithms, FastICA seeks an orthogonal rotation of FastICA#Prewhitening the data, prew ...
* Forward–backward algorithm * GeneRec * Genetic Algorithm for Rule Set Production * Growing self-organizing map * Hyper basis function network * IDistance * ''k''-nearest neighbors algorithm * Kernel methods for vector output * Kernel principal component analysis * Leabra * Linde–Buzo–Gray algorithm * Local outlier factor * Logic learning machine * LogitBoost * Manifold alignment * Markov chain Monte Carlo (MCMC) *
Minimum redundancy feature selection Minimum redundancy feature selection is an algorithm frequently used in a method to accurately identify characteristics of genes and phenotypes and narrow down their relevance and is usually described in its pairing with relevant feature selection a ...
* Mixture of experts * Multiple kernel learning *
Non-negative matrix factorization Non-negative matrix factorization (NMF or NNMF), also non-negative matrix approximation is a group of algorithms in multivariate analysis and linear algebra where a matrix is factorized into (usually) two matrices and , with the property th ...
* Online machine learning * Out-of-bag error * Prefrontal cortex basal ganglia working memory * PVLV * Q-learning * Quadratic unconstrained binary optimization * Query-level feature * Quickprop * Radial basis function network * Randomized weighted majority algorithm *
Reinforcement learning Reinforcement learning (RL) is an interdisciplinary area of machine learning and optimal control concerned with how an intelligent agent should take actions in a dynamic environment in order to maximize a reward signal. Reinforcement learnin ...
* Repeated incremental pruning to produce error reduction (RIPPER) * Rprop * Rule-based machine learning * Skill chaining * Sparse PCA * State–action–reward–state–action * Stochastic gradient descent * Structured kNN * T-distributed stochastic neighbor embedding * Temporal difference learning * Wake-sleep algorithm * Weighted majority algorithm (machine learning)


Machine learning methods


Instance-based algorithm

* K-nearest neighbors algorithm (KNN) * Learning vector quantization (LVQ) * Self-organizing map (SOM)


Regression analysis

*
Logistic regression In statistics, a logistic model (or logit model) is a statistical model that models the logit, log-odds of an event as a linear function (calculus), linear combination of one or more independent variables. In regression analysis, logistic regres ...
* Ordinary least squares regression (OLSR) *
Linear regression In statistics, linear regression is a statistical model, model that estimates the relationship between a Scalar (mathematics), scalar response (dependent variable) and one or more explanatory variables (regressor or independent variable). A mode ...
* Stepwise regression * Multivariate adaptive regression splines (MARS) * Regularization algorithm ** Ridge regression ** Least Absolute Shrinkage and Selection Operator (LASSO) ** Elastic net ** Least-angle regression (LARS) * Classifiers ** Probabilistic classifier *** Naive Bayes classifier ** Binary classifier ** Linear classifier ** Hierarchical classifier


Dimensionality reduction

Dimensionality reduction *
Canonical correlation analysis In statistics, canonical-correlation analysis (CCA), also called canonical variates analysis, is a way of inferring information from cross-covariance matrices. If we have two vectors ''X'' = (''X''1, ..., ''X'n'') and ''Y'' ...
(CCA) *
Factor analysis Factor analysis is a statistical method used to describe variability among observed, correlated variables in terms of a potentially lower number of unobserved variables called factors. For example, it is possible that variations in six observe ...
*
Feature extraction Feature may refer to: Computing * Feature recognition, could be a hole, pocket, or notch * Feature (computer vision), could be an edge, corner or blob * Feature (machine learning), in statistics: individual measurable properties of the phenome ...
* Feature selection *
Independent component analysis In signal processing, independent component analysis (ICA) is a computational method for separating a multivariate statistics, multivariate signal into additive subcomponents. This is done by assuming that at most one subcomponent is Gaussian and ...
(ICA) *
Linear discriminant analysis Linear discriminant analysis (LDA), normal discriminant analysis (NDA), canonical variates analysis (CVA), or discriminant function analysis is a generalization of Fisher's linear discriminant, a method used in statistics and other fields, to fi ...
(LDA) *
Multidimensional scaling Multidimensional scaling (MDS) is a means of visualizing the level of similarity of individual cases of a data set. MDS is used to translate distances between each pair of n objects in a set into a configuration of n points mapped into an ...
(MDS) *
Non-negative matrix factorization Non-negative matrix factorization (NMF or NNMF), also non-negative matrix approximation is a group of algorithms in multivariate analysis and linear algebra where a matrix is factorized into (usually) two matrices and , with the property th ...
(NMF) * Partial least squares regression (PLSR) *
Principal component analysis Principal component analysis (PCA) is a linear dimensionality reduction technique with applications in exploratory data analysis, visualization and data preprocessing. The data is linearly transformed onto a new coordinate system such that th ...
(PCA) * Principal component regression (PCR) * Projection pursuit * Sammon mapping * t-distributed stochastic neighbor embedding (t-SNE)


Ensemble learning

Ensemble learning * AdaBoost * Boosting * Bootstrap aggregating (also "bagging" or "bootstrapping") * Ensemble averaging * Gradient boosted decision tree (GBDT) * Gradient boosting * Random Forest * Stacked Generalization


Meta-learning

Meta-learning * Inductive bias *
Metadata Metadata (or metainformation) is "data that provides information about other data", but not the content of the data itself, such as the text of a message or the image itself. There are many distinct types of metadata, including: * Descriptive ...


Reinforcement learning

Reinforcement learning Reinforcement learning (RL) is an interdisciplinary area of machine learning and optimal control concerned with how an intelligent agent should take actions in a dynamic environment in order to maximize a reward signal. Reinforcement learnin ...
* Q-learning * State–action–reward–state–action (SARSA) * Temporal difference learning (TD) * Learning Automata


Supervised learning

Supervised learning In machine learning, supervised learning (SL) is a paradigm where a Statistical model, model is trained using input objects (e.g. a vector of predictor variables) and desired output values (also known as a ''supervisory signal''), which are often ...
* Averaged one-dependence estimators (AODE) *
Artificial neural network In machine learning, a neural network (also artificial neural network or neural net, abbreviated ANN or NN) is a computational model inspired by the structure and functions of biological neural networks. A neural network consists of connected ...
* Case-based reasoning * Gaussian process regression * Gene expression programming * Group method of data handling (GMDH) * Inductive logic programming * Instance-based learning * Lazy learning * Learning Automata * Learning Vector Quantization * Logistic Model Tree * Minimum message length (decision trees, decision graphs, etc.) ** Nearest Neighbor Algorithm ** Analogical modeling *
Probably approximately correct learning In computational learning theory, probably approximately correct (PAC) learning is a framework for mathematical analysis of machine learning. It was proposed in 1984 by Leslie Valiant.L. Valiant. A theory of the learnable.' Communications of the ...
(PAC) learning * Ripple down rules, a knowledge acquisition methodology * Symbolic machine learning algorithms * Support vector machines * Random Forests * Ensembles of classifiers ** Bootstrap aggregating (bagging) ** Boosting (meta-algorithm) * Ordinal classification * Conditional Random Field * ANOVA * Quadratic classifiers * k-nearest neighbor * Boosting ** SPRINT * Bayesian networks ** Naive Bayes * Hidden Markov models ** Hierarchical hidden Markov model


Bayesian

Bayesian statistics Bayesian statistics ( or ) is a theory in the field of statistics based on the Bayesian interpretation of probability, where probability expresses a ''degree of belief'' in an event. The degree of belief may be based on prior knowledge about ...
* Bayesian knowledge base * Naive Bayes * Gaussian Naive Bayes * Multinomial Naive Bayes * Averaged One-Dependence Estimators (AODE) * Bayesian Belief Network (BBN) * Bayesian Network (BN)


Decision tree algorithms

Decision tree algorithm *
Decision tree A decision tree is a decision support system, decision support recursive partitioning structure that uses a Tree (graph theory), tree-like Causal model, model of decisions and their possible consequences, including probability, chance event ou ...
* Classification and regression tree (CART) * Iterative Dichotomiser 3 (ID3) * C4.5 algorithm * C5.0 algorithm * Chi-squared Automatic Interaction Detection (CHAID) * Decision stump * Conditional decision tree * ID3 algorithm * Random forest * SLIQ


Linear classifier

Linear classifier * Fisher's linear discriminant *
Linear regression In statistics, linear regression is a statistical model, model that estimates the relationship between a Scalar (mathematics), scalar response (dependent variable) and one or more explanatory variables (regressor or independent variable). A mode ...
*
Logistic regression In statistics, a logistic model (or logit model) is a statistical model that models the logit, log-odds of an event as a linear function (calculus), linear combination of one or more independent variables. In regression analysis, logistic regres ...
* Multinomial logistic regression * Naive Bayes classifier *
Perceptron In machine learning, the perceptron is an algorithm for supervised classification, supervised learning of binary classification, binary classifiers. A binary classifier is a function that can decide whether or not an input, represented by a vect ...
* Support vector machine


Unsupervised learning

Unsupervised learning * Expectation-maximization algorithm * Vector Quantization * Generative topographic map * Information bottleneck method * Association rule learning algorithms ** Apriori algorithm ** Eclat algorithm


Artificial neural networks

Artificial neural network In machine learning, a neural network (also artificial neural network or neural net, abbreviated ANN or NN) is a computational model inspired by the structure and functions of biological neural networks. A neural network consists of connected ...
*
Feedforward neural network Feedforward refers to recognition-inference architecture of neural networks. Artificial neural network architectures are based on inputs multiplied by weights to obtain outputs (inputs-to-output): feedforward. Recurrent neural networks, or neur ...
** Extreme learning machine **
Convolutional neural network A convolutional neural network (CNN) is a type of feedforward neural network that learns features via filter (or kernel) optimization. This type of deep learning network has been applied to process and make predictions from many different ty ...
*
Recurrent neural network Recurrent neural networks (RNNs) are a class of artificial neural networks designed for processing sequential data, such as text, speech, and time series, where the order of elements is important. Unlike feedforward neural networks, which proces ...
** Long short-term memory (LSTM) * Logic learning machine * Self-organizing map


Association rule learning

Association rule learning * Apriori algorithm * Eclat algorithm * FP-growth algorithm


Hierarchical clustering

Hierarchical clustering * Single-linkage clustering * Conceptual clustering


Cluster analysis

Cluster analysis Cluster analysis or clustering is the data analyzing technique in which task of grouping a set of objects in such a way that objects in the same group (called a cluster) are more Similarity measure, similar (in some specific sense defined by the ...
* BIRCH * DBSCAN * Expectation–maximization (EM) * Fuzzy clustering * Hierarchical clustering * ''k''-means clustering * ''k''-medians * Mean-shift * OPTICS algorithm


Anomaly detection

Anomaly detection * ''k''-nearest neighbors algorithm (''k''-NN) * Local outlier factor


Semi-supervised learning

Semi-supervised learning *
Active learning Active learning is "a method of learning in which students are actively or experientially involved in the learning process and where there are different levels of active learning, depending on student involvement." states that "students particip ...
* Semi-supervised learning#Generative models, Generative models * Semi-supervised learning#Low-density separation, Low-density separation * Semi-supervised learning#Laplacian regularization, Graph-based methods * Co-training * Transduction (machine learning), Transduction


Deep learning

Deep learning * Deep belief networks * Deep Boltzmann machines * Deep
Convolutional neural network A convolutional neural network (CNN) is a type of feedforward neural network that learns features via filter (or kernel) optimization. This type of deep learning network has been applied to process and make predictions from many different ty ...
s * Deep
Recurrent neural network Recurrent neural networks (RNNs) are a class of artificial neural networks designed for processing sequential data, such as text, speech, and time series, where the order of elements is important. Unlike feedforward neural networks, which proces ...
s * Hierarchical temporal memory * Generative adversarial network, Generative Adversarial Network ** Style transfer * Transformer (machine learning model), Transformer * Stacked Auto-Encoders


Other machine learning methods and problems

* Anomaly detection * Association rule learning, Association rules * Bias-variance dilemma * Statistical classification, Classification ** Multi-label classification * Cluster analysis, Clustering * Data Pre-processing * Empirical risk minimization * Feature engineering * Feature learning * Learning to rank * Occam learning * Online machine learning * PAC learning * Regression analysis, Regression * Reinforcement Learning * Semi-supervised learning * Statistical learning * Structured prediction ** Graphical models *** Bayesian network *** Conditional random field (CRF) *** Hidden Markov model (HMM) * Unsupervised learning * VC theory


Machine learning research

* List of artificial intelligence projects * List of datasets for machine learning research


History of machine learning

History of machine learning * Timeline of machine learning


Machine learning projects

Machine learning projects: * DeepMind * Google Brain * OpenAI * Meta AI * Hugging Face


Machine learning organizations


Machine learning conferences and workshops

* Artificial Intelligence and Security (AISec) (co-located workshop with CCS) * Conference on Neural Information Processing Systems (NIPS) * ECML PKDD * International Conference on Machine Learning (ICML)
ML4ALL
(Machine Learning For All)


Machine learning publications


Books on machine learning

* Mathematics for Machine Learning * Hands-On Machine Learning Scikit-Learn, Keras, and TensorFlow * The Hundred-Page Machine Learning Book


Machine learning journals

* ''Machine Learning (journal), Machine Learning'' * ''Journal of Machine Learning Research'' (JMLR) * ''Neural Computation (journal), Neural Computation''


Persons influential in machine learning

* Alberto Broggi * Andrei Knyazev (mathematician), Andrei Knyazev * Andrew McCallum * Andrew Ng * Anuraag Jain * Armin B. Cremers * Ayanna Howard * Barney Pell * Ben Goertzel * Ben Taskar * Bernhard Schölkopf * Brian D. Ripley * Christopher G. Atkeson * Corinna Cortes * Demis Hassabis * Douglas Lenat * Eric Xing * Ernst Dickmanns * Geoffrey Hinton * Hans-Peter Kriegel * Hartmut Neven * Heikki Mannila * Ian Goodfellow * Jacek M. Zurada * Jaime Carbonell * Jeremy Slovak * Jerome H. Friedman * John D. Lafferty * John Platt (computer scientist), John Platt * Julie Beth Lovins * Jürgen Schmidhuber * Karl Steinbuch * Katia Sycara * Leo Breiman * Lise Getoor * Luca Maria Gambardella * Léon Bottou * Marcus Hutter * Mehryar Mohri * Michael Collins (computational linguist), Michael Collins * Michael I. Jordan * Michael L. Littman * Nando de Freitas * Ofer Dekel (researcher), Ofer Dekel * Oren Etzioni * Pedro Domingos * Peter Flach * Pierre Baldi * Pushmeet Kohli * Ray Kurzweil * Rayid Ghani * Ross Quinlan * Salvatore J. Stolfo * Sebastian Thrun * Selmer Bringsjord * Sepp Hochreiter * Shane Legg * Stephen Muggleton * Steve Omohundro * Tom M. Mitchell * Trevor Hastie * Vasant Honavar * Vladimir Vapnik * Yann LeCun * Yasuo Matsuyama * Yoshua Bengio * Zoubin Ghahramani


See also

* Outline of artificial intelligence ** Outline of computer vision * Outline of robotics * Accuracy paradox * Action model learning * Activation function * Activity recognition * ADALINE * Adaptive neuro fuzzy inference system * Adaptive resonance theory * Additive smoothing * Adjusted mutual information * AIVA * AIXI * AlchemyAPI * AlexNet * Algorithm selection * Algorithmic inference * Algorithmic learning theory * AlphaGo * AlphaGo Zero * Alternating decision tree * Apprenticeship learning * Causal Markov condition * Competitive learning * Concept learning * Decision tree learning * Differentiable programming * Distribution learning theory * Eager learning * End-to-end reinforcement learning * Error tolerance (PAC learning) * Explanation-based learning * Feature (machine learning), Feature * GloVe (machine learning), GloVe * Hyperparameter (machine learning), Hyperparameter * Inferential theory of learning * Learning automata * Learning classifier system * Learning rule * Learning with errors * M-Theory (learning framework) * Machine learning control * Machine learning in bioinformatics * Margin (machine learning), Margin * Markov chain geostatistics * Markov chain Monte Carlo (MCMC) * Markov information source * Markov logic network * Markov model * Markov random field * Markovian discrimination * Maximum-entropy Markov model * Multi-armed bandit * Multi-task learning * Multilinear subspace learning * Multimodal learning * Multiple instance learning * Multiple-instance learning * Never-Ending Language Learning * Offline learning * Parity learning * Population-based incremental learning * Predictive learning * Preference learning * Proactive learning * Proximal gradient methods for learning * Semantic analysis (machine learning), Semantic analysis * Similarity learning * Sparse dictionary learning * Stability (learning theory) * Statistical learning theory * Statistical relational learning * Tanagra (machine learning), Tanagra * Transfer learning * Variable-order Markov model * Version space learning * Waffles (machine learning), Waffles * Weka (machine learning), Weka * Loss function ** Loss functions for classification ** Mean squared error (MSE) ** Mean squared prediction error (MSPE) ** Taguchi loss function * Low-energy adaptive clustering hierarchy


Other

* Anne O'Tate * Ant colony optimization algorithms * Anthony Levandowski * Anti-unification (computer science) * Apache Flume * Apache Giraph * Apache Mahout * Apache SINGA * Apache Spark * Apache SystemML * Aphelion (software) * Arabic Speech Corpus * Archetypal analysis * Arthur Zimek * Artificial ants * Artificial bee colony algorithm * Artificial development * Artificial immune system * Astrostatistics * Averaged one-dependence estimators * Bag-of-words model * Balanced clustering * Ball tree * Base rate * Bat algorithm * Baum–Welch algorithm * Bayesian hierarchical modeling * Bayesian interpretation of kernel regularization * Bayesian optimization * Bayesian structural time series * Bees algorithm * Behavioral clustering * Bernoulli scheme * Bias–variance tradeoff * Biclustering * BigML * Binary classification * Bing Predicts * Bio-inspired computing * Biogeography-based optimization * Biplot * Bondy's theorem * Bongard problem * Bradley–Terry model * BrownBoost * Brown clustering * Burst error * CBCL (MIT) * CIML community portal * CMA-ES * CURE data clustering algorithm * Cache language model * Calibration (statistics) * Canonical correspondence analysis * Canopy clustering algorithm * Cascading classifiers * Category utility * CellCognition * Cellular evolutionary algorithm * Chi-square automatic interaction detection * Chromosome (genetic algorithm) * Classifier chains * Cleverbot * Clonal selection algorithm * Cluster-weighted modeling * Clustering high-dimensional data * Clustering illusion * CoBoosting * Cobweb (clustering) * Cognitive computer * Cognitive robotics * Collostructional analysis * Common-method variance * Complete-linkage clustering * Computer-automated design * Concept class * Concept drift * Conference on Artificial General Intelligence * Conference on Knowledge Discovery and Data Mining * Confirmatory factor analysis * Confusion matrix * Congruence coefficient * Connect (computer system) * Consensus clustering * Constrained clustering * Constrained conditional model * Constructive cooperative coevolution * Correlation clustering * Correspondence analysis * Cortica * Coupled pattern learner * Cross-entropy method * Cross-validation (statistics) * Crossover (genetic algorithm) * Cuckoo search * Cultural algorithm * Cultural consensus theory * Curse of dimensionality * DADiSP * DARPA LAGR Program * Darkforest * Dartmouth workshop * DarwinTunes * Data Mining Extensions * Data exploration * Data pre-processing * Data stream clustering * Dataiku * Davies–Bouldin index * Decision boundary * Decision list * Decision tree model * Deductive classifier * DeepArt * DeepDream * Deep Web Technologies * Defining length * Dendrogram * Dependability state model * Detailed balance * Determining the number of clusters in a data set * Detrended correspondence analysis * Developmental robotics * Diffbot * Differential evolution * Discrete phase-type distribution * Discriminative model * Dissociated press * Distributed R * Dlib * Document classification * Documenting Hate * Domain adaptation * Doubly stochastic model * Dual-phase evolution * Dunn index * Dynamic Bayesian network * Dynamic Markov compression * Dynamic topic model * Dynamic unobserved effects model * EDLUT * ELKI * Edge recombination operator * Effective fitness * Elastic map * Elastic matching * Elbow method (clustering) * Emergent (software) * Encog * Entropy rate * Erkki Oja * Eurisko * European Conference on Artificial Intelligence * Evaluation of binary classifiers * Evolution strategy * Evolution window * Evolutionary Algorithm for Landmark Detection * Evolutionary algorithm * Evolutionary art * Evolutionary music * Evolutionary programming * Evolvability (computer science) * Evolved antenna * Evolver (software) * Evolving classification function * Expectation propagation * Exploratory factor analysis * F1 score * FLAME clustering * Factor analysis of mixed data * Factor graph * Factor regression model * Factored language model * Farthest-first traversal * Fast-and-frugal trees * Feature Selection Toolbox * Feature hashing * Feature scaling * Feature vector * Firefly algorithm * First-difference estimator * First-order inductive learner * Fish School Search * Fisher kernel * Fitness approximation * Fitness function * Fitness proportionate selection * Fluentd * Folding@home * Formal concept analysis * Forward algorithm * Fowlkes–Mallows index * Frederick Jelinek * Frrole * Functional principal component analysis * GATTO * GLIMMER * Gary Bryce Fogel * Gaussian adaptation * Gaussian process * Gaussian process emulator * Gene prediction * General Architecture for Text Engineering * Generalization error * Generalized canonical correlation * Generalized filtering * Generalized iterative scaling * Generalized multidimensional scaling * Generative adversarial network * Generative model * Genetic algorithm * Genetic algorithm scheduling * Genetic algorithms in economics * Genetic fuzzy systems * Genetic memory (computer science) * Genetic operator * Genetic programming * Genetic representation * Geographical cluster * Gesture Description Language * Geworkbench * Glossary of artificial intelligence * Glottochronology * Golem (ILP) * Google matrix * Grafting (decision trees) * Gramian matrix * Grammatical evolution * Granular computing * GraphLab * Graph kernel * Gremlin (programming language) * Growth function * HUMANT (HUManoid ANT) algorithm * Hammersley–Clifford theorem * Harmony search * Hebbian theory * Hidden Markov random field * Hidden semi-Markov model * Hierarchical hidden Markov model * Higher-order factor analysis * Highway network * Hinge loss * Holland's schema theorem * Hopkins statistic * Hoshen–Kopelman algorithm * Huber loss * IRCF360 * Ian Goodfellow * Ilastik * Ilya Sutskever * Immunocomputing * Imperialist competitive algorithm * Inauthentic text * Incremental decision tree * Induction of regular languages * Inductive bias * Inductive probability * Inductive programming * Influence diagram * Information Harvesting * Information gain in decision trees * Information gain ratio * Inheritance (genetic algorithm) * Instance selection * Intel RealSense * Interacting particle system * Interactive machine translation * International Joint Conference on Artificial Intelligence * International Meeting on Computational Intelligence Methods for Bioinformatics and Biostatistics * International Semantic Web Conference * Iris flower data set * Island algorithm * Isotropic position * Item response theory * Iterative Viterbi decoding * JOONE * Jabberwacky * Jaccard index * Jackknife variance estimates for random forest * Java Grammatical Evolution * Joseph Nechvatal * Jubatus * Julia (programming language) * Junction tree algorithm * k-SVD, ''k''-SVD * k-means++, ''k''-means++ * k-medians clustering, ''k''-medians clustering * k-medoids, ''k''-medoids * KNIME * KXEN Inc. * k q-flats, ''k q''-flats * Kaggle * Kalman filter * Katz's back-off model * Kernel adaptive filter * Kernel density estimation * Kernel eigenvoice * Kernel embedding of distributions * Kernel method * Kernel perceptron * Kernel random forest * Kinect * Klaus-Robert Müller * Kneser–Ney smoothing * Knowledge Vault * Knowledge integration * LIBSVM * LPBoost * Labeled data * LanguageWare * Language identification in the limit * Language model * Large margin nearest neighbor * Latent Dirichlet allocation * Latent class model * Latent semantic analysis * Latent variable * Latent variable model * Lattice Miner * Layered hidden Markov model * Learnable function class * Least squares support vector machine * Leslie P. Kaelbling * Linear genetic programming * Linear predictor function * Linear separability * Lingyun Gu * Linkurious * Lior Ron (business executive) * List of genetic algorithm applications * List of metaphor-based metaheuristics * List of text mining software * Local case-control sampling * Local independence * Local tangent space alignment * Locality-sensitive hashing * Log-linear model * Logistic model tree * Low-rank approximation * Low-rank matrix approximations * MATLAB * MIMIC (immunology) * MXNet * Mallet (software project) * Manifold regularization * Margin-infused relaxed algorithm * Margin classifier * Mark V. Shaney * Massive Online Analysis * Matrix regularization * Matthews correlation coefficient * Mean shift * Mean squared error * Mean squared prediction error * Measurement invariance * Medoid * MeeMix * Melomics * Memetic algorithm * Meta-optimization * Mexican International Conference on Artificial Intelligence * Michael Kearns (computer scientist) * MinHash * Mixture model * Mlpy * Models of DNA evolution * Moral graph * Mountain car problem * Movidius * Multi-armed bandit * Multi-label classification * Multi expression programming * Multiclass classification * Multidimensional analysis * Multifactor dimensionality reduction * Multilinear principal component analysis * Multiple correspondence analysis * Multiple discriminant analysis * Multiple factor analysis * Multiple sequence alignment * Multiplicative weight update method * Multispectral pattern recognition * Mutation (genetic algorithm) * MysteryVibe * N-gram * NOMINATE (scaling method) * Native-language identification * Natural Language Toolkit * Natural evolution strategy * Nearest-neighbor chain algorithm * Nearest centroid classifier * Nearest neighbor search * Neighbor joining * Nest Labs * NetMiner * NetOwl * Neural Designer * Neural Engineering Object * Neural modeling fields * Neural network software * NeuroSolutions * Neuroevolution * Neuroph * Niki.ai * Noisy channel model * Noisy text analytics * Nonlinear dimensionality reduction * Novelty detection * Nuisance variable * One-class classification * Onnx * OpenNLP * Optimal discriminant analysis * Oracle Data Mining * Orange (software) * Ordination (statistics) * Overfitting * PROGOL * PSIPRED * Pachinko allocation * PageRank * Parallel metaheuristic * Parity benchmark * Part-of-speech tagging * Particle swarm optimization * Path dependence * Pattern language (formal languages) * Peltarion Synapse * Perplexity * Persian Speech Corpus * Pietro Perona * Pipeline Pilot * Piranha (software) * Pitman–Yor process * Plate notation * Polynomial kernel * Pop music automation * Population process * Portable Format for Analytics * Predictive Model Markup Language * Predictive state representation * Preference regression * Premature convergence * Principal geodesic analysis * Prior knowledge for pattern recognition * Prisma (app) * Probabilistic Action Cores * Probabilistic context-free grammar * Probabilistic latent semantic analysis * Probabilistic soft logic * Probability matching * Probit model * Product of experts * Programming with Big Data in R * Proper generalized decomposition * Pruning (decision trees) * Pushpak Bhattacharyya * Q methodology * Qloo * Quality control and genetic algorithms * Quantum Artificial Intelligence Lab * Queueing theory * Quick, Draw! * R (programming language) * Rada Mihalcea * Rademacher complexity * Radial basis function kernel * Rand index * Random indexing * Random projection * Random subspace method * Ranking SVM * RapidMiner * Rattle GUI * Raymond Cattell * Reasoning system * Regularization perspectives on support vector machines * Relational data mining * Relationship square * Relevance vector machine * Relief (feature selection) * Renjin * Repertory grid * Representer theorem * Reward-based selection * Richard Zemel * Right to explanation * RoboEarth * Robust principal component analysis * RuleML Symposium * Rule induction * Rules extraction system family * SAS (software) * SNNS * SPSS Modeler * SUBCLU * Sample complexity * Sample exclusion dimension * Santa Fe Trail problem * Savi Technology * Schema (genetic algorithms) * Search-based software engineering * Selection (genetic algorithm) * Self-Service Semantic Suite * Semantic folding * Semantic mapping (statistics) * Semidefinite embedding * Sense Networks * Sensorium Project * Sequence labeling * Sequential minimal optimization * Shattered set * Shogun (toolbox) * Silhouette (clustering) * SimHash * SimRank * Similarity measure * Simple matching coefficient * Simultaneous localization and mapping * Sinkov statistic * Sliced inverse regression * Snakes and Ladders * Soft independent modelling of class analogies * Soft output Viterbi algorithm * Solomonoff's theory of inductive inference * SolveIT Software * Spectral clustering * Spike-and-slab variable selection * Statistical machine translation * Statistical parsing * Statistical semantics * Stefano Soatto * Stephen Wolfram * Stochastic block model * Stochastic cellular automaton * Stochastic diffusion search * Stochastic grammar * Stochastic matrix * Stochastic universal sampling * Stress majorization * String kernel * Structural equation modeling * Structural risk minimization * Structured sparsity regularization * Structured support vector machine * Subclass reachability * Sufficient dimension reduction * Sukhotin's algorithm * Sum of absolute differences * Sum of absolute transformed differences * Swarm intelligence * Switching Kalman filter * Symbolic regression * Synchronous context-free grammar * Syntactic pattern recognition * TD-Gammon * TIMIT * Teaching dimension * Teuvo Kohonen * Textual case-based reasoning * Theory of conjoint measurement * Thomas G. Dietterich * Thurstonian model * Topic model * Tournament selection * Training, test, and validation sets * Transiogram * Trax Image Recognition * Trigram tagger * Truncation selection * Tucker decomposition * UIMA * UPGMA * Ugly duckling theorem * Uncertain data * Uniform convergence in probability * Unique negative dimension * Universal portfolio algorithm * User behavior analytics * VC dimension * VIGRA * Validation set * Vapnik–Chervonenkis theory * Variable-order Bayesian network * Variable kernel density estimation * Variable rules analysis * Variational message passing * Varimax rotation * Vector quantization * Vicarious (company) * Viterbi algorithm * Vowpal Wabbit * WACA clustering algorithm * WPGMA * Ward's method * Weasel program * Whitening transformation * Winnow (algorithm) * Win–stay, lose–switch * Witness set * Wolfram Language * Wolfram Mathematica * Writer invariant * Xgboost * Yooreeka * Zeroth (software)


Further reading

* Trevor Hastie, Robert Tibshirani and Jerome H. Friedman (2001).
The Elements of Statistical Learning
', Springer. . * Pedro Domingos (September 2015), The Master Algorithm, Basic Books, * Mehryar Mohri, Afshin Rostamizadeh, Ameet Talwalkar (2012).
Foundations of Machine Learning
', The MIT Press. . * Ian H. Witten and Eibe Frank (2011). ''Data Mining: Practical machine learning tools and techniques'' Morgan Kaufmann, 664pp., . * David J. C. MacKay.
Information Theory, Inference, and Learning Algorithms
' Cambridge: Cambridge University Press, 2003. * Richard O. Duda, Peter E. Hart, David G. Stork (2001) ''Pattern classification'' (2nd edition), Wiley, New York, . * Christopher Bishop (1995). ''Neural Networks for Pattern Recognition'', Oxford University Press. . * Vladimir Vapnik (1998). ''Statistical Learning Theory''. Wiley-Interscience, . * Ray Solomonoff, ''An Inductive Inference Machine'', IRE Convention Record, Section on Information Theory, Part 2, pp., 56–62, 1957. * Ray Solomonoff,
An Inductive Inference Machine
A privately circulated report from the 1956 Dartmouth Conferences, Dartmouth Summer Research Conference on AI.


References


External links


Data Science: Data to Insights from MIT (machine learning)
* Popular online course by Andrew Ng, a
Coursera
It uses GNU Octave. The course is a free version of Stanford University's actual course taught by Ng, see.stanford.edu/Course/CS229 available for free].
mloss
is an academic database of open-source machine learning software. {{Outline footer Outlines of computing and engineering, Machine learning Outlines, Machine learning Computing-related lists Machine learning, * Data mining, Machine learning