Define Aprendizaje

Posted on
  1. Concepto De Aprendizaje
  2. Define Aprendizaje Cooperativo
  3. Significado De Aprendizaje

Many translated example sentences containing 'curva de aprendizaje' – English-Spanish dictionary and search engine for English translations. How can the answer be improved?

Machine learning and
data mining
  • Ensembles

  • DBSCAN
  • Graphical models
  • RNN
  • Convolutional neural network

Deep learning (also known as deep structured learning or hierarchical learning) is part of a broader family of machine learning methods based on artificial neural networks. Learning can be supervised, semi-supervised or unsupervised.[1][2][3]

Deep learning architectures such as deep neural networks, deep belief networks, recurrent neural networks and convolutional neural networks have been applied to fields including computer vision, speech recognition, natural language processing, audio recognition, social network filtering, machine translation, bioinformatics, drug design, medical image analysis, material inspection and board game programs, where they have produced results comparable to and in some cases superior to human experts.[4][5][6]

Neural networks were inspired by information processing and distributed communication nodes in biological systems. ANNs have various differences from biological brains. Specifically, neural networks tend to be static and symbolic, while the biological brain of most living organisms is dynamic (plastic) and analog.[7][8][9]

  • 4History
  • 5Neural networks
    • 5.2Deep neural networks
  • 6Applications
  • 9Criticism and comment

Definition[edit]

Deep learning is a class of machine learningalgorithms that:[10](pp199–200) use multiple layers to progressively extract higher level features from raw input. For example, in image processing, lower layers may identify edges, while higher layer may identify human-meaningful items such as digits/letters or faces.

Overview[edit]

Most modern deep learning models are based on an artificial neural networks, specifically, Convolutional Neural Networks (CNN)s, although they can also include propositional formulas or latent variables organized layer-wise in deep generative models such as the nodes in deep belief networks and deep Boltzmann machines.[11]

In deep learning, each level learns to transform its input data into a slightly more abstract and composite representation. In an image recognition application, the raw input may be a matrix of pixels; the first representational layer may abstract the pixels and encode edges; the second layer may compose and encode arrangements of edges; the third layer may encode a nose and eyes; and the fourth layer may recognize that the image contains a face. Importantly, a deep learning process can learn which features to optimally place in which level on its own. (Of course, this does not completely obviate the need for hand-tuning; for example, varying numbers of layers and layer sizes can provide different degrees of abstraction.)[1][12]

The 'deep' in 'deep learning' refers to the number of layers through which the data is transformed. More precisely, deep learning systems have a substantial credit assignment path (CAP) depth. The CAP is the chain of transformations from input to output. CAPs describe potentially causal connections between input and output. For a feedforward neural network, the depth of the CAPs is that of the network and is the number of hidden layers plus one (as the output layer is also parameterized). For recurrent neural networks, in which a signal may propagate through a layer more than once, the CAP depth is potentially unlimited.[2] No universally agreed upon threshold of depth divides shallow learning from deep learning, but most researchers agree that deep learning involves CAP depth > 2. CAP of depth 2 has been shown to be a universal approximator in the sense that it can emulate any function.[citation needed] Beyond that more layers do not add to the function approximator ability of the network. Deep models (CAP > 2) are able to extract better features than shallow models and hence, extra layers help in learning features.

Deep learning architectures are often constructed with a greedy layer-by-layer method.[clarification needed][further explanation needed][citation needed] Deep learning helps to disentangle these abstractions and pick out which features improve performance.[1]

For supervised learning tasks, deep learning methods obviate feature engineering, by translating the data into compact intermediate representations akin to principal components, and derive layered structures that remove redundancy in representation.

Deep learning algorithms can be applied to unsupervised learning tasks. This is an important benefit because unlabeled data are more abundant than labeled data. Examples of deep structures that can be trained in an unsupervised manner are neural history compressors[13] and deep belief networks.[1][14]

Interpretations[edit]

Deep neural networks are generally interpreted in terms of the universal approximation theorem[15][16][17][18][19][20] or probabilistic inference.[10][11][1][2][14][21][22]

The classic universal approximation theorem concerns the capacity of feedforward neural networks with a single hidden layer of finite size to approximate continuous functions.[15][16][17][18][19] In 1989, the first proof was published by George Cybenko for sigmoid activation functions[16] and was generalised to feed-forward multi-layer architectures in 1991 by Kurt Hornik.[17]

The universal approximation theorem for deep neural networks concerns the capacity of networks with bounded width but the depth is allowed to grow. Lu et al.[20] proved that if the width of a deep neural network with ReLU activation is strictly larger than the input dimension, then the network can approximate any Lebesgue integrable function; If the width is smaller or equal to the input dimension, then deep neural network is not a universal approximator.

The probabilistic interpretation[21] derives from the field of machine learning. It features inference,[10][11][1][2][14][21] as well as the optimization concepts of training and testing, related to fitting and generalization, respectively. More specifically, the probabilistic interpretation considers the activation nonlinearity as a cumulative distribution function.[21] The probabilistic interpretation led to the introduction of dropout as regularizer in neural networks.[23] The probabilistic interpretation was introduced by researchers including Hopfield, Widrow and Narendra and popularized in surveys such as the one by Bishop.[24]

History[edit]

The term Deep Learning was introduced to the machine learning community by Rina Dechter in 1986,[25][13] and to artificial neural networks by Igor Aizenberg and colleagues in 2000, in the context of Boolean threshold neurons.[26][27]

The first general, working learning algorithm for supervised, deep, feedforward, multilayer perceptrons was published by Alexey Ivakhnenko and Lapa in 1965.[28] A 1971 paper described a deep network with 8 layers trained by the group method of data handling algorithm.[29]

Other deep learning working architectures, specifically those built for computer vision, began with the Neocognitron introduced by Kunihiko Fukushima in 1980.[30] In 1989, Yann LeCun et al. applied the standard backpropagation algorithm, which had been around as the reverse mode of automatic differentiation since 1970,[31][32][33][34] to a deep neural network with the purpose of recognizing handwritten ZIP codes on mail. While the algorithm worked, training required 3 days.[35]

By 1991 such systems were used for recognizing isolated 2-D hand-written digits, while recognizing 3-D objects was done by matching 2-D images with a handcrafted 3-D object model. Weng et al. suggested that a human brain does not use a monolithic 3-D object model and in 1992 they published Cresceptron,[36][37][38] a method for performing 3-D object recognition in cluttered scenes. Because it directly used natural images, Cresceptron started the beginning of general-purpose visual learning for natural 3D worlds. Cresceptron is a cascade of layers similar to Neocognitron. But while Neocognitron required a human programmer to hand-merge features, Cresceptron learned an open number of features in each layer without supervision, where each feature is represented by a convolution kernel. Cresceptron segmented each learned object from a cluttered scene through back-analysis through the network. Max pooling, now often adopted by deep neural networks (e.g. ImageNet tests), was first used in Cresceptron to reduce the position resolution by a factor of (2x2) to 1 through the cascade for better generalization.

In 1994, André de Carvalho, together with Mike Fairhurst and David Bisset, published experimental results of a multi-layer boolean neural network, also known as a weightless neural network, composed of a 3-layers self-organising feature extraction neural network module (SOFT) followed by a multi-layer classification neural network module (GSN), which were independently trained. Each layer in the feature extraction module extracted features with growing complexity regarding the previous layer.[39]

In 1995, Brendan Frey demonstrated that it was possible to train (over two days) a network containing six fully connected layers and several hundred hidden units using the wake-sleep algorithm, co-developed with Peter Dayan and Hinton.[40] Many factors contribute to the slow speed, including the vanishing gradient problem analyzed in 1991 by Sepp Hochreiter.[41][42]

Simpler models that use task-specific handcrafted features such as Gabor filters and support vector machines (SVMs) were a popular choice in the 1990s and 2000s, because of artificial neural network's (ANN) computational cost and a lack of understanding of how the brain wires its biological networks.

Both shallow and deep learning (e.g., recurrent nets) of ANNs have been explored for many years.[43][44][45] These methods never outperformed non-uniform internal-handcrafting Gaussian mixture model/Hidden Markov model (GMM-HMM) technology based on generative models of speech trained discriminatively.[46] Key difficulties have been analyzed, including gradient diminishing[41] and weak temporal correlation structure in neural predictive models.[47][48] Additional difficulties were the lack of training data and limited computing power.

Most speech recognition researchers moved away from neural nets to pursue generative modeling. An exception was at SRI International in the late 1990s. Funded by the US government's NSA and DARPA, SRI studied deep neural networks in speech and speaker recognition. Heck's speaker recognition team achieved the first significant success with deep neural networks in speech processing in the 1998 National Institute of Standards and Technology Speaker Recognition evaluation.[49] While SRI experienced success with deep neural networks in speaker recognition, they were unsuccessful in demonstrating similar success in speech recognition.The principle of elevating 'raw' features over hand-crafted optimization was first explored successfully in the architecture of deep autoencoder on the 'raw' spectrogram or linear filter-bank features in the late 1990s,[49] showing its superiority over the Mel-Cepstral features that contain stages of fixed transformation from spectrograms. The raw features of speech, waveforms, later produced excellent larger-scale results.[50]

Many aspects of speech recognition were taken over by a deep learning method called long short-term memory (LSTM), a recurrent neural network published by Hochreiter and Schmidhuber in 1997.[51] LSTM RNNs avoid the vanishing gradient problem and can learn 'Very Deep Learning' tasks[2] that require memories of events that happened thousands of discrete time steps before, which is important for speech. In 2003, LSTM started to become competitive with traditional speech recognizers on certain tasks.[52] Later it was combined with connectionist temporal classification (CTC)[53] in stacks of LSTM RNNs.[54] In 2015, Google's speech recognition reportedly experienced a dramatic performance jump of 49% through CTC-trained LSTM, which they made available through Google Voice Search.[55]

In 2006, publications by Geoff Hinton, Ruslan Salakhutdinov, Osindero and Teh[56][57][58] showed how a many-layered feedforward neural network could be effectively pre-trained one layer at a time, treating each layer in turn as an unsupervised restricted Boltzmann machine, then fine-tuning it using supervised backpropagation.[59] The papers referred to learning for deep belief nets.

Deep learning is part of state-of-the-art systems in various disciplines, particularly computer vision and automatic speech recognition (ASR). Results on commonly used evaluation sets such as TIMIT (ASR) and MNIST (image classification), as well as a range of large-vocabulary speech recognition tasks have steadily improved.[60][61][62]Convolutional neural networks (CNNs) were superseded for ASR by CTC[53] for LSTM.[51][55][63][64][65][66][67] but are more successful in computer vision.

The impact of deep learning in industry began in the early 2000s, when CNNs already processed an estimated 10% to 20% of all the checks written in the US, according to Yann LeCun.[68] Industrial applications of deep learning to large-scale speech recognition started around 2010.

The 2009 NIPS Workshop on Deep Learning for Speech Recognition[69] was motivated by the limitations of deep generative models of speech, and the possibility that given more capable hardware and large-scale data sets that deep neural nets (DNN) might become practical. It was believed that pre-training DNNs using generative models of deep belief nets (DBN) would overcome the main difficulties of neural nets.[70] However, it was discovered that replacing pre-training with large amounts of training data for straightforward backpropagation when using DNNs with large, context-dependent output layers produced error rates dramatically lower than then-state-of-the-art Gaussian mixture model (GMM)/Hidden Markov Model (HMM) and also than more-advanced generative model-based systems.[60][71] The nature of the recognition errors produced by the two types of systems was characteristically different,[72][69] offering technical insights into how to integrate deep learning into the existing highly efficient, run-time speech decoding system deployed by all major speech recognition systems.[10][73][74] Analysis around 2009-2010, contrasted the GMM (and other generative speech models) vs. Om namah shivaya krishna das. DNN models, stimulated early industrial investment in deep learning for speech recognition,[72][69] eventually leading to pervasive and dominant use in that industry. That analysis was done with comparable performance (less than 1.5% in error rate) between discriminative DNNs and generative models.[60][72][70][75]

In 2010, researchers extended deep learning from TIMIT to large vocabulary speech recognition, by adopting large output layers of the DNN based on context-dependent HMM states constructed by decision trees.[76][77][78][73]

Advances in hardware enabled the renewed interest. In 2009, Nvidia was involved in what was called the “big bang” of deep learning, “as deep-learning neural networks were trained with Nvidia graphics processing units (GPUs).”[79] That year, Google Brain used Nvidia GPUs to create capable DNNs. While there, Andrew Ng determined that GPUs could increase the speed of deep-learning systems by about 100 times.[80] In particular, GPUs are well-suited for the matrix/vector math involved in machine learning.[81][82] GPUs speed up training algorithms by orders of magnitude, reducing running times from weeks to days.[83][84] Specialized hardware and algorithm optimizations can be used for efficient processing.[85]

Deep learning revolution[edit]

How deep learning is a subset of machine learning and how machine learning is a subset of artificial intelligence (AI).

In 2012, a team led by Dahl won the 'Merck Molecular Activity Challenge' using multi-task deep neural networks to predict the biomolecular target of one drug.[86][87] In 2014, Hochreiter's group used deep learning to detect off-target and toxic effects of environmental chemicals in nutrients, household products and drugs and won the 'Tox21 Data Challenge' of NIH, FDA and NCATS.[88][89][90]

Significant additional impacts in image or object recognition were felt from 2011 to 2012. Although CNNs trained by backpropagation had been around for decades, and GPU implementations of NNs for years, including CNNs, fast implementations of CNNs with max-pooling on GPUs in the style of Ciresan and colleagues were needed to progress on computer vision.[81][82][35][91][2] In 2011, this approach achieved for the first time superhuman performance in a visual pattern recognition contest. Also in 2011, it won the ICDAR Chinese handwriting contest, and in May 2012, it won the ISBI image segmentation contest.[92] Until 2011, CNNs did not play a major role at computer vision conferences, but in June 2012, a paper by Ciresan et al. at the leading conference CVPR[4] showed how max-pooling CNNs on GPU can dramatically improve many vision benchmark records. In October 2012, a similar system by Krizhevsky et al.[5] won the large-scale ImageNet competition by a significant margin over shallow machine learning methods. In November 2012, Ciresan et al.'s system also won the ICPR contest on analysis of large medical images for cancer detection, and in the following year also the MICCAI Grand Challenge on the same topic.[93] In 2013 and 2014, the error rate on the ImageNet task using deep learning was further reduced, following a similar trend in large-scale speech recognition. The Wolfram Image Identification project publicized these improvements.[94]

Image classification was then extended to the more challenging task of generating descriptions (captions) for images, often as a combination of CNNs and LSTMs.[95][96][97][98]

Some researchers assess that the October 2012 ImageNet victory anchored the start of a 'deep learning revolution' that has transformed the AI industry.[99]

In March 2019, Yoshua Bengio, Geoffrey Hinton and Yann LeCun were awarded the Turing Award for conceptual and engineering breakthroughs that have made deep neural networks a critical component of computing.

Neural networks[edit]

Artificial neural networks[edit]

Artificial neural networks (ANNs) or connectionist systems are computing systems inspired by the biological neural networks that constitute animal brains. Such systems learn (progressively improve their ability) to do tasks by considering examples, generally without task-specific programming. For example, in image recognition, they might learn to identify images that contain cats by analyzing example images that have been manually labeled as 'cat' or 'no cat' and using the analytic results to identify cats in other images. They have found most use in applications difficult to express with a traditional computer algorithm using rule-based programming.

An ANN is based on a collection of connected units called artificial neurons, (analogous to biological neurons in a biological brain). Each connection (synapse) between neurons can transmit a signal to another neuron. The receiving (postsynaptic) neuron can process the signal(s) and then signal downstream neurons connected to it. Neurons may have state, generally represented by real numbers, typically between 0 and 1. Neurons and synapses may also have a weight that varies as learning proceeds, which can increase or decrease the strength of the signal that it sends downstream.

