Logo
Unionpedia
Communication
Get it on Google Play
New! Download Unionpedia on your Android™ device!
Download
Faster access than browser!
 

Online machine learning

Index Online machine learning

In computer science, online machine learning is a method of machine learning in which data becomes available in a sequential order and is used to update our best predictor for future data at each step, as opposed to batch learning techniques which generate the best predictor by learning on the entire training data set at once. [1]

38 relations: Artificial neural network, Backpropagation, Catastrophic interference, Computer science, Convex function, Empirical risk minimization, External memory algorithm, Feature hashing, Greedy algorithm, Hierarchical temporal memory, Hinge loss, Incremental learning, K-means clustering, K-nearest neighbors algorithm, Kernel method, Lazy learning, Learning vector quantization, Least squares, Loss function, Machine learning, Naive Bayes classifier, Offline learning, Online algorithm, Online optimization, Perceptron, Principal component analysis, Recursive least squares filter, Representer theorem, Scikit-learn, Stochastic gradient descent, Stochastic optimization, Stock market prediction, Streaming algorithm, Subderivative, Supervised learning, Support vector machine, Tikhonov regularization, Vowpal Wabbit.

Artificial neural network

Artificial neural networks (ANNs) or connectionist systems are computing systems vaguely inspired by the biological neural networks that constitute animal brains.

New!!: Online machine learning and Artificial neural network · See more »

Backpropagation

Backpropagation is a method used in artificial neural networks to calculate a gradient that is needed in the calculation of the weights to be used in the network.

New!!: Online machine learning and Backpropagation · See more »

Catastrophic interference

Catastrophic interference, also known as catastrophic forgetting, is the tendency of an artificial neural network to completely and abruptly forget previously learned information upon learning new information.

New!!: Online machine learning and Catastrophic interference · See more »

Computer science

Computer science deals with the theoretical foundations of information and computation, together with practical techniques for the implementation and application of these foundations.

New!!: Online machine learning and Computer science · See more »

Convex function

In mathematics, a real-valued function defined on an ''n''-dimensional interval is called convex (or convex downward or concave upward) if the line segment between any two points on the graph of the function lies above or on the graph, in a Euclidean space (or more generally a vector space) of at least two dimensions.

New!!: Online machine learning and Convex function · See more »

Empirical risk minimization

Empirical risk minimization (ERM) is a principle in statistical learning theory which defines a family of learning algorithms and is used to give theoretical bounds on their performance.

New!!: Online machine learning and Empirical risk minimization · See more »

External memory algorithm

In computing, external memory algorithms or out-of-core algorithms are algorithms that are designed to process data that is too large to fit into a computer's main memory at one time.

New!!: Online machine learning and External memory algorithm · See more »

Feature hashing

In machine learning, feature hashing, also known as the hashing trick (by analogy to the kernel trick), is a fast and space-efficient way of vectorizing features, i.e. turning arbitrary features into indices in a vector or matrix.

New!!: Online machine learning and Feature hashing · See more »

Greedy algorithm

A greedy algorithm is an algorithmic paradigm that follows the problem solving heuristic of making the locally optimal choice at each stage with the intent of finding a global optimum.

New!!: Online machine learning and Greedy algorithm · See more »

Hierarchical temporal memory

Hierarchical temporal memory (HTM) is a technology based on a realistic biologically-constrained model of the pyramidal neuron that reflects today’s most recent neocortical research originally described in the 2004 book On Intelligence by Jeff Hawkins with Sandra Blakeslee.

New!!: Online machine learning and Hierarchical temporal memory · See more »

Hinge loss

In machine learning, the hinge loss is a loss function used for training classifiers.

New!!: Online machine learning and Hinge loss · See more »

Incremental learning

In computer science, incremental learning is a method of machine learning, in which input data is continuously used to extend the existing model's knowledge i.e. to further train the model.

New!!: Online machine learning and Incremental learning · See more »

K-means clustering

k-means clustering is a method of vector quantization, originally from signal processing, that is popular for cluster analysis in data mining.

New!!: Online machine learning and K-means clustering · See more »

K-nearest neighbors algorithm

In pattern recognition, the k-nearest neighbors algorithm (k-NN) is a non-parametric method used for classification and regression.

New!!: Online machine learning and K-nearest neighbors algorithm · See more »

Kernel method

In machine learning, kernel methods are a class of algorithms for pattern analysis, whose best known member is the support vector machine (SVM).

New!!: Online machine learning and Kernel method · See more »

Lazy learning

In machine learning, lazy learning is a learning method in which generalization of the training data is delayed until a query is made to the system, as opposed to in eager learning, where the system tries to generalize the training data before receiving queries.

New!!: Online machine learning and Lazy learning · See more »

Learning vector quantization

In computer science, learning vector quantization (LVQ), is a prototype-based supervised classification algorithm.

New!!: Online machine learning and Learning vector quantization · See more »