Typically, neurons are organized in layers. Different layers may perform different kinds of transformations on their inputs. Signals travel from the first (input), to the last (output) layer, possibly after traversing the layers multiple times.

The original goal of the neural network approach was to solve problems in the same way that a human brain would. Over time, attention focused on matching specific mental abilities, leading to deviations from biology such as backpropagation, or passing information in the reverse direction and adjusting the network to reflect that information.

Neural networks have been used on a variety of tasks, including computer vision, speech recognition, machine translation, social network filtering, playing board and video games and medical diagnosis.

As of 2017, neural networks typically have a few thousand to a few million units and millions of connections. Despite this number being several order of magnitude less than the number of neurons on a human brain, these networks can perform many tasks at a level beyond that of humans (e.g., recognizing faces, playing 'Go'[100] ).

Deep neural networks[edit]

A deep neural network (DNN) is an artificial neural network (ANN) with multiple layers between the input and output layers.[11][2] The DNN finds the correct mathematical manipulation to turn the input into the output, whether it be a linear relationship or a non-linear relationship. The network moves through the layers calculating the probability of each output. For example, a DNN that is trained to recognize dog breeds will go over the given image and calculate the probability that the dog in the image is a certain breed. The user can review the results and select which probabilities the network should display (above a certain threshold, etc.) and return the proposed label. Each mathematical manipulation as such is considered a layer, and complex DNN have many layers, hence the name 'deep' networks.

DNNs can model complex non-linear relationships. DNN architectures generate compositional models where the object is expressed as a layered composition of primitives.[101] The extra layers enable composition of features from lower layers, potentially modeling complex data with fewer units than a similarly performing shallow network.[11]

Deep architectures include many variants of a few basic approaches. Each architecture has found success in specific domains. It is not always possible to compare the performance of multiple architectures, unless they have been evaluated on the same data sets.

DNNs are typically feedforward networks in which data flows from the input layer to the output layer without looping back. At first, the DNN creates a map of virtual neurons and assigns random numerical values, or 'weights', to connections between them. The weights and inputs are multiplied and return an output between 0 and 1. If the network didn’t accurately recognize a particular pattern, an algorithm would adjust the weights.[102] That way the algorithm can make certain parameters more influential, until it determines the correct mathematical manipulation to fully process the data.

Recurrent neural networks (RNNs), in which data can flow in any direction, are used for applications such as language modeling.[103][104][105][106][107] Long short-term memory is particularly effective for this use.[51][108]

Convolutional deep neural networks (CNNs) are used in computer vision.[109] CNNs also have been applied to acoustic modeling for automatic speech recognition (ASR).[67]

Challenges[edit]

As with ANNs, many issues can arise with naively trained DNNs. Two common issues are overfitting and computation time.

DNNs are prone to overfitting because of the added layers of abstraction, which allow them to model rare dependencies in the training data. Regularization methods such as Ivakhnenko's unit pruning[29] or weight decay (2{displaystyle ell _{2}}-regularization) or sparsity (1{displaystyle ell _{1}}-regularization) can be applied during training to combat overfitting.[110] Alternatively dropout regularization randomly omits units from the hidden layers during training. This helps to exclude rare dependencies.[111] Finally, data can be augmented via methods such as cropping and rotating such that smaller training sets can be increased in size to reduce the chances of overfitting.[112]

DNNs must consider many training parameters, such as the size (number of layers and number of units per layer), the learning rate, and initial weights. Sweeping through the parameter space for optimal parameters may not be feasible due to the cost in time and computational resources. Various tricks, such as batching (computing the gradient on several training examples at once rather than individual examples)[113] speed up computation. Large processing capabilities of many-core architectures (such as, GPUs or the Intel Xeon Phi) have produced significant speedups in training, because of the suitability of such processing architectures for the matrix and vector computations.[114][115]

Alternatively, engineers may look for other types of neural networks with more straightforward and convergent training algorithms. CMAC (cerebellar model articulation controller) is one such kind of neural network. It doesn't require learning rates or randomized initial weights for CMAC. The training process can be guaranteed to converge in one step with a new batch of data, and the computational complexity of the training algorithm is linear with respect to the number of neurons involved.[116][117]

Applications[edit]

Automatic speech recognition[edit]

Large-scale automatic speech recognition is the first and most convincing successful case of deep learning. LSTM RNNs can learn 'Very Deep Learning' tasks[2] that involve multi-second intervals containing speech events separated by thousands of discrete time steps, where one time step corresponds to about 10 ms. LSTM with forget gates[108] is competitive with traditional speech recognizers on certain tasks.[52]

The initial success in speech recognition was based on small-scale recognition tasks based on TIMIT. The data set contains 630 speakers from eight major dialects of American English, where each speaker reads 10 sentences.[118] Its small size lets many configurations be tried. More importantly, the TIMIT task concerns phone-sequence recognition, which, unlike word-sequence recognition, allows weak phone bigram language models. This lets the strength of the acoustic modeling aspects of speech recognition be more easily analyzed. The error rates listed below, including these early results and measured as percent phone error rates (PER), have been summarized since 1991.

MethodPER (%)
Randomly Initialized RNN[119]26.1
Bayesian Triphone GMM-HMM25.6
Hidden Trajectory (Generative) Model24.8
Monophone Randomly Initialized DNN23.4
Monophone DBN-DNN22.4
Triphone GMM-HMM with BMMI Training21.7
Monophone DBN-DNN on fbank20.7
Convolutional DNN[120]20.0
Convolutional DNN w. Heterogeneous Pooling18.7
Ensemble DNN/CNN/RNN[121]18.3
Bidirectional LSTM17.9
Hierarchical Convolutional Deep Maxout Network[122]16.5

The debut of DNNs for speaker recognition in the late 1990s and speech recognition around 2009-2011 and of LSTM around 2003-2007, accelerated progress in eight major areas:[10][75][73]

  • Scale-up/out and acclerated DNN training and decoding
  • Sequence discriminative training
  • Feature processing by deep models with solid understanding of the underlying mechanisms
  • Adaptation of DNNs and related deep models
  • Multi-task and transfer learning by DNNs and related deep models
  • CNNs and how to design them to best exploit domain knowledge of speech
  • RNN and its rich LSTM variants
  • Other types of deep models including tensor-based models and integrated deep generative/discriminative models.

All major commercial speech recognition systems (e.g., Microsoft Cortana, Xbox, Skype Translator, Amazon Alexa, Google Now, Apple Siri, Baidu and iFlyTek voice search, and a range of Nuance speech products, etc.) are based on deep learning.[10][123][124][125]

Pokemon Emerald Randomizer. Just for funsies one day, I decided to make a quick tool to take an old pokemon game from one of my favorite generations. Pokemon emerald randomizer nuzlocke rom. May 26, 2018 - Download Pokemon Emerald Randomizer (USA) GBA ROM for the GameBoy Advance. Languages: English.

Image recognition[edit]

A common evaluation set for image classification is the MNIST database data set. MNIST is composed of handwritten digits and includes 60,000 training examples and 10,000 test examples. As with TIMIT, its small size lets users test multiple configurations. A comprehensive list of results on this set is available.[126]

Deep learning-based image recognition has become 'superhuman', producing more accurate results than human contestants. This first occurred in 2011.[127]

Deep learning-trained vehicles now interpret 360° camera views.[128] Another example is Facial Dysmorphology Novel Analysis (FDNA) used to analyze cases of human malformation connected to a large database of genetic syndromes.

Visual art processing[edit]

Closely related to the progress that has been made in image recognition is the increasing application of deep learning techniques to various visual art tasks. DNNs have proven themselves capable, for example, of a) identifying the style period of a given painting, b) Neural Style Transfer - capturing the style of a given artwork and applying it in a visually pleasing manner to an arbitrary photograph or video, and c) generating striking imagery based on random visual input fields.[129][130]

Natural language processing[edit]

Neural networks have been used for implementing language models since the early 2000s.[103][131] LSTM helped to improve machine translation and language modeling.[104][105][106]

Other key techniques in this field are negative sampling[132] and word embedding. Word embedding, such as word2vec, can be thought of as a representational layer in a deep learning architecture that transforms an atomic word into a positional representation of the word relative to other words in the dataset; the position is represented as a point in a vector space. Using word embedding as an RNN input layer allows the network to parse sentences and phrases using an effective compositional vector grammar. A compositional vector grammar can be thought of as probabilistic context free grammar (PCFG) implemented by an RNN.[133] Recursive auto-encoders built atop word embeddings can assess sentence similarity and detect paraphrasing.[133] Deep neural architectures provide the best results for constituency parsing,[134]sentiment analysis,[135] information retrieval,[136][137] spoken language understanding,[138] machine translation,[104][139] contextual entity linking,[139] writing style recognition,[140] Text classification and others.[141]

Recent developments generalize word embedding to sentence embedding.

Google Translate (GT) uses a large end-to-end long short-term memory network.[142][143][144][145][146][147]Google Neural Machine Translation (GNMT) uses an example-based machine translation method in which the system 'learns from millions of examples.'[143] It translates 'whole sentences at a time, rather than pieces. Google Translate supports over one hundred languages.[143] The network encodes the 'semantics of the sentence rather than simply memorizing phrase-to-phrase translations'.[143][148] GT uses English as an intermediate between most language pairs.[148]

Drug discovery and toxicology[edit]

A large percentage of candidate drugs fail to win regulatory approval. These failures are caused by insufficient efficacy (on-target effect), undesired interactions (off-target effects), or unanticipated toxic effects.[149][150] Research has explored use of deep learning to predict the biomolecular targets,[86][87]off-targets, and toxic effects of environmental chemicals in nutrients, household products and drugs.[88][89][90]

AtomNet is a deep learning system for structure-based rational drug design.[151] AtomNet was used to predict novel candidate biomolecules for disease targets such as the Ebola virus[152] and multiple sclerosis.[153][154]

Customer relationship management[edit]

Deep reinforcement learning has been used to approximate the value of possible direct marketing actions, defined in terms of RFM variables. The estimated value function was shown to have a natural interpretation as customer lifetime value.[155]

Recommendation systems[edit]

Recommendation systems have used deep learning to extract meaningful features for a latent factor model for content-based music recommendations.[156] Multiview deep learning has been applied for learning user preferences from multiple domains.[157] The model uses a hybrid collaborative and content-based approach and enhances recommendations in multiple tasks.

Bioinformatics[edit]

An autoencoder ANN was used in bioinformatics, to predict gene ontology annotations and gene-function relationships.[158]

In medical informatics, deep learning was used to predict sleep quality based on data from wearables[159] and predictions of health complications from electronic health record data.[160] Deep learning has also showed efficacy in healthcare.[161]

Medical Image Analysis[edit]

Deep learning has been shown to produce competitive results in medical application such as cancer cell classification, lesion detection, organ segmentation and image enhancement[162][163]

Mobile advertising[edit]

Finding the appropriate mobile audience for mobile advertising is always challenging, since many data points must be considered and assimilated before a target segment can be created and used in ad serving by any ad server.[164] Deep learning has been used to interpret large, many-dimensioned advertising datasets. Many data points are collected during the request/serve/click internet advertising cycle. This information can form the basis of machine learning to improve ad selection.

Image restoration[edit]

Deep learning has been successfully applied to inverse problems such as denoising, super-resolution, inpainting, and film colorization. These applications include learning methods such as 'Shrinkage Fields for Effective Image Restoration'[165] which trains on an image dataset, and Deep Image Prior, which trains on the image that needs restoration.

Financial fraud detection[edit]

Deep learning is being successfully applied to financial fraud detection and anti-money laundering. 'Deep anti-money laundering detection system can spot and recognize relationships and similarities between data and, further down the road, learn to detect anomalies or classify and predict specific events'. The solution leverages both supervised learning techniques, such as the classification of suspicious transactions, and unsupervised learning, e.g. anomaly detection.[166]

Military[edit]

The United States Department of Defense applied deep learning to train robots in new tasks through observation.[167]

Relation to human cognitive and brain development[edit]

Deep learning is closely related to a class of theories of brain development (specifically, neocortical development) proposed by cognitive neuroscientists in the early 1990s.[168][169][170][171] These developmental theories were instantiated in computational models, making them predecessors of deep learning systems. These developmental models share the property that various proposed learning dynamics in the brain (e.g., a wave of nerve growth factor) support the self-organization somewhat analogous to the neural networks utilized in deep learning models. Like the neocortex, neural networks employ a hierarchy of layered filters in which each layer considers information from a prior layer (or the operating environment), and then passes its output (and possibly the original input), to other layers. This process yields a self-organizing stack of transducers, well-tuned to their operating environment. A 1995 description stated, '..the infant's brain seems to organize itself under the influence of waves of so-called trophic-factors .. different regions of the brain become connected sequentially, with one layer of tissue maturing before another and so on until the whole brain is mature.'[172]

A variety of approaches have been used to investigate the plausibility of deep learning models from a neurobiological perspective. On the one hand, several variants of the backpropagation algorithm have been proposed in order to increase its processing realism.[173][174] Other researchers have argued that unsupervised forms of deep learning, such as those based on hierarchical generative models and deep belief networks, may be closer to biological reality.[175][176] In this respect, generative neural network models have been related to neurobiological evidence about sampling-based processing in the cerebral cortex.[177]

Although a systematic comparison between the human brain organization and the neuronal encoding in deep networks has not yet been established, several analogies have been reported. For example, the computations performed by deep learning units could be similar to those of actual neurons[178][179] and neural populations.[180] Similarly, the representations developed by deep learning models are similar to those measured in the primate visual system[181] both at the single-unit[182] and at the population[183] levels.

Commercial activity[edit]

Many organizations employ deep learning for particular applications. Facebook's AI lab performs tasks such as automatically tagging uploaded pictures with the names of the people in them.[184]

Google's DeepMind Technologies developed a system capable of learning how to play Atari video games using only pixels as data input. In 2015 they demonstrated their AlphaGo system, which learned the game of Go well enough to beat a professional Go player.[185][186][187] Google Translate uses an LSTM to translate between more than 100 languages.

In 2015, Blippar demonstrated a mobile augmented reality application that uses deep learning to recognize objects in real time.[188]

As of 2008,[189] researchers at The University of Texas at Austin (UT) developed a machine learning framework called Training an Agent Manually via Evaluative Reinforcement, or TAMER, which proposed new methods for robots or computer programs to learn how to perform tasks by interacting with a human instructor.[167]

First developed as TAMER, a new algorithm called Deep TAMER was later introduced in 2018 during a collaboration between U.S. Army Research Laboratory (ARL) and UT researchers. Deep TAMER used deep learning to provide a robot the ability to learn new tasks through observation.[167]

Using Deep TAMER, a robot learned a task with a human trainer, watching video streams or observing a human perform a task in-person. The robot later practiced the task with the help of some coaching from the trainer, who provided feedback such as “good job” and “bad job.”[190]

Criticism and comment[edit]

Deep learning has attracted both criticism and comment, in some cases from outside the field of computer science.

Theory[edit]

A main criticism concerns the lack of theory surrounding some methods.[191] Learning in the most common deep architectures is implemented using well-understood gradient descent. However, the theory surrounding other algorithms, such as contrastive divergence is less clear.[citation needed] (e.g., Does it converge? If so, how fast? What is it approximating?) Deep learning methods are often looked at as a black box, with most confirmations done empirically, rather than theoretically.[192]

Others point out that deep learning should be looked at as a step towards realizing strong AI, not as an all-encompassing solution. Despite the power of deep learning methods, they still lack much of the functionality needed for realizing this goal entirely. Research psychologist Gary Marcus noted:

Aprendizaje de ingles

'Realistically, deep learning is only part of the larger challenge of building intelligent machines. Such techniques lack ways of representing causal relationships (..) have no obvious ways of performing logical inferences, and they are also still a long way from integrating abstract knowledge, such as information about what objects are, what they are for, and how they are typically used. The most powerful A.I. systems, like Watson (..) use techniques like deep learning as just one element in a very complicated ensemble of techniques, ranging from the statistical technique of Bayesian inference to deductive reasoning.'[193]

As an alternative to this emphasis on the limits of deep learning, one author speculated that it might be possible to train a machine vision stack to perform the sophisticated task of discriminating between 'old master' and amateur figure drawings, and hypothesized that such a sensitivity might represent the rudiments of a non-trivial machine empathy.[194] This same author proposed that this would be in line with anthropology, which identifies a concern with aesthetics as a key element of behavioral modernity.[195]

In further reference to the idea that artistic sensitivity might inhere within relatively low levels of the cognitive hierarchy, a published series of graphic representations of the internal states of deep (20-30 layers) neural networks attempting to discern within essentially random data the images on which they were trained[196] demonstrate a visual appeal: the original research notice received well over 1,000 comments, and was the subject of what was for a time the most frequently accessed article on The Guardian's[197] web site.

Errors[edit]

Some deep learning architectures display problematic behaviors,[198] such as confidently classifying unrecognizable images as belonging to a familiar category of ordinary images[199] and misclassifying minuscule perturbations of correctly classified images.[200]Goertzel hypothesized that these behaviors are due to limitations in their internal representations and that these limitations would inhibit integration into heterogeneous multi-component artificial general intelligence (AGI) architectures.[198] These issues may possibly be addressed by deep learning architectures that internally form states homologous to image-grammar[201] decompositions of observed entities and events.[198]Learning a grammar (visual or linguistic) from training data would be equivalent to restricting the system to commonsense reasoning that operates on concepts in terms of grammatical production rules and is a basic goal of both human language acquisition[202] and artificial intelligence (AI).[203]

Cyberthreat[edit]

As deep learning moves from the lab into the world, research and experience shows that artificial neural networks are vulnerable to hacks and deception. By identifying patterns that these systems use to function, attackers can modify inputs to ANNs in such a way that the ANN finds a match that human observers would not recognize. For example, an attacker can make subtle changes to an image such that the ANN finds a match even though the image looks to a human nothing like the search target. Such a manipulation is termed an “adversarial attack.” In 2016 researchers used one ANN to doctor images in trial and error fashion, identify another's focal points and thereby generate images that deceived it. The modified images looked no different to human eyes. Another group showed that printouts of doctored images then photographed successfully tricked an image classification system.[204] One defense is reverse image search, in which a possible fake image is submitted to a site such as TinEye that can then find other instances of it. A refinement is to search using only parts of the image, to identify images from which that piece may have been taken.[205]

Another group showed that certain psychedelic spectacles could fool a facial recognition system into thinking ordinary people were celebrities, potentially allowing one person to impersonate another. In 2017 researchers added stickers to stop signs and caused an ANN to misclassify them.[204]

ANNs can however be further trained to detect attempts at deception, potentially leading attackers and defenders into an arms race similar to the kind that already defines the malware defense industry. ANNs have been trained to defeat ANN-based anti-malware software by repeatedly attacking a defense with malware that was continually altered by a genetic algorithm until it tricked the anti-malware while retaining its ability to damage the target.[204]

Another group demonstrated that certain sounds could make the Google Now voice command system open a particular web address that would download malware.[204]

In “data poisoning”, false data is continually smuggled into a machine learning system’s training set to prevent it from achieving mastery.[204]

See also[edit]