Least squares

The method of least squares is a standard approach in regression analysis to approximate the solution of overdetermined systems, i.e., sets of equations in which there are more equations than unknowns.

New!!: Online machine learning and Least squares · See more »

Loss function

In mathematical optimization, statistics, econometrics, decision theory, machine learning and computational neuroscience, a loss function or cost function is a function that maps an event or values of one or more variables onto a real number intuitively representing some "cost" associated with the event.

New!!: Online machine learning and Loss function · See more »

Machine learning

Machine learning is a subset of artificial intelligence in the field of computer science that often uses statistical techniques to give computers the ability to "learn" (i.e., progressively improve performance on a specific task) with data, without being explicitly programmed.

New!!: Online machine learning and Machine learning · See more »

Naive Bayes classifier

In machine learning, naive Bayes classifiers are a family of simple "probabilistic classifiers" based on applying Bayes' theorem with strong (naive) independence assumptions between the features.

New!!: Online machine learning and Naive Bayes classifier · See more »

Offline learning

In machine learning, systems which employ offline learning do not change their approximation of the target function when the initial training phase has been completed.

New!!: Online machine learning and Offline learning · See more »

Online algorithm

In computer science, an online algorithm is one that can process its input piece-by-piece in a serial fashion, i.e., in the order that the input is fed to the algorithm, without having the entire input available from the start.

New!!: Online machine learning and Online algorithm · See more »

Online optimization

Online optimization is a field of optimization theory, more popular in computer science and operations research, that deals with optimization problems having no or incomplete knowledge of the future (online).

New!!: Online machine learning and Online optimization · See more »

Perceptron

In machine learning, the perceptron is an algorithm for supervised learning of binary classifiers (functions that can decide whether an input, represented by a vector of numbers, belongs to some specific class or not).

New!!: Online machine learning and Perceptron · See more »

Principal component analysis

Principal component analysis (PCA) is a statistical procedure that uses an orthogonal transformation to convert a set of observations of possibly correlated variables into a set of values of linearly uncorrelated variables called principal components.

New!!: Online machine learning and Principal component analysis · See more »

Recursive least squares filter

Recursive least squares (RLS) is an adaptive filter algorithm that recursively finds the coefficients that minimize a weighted linear least squares cost function relating to the input signals.

New!!: Online machine learning and Recursive least squares filter · See more »

Representer theorem

In statistical learning theory, a representer theorem is any of several related results stating that a minimizer f^ of a regularized empirical risk function defined over a reproducing kernel Hilbert space can be represented as a finite linear combination of kernel products evaluated on the input points in the training set data.

New!!: Online machine learning and Representer theorem · See more »

Scikit-learn

Scikit-learn (formerly scikits.learn) is a free software machine learning library for the Python programming language.

New!!: Online machine learning and Scikit-learn · See more »

Stochastic gradient descent

Stochastic gradient descent (often shortened to SGD), also known as incremental gradient descent, is an iterative method for optimizing a differentiable objective function, a stochastic approximation of gradient descent optimization.

New!!: Online machine learning and Stochastic gradient descent · See more »

Stochastic optimization

Stochastic optimization (SO) methods are optimization methods that generate and use random variables.

New!!: Online machine learning and Stochastic optimization · See more »

Stock market prediction

Stock market prediction is the act of trying to determine the future value of a company stock or other financial instrument traded on an exchange.

New!!: Online machine learning and Stock market prediction · See more »

Streaming algorithm

In computer science, streaming algorithms are algorithms for processing data streams in which the input is presented as a sequence of items and can be examined in only a few passes (typically just one).

New!!: Online machine learning and Streaming algorithm · See more »

Subderivative

In mathematics, the subderivative, subgradient, and subdifferential generalize the derivative to functions which are not differentiable.

New!!: Online machine learning and Subderivative · See more »

Supervised learning

Supervised learning is the machine learning task of learning a function that maps an input to an output based on example input-output pairs.

New!!: Online machine learning and Supervised learning · See more »

Support vector machine

In machine learning, support vector machines (SVMs, also support vector networks) are supervised learning models with associated learning algorithms that analyze data used for classification and regression analysis.

New!!: Online machine learning and Support vector machine · See more »

Tikhonov regularization

Tikhonov regularization, named for Andrey Tikhonov, is the most commonly used method of regularization of ill-posed problems.

New!!: Online machine learning and Tikhonov regularization · See more »

Vowpal Wabbit

Vowpal Wabbit (also known as "VW") is an open source fast out-of-core machine learning system library and program developed originally at Yahoo! Research, and currently at Microsoft Research.

New!!: Online machine learning and Vowpal Wabbit · See more »

Redirects here:

Batch learning, On-line learning, Online Machine Learning, Online convex optimization, Online learning model.

References

[1] https://en.wikipedia.org/wiki/Online_machine_learning

OutgoingIncoming
Hey! We are on Facebook now! »