References[edit]

  1. ^ abcdefBengio, Y.; Courville, A.; Vincent, P. (2013). 'Representation Learning: A Review and New Perspectives'. IEEE Transactions on Pattern Analysis and Machine Intelligence. 35 (8): 1798–1828. arXiv:1206.5538. doi:10.1109/tpami.2013.50. PMID23787338.
  2. ^ abcdefghSchmidhuber, J. (2015). 'Deep Learning in Neural Networks: An Overview'. Neural Networks. 61: 85–117. arXiv:1404.7828. doi:10.1016/j.neunet.2014.09.003. PMID25462637.
  3. ^Bengio, Yoshua; LeCun, Yann; Hinton, Geoffrey (2015). 'Deep Learning'. Nature. 521 (7553): 436–444. Bibcode:2015Natur.521.436L. doi:10.1038/nature14539. PMID26017442.
  4. ^ abCiresan, Dan; Meier, U.; Schmidhuber, J. (June 2012). 'Multi-column deep neural networks for image classification'. 2012 IEEE Conference on Computer Vision and Pattern Recognition: 3642–3649. arXiv:1202.2745. doi:10.1109/cvpr.2012.6248110. ISBN978-1-4673-1228-8.
  5. ^ abKrizhevsky, Alex; Sutskever, Ilya; Hinton, Geoffry (2012). 'ImageNet Classification with Deep Convolutional Neural Networks'(PDF). NIPS 2012: Neural Information Processing Systems, Lake Tahoe, Nevada.
  6. ^'Google's AlphaGo AI wins three-match series against the world's best Go player'. TechCrunch. 25 May 2017.
  7. ^Marblestone, Adam H.; Wayne, Greg; Kording, Konrad P. (2016). 'Toward an Integration of Deep Learning and Neuroscience'. Frontiers in Computational Neuroscience. 10: 94. doi:10.3389/fncom.2016.00094. PMC5021692. PMID27683554.
  8. ^Olshausen, B. A. (1996). 'Emergence of simple-cell receptive field properties by learning a sparse code for natural images'. Nature. 381 (6583): 607–609. Bibcode:1996Natur.381.607O. doi:10.1038/381607a0. PMID8637596.
  9. ^Bengio, Yoshua; Lee, Dong-Hyun; Bornschein, Jorg; Mesnard, Thomas; Lin, Zhouhan (2015-02-13). 'Towards Biologically Plausible Deep Learning'. arXiv:1502.04156 [cs.LG].
  10. ^ abcdefDeng, L.; Yu, D. (2014). 'Deep Learning: Methods and Applications'(PDF). Foundations and Trends in Signal Processing. 7 (3–4): 1–199. doi:10.1561/2000000039.
  11. ^ abcdeBengio, Yoshua (2009). 'Learning Deep Architectures for AI'(PDF). Foundations and Trends in Machine Learning. 2 (1): 1–127. CiteSeerX10.1.1.701.9550. doi:10.1561/2200000006.
  12. ^LeCun, Yann; Bengio, Yoshua; Hinton, Geoffrey (28 May 2015). 'Deep learning'. Nature. 521 (7553): 436–444. Bibcode:2015Natur.521.436L. doi:10.1038/nature14539. PMID26017442.
  13. ^ abJürgen Schmidhuber (2015). Deep Learning. Scholarpedia, 10(11):32832. Online
  14. ^ abcHinton, G.E. (2009). 'Deep belief networks'. Scholarpedia. 4 (5): 5947. Bibcode:2009SchpJ..4.5947H. doi:10.4249/scholarpedia.5947.
  15. ^ abBalázs Csanád Csáji (2001). Approximation with Artificial Neural Networks; Faculty of Sciences; Eötvös Loránd University, Hungary
  16. ^ abcCybenko (1989). 'Approximations by superpositions of sigmoidal functions'(PDF). Mathematics of Control, Signals, and Systems. 2 (4): 303–314. doi:10.1007/bf02551274. Archived from the original(PDF) on 2015-10-10.
  17. ^ abcHornik, Kurt (1991). 'Approximation Capabilities of Multilayer Feedforward Networks'. Neural Networks. 4 (2): 251–257. doi:10.1016/0893-6080(91)90009-t.
  18. ^ abHaykin, Simon S. (1999). Neural Networks: A Comprehensive Foundation. Prentice Hall. ISBN978-0-13-273350-2.
  19. ^ abHassoun, Mohamad H. (1995). Fundamentals of Artificial Neural Networks. MIT Press. p. 48. ISBN978-0-262-08239-6.
  20. ^ abLu, Z., Pu, H., Wang, F., Hu, Z., & Wang, L. (2017). The Expressive Power of Neural Networks: A View from the Width. Neural Information Processing Systems, 6231-6239.
  21. ^ abcdMurphy, Kevin P. (24 August 2012). Machine Learning: A Probabilistic Perspective. MIT Press. ISBN978-0-262-01802-9.
  22. ^Patel, Ankit; Nguyen, Tan; Baraniuk, Richard (2016). 'A Probabilistic Framework for Deep Learning'(PDF). Advances in Neural Information Processing Systems.
  23. ^Hinton, G. E.; Srivastava, N.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R.R. (2012). 'Improving neural networks by preventing co-adaptation of feature detectors'. arXiv:1207.0580 [math.LG].
  24. ^Bishop, Christopher M. (2006). Pattern Recognition and Machine Learning(PDF). Springer. ISBN978-0-387-31073-2.
  25. ^Rina Dechter (1986). Learning while searching in constraint-satisfaction problems. University of California, Computer Science Department, Cognitive Systems Laboratory.Online
  26. ^Igor Aizenberg, Naum N. Aizenberg, Joos P.L. Vandewalle (2000). Multi-Valued and Universal Binary Neurons: Theory, Learning and Applications. Springer Science & Business Media.
  27. ^Co-evolving recurrent neurons learn deep memory POMDPs. Proc. GECCO, Washington, D. C., pp. 1795-1802, ACM Press, New York, NY, USA, 2005.
  28. ^Ivakhnenko, A. G. (1973). Cybernetic Predicting Devices. CCM Information Corporation.
  29. ^ abIvakhnenko, Alexey (1971). 'Polynomial theory of complex systems'. IEEE Transactions on Systems, Man and Cybernetics. 1 (4): 364–378. doi:10.1109/TSMC.1971.4308320.
  30. ^Fukushima, K. (1980). 'Neocognitron: A self-organizing neural network model for a mechanism of pattern recognition unaffected by shift in position'. Biol. Cybern. 36 (4): 193–202. doi:10.1007/bf00344251. PMID7370364.
  31. ^Seppo Linnainmaa (1970). The representation of the cumulative rounding error of an algorithm as a Taylor expansion of the local rounding errors. Master's Thesis (in Finnish), Univ. Helsinki, 6-7.
  32. ^Griewank, Andreas (2012). 'Who Invented the Reverse Mode of Differentiation?'(PDF). Documenta Matematica (Extra Volume ISMP): 389–400.
  33. ^Werbos, P. (1974). 'Beyond Regression: New Tools for Prediction and Analysis in the Behavioral Sciences'. Harvard University. Retrieved 12 June 2017.
  34. ^Werbos, Paul (1982). 'Applications of advances in nonlinear sensitivity analysis'(PDF). System modeling and optimization. Springer. pp. 762–770.
  35. ^ abLeCun et al., 'Backpropagation Applied to Handwritten Zip Code Recognition,' Neural Computation, 1, pp. 541–551, 1989.
  36. ^J. Weng, N. Ahuja and T. S. Huang, 'Cresceptron: a self-organizing neural network which grows adaptively,' Proc. International Joint Conference on Neural Networks, Baltimore, Maryland, vol I, pp. 576-581, June, 1992.
  37. ^J. Weng, N. Ahuja and T. S. Huang, 'Learning recognition and segmentation of 3-D objects from 2-D images,' Proc. 4th International Conf. Computer Vision, Berlin, Germany, pp. 121-128, May, 1993.
  38. ^J. Weng, N. Ahuja and T. S. Huang, 'Learning recognition and segmentation using the Cresceptron,' International Journal of Computer Vision, vol. 25, no. 2, pp. 105-139, Nov. 1997.
  39. ^de Carvalho, Andre C. L. F.; Fairhurst, Mike C.; Bisset, David (1994-08-08). 'An integrated Boolean neural network for pattern classification'. Pattern Recognition Letters. 15 (8): 807–813. doi:10.1016/0167-8655(94)90009-4.
  40. ^Hinton, Geoffrey E.; Dayan, Peter; Frey, Brendan J.; Neal, Radford (1995-05-26). 'The wake-sleep algorithm for unsupervised neural networks'. Science. 268 (5214): 1158–1161. Bibcode:1995Sci..268.1158H. doi:10.1126/science.7761831.
  41. ^ abS. Hochreiter., 'Untersuchungen zu dynamischen neuronalen Netzen,' Diploma thesis. Institut f. Informatik, Technische Univ. Munich. Advisor: J. Schmidhuber, 1991.
  42. ^Hochreiter, S.; et al. (15 January 2001). 'Gradient flow in recurrent nets: the difficulty of learning long-term dependencies'. In Kolen, John F.; Kremer, Stefan C. (eds.). A Field Guide to Dynamical Recurrent Networks. John Wiley & Sons. ISBN978-0-7803-5369-5.
  43. ^Morgan, Nelson; Bourlard, Hervé; Renals, Steve; Cohen, Michael; Franco, Horacio (1993-08-01). 'Hybrid neural network/hidden markov model systems for continuous speech recognition'. International Journal of Pattern Recognition and Artificial Intelligence. 07 (4): 899–916. doi:10.1142/s0218001493000455. ISSN0218-0014.
  44. ^Robinson, T. (1992). 'A real-time recurrent error propagation network word recognition system'. ICASSP: 617–620.
  45. ^Waibel, A.; Hanazawa, T.; Hinton, G.; Shikano, K.; Lang, K. J. (March 1989). 'Phoneme recognition using time-delay neural networks'. IEEE Transactions on Acoustics, Speech, and Signal Processing. 37 (3): 328–339. doi:10.1109/29.21701. ISSN0096-3518.
  46. ^Baker, J.; Deng, Li; Glass, Jim; Khudanpur, S.; Lee, C.-H.; Morgan, N.; O'Shaughnessy, D. (2009). 'Research Developments and Directions in Speech Recognition and Understanding, Part 1'. IEEE Signal Processing Magazine. 26 (3): 75–80. Bibcode:2009ISPM..26..75B. doi:10.1109/msp.2009.932166.
  47. ^Bengio, Y. (1991). 'Artificial Neural Networks and their Application to Speech/Sequence Recognition'. McGill University Ph.D. thesis.
  48. ^Deng, L.; Hassanein, K.; Elmasry, M. (1994). 'Analysis of correlation structure for a neural predictive model with applications to speech recognition'. Neural Networks. 7 (2): 331–339. doi:10.1016/0893-6080(94)90027-2.
  49. ^ abHeck, L.; Konig, Y.; Sonmez, M.; Weintraub, M. (2000). 'Robustness to Telephone Handset Distortion in Speaker Recognition by Discriminative Feature Design'. Speech Communication. 31 (2): 181–192. doi:10.1016/s0167-6393(99)00077-1.
  50. ^'Acoustic Modeling with Deep Neural Networks Using Raw Time Signal for LVCSR (PDF Download Available)'. ResearchGate. Retrieved 2017-06-14.
  51. ^ abcHochreiter, Sepp; Schmidhuber, Jürgen (1997-11-01). 'Long Short-Term Memory'. Neural Computation. 9 (8): 1735–1780. doi:10.1162/neco.1997.9.8.1735. ISSN0899-7667. PMID9377276.
  52. ^ abGraves, Alex; Eck, Douglas; Beringer, Nicole; Schmidhuber, Jürgen (2003). 'Biologically Plausible Speech Recognition with LSTM Neural Nets'(PDF). 1st Intl. Workshop on Biologically Inspired Approaches to Advanced Information Technology, Bio-ADIT 2004, Lausanne, Switzerland. pp. 175–184.
  53. ^ abGraves, Alex; Fernández, Santiago; Gomez, Faustino (2006). 'Connectionist temporal classification: Labelling unsegmented sequence data with recurrent neural networks'. Proceedings of the International Conference on Machine Learning, ICML 2006: 369–376. CiteSeerX10.1.1.75.6306.
  54. ^Santiago Fernandez, Alex Graves, and Jürgen Schmidhuber (2007). An application of recurrent neural networks to discriminative keyword spotting. Proceedings of ICANN (2), pp. 220–229.
  55. ^ abSak, Haşim; Senior, Andrew; Rao, Kanishka; Beaufays, Françoise; Schalkwyk, Johan (September 2015). 'Google voice search: faster and more accurate'.
  56. ^Hinton, Geoffrey E. (2007-10-01). 'Learning multiple layers of representation'. Trends in Cognitive Sciences. 11 (10): 428–434. doi:10.1016/j.tics.2007.09.004. ISSN1364-6613. PMID17921042.
  57. ^Hinton, G. E.; Osindero, S.; Teh, Y. W. (2006). 'A Fast Learning Algorithm for Deep Belief Nets'(PDF). Neural Computation. 18 (7): 1527–1554. doi:10.1162/neco.2006.18.7.1527. PMID16764513.
  58. ^Bengio, Yoshua (2012). 'Practical recommendations for gradient-based training of deep architectures'. arXiv:1206.5533 [cs.LG].
  59. ^G. E. Hinton., 'Learning multiple layers of representation,' Trends in Cognitive Sciences, 11, pp. 428–434, 2007.
  60. ^ abcHinton, G.; Deng, L.; Yu, D.; Dahl, G.; Mohamed, A.; Jaitly, N.; Senior, A.; Vanhoucke, V.; Nguyen, P.; Sainath, T.; Kingsbury, B. (2012). 'Deep Neural Networks for Acoustic Modeling in Speech Recognition --- The shared views of four research groups'. IEEE Signal Processing Magazine. 29 (6): 82–97. doi:10.1109/msp.2012.2205597.
  61. ^Deng, Li; Hinton, Geoffrey; Kingsbury, Brian (1 May 2013). 'New types of deep neural network learning for speech recognition and related applications: An overview' – via research.microsoft.com.
  62. ^Deng, L.; Li, J.; Huang, J. T.; Yao, K.; Yu, D.; Seide, F.; Seltzer, M.; Zweig, G.; He, X. (May 2013). 'Recent advances in deep learning for speech research at Microsoft'. 2013 IEEE International Conference on Acoustics, Speech and Signal Processing: 8604–8608. doi:10.1109/icassp.2013.6639345. ISBN978-1-4799-0356-6.
  63. ^Sak, Hasim; Senior, Andrew; Beaufays, Francoise (2014). 'Long Short-Term Memory recurrent neural network architectures for large scale acoustic modeling'(PDF).
  64. ^Li, Xiangang; Wu, Xihong (2014). 'Constructing Long Short-Term Memory based Deep Recurrent Neural Networks for Large Vocabulary Speech Recognition'. arXiv:1410.4281 [cs.CL].
  65. ^Zen, Heiga; Sak, Hasim (2015). 'Unidirectional Long Short-Term Memory Recurrent Neural Network with Recurrent Output Layer for Low-Latency Speech Synthesis'(PDF). Google.com. ICASSP. pp. 4470–4474.
  66. ^Deng, L.; Abdel-Hamid, O.; Yu, D. (2013). 'A deep convolutional neural network using heterogeneous pooling for trading acoustic invariance with phonetic confusion'(PDF). Google.com. ICASSP.
  67. ^ abSainath, T. N.; Mohamed, A. r; Kingsbury, B.; Ramabhadran, B. (May 2013). 'Deep convolutional neural networks for LVCSR'. 2013 IEEE International Conference on Acoustics, Speech and Signal Processing: 8614–8618. doi:10.1109/icassp.2013.6639347. ISBN978-1-4799-0356-6.
  68. ^Yann LeCun (2016). Slides on Deep Learning Online
  69. ^ abcNIPS Workshop: Deep Learning for Speech Recognition and Related Applications, Whistler, BC, Canada, Dec. 2009 (Organizers: Li Deng, Geoff Hinton, D. Yu).
  70. ^ abKeynote talk: Recent Developments in Deep Neural Networks. ICASSP, 2013 (by Geoff Hinton).
  71. ^D. Yu, L. Deng, G. Li, and F. Seide (2011). 'Discriminative pretraining of deep neural networks,' U.S. Patent Filing.
  72. ^ abcDeng, L.; Hinton, G.; Kingsbury, B. (2013). 'New types of deep neural network learning for speech recognition and related applications: An overview (ICASSP)'(PDF).
  73. ^ abcYu, D.; Deng, L. (2014). Automatic Speech Recognition: A Deep Learning Approach (Publisher: Springer). ISBN978-1-4471-5779-3.
  74. ^'Deng receives prestigious IEEE Technical Achievement Award - Microsoft Research'. Microsoft Research. 3 December 2015.
  75. ^ abLi, Deng (September 2014). 'Keynote talk: 'Achievements and Challenges of Deep Learning - From Speech Analysis and Recognition To Language and Multimodal Processing''. Interspeech.
  76. ^Yu, D.; Deng, L. (2010). 'Roles of Pre-Training and Fine-Tuning in Context-Dependent DBN-HMMs for Real-World Speech Recognition'. NIPS Workshop on Deep Learning and Unsupervised Feature Learning.
  77. ^Seide, F.; Li, G.; Yu, D. (2011). 'Conversational speech transcription using context-dependent deep neural networks'. Interspeech.
  78. ^Deng, Li; Li, Jinyu; Huang, Jui-Ting; Yao, Kaisheng; Yu, Dong; Seide, Frank; Seltzer, Mike; Zweig, Geoff; He, Xiaodong (2013-05-01). 'Recent Advances in Deep Learning for Speech Research at Microsoft'. Microsoft Research.
  79. ^'Nvidia CEO bets big on deep learning and VR'. Venture Beat. April 5, 2016.
  80. ^'From not working to neural networking'. The Economist.
  81. ^ abOh, K.-S.; Jung, K. (2004). 'GPU implementation of neural networks'. Pattern Recognition. 37 (6): 1311–1314. doi:10.1016/j.patcog.2004.01.013.
  82. ^ abChellapilla, K., Puri, S., and Simard, P. (2006). High performance convolutional neural networks for document processing. International Workshop on Frontiers in Handwriting Recognition.
  83. ^Cireşan, Dan Claudiu; Meier, Ueli; Gambardella, Luca Maria; Schmidhuber, Jürgen (2010-09-21). 'Deep, Big, Simple Neural Nets for Handwritten Digit Recognition'. Neural Computation. 22 (12): 3207–3220. arXiv:1003.0358. doi:10.1162/neco_a_00052. ISSN0899-7667. PMID20858131.
  84. ^Raina, Rajat; Madhavan, Anand; Ng, Andrew Y. (2009). 'Large-scale Deep Unsupervised Learning Using Graphics Processors'. Proceedings of the 26th Annual International Conference on Machine Learning. ICML '09. New York, NY, USA: ACM: 873–880. CiteSeerX10.1.1.154.372. doi:10.1145/1553374.1553486. ISBN9781605585161.
  85. ^Sze, Vivienne; Chen, Yu-Hsin; Yang, Tien-Ju; Emer, Joel (2017). 'Efficient Processing of Deep Neural Networks: A Tutorial and Survey'. arXiv:1703.09039 [cs.CV].
  86. ^ ab'Announcement of the winners of the Merck Molecular Activity Challenge'.
  87. ^ ab'Multi-task Neural Networks for QSAR Predictions Data Science Association'. www.datascienceassn.org. Retrieved 2017-06-14.
  88. ^ ab'Toxicology in the 21st century Data Challenge'
  89. ^ ab'NCATS Announces Tox21 Data Challenge Winners'.
  90. ^ ab'Archived copy'. Archived from the original on 2015-02-28. Retrieved 2015-03-05.CS1 maint: Archived copy as title (link)
  91. ^Ciresan, D. C.; Meier, U.; Masci, J.; Gambardella, L. M.; Schmidhuber, J. (2011). 'Flexible, High Performance Convolutional Neural Networks for Image Classification'(PDF). International Joint Conference on Artificial Intelligence. doi:10.5591/978-1-57735-516-8/ijcai11-210.
  92. ^Ciresan, Dan; Giusti, Alessandro; Gambardella, Luca M.; Schmidhuber, Juergen (2012). Pereira, F.; Burges, C. J. C.; Bottou, L.; Weinberger, K. Q. (eds.). Advances in Neural Information Processing Systems 25(PDF). Curran Associates, Inc. pp. 2843–2851.
  93. ^Ciresan, D.; Giusti, A.; Gambardella, L.M.; Schmidhuber, J. (2013). 'Mitosis Detection in Breast Cancer Histology Images using Deep Neural Networks'. Proceedings MICCAI. Lecture Notes in Computer Science. 7908: 411–418. doi:10.1007/978-3-642-40763-5_51. ISBN978-3-642-38708-1.
  94. ^'The Wolfram Language Image Identification Project'. www.imageidentify.com. Retrieved 2017-03-22.
  95. ^Vinyals, Oriol; Toshev, Alexander; Bengio, Samy; Erhan, Dumitru (2014). 'Show and Tell: A Neural Image Caption Generator'. arXiv:1411.4555 [cs.CV]..
  96. ^Fang, Hao; Gupta, Saurabh; Iandola, Forrest; Srivastava, Rupesh; Deng, Li; Dollár, Piotr; Gao, Jianfeng; He, Xiaodong; Mitchell, Margaret; Platt, John C; Lawrence Zitnick, C; Zweig, Geoffrey (2014). 'From Captions to Visual Concepts and Back'. arXiv:1411.4952 [cs.CV]..
  97. ^Kiros, Ryan; Salakhutdinov, Ruslan; Zemel, Richard S (2014). 'Unifying Visual-Semantic Embeddings with Multimodal Neural Language Models'. arXiv:1411.2539 [cs.LG]..
  98. ^Zhong, Sheng-hua; Liu, Yan; Liu, Yang (2011). 'Bilinear Deep Learning for Image Classification'. Proceedings of the 19th ACM International Conference on Multimedia. MM '11. New York, NY, USA: ACM: 343–352. doi:10.1145/2072298.2072344. ISBN9781450306164.
  99. ^'Why Deep Learning Is Suddenly Changing Your Life'. Fortune. 2016. Retrieved 13 April 2018.
  100. ^Silver, David; Huang, Aja; Maddison, Chris J.; Guez, Arthur; Sifre, Laurent; Driessche, George van den; Schrittwieser, Julian; Antonoglou, Ioannis; Panneershelvam, Veda (January 2016). 'Mastering the game of Go with deep neural networks and tree search'. Nature. 529 (7587): 484–489. Bibcode:2016Natur.529.484S. doi:10.1038/nature16961. ISSN1476-4687. PMID26819042.
  101. ^Szegedy, Christian; Toshev, Alexander; Erhan, Dumitru (2013). 'Deep neural networks for object detection'. Advances in Neural Information Processing Systems.
  102. ^Hof, Robert D. 'Is Artificial Intelligence Finally Coming into Its Own?'. MIT Technology Review. Retrieved 2018-07-10.
  103. ^ abGers, Felix A.; Schmidhuber, Jürgen (2001). 'LSTM Recurrent Networks Learn Simple Context Free and Context Sensitive Languages'. IEEE Trans. Neural Netw. 12 (6): 1333–1340. doi:10.1109/72.963769. PMID18249962.
  104. ^ abcSutskever, L.; Vinyals, O.; Le, Q. (2014). 'Sequence to Sequence Learning with Neural Networks'(PDF). Proc. NIPS.
  105. ^ abJozefowicz, Rafal; Vinyals, Oriol; Schuster, Mike; Shazeer, Noam; Wu, Yonghui (2016). 'Exploring the Limits of Language Modeling'. arXiv:1602.02410 [cs.CL].
  106. ^ abGillick, Dan; Brunk, Cliff; Vinyals, Oriol; Subramanya, Amarnag (2015). 'Multilingual Language Processing from Bytes'. arXiv:1512.00103 [cs.CL].
  107. ^Mikolov, T.; et al. (2010). 'Recurrent neural network based language model'(PDF). Interspeech.
  108. ^ ab'Learning Precise Timing with LSTM Recurrent Networks (PDF Download Available)'. ResearchGate. Retrieved 2017-06-13.
  109. ^LeCun, Y.; et al. (1998). 'Gradient-based learning applied to document recognition'. Proceedings of the IEEE. 86 (11): 2278–2324. doi:10.1109/5.726791.
  110. ^Bengio, Y.; Boulanger-Lewandowski, N.; Pascanu, R. (May 2013). 'Advances in optimizing recurrent networks'. 2013 IEEE International Conference on Acoustics, Speech and Signal Processing: 8624–8628. arXiv:1212.0901. CiteSeerX10.1.1.752.9151. doi:10.1109/icassp.2013.6639349. ISBN978-1-4799-0356-6.
  111. ^Dahl, G.; et al. (2013). 'Improving DNNs for LVCSR using rectified linear units and dropout'(PDF). ICASSP.
  112. ^'Data Augmentation - deeplearning.ai Coursera'. Coursera. Retrieved 2017-11-30.
  113. ^Hinton, G. E. (2010). 'A Practical Guide to Training Restricted Boltzmann Machines'. Tech. Rep. UTML TR 2010-003.
  114. ^You, Yang; Buluç, Aydın; Demmel, James (November 2017). 'Scaling deep learning on GPU and knights landing clusters'. SC '17, ACM. Retrieved 5 March 2018.
  115. ^Viebke, André; Memeti, Suejb; Pllana, Sabri; Abraham, Ajith (March 2017). 'CHAOS: a parallelization scheme for training convolutional neural networks on Intel Xeon Phi'. The Journal of Supercomputing. 75: 197–227. doi:10.1007/s11227-017-1994-x.
  116. ^Ting Qin, et al. 'A learning algorithm of CMAC based on RLS.' Neural Processing Letters 19.1 (2004): 49-61.
  117. ^Ting Qin, et al. 'Continuous CMAC-QRLS and its systolic array.' Neural Processing Letters 22.1 (2005): 1-16.
  118. ^TIMIT Acoustic-Phonetic Continuous Speech Corpus Linguistic Data Consortium, Philadelphia.
  119. ^Robinson, Tony (30 September 1991). 'Several Improvements to a Recurrent Error Propagation Network Phone Recognition System'. Cambridge University Engineering Department Technical Report. CUED/F-INFENG/TR82. doi:10.13140/RG.2.2.15418.90567.
  120. ^Abdel-Hamid, O.; et al. (2014). 'Convolutional Neural Networks for Speech Recognition'. IEEE/ACM Transactions on Audio, Speech, and Language Processing. 22 (10): 1533–1545. doi:10.1109/taslp.2014.2339736.
  121. ^Deng, L.; Platt, J. (2014). 'Ensemble Deep Learning for Speech Recognition'(PDF). Proc. Interspeech.
  122. ^Tóth, Laszló (2015). 'Phone Recognition with Hierarchical Convolutional Deep Maxout Networks'(PDF). EURASIP Journal on Audio, Speech, and Music Processing. 2015. doi:10.1186/s13636-015-0068-3.
  123. ^'How Skype Used AI to Build Its Amazing New Language Translator WIRED'. www.wired.com. Retrieved 2017-06-14.
  124. ^Hannun, Awni; Case, Carl; Casper, Jared; Catanzaro, Bryan; Diamos, Greg; Elsen, Erich; Prenger, Ryan; Satheesh, Sanjeev; Sengupta, Shubho; Coates, Adam; Ng, Andrew Y (2014). 'Deep Speech: Scaling up end-to-end speech recognition'. arXiv:1412.5567 [cs.CL].
  125. ^'Plenary presentation at ICASSP-2016'(PDF).
  126. ^'MNIST handwritten digit database, Yann LeCun, Corinna Cortes and Chris Burges'. yann.lecun.com.
  127. ^Cireşan, Dan; Meier, Ueli; Masci, Jonathan; Schmidhuber, Jürgen (August 2012). 'Multi-column deep neural network for traffic sign classification'. Neural Networks. Selected Papers from IJCNN 2011. 32: 333–338. CiteSeerX10.1.1.226.8219. doi:10.1016/j.neunet.2012.02.023. PMID22386783.
  128. ^Nvidia Demos a Car Computer Trained with 'Deep Learning' (2015-01-06), David Talbot, MIT Technology Review
  129. ^G. W. Smith; Frederic Fol Leymarie (10 April 2017). 'The Machine as Artist: An Introduction'. Arts. Retrieved 4 October 2017.
  130. ^Blaise Agüera y Arcas (29 September 2017). 'Art in the Age of Machine Intelligence'. Arts. Retrieved 4 October 2017.
  131. ^Bengio, Yoshua; Ducharme, Réjean; Vincent, Pascal; Janvin, Christian (March 2003). 'A Neural Probabilistic Language Model'. J. Mach. Learn. Res. 3: 1137–1155. ISSN1532-4435.
  132. ^Goldberg, Yoav; Levy, Omar (2014). 'word2vec Explained: Deriving Mikolov et al.'s Negative-Sampling Word-Embedding Method'. arXiv:1402.3722 [cs.CL].
  133. ^ abSocher, Richard; Manning, Christopher. 'Deep Learning for NLP'(PDF). Retrieved 26 October 2014.
  134. ^Socher, Richard; Bauer, John; Manning, Christopher; Ng, Andrew (2013). 'Parsing With Compositional Vector Grammars'(PDF). Proceedings of the ACL 2013 Conference.
  135. ^Socher, Richard (2013). 'Recursive Deep Models for Semantic Compositionality Over a Sentiment Treebank'(PDF).
  136. ^Shen, Yelong; He, Xiaodong; Gao, Jianfeng; Deng, Li; Mesnil, Gregoire (2014-11-01). 'A Latent Semantic Model with Convolutional-Pooling Structure for Information Retrieval'. Microsoft Research.
  137. ^Huang, Po-Sen; He, Xiaodong; Gao, Jianfeng; Deng, Li; Acero, Alex; Heck, Larry (2013-10-01). 'Learning Deep Structured Semantic Models for Web Search using Clickthrough Data'. Microsoft Research.
  138. ^Mesnil, G.; Dauphin, Y.; Yao, K.; Bengio, Y.; Deng, L.; Hakkani-Tur, D.; He, X.; Heck, L.; Tur, G.; Yu, D.; Zweig, G. (2015). 'Using recurrent neural networks for slot filling in spoken language understanding'. IEEE Transactions on Audio, Speech, and Language Processing. 23 (3): 530–539. doi:10.1109/taslp.2014.2383614.
  139. ^ abGao, Jianfeng; He, Xiaodong; Yih, Scott Wen-tau; Deng, Li (2014-06-01). 'Learning Continuous Phrase Representations for Translation Modeling'. Microsoft Research.
  140. ^Brocardo, Marcelo Luiz; Traore, Issa; Woungang, Isaac; Obaidat, Mohammad S. (2017). 'Authorship verification using deep belief network systems'. International Journal of Communication Systems. 30 (12): e3259. doi:10.1002/dac.3259.
  141. ^'Deep Learning for Natural Language Processing: Theory and Practice (CIKM2014 Tutorial) - Microsoft Research'. Microsoft Research. Retrieved 2017-06-14.
  142. ^Turovsky, Barak (November 15, 2016). 'Found in translation: More accurate, fluent sentences in Google Translate'. The Keyword Google Blog. Retrieved March 23, 2017.
  143. ^ abcdSchuster, Mike; Johnson, Melvin; Thorat, Nikhil (November 22, 2016). 'Zero-Shot Translation with Google's Multilingual Neural Machine Translation System'. Google Research Blog. Retrieved March 23, 2017.
  144. ^Sepp Hochreiter; Jürgen Schmidhuber (1997). 'Long short-term memory'. Neural Computation. 9 (8): 1735–1780. doi:10.1162/neco.1997.9.8.1735. PMID9377276.
  145. ^Felix A. Gers; Jürgen Schmidhuber; Fred Cummins (2000). 'Learning to Forget: Continual Prediction with LSTM'. Neural Computation. 12 (10): 2451–2471. CiteSeerX10.1.1.55.5709. doi:10.1162/089976600300015015.
  146. ^Wu, Yonghui; Schuster, Mike; Chen, Zhifeng; Le, Quoc V; Norouzi, Mohammad; Macherey, Wolfgang; Krikun, Maxim; Cao, Yuan; Gao, Qin; Macherey, Klaus; Klingner, Jeff; Shah, Apurva; Johnson, Melvin; Liu, Xiaobing; Kaiser, Łukasz; Gouws, Stephan; Kato, Yoshikiyo; Kudo, Taku; Kazawa, Hideto; Stevens, Keith; Kurian, George; Patil, Nishant; Wang, Wei; Young, Cliff; Smith, Jason; Riesa, Jason; Rudnick, Alex; Vinyals, Oriol; Corrado, Greg; et al. (2016). 'Google's Neural Machine Translation System: Bridging the Gap between Human and Machine Translation'. arXiv:1609.08144 [cs.CL].
  147. ^'An Infusion of AI Makes Google Translate More Powerful Than Ever.' Cade Metz, WIRED, Date of Publication: 09.27.16. https://www.wired.com/2016/09/google-claims-ai-breakthrough-machine-translation/
  148. ^ abBoitet, Christian; Blanchon, Hervé; Seligman, Mark; Bellynck, Valérie (2010). 'MT on and for the Web'(PDF). Retrieved December 1, 2016.
  149. ^Arrowsmith, J; Miller, P (2013). 'Trial watch: Phase II and phase III attrition rates 2011-2012'. Nature Reviews Drug Discovery. 12 (8): 569. doi:10.1038/nrd4090. PMID23903212.
  150. ^Verbist, B; Klambauer, G; Vervoort, L; Talloen, W; The Qstar, Consortium; Shkedy, Z; Thas, O; Bender, A; Göhlmann, H. W.; Hochreiter, S (2015). 'Using transcriptomics to guide lead optimization in drug discovery projects: Lessons learned from the QSTAR project'. Drug Discovery Today. 20 (5): 505–513. doi:10.1016/j.drudis.2014.12.014. PMID25582842.
  151. ^Wallach, Izhar; Dzamba, Michael; Heifets, Abraham (2015-10-09). 'AtomNet: A Deep Convolutional Neural Network for Bioactivity Prediction in Structure-based Drug Discovery'. arXiv:1510.02855 [cs.LG].
  152. ^'Toronto startup has a faster way to discover effective medicines'. The Globe and Mail. Retrieved 2015-11-09.
  153. ^'Startup Harnesses Supercomputers to Seek Cures'. KQED Future of You. Retrieved 2015-11-09.
  154. ^'Toronto startup has a faster way to discover effective medicines'.
  155. ^Tkachenko, Yegor (April 8, 2015). 'Autonomous CRM Control via CLV Approximation with Deep Reinforcement Learning in Discrete and Continuous Action Space'. arXiv:1504.01840 [cs.LG].
  156. ^van den Oord, Aaron; Dieleman, Sander; Schrauwen, Benjamin (2013). Burges, C. J. C.; Bottou, L.; Welling, M.; Ghahramani, Z.; Weinberger, K. Q. (eds.). Advances in Neural Information Processing Systems 26(PDF). Curran Associates, Inc. pp. 2643–2651.
  157. ^Elkahky, Ali Mamdouh; Song, Yang; He, Xiaodong (2015-05-01). 'A Multi-View Deep Learning Approach for Cross Domain User Modeling in Recommendation Systems'. Microsoft Research.
  158. ^Chicco, Davide; Sadowski, Peter; Baldi, Pierre (1 January 2014). Deep Autoencoder Neural Networks for Gene Ontology Annotation Predictions. Proceedings of the 5th ACM Conference on Bioinformatics, Computational Biology, and Health Informatics - BCB '14. ACM. pp. 533–540. doi:10.1145/2649387.2649442. hdl:11311/964622. ISBN9781450328944.
  159. ^Sathyanarayana, Aarti (2016-01-01). 'Sleep Quality Prediction From Wearable Data Using Deep Learning'. JMIR mHealth and uHealth. 4 (4): e125. doi:10.2196/mhealth.6562. PMC5116102. PMID27815231.
  160. ^Choi, Edward; Schuetz, Andy; Stewart, Walter F.; Sun, Jimeng (2016-08-13). 'Using recurrent neural network models for early detection of heart failure onset'. Journal of the American Medical Informatics Association. 24 (2): 361–370. doi:10.1093/jamia/ocw112. ISSN1067-5027. PMC5391725. PMID27521897.
  161. ^'Deep Learning in Healthcare: Challenges and Opportunities'. Medium. 2016-08-12. Retrieved 2018-04-10.
  162. ^Litjens, Geert; Kooi, Thijs; Bejnordi, Babak Ehteshami; Setio, Arnaud Arindra Adiyoso; Ciompi, Francesco; Ghafoorian, Mohsen; van der Laak, Jeroen A.W.M.; van Ginneken, Bram; Sánchez, Clara I. (December 2017). 'A survey on deep learning in medical image analysis'. Medical Image Analysis. 42: 60–88. doi:10.1016/j.media.2017.07.005.
  163. ^Forslid, Gustav; Wieslander, Hakan; Bengtsson, Ewert; Wahlby, Carolina; Hirsch, Jan-Michael; Stark, Christina Runow; Sadanandan, Sajith Kecheril (October 2017). 'Deep Convolutional Neural Networks for Detecting Cellular Changes Due to Malignancy'. 2017 IEEE International Conference on Computer Vision Workshops (ICCVW). Venice: IEEE: 82–89. doi:10.1109/ICCVW.2017.18. ISBN9781538610343.
  164. ^De, Shaunak; Maity, Abhishek; Goel, Vritti; Shitole, Sanjay; Bhattacharya, Avik (2017). 'Predicting the popularity of instagram posts for a lifestyle magazine using deep learning'. 2nd IEEE Conference on Communication Systems, Computing and IT Applications: 174–177. doi:10.1109/CSCITA.2017.8066548. ISBN978-1-5090-4381-1.
  165. ^Schmidt, Uwe; Roth, Stefan. Shrinkage Fields for Effective Image Restoration(PDF). Computer Vision and Pattern Recognition (CVPR), 2014 IEEE Conference on.
  166. ^Czech, Tomasz. 'Deep learning: the next frontier for money laundering detection'. Global Banking and Finance Review.
  167. ^ abc'Army researchers develop new algorithms to train robots'. EurekAlert!. Retrieved 2018-08-29.
  168. ^Utgoff, P. E.; Stracuzzi, D. J. (2002). 'Many-layered learning'. Neural Computation. 14 (10): 2497–2529. doi:10.1162/08997660260293319. PMID12396572.
  169. ^Elman, Jeffrey L. (1998). Rethinking Innateness: A Connectionist Perspective on Development. MIT Press. ISBN978-0-262-55030-7.
  170. ^Shrager, J.; Johnson, MH (1996). 'Dynamic plasticity influences the emergence of function in a simple cortical array'. Neural Networks. 9 (7): 1119–1129. doi:10.1016/0893-6080(96)00033-0. PMID12662587.
  171. ^Quartz, SR; Sejnowski, TJ (1997). 'The neural basis of cognitive development: A constructivist manifesto'. Behavioral and Brain Sciences. 20 (4): 537–556. CiteSeerX10.1.1.41.7854. doi:10.1017/s0140525x97001581.
  172. ^S. Blakeslee., 'In brain's early growth, timetable may be critical,' The New York Times, Science Section, pp. B5–B6, 1995.
  173. ^Mazzoni, P.; Andersen, R. A.; Jordan, M. I. (1991-05-15). 'A more biologically plausible learning rule for neural networks'. Proceedings of the National Academy of Sciences. 88 (10): 4433–4437. Bibcode:1991PNAS..88.4433M. doi:10.1073/pnas.88.10.4433. ISSN0027-8424. PMC51674. PMID1903542.
  174. ^O'Reilly, Randall C. (1996-07-01). 'Biologically Plausible Error-Driven Learning Using Local Activation Differences: The Generalized Recirculation Algorithm'. Neural Computation. 8 (5): 895–938. doi:10.1162/neco.1996.8.5.895. ISSN0899-7667.
  175. ^Testolin, Alberto; Zorzi, Marco (2016). 'Probabilistic Models and Generative Neural Networks: Towards an Unified Framework for Modeling Normal and Impaired Neurocognitive Functions'. Frontiers in Computational Neuroscience. 10: 73. doi:10.3389/fncom.2016.00073. ISSN1662-5188. PMC4943066. PMID27468262.
  176. ^Testolin, Alberto; Stoianov, Ivilin; Zorzi, Marco (September 2017). 'Letter perception emerges from unsupervised deep learning and recycling of natural image features'. Nature Human Behaviour. 1 (9): 657–664. doi:10.1038/s41562-017-0186-2. ISSN2397-3374.
  177. ^Buesing, Lars; Bill, Johannes; Nessler, Bernhard; Maass, Wolfgang (2011-11-03). 'Neural Dynamics as Sampling: A Model for Stochastic Computation in Recurrent Networks of Spiking Neurons'. PLOS Computational Biology. 7 (11): e1002211. Bibcode:2011PLSCB..7E2211B. doi:10.1371/journal.pcbi.1002211. ISSN1553-7358. PMC3207943. PMID22096452.
  178. ^Morel, Danielle; Singh, Chandan; Levy, William B. (2018-01-25). 'Linearization of excitatory synaptic integration at no extra cost'. Journal of Computational Neuroscience. 44 (2): 173–188. doi:10.1007/s10827-017-0673-5. ISSN0929-5313. PMID29372434.
  179. ^Cash, S.; Yuste, R. (February 1999). 'Linear summation of excitatory inputs by CA1 pyramidal neurons'. Neuron. 22 (2): 383–394. doi:10.1016/s0896-6273(00)81098-3. ISSN0896-6273. PMID10069343.
  180. ^Olshausen, B; Field, D (2004-08-01). 'Sparse coding of sensory inputs'. Current Opinion in Neurobiology. 14 (4): 481–487. doi:10.1016/j.conb.2004.07.007. ISSN0959-4388.
  181. ^Yamins, Daniel L K; DiCarlo, James J (March 2016). 'Using goal-driven deep learning models to understand sensory cortex'. Nature Neuroscience. 19 (3): 356–365. doi:10.1038/nn.4244. ISSN1546-1726.
  182. ^Zorzi, Marco; Testolin, Alberto (2018-02-19). 'An emergentist perspective on the origin of number sense'. Phil. Trans. R. Soc. B. 373 (1740): 20170043. doi:10.1098/rstb.2017.0043. ISSN0962-8436. PMC5784047. PMID29292348.
  183. ^Güçlü, Umut; van Gerven, Marcel A. J. (2015-07-08). 'Deep Neural Networks Reveal a Gradient in the Complexity of Neural Representations across the Ventral Stream'. Journal of Neuroscience. 35 (27): 10005–10014. arXiv:1411.6422. doi:10.1523/jneurosci.5023-14.2015. PMID26157000.
  184. ^Metz, C. (12 December 2013). 'Facebook's 'Deep Learning' Guru Reveals the Future of AI'. Wired.
  185. ^'Google AI algorithm masters ancient game of Go'. Nature News & Comment. Retrieved 2016-01-30.
  186. ^Silver, David; Huang, Aja; Maddison, Chris J.; Guez, Arthur; Sifre, Laurent; Driessche, George van den; Schrittwieser, Julian; Antonoglou, Ioannis; Panneershelvam, Veda; Lanctot, Marc; Dieleman, Sander; Grewe, Dominik; Nham, John; Kalchbrenner, Nal; Sutskever, Ilya; Lillicrap, Timothy; Leach, Madeleine; Kavukcuoglu, Koray; Graepel, Thore; Hassabis, Demis (28 January 2016). 'Mastering the game of Go with deep neural networks and tree search'. Nature. 529 (7587): 484–489. Bibcode:2016Natur.529.484S. doi:10.1038/nature16961. ISSN0028-0836. PMID26819042.
  187. ^'A Google DeepMind Algorithm Uses Deep Learning and More to Master the Game of Go MIT Technology Review'. MIT Technology Review. Retrieved 2016-01-30.
  188. ^'Blippar Demonstrates New Real-Time Augmented Reality App'. TechCrunch.
  189. ^'TAMER: Training an Agent Manually via Evaluative Reinforcement - IEEE Conference Publication'. ieeexplore.ieee.org. Retrieved 2018-08-29.
  190. ^'Talk to the Algorithms: AI Becomes a Faster Learner'. governmentciomedia.com. Retrieved 2018-08-29.
  191. ^Marcus, Gary (2018-01-14). 'In defense of skepticism about deep learning'. Gary Marcus. Retrieved 2018-10-11.
  192. ^Knight, Will (2017-03-14). 'DARPA is funding projects that will try to open up AI's black boxes'. MIT Technology Review. Retrieved 2017-11-02.
  193. ^Marcus, Gary (November 25, 2012). 'Is 'Deep Learning' a Revolution in Artificial Intelligence?'. The New Yorker. Retrieved 2017-06-14.
  194. ^Smith, G. W. (March 27, 2015). 'Art and Artificial Intelligence'. ArtEnt. Archived from the original on June 25, 2017. Retrieved March 27, 2015.CS1 maint: BOT: original-url status unknown (link)
  195. ^Mellars, Paul (February 1, 2005). 'The Impossible Coincidence: A Single-Species Model for the Origins of Modern Human Behavior in Europe'(PDF). Evolutionary Anthropology: Issues, News, and Reviews. Retrieved April 5, 2017.
  196. ^Alexander Mordvintsev; Christopher Olah; Mike Tyka (June 17, 2015). 'Inceptionism: Going Deeper into Neural Networks'. Google Research Blog. Retrieved June 20, 2015.
  197. ^Alex Hern (June 18, 2015). 'Yes, androids do dream of electric sheep'. The Guardian. Retrieved June 20, 2015.
  198. ^ abcGoertzel, Ben (2015). 'Are there Deep Reasons Underlying the Pathologies of Today's Deep Learning Algorithms?'(PDF).
  199. ^Nguyen, Anh; Yosinski, Jason; Clune, Jeff (2014). 'Deep Neural Networks are Easily Fooled: High Confidence Predictions for Unrecognizable Images'. arXiv:1412.1897 [cs.CV].
  200. ^Szegedy, Christian; Zaremba, Wojciech; Sutskever, Ilya; Bruna, Joan; Erhan, Dumitru; Goodfellow, Ian; Fergus, Rob (2013). 'Intriguing properties of neural networks'. arXiv:1312.6199 [cs.CV].
  201. ^Zhu, S.C.; Mumford, D. (2006). 'A stochastic grammar of images'. Found. Trends Comput. Graph. Vis. 2 (4): 259–362. CiteSeerX10.1.1.681.2190. doi:10.1561/0600000018.
  202. ^Miller, G. A., and N. Chomsky. 'Pattern conception.' Paper for Conference on pattern detection, University of Michigan. 1957.
  203. ^Eisner, Jason. 'Deep Learning of Recursive Structure: Grammar Induction'.
  204. ^ abcde'AI Is Easy to Fool—Why That Needs to Change'. Singularity Hub. 2017-10-10. Retrieved 2017-10-11.
  205. ^Gibney, Elizabeth (2017). 'The scientist who spots fake videos'. Nature. doi:10.1038/nature.2017.22784.

Further reading[edit]

  • Goodfellow, Ian; Bengio, Yoshua; Courville, Aaron (2016). Deep Learning. MIT Press. ISBN978-0-26203561-3, introductory textbook.
Retrieved from 'https://en.wikipedia.org/w/index.php?title=Deep_learning&oldid=899278872'
Machine learning and
data mining
  • Ensembles

  • DBSCAN
  • Graphical models
  • RNN
  • Convolutional neural network

Machine learning (ML) is the scientific study of algorithms and statistical models that computer systems use in order to perform a specific task effectively without using explicit instructions, relying on patterns and inference instead. It is seen as a subset of artificial intelligence. Machine learning algorithms build a mathematical model based on sample data, known as 'training data', in order to make predictions or decisions without being explicitly programmed to perform the task.[1][2]:2 Machine learning algorithms are used in a wide variety of applications, such as email filtering, and computer vision, where it is infeasible to develop an algorithm of specific instructions for performing the task. Machine learning is closely related to computational statistics, which focuses on making predictions using computers. The study of mathematical optimization delivers methods, theory and application domains to the field of machine learning. Data mining is a field of study within machine learning, and focuses on exploratory data analysis through unsupervised learning.[3][4] In its application across business problems, machine learning is also referred to as predictive analytics.

  • 1Overview
  • 2History and relationships to other fields
  • 4Approaches
    • 4.1Types of learning algorithms
    • 4.2Processes and techniques
    • 4.3Models
  • 6Limitations
  • 9Software

Overview[edit]

The name machine learning was coined in 1959 by Arthur Samuel.[5]Tom M. Mitchell provided a widely quoted, more formal definition of the algorithms studied in the machine learning field: 'A computer program is said to learn from experience E with respect to some class of tasks T and performance measure P if its performance at tasks in T, as measured by P, improves with experience E.'[6] This definition of the tasks in which machine learning is concerned offers a fundamentally operational definition rather than defining the field in cognitive terms. This follows Alan Turing's proposal in his paper 'Computing Machinery and Intelligence', in which the question 'Can machines think?' is replaced with the question 'Can machines do what we (as thinking entities) can do?'.[7] In Turing's proposal the various characteristics that could be possessed by a thinking machine and the various implications in constructing one are exposed.

Machine learning tasks[edit]

A support vector machine is a supervised learning model that divides the data into regions separated by a linear boundary. Here, the linear boundary divides the black circles from the white.

Machine learning tasks are classified into several broad categories. In supervised learning, the algorithm builds a mathematical model from a set of data that contains both the inputs and the desired outputs. For example, if the task were determining whether an image contained a certain object, the training data for a supervised learning algorithm would include images with and without that object (the input), and each image would have a label (the output) designating whether it contained the object. In special cases, the input may be only partially available, or restricted to special feedback.[clarification needed]Semi-supervised learning algorithms develop mathematical models from incomplete training data, where a portion of the sample input doesn't have labels.

Classification algorithms and regression algorithms are types of supervised learning. Classification algorithms are used when the outputs are restricted to a limited set of values. For a classification algorithm that filters emails, the input would be an incoming email, and the output would be the name of the folder in which to file the email. For an algorithm that identifies spam emails, the output would be the prediction of either 'spam' or 'not spam', represented by the Boolean values true and false. Regression algorithms are named for their continuous outputs, meaning they may have any value within a range. Examples of a continuous value are the temperature, length, or price of an object.

In unsupervised learning, the algorithm builds a mathematical model from a set of data which contains only inputs and no desired output labels. Unsupervised learning algorithms are used to find structure in the data, like grouping or clustering of data points. Unsupervised learning can discover patterns in the data, and can group the inputs into categories, as in feature learning. Dimensionality reduction is the process of reducing the number of 'features', or inputs, in a set of data.

Feb 22, 2018 - Link Download. Via Torrent [kickass.to]adobe.illustrator.cs6.16.2.0.32.64.bit.chingliu. Full crack/serial/keygen/license key for FREE. Download adobe illustrator cs6 full crack.

Active learning algorithms access the desired outputs (training labels) for a limited set of inputs based on a budget, and optimize the choice of inputs for which it will acquire training labels. When used interactively, these can be presented to a human user for labeling. Reinforcement learning algorithms are given feedback in the form of positive or negative reinforcement in a dynamic environment, and are used in autonomous vehicles or in learning to play a game against a human opponent.[2]:3 Other specialized algorithms in machine learning include topic modeling, where the computer program is given a set of natural language documents and finds other documents that cover similar topics. Machine learning algorithms can be used to find the unobservable probability density function in density estimation problems. Meta learning algorithms learn their own inductive bias based on previous experience. In developmental robotics, robot learning algorithms generate their own sequences of learning experiences, also known as a curriculum, to cumulatively acquire new skills through self-guided exploration and social interaction with humans. These robots use guidance mechanisms such as active learning, maturation, motor synergies, and imitation.[clarification needed]

History and relationships to other fields[edit]

Arthur Samuel, an American pioneer in the field of computer gaming and artificial intelligence, coined the term 'Machine Learning' in 1959 while at IBM[8]. As a scientific endeavour, machine learning grew out of the quest for artificial intelligence. Already in the early days of AI as an academic discipline, some researchers were interested in having machines learn from data. They attempted to approach the problem with various symbolic methods, as well as what were then termed 'neural networks'; these were mostly perceptrons and other models that were later found to be reinventions of the generalized linear models of statistics.[9]Probabilistic reasoning was also employed, especially in automated medical diagnosis.[10]:488

However, an increasing emphasis on the logical, knowledge-based approach caused a rift between AI and machine learning. Probabilistic systems were plagued by theoretical and practical problems of data acquisition and representation.[10]:488 By 1980, expert systems had come to dominate AI, and statistics was out of favor.[11] Work on symbolic/knowledge-based learning did continue within AI, leading to inductive logic programming, but the more statistical line of research was now outside the field of AI proper, in pattern recognition and information retrieval.[10]:708–710; 755 Neural networks research had been abandoned by AI and computer science around the same time. This line, too, was continued outside the AI/CS field, as 'connectionism', by researchers from other disciplines including Hopfield, Rumelhart and Hinton. Their main success came in the mid-1980s with the reinvention of backpropagation.[10]:25

Machine learning, reorganized as a separate field, started to flourish in the 1990s. The field changed its goal from achieving artificial intelligence to tackling solvable problems of a practical nature. It shifted focus away from the symbolic approaches it had inherited from AI, and toward methods and models borrowed from statistics and probability theory.[11] It also benefited from the increasing availability of digitized information, and the ability to distribute it via the Internet.

Relation to data mining[edit]

Concepto De Aprendizaje

Machine learning and data mining often employ the same methods and overlap significantly, but while machine learning focuses on prediction, based on known properties learned from the training data, data mining focuses on the discovery of (previously) unknown properties in the data (this is the analysis step of knowledge discovery in databases). Data mining uses many machine learning methods, but with different goals; on the other hand, machine learning also employs data mining methods as 'unsupervised learning' or as a preprocessing step to improve learner accuracy. Much of the confusion between these two research communities (which do often have separate conferences and separate journals, ECML PKDD being a major exception) comes from the basic assumptions they work with: in machine learning, performance is usually evaluated with respect to the ability to reproduce known knowledge, while in knowledge discovery and data mining (KDD) the key task is the discovery of previously unknown knowledge. Evaluated with respect to known knowledge, an uninformed (unsupervised) method will easily be outperformed by other supervised methods, while in a typical KDD task, supervised methods cannot be used due to the unavailability of training data.

Relation to optimization[edit]

Machine learning also has intimate ties to optimization: many learning problems are formulated as minimization of some loss function on a training set of examples. Loss functions express the discrepancy between the predictions of the model being trained and the actual problem instances (for example, in classification, one wants to assign a label to instances, and models are trained to correctly predict the pre-assigned labels of a set of examples). The difference between the two fields arises from the goal of generalization: while optimization algorithms can minimize the loss on a training set, machine learning is concerned with minimizing the loss on unseen samples.[12]

Relation to statistics[edit]

Machine learning and statistics are closely related fields. According to Michael I. Jordan, the ideas of machine learning, from methodological principles to theoretical tools, have had a long pre-history in statistics.[13] He also suggested the term data science as a placeholder to call the overall field.[13]

Leo Breiman distinguished two statistical modelling paradigms: data model and algorithmic model,[14] wherein 'algorithmic model' means more or less the machine learning algorithms like Random forest.

Some statisticians have adopted methods from machine learning, leading to a combined field that they call statistical learning.[15]

Theory[edit]

A core objective of a learner is to generalize from its experience.[2][16] Generalization in this context is the ability of a learning machine to perform accurately on new, unseen examples/tasks after having experienced a learning data set. The training examples come from some generally unknown probability distribution (considered representative of the space of occurrences) and the learner has to build a general model about this space that enables it to produce sufficiently accurate predictions in new cases.

The computational analysis of machine learning algorithms and their performance is a branch of theoretical computer science known as computational learning theory. Because training sets are finite and the future is uncertain, learning theory usually does not yield guarantees of the performance of algorithms. Instead, probabilistic bounds on the performance are quite common. The bias–variance decomposition is one way to quantify generalization error.

For the best performance in the context of generalization, the complexity of the hypothesis should match the complexity of the function underlying the data. If the hypothesis is less complex than the function, then the model has underfit the data. If the complexity of the model is increased in response, then the training error decreases. But if the hypothesis is too complex, then the model is subject to overfitting and generalization will be poorer.[17]

In addition to performance bounds, learning theorists study the time complexity and feasibility of learning. In computational learning theory, a computation is considered feasible if it can be done in polynomial time. There are two kinds of time complexity results. Positive results show that a certain class of functions can be learned in polynomial time. Negative results show that certain classes cannot be learned in polynomial time.

Approaches[edit]

Types of learning algorithms[edit]

The types of machine learning algorithms differ in their approach, the type of data they input and output, and the type of task or problem that they are intended to solve.

Supervised and semi-supervised learning[edit]

Supervised learning algorithms build a mathematical model of a set of data that contains both the inputs and the desired outputs.[18] The data is known as training data, and consists of a set of training examples. Each training example has one or more inputs and a desired output, also known as a supervisory signal. In the case of semi-supervised learning algorithms, some of the training examples are missing the desired output. In the mathematical model, each training example is represented by an array or vector, and the training data by a matrix. Through iterative optimization of an objective function, supervised learning algorithms learn a function that can be used to predict the output associated with new inputs.[19] An optimal function will allow the algorithm to correctly determine the output for inputs that were not a part of the training data. An algorithm that improves the accuracy of its outputs or predictions over time is said to have learned to perform that task.[6]

Supervised learning algorithms include classification and regression.[20] Classification algorithms are used when the outputs are restricted to a limited set of values, and regression algorithms are used when the outputs may have any numerical value within a range. Similarity learning is an area of supervised machine learning closely related to regression and classification, but the goal is to learn from examples using a similarity function that measures how similar or related two objects are. It has applications in ranking, recommendation systems, visual identity tracking, face verification, and speaker verification.

Unsupervised learning[edit]

Unsupervised learning algorithms take a set of data that contains only inputs, and find structure in the data, like grouping or clustering of data points. The algorithms therefore learn from test data that has not been labeled, classified or categorized. Instead of responding to feedback, unsupervised learning algorithms identify commonalities in the data and react based on the presence or absence of such commonalities in each new piece of data. A central application of unsupervised learning is in the field of density estimation in statistics,[21] though unsupervised learning encompasses other domains involving summarizing and explaining data features.

Cluster analysis is the assignment of a set of observations into subsets (called clusters) so that observations within the same cluster are similar according to one or more predesignated criteria, while observations drawn from different clusters are dissimilar. Different clustering techniques make different assumptions on the structure of the data, often defined by some similarity metric and evaluated, for example, by internal compactness, or the similarity between members of the same cluster, and separation, the difference between clusters. Other methods are based on estimated density and graph connectivity.

Reinforcement learning[edit]

Reinforcement learning is an area of machine learning concerned with how software agents ought to take actions in an environment so as to maximize some notion of cumulative reward. Due to its generality, the field is studied in many other disciplines, such as game theory, control theory, operations research, information theory, simulation-based optimization, multi-agent systems, swarm intelligence, statistics and genetic algorithms.[22][23] In machine learning, the environment is typically represented as a Markov Decision Process (MDP). Many reinforcement learning algorithms use dynamic programming techniques.[22][23][24] Reinforcement learning algorithms do not assume knowledge of an exact mathematical model of the MDP, and are used when exact models are infeasible.[22][23] Reinforcement learning algorithms are used in autonomous vehicles or in learning to play a game against a human opponent.

Processes and techniques[edit]

Various processes, techniques and methods can be applied to one or more types of machine learning algorithms to enhance their performance.

Feature learning[edit]

Several learning algorithms aim at discovering better representations of the inputs provided during training.[25] Classic examples include principal components analysis and cluster analysis. Feature learning algorithms, also called representation learning algorithms, often attempt to preserve the information in their input but also transform it in a way that makes it useful, often as a pre-processing step before performing classification or predictions. This technique allows reconstruction of the inputs coming from the unknown and 'abnormal' and involves training a classifier (the key difference to many other statistical classification problems is the inherent unbalanced nature of outlier detection). Semi-supervised anomaly detection techniques construct a model representing normal behavior from a given normal training data set, and then test the likelihood of a test instance to be generated by the model.

Decision trees[edit]

Decision tree learning uses a decision tree as a predictive model to go from observations about an item (represented in the branches) to conclusions about the item's target value (represented in the leaves). It is one of the predictive modeling approaches used in statistics, data mining and machine learning. Tree models where the target variable can take a discrete set of values are called classification trees; in these tree structures, leaves represent class labels and branches represent conjunctions of features that lead to those class labels. Decision trees where the target variable can take continuous values (typically real numbers) are called regression trees. In decision analysis, a decision tree can be used to visually and explicitly represent decisions and decision making. In data mining, a decision tree describes data, but the resulting classification tree can be an input for decision making.

Association rules[edit]

Association rule learning is a rule-based machine learning method for discovering relationships between variables in large databases. It is intended to identify strong rules discovered in databases using some measure of 'interestingness'.[38]

Rule-based machine learning is a general term for any machine learning method that identifies, learns, or evolves 'rules' to store, manipulate or apply knowledge. The defining characteristic of a rule-based machine learning algorithm is the identification and utilization of a set of relational rules that collectively represent the knowledge captured by the system. This is in contrast to other machine learning algorithms that commonly identify a singular model that can be universally applied to any instance in order to make a prediction.[39] Rule-based machine learning approaches include learning classifier systems, association rule learning, and artificial immune systems.

Based on the concept of strong rules, Rakesh Agrawal, Tomasz Imieliński and Arun Swami introduced association rules for discovering regularities between products in large-scale transaction data recorded by point-of-sale (POS) systems in supermarkets.[40] For example, the rule {onions,potatoes}{burger}{displaystyle {mathrm {onions,potatoes} }Rightarrow {mathrm {burger} }} found in the sales data of a supermarket would indicate that if a customer buys onions and potatoes together, they are likely to also buy hamburger meat. Such information can be used as the basis for decisions about marketing activities such as promotional pricing or product placements. In addition to market basket analysis, association rules are employed today in application areas including Web usage mining, intrusion detection, continuous production, and bioinformatics. In contrast with sequence mining, association rule learning typically does not consider the order of items either within a transaction or across transactions.

Learning classifier systems (LCS) are a family of rule-based machine learning algorithms that combine a discovery component, typically a genetic algorithm, with a learning component, performing either supervised learning, reinforcement learning, or unsupervised learning. They seek to identify a set of context-dependent rules that collectively store and apply knowledge in a piecewise manner in order to make predictions.[41]

Inductive logic programming (ILP) is an approach to rule-learning using logic programming as a uniform representation for input examples, background knowledge, and hypotheses. Given an encoding of the known background knowledge and a set of examples represented as a logical database of facts, an ILP system will derive a hypothesized logic program that entails all positive and no negative examples. Inductive programming is a related field that considers any kind of programming languages for representing hypotheses (and not only logic programming), such as functional programs.

Inductive logic programming is particularly useful in bioinformatics and natural language processing. Gordon Plotkin and Ehud Shapiro laid the initial theoretical foundation for inductive machine learning in a logical setting.[42][43][44] Shapiro built their first implementation (Model Inference System) in 1981: a Prolog program that inductively inferred logic programs from positive and negative examples.[45] The term inductive here refers to philosophical induction, suggesting a theory to explain observed facts, rather than mathematical induction, proving a property for all members of a well-ordered set.

Models[edit]

Define Aprendizaje Cooperativo

Artificial neural networks[edit]

An artificial neural network is an interconnected group of nodes, akin to the vast network of neurons in a brain. Here, each circular node represents an artificial neuron and an arrow represents a connection from the output of one artificial neuron to the input of another.

Artificial neural networks (ANNs), or connectionist systems, are computing systems vaguely inspired by the biological neural networks that constitute animal brains. Such systems 'learn' to perform tasks by considering examples, generally without being programmed with any task-specific rules.

An ANN is a model based on a collection of connected units or nodes called 'artificial neurons', which loosely model the neurons in a biological brain. Each connection, like the synapses in a biological brain, can transmit information, a 'signal', from one artificial neuron to another. An artificial neuron that receives a signal can process it and then signal additional artificial neurons connected to it. In common ANN implementations, the signal at a connection between artificial neurons is a real number, and the output of each artificial neuron is computed by some non-linear function of the sum of its inputs. The connections between artificial neurons are called 'edges'. Artificial neurons and edges typically have a weight that adjusts as learning proceeds. The weight increases or decreases the strength of the signal at a connection. Artificial neurons may have a threshold such that the signal is only sent if the aggregate signal crosses that threshold. Typically, artificial neurons are aggregated into layers. Different layers may perform different kinds of transformations on their inputs. Signals travel from the first layer (the input layer), to the last layer (the output layer), possibly after traversing the layers multiple times.

The original goal of the ANN approach was to solve problems in the same way that a human brain would. However, over time, attention moved to performing specific tasks, leading to deviations from biology. Artificial neural networks have been used on a variety of tasks, including computer vision, speech recognition, machine translation, social network filtering, playing board and video games and medical diagnosis.

Deep learning consists of multiple hidden layers in an artificial neural network. This approach tries to model the way the human brain processes light and sound into vision and hearing. Some successful applications of deep learning are computer vision and speech recognition.[46]

Support vector machines[edit]

Support vector machines (SVMs), also known as support vector networks, are a set of related supervised learning methods used for classification and regression. Given a set of training examples, each marked as belonging to one of two categories, an SVM training algorithm builds a model that predicts whether a new example falls into one category or the other.[47] An SVM training algorithm is a non-probabilistic, binary, linear classifier, although methods such as Platt scaling exist to use SVM in a probabilistic classification setting. In addition to performing linear classification, SVMs can efficiently perform a non-linear classification using what is called the kernel trick, implicitly mapping their inputs into high-dimensional feature spaces.

Bayesian networks[edit]

A simple Bayesian network. Rain influences whether the sprinkler is activated, and both rain and the sprinkler influence whether the grass is wet.

A Bayesian network, belief network or directed acyclic graphical model is a probabilistic graphical model that represents a set of random variables and their conditional independence with a directed acyclic graph (DAG). For example, a Bayesian network could represent the probabilistic relationships between diseases and symptoms. Given symptoms, the network can be used to compute the probabilities of the presence of various diseases. Efficient algorithms exist that perform inference and learning. Bayesian networks that model sequences of variables, like speech signals or protein sequences, are called dynamic Bayesian networks. Generalizations of Bayesian networks that can represent and solve decision problems under uncertainty are called influence diagrams.

Genetic algorithms[edit]

A genetic algorithm (GA) is a search algorithm and heuristic technique that mimics the process of natural selection, using methods such as mutation and crossover to generate new genotypes in the hope of finding good solutions to a given problem. In machine learning, genetic algorithms were used in the 1980s and 1990s.[48][49] Conversely, machine learning techniques have been used to improve the performance of genetic and evolutionary algorithms.[50]

Applications[edit]

There are many applications for machine learning, including:

  • Credit-card fraud detection
  • DNA sequence classification
  • Financial market analysis
  • Internet fraud detection

In 2006, the online movie company Netflix held the first 'Netflix Prize' competition to find a program to better predict user preferences and improve the accuracy on its existing Cinematch movie recommendation algorithm by at least 10%. A joint team made up of researchers from AT&T Labs-Research in collaboration with the teams Big Chaos and Pragmatic Theory built an ensemble model to win the Grand Prize in 2009 for $1 million.[51] Shortly after the prize was awarded, Netflix realized that viewers' ratings were not the best indicators of their viewing patterns ('everything is a recommendation') and they changed their recommendation engine accordingly.[52] In 2010 The Wall Street Journal wrote about the firm Rebellion Research and their use of machine learning to predict the financial crisis.[53] In 2012, co-founder of Sun Microsystems, Vinod Khosla, predicted that 80% of medical doctors jobs would be lost in the next two decades to automated machine learning medical diagnostic software.[54] In 2014, it was reported that a machine learning algorithm had been applied in the field of art history to study fine art paintings, and that it may have revealed previously unrecognized influences between artists.[55]In 2019 Springer Nature published the first research book created using machine learning.[56]

Limitations[edit]

Although machine learning has been transformative in some fields, machine-learning programs often fail to deliver expected results.[57][58][59] Reasons for this are numerous: lack of (suitable) data, lack of access to the data, data bias, privacy problems, badly chosen tasks and algorithms, wrong tools and people, lack of resources, and evaluation problems.[60]

In 2018, a self-driving car from Uber failed to detect a pedestrian, who was killed after a collision.[61] Attempts to use machine learning in healthcare with the IBM Watson system failed to deliver even after years of time and billions of investment.[62][63]

Bias[edit]

Machine learning approaches in particular can suffer from different data biases. A machine learning system trained on current customers only may not be able to predict the needs of new customer groups that are not represented in the training data. When trained on man-made data, machine learning is likely to pick up the same constitutional and unconscious biases already present in society.[64] Language models learned from data have been shown to contain human-like biases.[65][66] Machine learning systems used for criminal risk assessment have been found to be biased against black people.[67][68] In 2015, Google photos would often tag black people as gorillas,[69] and in 2018 this still was not well resolved, but Google reportedly was still using the workaround to remove all gorilla from the training data, and thus was not able to recognize real gorillas at all.[70] Similar issues with recognizing non-white people have been found in many other systems.[71] In 2016, Microsoft tested a chatbot that learned from Twitter, and it quickly picked up racist and sexist language.[72] Because of such challenges, the effective use of machine learning may take longer to be adopted in other domains.[73] Concern for reducing bias in machine learning and propelling its use for human good is increasingly expressed by artificial intelligence scientists, including Fei-Fei Li, who reminds engineers that 'There’s nothing artificial about AI..It’s inspired by people, it’s created by people, and—most importantly—it impacts people. It is a powerful tool we are only just beginning to understand, and that is a profound responsibility.”[74]

Model assessments[edit]

Classification machine learning models can be validated by accuracy estimation techniques like the Holdout method, which splits the data in a training and test set (conventionally 2/3 training set and 1/3 test set designation) and evaluates the performance of the training model on the test set. In comparison, the K-fold-cross-validation method randomly partitions the data into K subsets and then K experiments are performed each respectively considering 1 subset for evaluation and the remaining K-1 subsets for training the model. In addition to the holdout and cross-validation methods, bootstrap, which samples n instances with replacement from the dataset, can be used to assess model accuracy.[75]

In addition to overall accuracy, investigators frequently report sensitivity and specificity meaning True Positive Rate (TPR) and True Negative Rate (TNR) respectively. Similarly, investigators sometimes report the False Positive Rate (FPR) as well as the False Negative Rate (FNR). However, these rates are ratios that fail to reveal their numerators and denominators. The Total Operating Characteristic (TOC) is an effective method to express a model's diagnostic ability. TOC shows the numerators and denominators of the previously mentioned rates, thus TOC provides more information than the commonly used Receiver Operating Characteristic (ROC) and ROC's associated Area Under the Curve (AUC).[76]

Ethics[edit]

Machine learning poses a host of ethical questions. Systems which are trained on datasets collected with biases may exhibit these biases upon use (algorithmic bias), thus digitizing cultural prejudices.[77] For example, using job hiring data from a firm with racist hiring policies may lead to a machine learning system duplicating the bias by scoring job applicants against similarity to previous successful applicants.[78][79] Responsible collection of data and documentation of algorithmic rules used by a system thus is a critical part of machine learning.

Because language contains biases, machines trained on language corpora will necessarily also learn bias.[80]

Other forms of ethical challenges, not related to personal biases, are more seen in health care. There are concerns among health care professionals that these systems might not be designed in the public's interest, but as income generating machines. This is especially true in the United States where there is a perpetual ethical dilemma of improving health care, but also increasing profits. For example, the algorithms could be designed to provide patients with unnecessary tests or medication in which the algorithm's proprietary owners hold stakes in. There is huge potential for machine learning in health care to provide professionals a great tool to diagnose, medicate, and even plan recovery paths for patients, but this will not happen until the personal biases mentioned previously, and these 'greed' biases are addressed.[81]

Software[edit]

Software suites containing a variety of machine learning algorithms include the following:

Free and open-source software[edit]

  • ROOT (TMVA with ROOT)
  • Torch / PyTorch
  • Weka / MOA

Proprietary software with free and open-source editions[edit]

Proprietary software[edit]

  • Angoss KnowledgeSTUDIO
  • STATISTICA Data Miner

Significado De Aprendizaje

Journals[edit]

Conferences[edit]

See also[edit]

References[edit]

  1. ^The definition 'without being explicitly programmed' is often attributed to Arthur Samuel, who coined the term 'machine learning' in 1959, but the phrase is not found verbatim in this publication, and may be a paraphrase that appeared later. Confer 'Paraphrasing Arthur Samuel (1959), the question is: How can computers learn to solve problems without being explicitly programmed?' in Koza, John R.; Bennett, Forrest H.; Andre, David; Keane, Martin A. (1996). Automated Design of Both the Topology and Sizing of Analog Electrical Circuits Using Genetic Programming. Artificial Intelligence in Design '96. Springer, Dordrecht. pp. 151–170. doi:10.1007/978-94-009-0279-4_9.
  2. ^ abcdBishop, C. M. (2006), Pattern Recognition and Machine Learning, Springer, ISBN978-0-387-31073-2
  3. ^Machine learning and pattern recognition 'can be viewed as two facets of the same field.'[2]:vii
  4. ^Friedman, Jerome H. (1998). 'Data Mining and Statistics: What's the connection?'. Computing Science and Statistics. 29 (1): 3–9.
  5. ^Samuel, Arthur (1959). 'Some Studies in Machine Learning Using the Game of Checkers'. IBM Journal of Research and Development. 3 (3): 210–229. CiteSeerX10.1.1.368.2254. doi:10.1147/rd.33.0210.
  6. ^ abMitchell, T. (1997). Machine Learning. McGraw Hill. p. 2. ISBN978-0-07-042807-2.
  7. ^Harnad, Stevan (2008), 'The Annotation Game: On Turing (1950) on Computing, Machinery, and Intelligence', in Epstein, Robert; Peters, Grace (eds.), The Turing Test Sourcebook: Philosophical and Methodological Issues in the Quest for the Thinking Computer, Kluwer
  8. ^R. Kohavi and F. Provost, 'Glossary of terms,' Machine Learning, vol. 30, no. 2–3, pp. 271–274, 1998.
  9. ^Sarle, Warren (1994). 'Neural Networks and statistical models'. CiteSeerX10.1.1.27.699.
  10. ^ abcdRussell, Stuart; Norvig, Peter (2003) [1995]. Artificial Intelligence: A Modern Approach (2nd ed.). Prentice Hall. ISBN978-0137903955.
  11. ^ abLangley, Pat (2011). 'The changing science of machine learning'. Machine Learning. 82 (3): 275–279. doi:10.1007/s10994-011-5242-y.
  12. ^Le Roux, Nicolas; Bengio, Yoshua; Fitzgibbon, Andrew (2012). 'Improving First and Second-Order Methods by Modeling Uncertainty'. In Sra, Suvrit; Nowozin, Sebastian; Wright, Stephen J. (eds.). Optimization for Machine Learning. MIT Press. p. 404.
  13. ^ abMichael I. Jordan (2014-09-10). 'statistics and machine learning'. reddit. Retrieved 2014-10-01.
  14. ^Cornell University Library. 'Breiman: Statistical Modeling: The Two Cultures (with comments and a rejoinder by the author)'. Retrieved 8 August 2015.
  15. ^Gareth James; Daniela Witten; Trevor Hastie; Robert Tibshirani (2013). An Introduction to Statistical Learning. Springer. p. vii.
  16. ^Mohri, Mehryar; Rostamizadeh, Afshin; Talwalkar, Ameet (2012). Foundations of Machine Learning. USA, Massachusetts: MIT Press. ISBN9780262018258.
  17. ^Alpaydin, Ethem (2010). Introduction to Machine Learning. London: The MIT Press. ISBN978-0-262-01243-0. Retrieved 4 February 2017.
  18. ^Russell, Stuart J.; Norvig, Peter (2010). Artificial Intelligence: A Modern Approach (Third ed.). Prentice Hall. ISBN9780136042594.
  19. ^Mohri, Mehryar; Rostamizadeh, Afshin; Talwalkar, Ameet (2012). Foundations of Machine Learning. The MIT Press. ISBN9780262018258.
  20. ^Alpaydin, Ethem (2010). Introduction to Machine Learning. MIT Press. p. 9. ISBN978-0-262-01243-0.
  21. ^Jordan, Michael I.; Bishop, Christopher M. (2004). 'Neural Networks'. In Allen B. Tucker (ed.). Computer Science Handbook, Second Edition (Section VII: Intelligent Systems). Boca Raton, Florida: Chapman & Hall/CRC Press LLC. ISBN978-1-58488-360-9.
  22. ^ abcDimitri P. Bertsekas. 'Dynamic Programming and Optimal Control: Approximate Dynamic Programming, Vol.II', Athena Scientific, 2012,[1]
  23. ^ abcDimitri P. Bertsekas and John N. Tsitsiklis. 'Neuro-Dynamic Programming', Athena Scientific, 1996,[2]
  24. ^van Otterlo, M.; Wiering, M. (2012). Reinforcement learning and markov decision processes. Reinforcement Learning. Adaptation, Learning, and Optimization. 12. pp. 3–42. doi:10.1007/978-3-642-27645-3_1. ISBN978-3-642-27644-6.
  25. ^Y. Bengio; A. Courville; P. Vincent (2013). 'Representation Learning: A Review and New Perspectives'. IEEE Trans. PAMI, Special Issue Learning Deep Architectures. 35 (8): 1798–1828. arXiv:1206.5538. doi:10.1109/tpami.2013.50. PMID23787338.
  26. ^Nathan Srebro; Jason D. M. Rennie; Tommi S. Jaakkola (2004). Maximum-Margin Matrix Factorization. NIPS.
  27. ^Coates, Adam; Lee, Honglak; Ng, Andrew Y. (2011). An analysis of single-layer networks in unsupervised feature learning(PDF). Int'l Conf. on AI and Statistics (AISTATS).
  28. ^Csurka, Gabriella; Dance, Christopher C.; Fan, Lixin; Willamowski, Jutta; Bray, Cédric (2004). Visual categorization with bags of keypoints(PDF). ECCV Workshop on Statistical Learning in Computer Vision.
  29. ^Daniel Jurafsky; James H. Martin (2009). Speech and Language Processing. Pearson Education International. pp. 145–146.
  30. ^Lu, Haiping; Plataniotis, K.N.; Venetsanopoulos, A.N. (2011). 'A Survey of Multilinear Subspace Learning for Tensor Data'(PDF). Pattern Recognition. 44 (7): 1540–1551. doi:10.1016/j.patcog.2011.01.004.
  31. ^Yoshua Bengio (2009). Learning Deep Architectures for AI. Now Publishers Inc. pp. 1–3. ISBN978-1-60198-294-0.
  32. ^Tillmann, A. M. (2015). 'On the Computational Intractability of Exact and Approximate Dictionary Learning'. IEEE Signal Processing Letters. 22 (1): 45–49. arXiv:1405.6664. Bibcode:2015ISPL..22..45T. doi:10.1109/LSP.2014.2345761.
  33. ^Aharon, M, M Elad, and A Bruckstein. 2006. 'K-SVD: An Algorithm for Designing Overcomplete Dictionaries for Sparse Representation.' Signal Processing, IEEE Transactions on 54 (11): 4311–4322
  34. ^Zimek, Arthur; Schubert, Erich (2017), 'Outlier Detection', Encyclopedia of Database Systems, Springer New York, pp. 1–5, doi:10.1007/978-1-4899-7993-3_80719-1, ISBN9781489979933
  35. ^Hodge, V. J.; Austin, J. (2004). 'A Survey of Outlier Detection Methodologies'(PDF). Artificial Intelligence Review. 22 (2): 85–126. CiteSeerX10.1.1.318.4023. doi:10.1007/s10462-004-4304-y.
  36. ^Dokas, Paul; Ertoz, Levent; Kumar, Vipin; Lazarevic, Aleksandar; Srivastava, Jaideep; Tan, Pang-Ning (2002). 'Data mining for network intrusion detection'(PDF). Proceedings NSF Workshop on Next Generation Data Mining.
  37. ^Chandola, V.; Banerjee, A.; Kumar, V. (2009). 'Anomaly detection: A survey'. ACM Computing Surveys. 41 (3): 1–58. doi:10.1145/1541880.1541882.
  38. ^Piatetsky-Shapiro, Gregory (1991), Discovery, analysis, and presentation of strong rules, in Piatetsky-Shapiro, Gregory; and Frawley, William J.; eds., Knowledge Discovery in Databases, AAAI/MIT Press, Cambridge, MA.
  39. ^Bassel, George W.; Glaab, Enrico; Marquez, Julietta; Holdsworth, Michael J.; Bacardit, Jaume (2011-09-01). 'Functional Network Construction in Arabidopsis Using Rule-Based Machine Learning on Large-Scale Data Sets'. The Plant Cell. 23 (9): 3101–3116. doi:10.1105/tpc.111.088153. ISSN1532-298X. PMC3203449. PMID21896882.
  40. ^Agrawal, R.; Imieliński, T.; Swami, A. (1993). 'Mining association rules between sets of items in large databases'. Proceedings of the 1993 ACM SIGMOD international conference on Management of data - SIGMOD '93. p. 207. CiteSeerX10.1.1.40.6984. doi:10.1145/170035.170072. ISBN978-0897915922.
  41. ^Urbanowicz, Ryan J.; Moore, Jason H. (2009-09-22). 'Learning Classifier Systems: A Complete Introduction, Review, and Roadmap'. Journal of Artificial Evolution and Applications. 2009: 1–25. doi:10.1155/2009/736398. ISSN1687-6229.
  42. ^Plotkin G.D. Automatic Methods of Inductive Inference, PhD thesis, University of Edinburgh, 1970.
  43. ^Shapiro, Ehud Y. Inductive inference of theories from facts, Research Report 192, Yale University, Department of Computer Science, 1981. Reprinted in J.-L. Lassez, G. Plotkin (Eds.), Computational Logic, The MIT Press, Cambridge, MA, 1991, pp. 199–254.
  44. ^Shapiro, Ehud Y. (1983). Algorithmic program debugging. Cambridge, Mass: MIT Press. ISBN0-262-19218-7
  45. ^Shapiro, Ehud Y. 'The model inference system.' Proceedings of the 7th international joint conference on Artificial intelligence-Volume 2. Morgan Kaufmann Publishers Inc., 1981.
  46. ^Honglak Lee, Roger Grosse, Rajesh Ranganath, Andrew Y. Ng. 'Convolutional Deep Belief Networks for Scalable Unsupervised Learning of Hierarchical Representations' Proceedings of the 26th Annual International Conference on Machine Learning, 2009.
  47. ^Cortes, Corinna; Vapnik, Vladimir N. (1995). 'Support-vector networks'. Machine Learning. 20 (3): 273–297. doi:10.1007/BF00994018.
  48. ^Goldberg, David E.; Holland, John H. (1988). 'Genetic algorithms and machine learning'. Machine Learning. 3 (2): 95–99. doi:10.1007/bf00113892.
  49. ^Michie, D.; Spiegelhalter, D. J.; Taylor, C. C. (1994). 'Machine Learning, Neural and Statistical Classification'. Ellis Horwood Series in Artificial Intelligence. Bibcode:1994mlns.book...M.
  50. ^Zhang, Jun; Zhan, Zhi-hui; Lin, Ying; Chen, Ni; Gong, Yue-jiao; Zhong, Jing-hui; Chung, Henry S.H.; Li, Yun; Shi, Yu-hui (2011). 'Evolutionary Computation Meets Machine Learning: A Survey'(PDF). Computational Intelligence Magazine. 6 (4): 68–75. doi:10.1109/mci.2011.942584.
  51. ^'BelKor Home Page' research.att.com
  52. ^'The Netflix Tech Blog: Netflix Recommendations: Beyond the 5 stars (Part 1)'. 2012-04-06. Retrieved 8 August 2015.
  53. ^Scott Patterson (13 July 2010). 'Letting the Machines Decide'. The Wall Street Journal. Retrieved 24 June 2018.
  54. ^Vinod Khosla (January 10, 2012). 'Do We Need Doctors or Algorithms?'. Tech Crunch.
  55. ^When A Machine Learning Algorithm Studied Fine Art Paintings, It Saw Things Art Historians Had Never Noticed, The Physics at ArXiv blog
  56. ^Vincent, James (2019-04-10). 'The first AI-generated textbook shows what robot writers are actually good at'. The Verge. Retrieved 2019-05-05.
  57. ^'Why Machine Learning Models Often Fail to Learn: QuickTake Q&A'. Bloomberg.com. 2016-11-10. Retrieved 2017-04-10.
  58. ^'The First Wave of Corporate AI Is Doomed to Fail'. Harvard Business Review. 2017-04-18. Retrieved 2018-08-20.
  59. ^'Why the A.I. euphoria is doomed to fail'. VentureBeat. 2016-09-18. Retrieved 2018-08-20.
  60. ^'9 Reasons why your machine learning project will fail'. www.kdnuggets.com. Retrieved 2018-08-20.
  61. ^'Why Uber's self-driving car killed a pedestrian'. The Economist. Retrieved 2018-08-20.
  62. ^'IBM's Watson recommended 'unsafe and incorrect' cancer treatments - STAT'. STAT. 2018-07-25. Retrieved 2018-08-21.
  63. ^Hernandez, Daniela; Greenwald, Ted (2018-08-11). 'IBM Has a Watson Dilemma'. Wall Street Journal. ISSN0099-9660. Retrieved 2018-08-21.
  64. ^Garcia, Megan (2016). 'Racist in the Machine'. World Policy Journal. 33 (4): 111–117. doi:10.1215/07402775-3813015. ISSN0740-2775.
  65. ^Caliskan, Aylin; Bryson, Joanna J.; Narayanan, Arvind (2017-04-14). 'Semantics derived automatically from language corpora contain human-like biases'. Science. 356 (6334): 183–186. arXiv:1608.07187. Bibcode:2017Sci..356.183C. doi:10.1126/science.aal4230. ISSN0036-8075. PMID28408601.
  66. ^Wang, Xinan; Dasgupta, Sanjoy (2016), Lee, D. D.; Sugiyama, M.; Luxburg, U. V.; Guyon, I. (eds.), 'An algorithm for L1 nearest neighbor search via monotonic embedding'(PDF), Advances in Neural Information Processing Systems 29, Curran Associates, Inc., pp. 983–991, retrieved 2018-08-20
  67. ^'Machine Bias'. ProPublica. Julia Angwin, Jeff Larson, Lauren Kirchner, Surya Mattu. 2016-05-23. Retrieved 2018-08-20.CS1 maint: others (link)
  68. ^'Opinion When an Algorithm Helps Send You to Prison'. New York Times. Retrieved 2018-08-20.
  69. ^'Google apologises for racist blunder'. BBC News. 2015-07-01. Retrieved 2018-08-20.
  70. ^'Google 'fixed' its racist algorithm by removing gorillas from its image-labeling tech'. The Verge. Retrieved 2018-08-20.
  71. ^'Opinion Artificial Intelligence's White Guy Problem'. New York Times. Retrieved 2018-08-20.
  72. ^Metz, Rachel. 'Why Microsoft's teen chatbot, Tay, said lots of awful things online'. MIT Technology Review. Retrieved 2018-08-20.
  73. ^Simonite, Tom. 'Microsoft says its racist chatbot illustrates how AI isn't adaptable enough to help most businesses'. MIT Technology Review. Retrieved 2018-08-20.
  74. ^Hempel, Jessi (2018-11-13). 'Fei-Fei Li's Quest to Make Machines Better for Humanity'. Wired. ISSN1059-1028. Retrieved 2019-02-17.
  75. ^Kohavi, Ron (1995). 'A Study of Cross-Validation and Bootstrap for Accuracy Estimation and Model Selection'(PDF). International Joint Conference on Artificial Intelligence.
  76. ^Pontius, Robert Gilmore; Si, Kangping (2014). 'The total operating characteristic to measure diagnostic ability for multiple thresholds'. International Journal of Geographical Information Science. 28 (3): 570–583. doi:10.1080/13658816.2013.862623.
  77. ^Bostrom, Nick (2011). 'The Ethics of Artificial Intelligence'(PDF). Retrieved 11 April 2016.
  78. ^Edionwe, Tolulope. 'The fight against racist algorithms'. The Outline. Retrieved 17 November 2017.
  79. ^Jeffries, Adrianne. 'Machine learning is racist because the internet is racist'. The Outline. Retrieved 17 November 2017.
  80. ^Narayanan, Arvind (August 24, 2016). 'Language necessarily contains human biases, and so will machines trained on language corpora'. Freedom to Tinker.
  81. ^Char, D. S.; Shah, N. H.; Magnus, D. (2018). 'Implementing Machine Learning in Health Care—Addressing Ethical Challenges'. New England Journal of Medicine. 378 (11): 981–983. doi:10.1056/nejmp1714229. PMC5962261. PMID29539284.

Further reading[edit]

  • Nils J. Nilsson, Introduction to Machine Learning.
  • Trevor Hastie, Robert Tibshirani and Jerome H. Friedman (2001). The Elements of Statistical Learning, Springer. ISBN0-387-95284-5.
  • Pedro Domingos (September 2015), The Master Algorithm, Basic Books, ISBN978-0-465-06570-7
  • Ian H. Witten and Eibe Frank (2011). Data Mining: Practical machine learning tools and techniques Morgan Kaufmann, 664pp., ISBN978-0-12-374856-0.
  • Ethem Alpaydin (2004). Introduction to Machine Learning, MIT Press, ISBN978-0-262-01243-0.
  • David J. C. MacKay. Information Theory, Inference, and Learning Algorithms Cambridge: Cambridge University Press, 2003. ISBN0-521-64298-1
  • Richard O. Duda, Peter E. Hart, David G. Stork (2001) Pattern classification (2nd edition), Wiley, New York, ISBN0-471-05669-3.
  • Christopher Bishop (1995). Neural Networks for Pattern Recognition, Oxford University Press. ISBN0-19-853864-2.
  • Stuart Russell & Peter Norvig, (2009). Artificial Intelligence – A Modern Approach. Pearson, ISBN9789332543515.
  • 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 Summer Research Conference on AI.
  • Artificial Intelligence: A Modern Approach (3rd Edition)

External links[edit]

Wikimedia Commons has media related to Machine learning.
  • mloss is an academic database of open-source machine learning software.
  • Machine Learning Crash Course by Google. This is a free course on machine learning through the use of TensorFlow.
Retrieved from 'https://en.wikipedia.org/w/index.php?title=Machine_learning&oldid=899398955'