0% found this document useful (0 votes)
267 views

Deep Learning

Deep learning is a type of machine learning that uses multi-layered artificial neural networks. It involves using multiple layers to progressively extract higher-level features from raw input data. Deep learning architectures like convolutional neural networks have produced human-level performance on tasks involving computer vision, speech recognition, and natural language processing. Deep learning models are generally interpreted based on the universal approximation theorem or as a form of probabilistic inference.

Uploaded by

nigel989
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
267 views

Deep Learning

Deep learning is a type of machine learning that uses multi-layered artificial neural networks. It involves using multiple layers to progressively extract higher-level features from raw input data. Deep learning architectures like convolutional neural networks have produced human-level performance on tasks involving computer vision, speech recognition, and natural language processing. Deep learning models are generally interpreted based on the universal approximation theorem or as a form of probabilistic inference.

Uploaded by

nigel989
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 45

Deep learning

Deep learning is part of a broader family of machine


learning methods, which is based on artificial neural
networks with representation learning. The adjective
"deep" in deep learning refers to the use of multiple
layers in the network. Methods used can be either
supervised, semi-supervised or unsupervised.[2]

Deep-learning architectures such as deep neural


networks, deep belief networks, deep reinforcement
learning, recurrent neural networks, convolutional
neural networks and transformers have been applied to
fields including computer vision, speech recognition,
natural language processing, machine translation,
bioinformatics, drug design, medical image analysis,
Representing images on multiple layers of
climate science, material inspection and board game
abstraction in deep learning[1]
programs, where they have produced results
comparable to and in some cases surpassing human
expert performance.[3][4][5]

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

Discovery that deep neural network (with a nonpolynomial activation function with one hidden layer of
unbounded width) is able to be can a universal classifier, this is known as third wave of connectionism after
a linear perceptron being shown unable to be one. In deep learning the layers are also permitted to be
heterogeneous and to deviate widely from biologically informed models, for the sake of efficiency,
trainability and understandability.

Definition
Deep learning is a class of machine learning algorithms that[8]: 1 99–200  uses multiple layers to progressively
extract higher-level features from the raw input. For example, in image processing, lower layers may
identify edges, while higher layers may identify the concepts relevant to a human such as digits or letters or
faces.

From another angle to view deep learning, deep learning refers to ‘computer-simulate’ or ‘automate’ human
learning processes from a source (e.g., an image of dogs) to a learned object (dogs). Therefore, a notion
coined as “deeper” learning or “deepest” learning [9] makes sense. The deepest learning refers to the fully
automatic learning from a source to a final learned object. A deeper learning thus refers to a mixed learning
process: a human learning process from a source to a learned semi-object, followed by a computer learning
process from the human learned semi-object to a final learned object.

Overview
Most modern deep learning models are based on multi-layered artificial neural networks such as
convolutional neural networks and transformers, 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.[10]

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. This does not eliminate the need for hand-tuning; for example, varying numbers
of layers and layer sizes can provide different degrees of abstraction.[11][12]

The word "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.[13] No universally agreed-upon threshold of depth divides shallow learning from deep learning,
but most researchers agree that deep learning involves CAP depth higher than 2. CAP of depth 2 has been
shown to be a universal approximator in the sense that it can emulate any function.[14] 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 the features effectively.

Deep learning architectures can be constructed with a greedy layer-by-layer method.[15] Deep learning
helps to disentangle these abstractions and pick out which features improve performance.[11]

For supervised learning tasks, deep learning methods eliminate 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 the labeled data. Examples of deep structures that can be
trained in an unsupervised manner are deep belief networks.[11][16]

Interpretations
Deep neural networks are generally interpreted in terms of the universal approximation
theorem[17][18][19][20][21] or probabilistic inference.[22][8][11][13][23]

The classic universal approximation theorem concerns the capacity of feedforward neural networks with a
single hidden layer of finite size to approximate continuous functions.[17][18][19][20] In 1989, the first proof
was published by George Cybenko for sigmoid activation functions[17] and was generalised to feed-
forward multi-layer architectures in 1991 by Kurt Hornik.[18] Recent work also showed that universal
approximation also holds for non-bounded activation functions such as Kunihiko Fukushima's rectified
linear unit.[24][25]

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.[21] 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 a deep neural
network is not a universal approximator.

The probabilistic interpretation[23] derives from the field of machine learning. It features
inference,[8][10][11][13][16][23] 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.[23] The probabilistic interpretation led to the introduction
of dropout as regularizer in neural networks. The probabilistic interpretation was introduced by researchers
including Hopfield, Widrow and Narendra and popularized in surveys such as the one by Bishop.[26]

History
There are two types of neural networks: feedforward neural networks (FNNs) and recurrent neural
networks (RNNs). RNNs have cycles in their connectivity structure, FNNs don't. In the 1920s, Wilhelm
Lenz and Ernst Ising created and analyzed the Ising model[27] which is essentially a non-learning RNN
architecture consisting of neuron-like threshold elements. In 1972, Shun'ichi Amari made this architecture
adaptive.[28][29] His learning RNN was popularised by John Hopfield in 1982.[30] RNNs have become
central for speech recognition and language processing.

Charles Tappert writes that Frank Rosenblatt developed and explored all of the basic ingredients of the
deep learning systems of today,[31] referring to Rosenblatt's 1962 book[32] which introduced a multilayer
perceptron (MLP) with 3 layers: an input layer, a hidden layer with randomized weights that did not learn,
and an output layer.[29] However, since only the output layer had learning connections, this was not yet
deep learning. It was what later was called an extreme learning machine.[29]

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

The first deep learning multilayer perceptron trained by stochastic gradient descent[35] was published in
1967 by Shun'ichi Amari.[36][29] In computer experiments conducted by Amari's student Saito, a five layer
MLP with two modifiable layers learned internal representations to classify non-linearily separable pattern
classes. [29] In 1987 Matthew Brand reported that wide 12-layer nonlinear perceptrons could be fully end-
to-end trained to reproduce logic functions of nontrivial circuit depth via gradient descent on small batches
of random input/output samples, but concluded that training time on contemporary hardware (sub-megaflop
computers) made the technique impractical, and proposed using fixed random early layers as an input hash
for a single modifiable layer. [37] Instead, subsequent developments in hardware and hyperparameter
tunings have made end-to-end stochastic gradient descent the currently dominant training technique.

In 1970, Seppo Linnainmaa published the reverse mode of automatic differentiation of discrete connected
networks of nested differentiable functions.[38][39][40] This became known as backpropagation.[13] It is an
efficient application of the chain rule derived by Gottfried Wilhelm Leibniz in 1673[41] to networks of
differentiable nodes.[29] The terminology "back-propagating errors" was actually introduced in 1962 by
Rosenblatt,[32][29] but he did not know how to implement this, although Henry J. Kelley had a continuous
precursor of backpropagation[42] already in 1960 in the context of control theory.[29] In 1982, Paul Werbos
applied backpropagation to MLPs in the way that has become standard.[43][44][29] In 1985, David E.
Rumelhart et al. published an experimental analysis of the technique.[45]

Deep learning architectures for convolutional neural networks (CNNs) with convolutional layers and
downsampling layers began with the Neocognitron introduced by Kunihiko Fukushima in 1980.[46] In
1969, he also introduced the ReLU (rectified linear unit) activation function.[24][29] The rectifier has
become the most popular activation function for CNNs and deep learning in general.[47] CNNs have
become an essential tool for computer vision.

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

In 1988, Wei Zhang et al. applied the backpropagation algorithm to a convolutional neural network (a
simplified Neocognitron with convolutional interconnections between the image feature layers and the last
fully connected layer) for alphabet recognition. They also proposed an implementation of the CNN with an
optical computing system.[51][52] In 1989, Yann LeCun et al. applied backpropagation to a CNN with the
purpose of recognizing handwritten ZIP codes on mail. While the algorithm worked, training required 3
days.[53] Subsequently, Wei Zhang, et al. modified their model by removing the last fully connected layer
and applied it for medical image object segmentation in 1991[54] and breast cancer detection in
mammograms in 1994.[55] LeNet-5 (1998), a 7-level CNN by Yann LeCun et al.,[56] that classifies digits,
was applied by several banks to recognize hand-written numbers on checks digitized in 32x32 pixel
images.

In the 1980s, backpropagation did not work well for deep learning with long credit assignment paths. To
overcome this problem, Jürgen Schmidhuber (1992) proposed a hierarchy of RNNs pre-trained one level at
a time by self-supervised learning.[57] It uses predictive coding to learn internal representations at multiple
self-organizing time scales. This can substantially facilitate downstream deep learning. The RNN hierarchy
can be collapsed into a single RNN, by distilling a higher level chunker network into a lower level
automatizer network.[57][29] In 1993, a chunker solved a deep learning task whose depth exceeded
1000.[58]

In 1992, Jürgen Schmidhuber also published an alternative to RNNs[59] which is now called a linear
Transformer or a Transformer with linearized self-attention[60][61][29] (save for a normalization operator). It
learns internal spotlights of attention:[62] a slow feedforward neural network learns by gradient descent to
control the fast weights of another neural network through outer products of self-generated activation
patterns FROM and TO (which are now called key and value for self-attention).[60] This fast weight
attention mapping is applied to a query pattern.

The modern Transformer was introduced by Ashish Vaswani et. al. in their 2017 paper "Attention Is All
You Need."[63] It combines this with a softmax operator and a projection matrix.[29] Transformers have
increasingly become the model of choice for natural language processing.[64] Many modern large language
models such as ChatGPT, GPT-4, and BERT use it. Transformers are also increasingly being used in
computer vision.[65]

In 1991, Jürgen Schmidhuber also published adversarial neural networks that contest with each other in the
form of a zero-sum game, where one network's gain is the other network's loss.[66][67][68] The first network
is a generative model that models a probability distribution over output patterns. The second network learns
by gradient descent to predict the reactions of the environment to these patterns. This was called "artificial
curiosity." In 2014, this principle was used in a generative adversarial network (GAN) by Ian Goodfellow
et al.[69] Here the environmental reaction is 1 or 0 depending on whether the first network's output is in a
given set. This can be used to create realistic deepfakes.[70] Excellent image quality is achieved by Nvidia's
StyleGAN (2018)[71] based on the Progressive GAN by Tero Karras et. al.[72] Here the GAN generator is
grown from small to large scale in a pyramidal fashion.

Sepp Hochreiter's diploma thesis (1991)[73] was called "one of the most important documents in the history
of machine learning" by his supervisor Schmidhuber.[29] It not only tested the neural history
compressor,[57] but also identified and analyzed the vanishing gradient problem.[73][74] Hochreiter
proposed recurrent residual connections to solve this problem. This led to the deep learning method called
long short-term memory (LSTM), published in 1997.[75] LSTM recurrent neural networks can learn "very
deep learning" tasks[13] with long credit assignment paths that require memories of events that happened
thousands of discrete time steps before. The "vanilla LSTM" with forget gate was introduced in 1999 by
Felix Gers, Schmidhuber and Fred Cummins.[76] LSTM has become the most cited neural network of the
20th century.[29] In 2015, Rupesh Kumar Srivastava, Klaus Greff, and Schmidhuber used LSTM principles
to create the Highway network, a feedforward neural network with hundreds of layers, much deeper than
previous networks.[77][78] 7 months later, Kaiming He, Xiangyu Zhang; Shaoqing Ren, and Jian Sun won
the ImageNet 2015 competition with an open-gated or gateless Highway network variant called Residual
neural network.[79] This has become the most cited neural network of the 21st century.[29]

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.[80]

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.[81]

Since 1997, Sven Behnke extended the feed-forward hierarchical convolutional approach in the Neural
Abstraction Pyramid[82] by lateral and backward connections in order to flexibly incorporate context into
decisions and iteratively resolve local ambiguities.

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 for speech recognition have been explored
for many years.[83][84][85] 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.[86] Key difficulties have been analyzed, including gradient diminishing[73] and
weak temporal correlation structure in neural predictive models.[87][88] 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. The speaker recognition team led by Larry Heck reported significant success with deep neural
networks in speech processing in the 1998 National Institute of Standards and Technology Speaker
Recognition evaluation.[89] The SRI deep neural network was then deployed in the Nuance Verifier,
representing the first major industrial application of deep learning.[90] 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,[90] 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.[91]

Speech recognition was taken over by LSTM. In 2003, LSTM started to become competitive with
traditional speech recognizers on certain tasks.[92] In 2006, Alex Graves, Santiago Fernández, Faustino
Gomez, and Schmidhuber combined it with connectionist temporal classification (CTC)[93] in stacks of
LSTM RNNs.[94] 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.[95]

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.[96] Industrial
applications of deep learning to large-scale speech recognition started around 2010.

In 2006, publications by Geoff Hinton, Ruslan Salakhutdinov, Osindero and Teh[97][98][99] 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.[100] The papers referred to learning for deep belief nets.

The 2009 NIPS Workshop on Deep Learning for Speech Recognition 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.
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.[101] The nature of the
recognition errors produced by the two types of systems was characteristically different,[102] 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.[8][103][104] Analysis around 2009–
2010, contrasting the GMM (and other generative speech models) vs. DNN models, stimulated early
industrial investment in deep learning for speech recognition.[102] That analysis was done with comparable
performance (less than 1.5% in error rate) between discriminative DNNs and generative
models.[101][102][105] 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.[106][107][108][103]

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.[101][109] Convolutional neural networks (CNNs) were superseded for ASR by CTC[93] for
LSTM.[75][95][110][111][112] but are more successful in computer vision.

Advances in hardware have driven renewed interest in deep learning. 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).”[113] That year, Andrew Ng determined that GPUs could
increase the speed of deep-learning systems by about 100 times.[114] In particular, GPUs are well-suited for
the matrix/vector computations involved in machine learning.[115][116][117] GPUs speed up training
algorithms by orders of magnitude, reducing running times from weeks to days.[118][119] Further,
specialized hardware and algorithm optimizations can be used for efficient processing of deep learning
models.[120]

Deep learning revolution

In the late 2000s, deep learning started to outperform other methods


in machine learning competitions. In 2009, a long short-term
memory trained by connectionist temporal classification (Alex
Graves, Santiago Fernández, Faustino Gomez, and Jürgen
Schmidhuber, 2006)[93] was the first RNN to win pattern
recognition contests, winning three competitions in connected
handwriting recognition.[121][13] Google later used CTC-trained
LSTM for speech recognition on the smartphone.[122][95]

Significant impacts in image or object recognition were felt from


2011 to 2012. Although CNNs trained by backpropagation had
been around for decades,[51][53] and GPU implementations of NNs
for years,[115] including CNNs,[117][13] faster implementations of How deep learning is a subset of
CNNs on GPUs were needed to progress on computer vision. In machine learning and how machine
2011, the DanNet[123][3] by Dan Ciresan, Ueli Meier, Jonathan learning is a subset of artificial
Masci, Luca Maria Gambardella, and Jürgen Schmidhuber intelligence (AI)
achieved for the first time superhuman performance in a visual
pattern recognition contest, outperforming traditional methods by a
factor of 3.[13] Also in 2011, DanNet won the ICDAR Chinese handwriting contest, and in May 2012, it
won the ISBI image segmentation contest.[124] 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[3] showed
how max-pooling CNNs on GPU can dramatically improve many vision benchmark records. In September
2012, DanNet 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.[125] In October 2012, the similar
AlexNet by Alex Krizhevsky, Ilya Sutskever, and Geoffrey Hinton[4] won the large-scale ImageNet
competition by a significant margin over shallow machine learning methods. The VGG-16 network by
Karen Simonyan and Andrew Zisserman[126] further reduced the error rate and won the ImageNet 2014
competition, following a similar trend in large-scale speech recognition.

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

In 2012, a team led by George E. Dahl won the "Merck Molecular Activity Challenge" using multi-task
deep neural networks to predict the biomolecular target of one drug.[130][131] In 2014, Sepp 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.[132][133][134]

In 2016, Roger Parloff mentioned a "deep learning revolution" that has transformed the AI industry.[135]
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
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, or playing "Go"[136] ).

Deep neural networks

A deep neural network (DNN) is an artificial neural network (ANN) with multiple layers between the input
and output layers.[10][13] There are different types of neural networks but they always consist of the same
components: neurons, synapses, weights, biases, and functions.[137] These components as a whole function
similarly to a human brain, and can be trained like any other ML algorithm.

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.[138] The extra layers enable
composition of features from lower layers, potentially modeling complex data with fewer units than a
similarly performing shallow network.[10] For instance, it was proved that sparse multivariate polynomials
are exponentially easier to approximate with DNNs than with shallow networks.[139]

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 did not accurately recognize a particular pattern, an algorithm
would adjust the weights.[140] 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.[141][142][143][144][145] Long short-term memory is particularly effective for this
use.[75][146]

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

Challenges

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[34] or weight
decay ( -regularization) or sparsity ( -regularization) can be applied during training to combat
overfitting.[149] Alternatively dropout regularization randomly omits units from the hidden layers during
training. This helps to exclude rare dependencies.[150] 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.[151]

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)[152] 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.[153][154]
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. 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.[155][156]

Hardware
Since the 2010s, advances in both machine learning algorithms and computer hardware have led to more
efficient methods for training deep neural networks that contain many layers of non-linear hidden units and
a very large output layer.[157] By 2019, graphic processing units (GPUs), often with AI-specific
enhancements, had displaced CPUs as the dominant method of training large-scale commercial cloud
AI.[158] OpenAI estimated the hardware computation used in the largest deep learning projects from
AlexNet (2012) to AlphaZero (2017), and found a 300,000-fold increase in the amount of computation
required, with a doubling-time trendline of 3.4 months.[159][160]

Special electronic circuits called deep learning processors were designed to speed up deep learning
algorithms. Deep learning processors include neural processing units (NPUs) in Huawei cellphones[161]
and cloud computing servers such as tensor processing units (TPU) in the Google Cloud Platform.[162]
Cerebras Systems has also built a dedicated system to handle large deep learning models, the CS-2, based
on the largest processor in the industry, the second-generation Wafer Scale Engine (WSE-2).[163][164]

Atomically thin semiconductors are considered promising for energy-efficient deep learning hardware
where the same basic device structure is used for both logic operations and data storage. In 2020, Marega et
al. published experiments with a large-area active channel material for developing logic-in-memory devices
and circuits based on floating-gate field-effect transistors (FGFETs).[165]

In 2021, J. Feldmann et al. proposed an integrated photonic hardware accelerator for parallel convolutional
processing.[166] The authors identify two key advantages of integrated photonics over its electronic
counterparts: (1) massively parallel data transfer through wavelength division multiplexing in conjunction
with frequency combs, and (2) extremely high data modulation speeds.[166] Their system can execute
trillions of multiply-accumulate operations per second, indicating the potential of integrated photonics in
data-heavy AI applications.[166]

Applications

Automatic speech recognition

Large-scale automatic speech recognition is the first and most convincing successful case of deep learning.
LSTM RNNs can learn "Very Deep Learning" tasks[13] 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[146] is competitive with traditional speech recognizers on certain tasks.[92]

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.[167] 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.

Percent phone
Method
error rate (PER) (%)

Randomly Initialized RNN[168] 26.1

Bayesian Triphone GMM-HMM 25.6


Hidden Trajectory (Generative) Model 24.8

Monophone Randomly Initialized DNN 23.4

Monophone DBN-DNN 22.4


Triphone GMM-HMM with BMMI Training 21.7

Monophone DBN-DNN on fbank 20.7

Convolutional DNN[169] 20.0

Convolutional DNN w. Heterogeneous Pooling 18.7

Ensemble DNN/CNN/RNN[170] 18.3

Bidirectional LSTM 17.8

Hierarchical Convolutional Deep Maxout Network[171] 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:[8][105][103]

Scale-up/out and accelerated 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.[8][172][173]

Image recognition

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.[174]

Deep learning-based image recognition has become "superhuman", producing more accurate results than
human contestants. This first occurred in 2011 in recognition of traffic signs, and in 2014, with recognition
of human faces.[175][176]
Deep learning-trained vehicles now interpret 360° camera views.[177] 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

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

identifying the style period of a given painting[178][179]


Neural Style Transfer – capturing the style of a given artwork and
applying it in a visually pleasing manner to an arbitrary photograph
or video[178][179]
generating striking imagery based on random visual input Visual art processing
fields.[178][179] of Jimmy Wales in
France, with the style
of Munch's 'The
Natural language processing Scream' applied using
neural style transfer
Neural networks have been used for implementing language models since the
early 2000s.[141] LSTM helped to improve machine translation and language
modeling.[142][143][144]

Other key techniques in this field are negative sampling[180] 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.[181] Recursive auto-encoders built atop word embeddings can assess sentence similarity and detect
paraphrasing.[181] Deep neural architectures provide the best results for constituency parsing,[182]
sentiment analysis,[183] information retrieval,[184][185] spoken language understanding,[186] machine
translation,[142][187] contextual entity linking,[187] writing style recognition,[188] named-entity recognition
(token classification),[189] text classification, and others.[190]

Recent developments generalize word embedding to sentence embedding.

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

Drug discovery and toxicology


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.[196][197] Research has explored use of deep learning to predict the biomolecular targets,[130][131]
off-targets, and toxic effects of environmental chemicals in nutrients, household products and
drugs.[132][133][134]

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

In 2017 graph neural networks were used for the first time to predict various properties of molecules in a
large toxicology data set.[202] In 2019, generative neural networks were used to produce molecules that
were validated experimentally all the way into mice.[203][204]

Customer relationship management

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.[205]

Recommendation systems

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

Bioinformatics

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

In medical informatics, deep learning was used to predict sleep quality based on data from wearables[210]
and predictions of health complications from electronic health record data.[211]

Medical image analysis

Deep learning has been shown to produce competitive results in medical application such as cancer cell
classification, lesion detection, organ segmentation and image enhancement.[212][213] Modern deep
learning tools demonstrate the high accuracy of detecting various diseases and the helpfulness of their use
by specialists to improve the diagnosis efficiency.[214][215]

Mobile advertising

Finding the appropriate mobile audience for mobile advertising is always challenging, since many data
points must be considered and analyzed before a target segment can be created and used in ad serving by
any ad server.[216] 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

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

Financial fraud detection

Deep learning is being successfully applied to financial fraud detection, tax evasion detection,[219] and anti-
money laundering.[220]

Military

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

Partial differential equations

Physics informed neural networks have been used to solve partial differential equations in both forward and
inverse problems in a data driven manner.[222] One example is the reconstructing fluid flow governed by
the Navier-Stokes equations. Using physics informed neural networks does not require the often expensive
mesh generation that conventional CFD methods relies on.[223][224]

Image Reconstruction

Image reconstruction is the reconstruction of the underlying images from the image-related measurements.
Several works showed the better and superior performance of the deep learning methods compared to
analytical methods for various applications, e.g., spectral imaging [225] and ultrasound imaging.[226]

Epigenetic clock

An epigenetic clock is a biochemical test that can be used to measure age. Galkin et al. used deep neural
networks to train an epigenetic aging clock of unprecedented accuracy using >6,000 blood samples.[227]
The clock uses information from 1000 CpG sites and predicts people with certain conditions older than
healthy controls: IBD, frontotemporal dementia, ovarian cancer, obesity. The aging clock was planned to be
released for public use in 2021 by an Insilico Medicine spinoff company Deep Longevity.

Relation to human cognitive and brain development


Deep learning is closely related to a class of theories of brain development (specifically, neocortical
development) proposed by cognitive neuroscientists in the early 1990s.[228][229][230][231] 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."[232]

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.[233][234] 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.[235][236] In this respect, generative neural network models
have been related to neurobiological evidence about sampling-based processing in the cerebral cortex.[237]

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[238] and neural
populations.[239] Similarly, the representations developed by deep learning models are similar to those
measured in the primate visual system[240] both at the single-unit[241] and at the population[242] levels.

Commercial activity
Facebook's AI lab performs tasks such as automatically tagging uploaded pictures with the names of the
people in them.[243]

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.[244][245][246] Google Translate uses a neural network
to translate between more than 100 languages.

In 2017, Covariant.ai was launched, which focuses on integrating deep learning into factories.[247]

As of 2008,[248] 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.[221] 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.[221]
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.”[249]

Criticism and comment


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

Theory

A main criticism concerns the lack of theory surrounding some methods.[250] 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. (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.[251]

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:

"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."[252]

In further reference to the idea that artistic sensitivity might be inherent in 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[253] 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[254]
website.

While deep learning consists of dozens and even hundreds of layers, that architecture doesn't seem to
resemble the structure of the brain. Simulations on shallow networks, which are closer to the brain
dynamics, indicate a similar performance as deep learning with a lower complexity.[255][256]

Errors

Some deep learning architectures display problematic behaviors,[257] such as confidently classifying
unrecognizable images as belonging to a familiar category of ordinary images (2014)[258] and
misclassifying minuscule perturbations of correctly classified images (2013).[259] 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.[257] These issues may possibly be addressed by deep learning architectures that internally
form states homologous to image-grammar[260] decompositions of observed entities and events.[257]
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[261] and artificial intelligence (AI).[262]

Cyber threat

As deep learning moves from the lab into the world, research and experience show that artificial neural
networks are vulnerable to hacks and deception.[263] 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
manipulation is termed an “adversarial attack.”[264]

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.[265] 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.[266]

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.[265]

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.[265]

In 2016, another group demonstrated that certain sounds could make the Google Now voice command
system open a particular web address, and hypothesized that this could "serve as a stepping stone for
further attacks (e.g., opening a web page hosting drive-by malware)."[265]

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

Data collection ethics

Most Deep Learning systems rely on training and verification data that is generated and/or annotated by
humans.[267] It has been argued in media philosophy that not only low-paid clickwork (e.g. on Amazon
Mechanical Turk) is regularly deployed for this purpose, but also implicit forms of human microwork that
are often not recognized as such.[268] The philosopher Rainer Mühlhoff distinguishes five types of
"machinic capture" of human microwork to generate training data: (1) gamification (the embedding of
annotation or computation tasks in the flow of a game), (2) "trapping and tracking" (e.g. CAPTCHAs for
image recognition or click-tracking on Google search results pages), (3) exploitation of social motivations
(e.g. tagging faces on Facebook to obtain labeled facial images), (4) information mining (e.g. by leveraging
quantified-self devices such as activity trackers) and (5) clickwork.[268]
Mühlhoff argues that in most commercial end-user applications of Deep Learning such as Facebook's face
recognition system, the need for training data does not stop once an ANN is trained. Rather, there is a
continued demand for human-generated verification data to constantly calibrate and update the ANN. For
this purpose Facebook introduced the feature that once a user is automatically recognized in an image, they
receive a notification. They can choose whether of not they like to be publicly labeled on the image, or tell
Facebook that it is not them in the picture.[269] This user interface is a mechanism to generate "a constant
stream of verification data" [268] to further train the network in real-time. As Mühlhoff argues, involvement
of human users to generate training and verification data is so typical for most commercial end-user
applications of Deep Learning that such systems may be referred to as "human-aided artificial
intelligence".[268]

See also
Applications of artificial intelligence
Comparison of deep learning software
Compressed sensing
Differentiable programming
Echo state network
List of artificial intelligence projects
Liquid state machine
List of datasets for machine-learning research
Reservoir computing
Scale space and deep learning
Sparse coding
Stochastic parrot

References
1. Schulz, Hannes; Behnke, Sven (1 November 2012). "Deep Learning" (https://www.semantic
scholar.org/paper/51a80649d16a38d41dbd20472deb3bc9b61b59a0). KI - Künstliche
Intelligenz. 26 (4): 357–363. doi:10.1007/s13218-012-0198-z (https://doi.org/10.1007%2Fs1
3218-012-0198-z). ISSN 1610-1987 (https://www.worldcat.org/issn/1610-1987).
S2CID 220523562 (https://api.semanticscholar.org/CorpusID:220523562).
2. LeCun, Yann; Bengio, Yoshua; Hinton, Geoffrey (2015). "Deep Learning". Nature. 521
(7553): 436–444. Bibcode:2015Natur.521..436L (https://ui.adsabs.harvard.edu/abs/2015Nat
ur.521..436L). doi:10.1038/nature14539 (https://doi.org/10.1038%2Fnature14539).
PMID 26017442 (https://pubmed.ncbi.nlm.nih.gov/26017442). S2CID 3074096 (https://api.se
manticscholar.org/CorpusID:3074096).
3. Ciresan, D.; Meier, U.; Schmidhuber, J. (2012). "Multi-column deep neural networks for
image classification". 2012 IEEE Conference on Computer Vision and Pattern Recognition.
pp. 3642–3649. arXiv:1202.2745 (https://arxiv.org/abs/1202.2745).
doi:10.1109/cvpr.2012.6248110 (https://doi.org/10.1109%2Fcvpr.2012.6248110). ISBN 978-
1-4673-1228-8. S2CID 2161592 (https://api.semanticscholar.org/CorpusID:2161592).
4. Krizhevsky, Alex; Sutskever, Ilya; Hinton, Geoffrey (2012). "ImageNet Classification with
Deep Convolutional Neural Networks" (https://www.cs.toronto.edu/~kriz/imagenet_classifica
tion_with_deep_convolutional.pdf) (PDF). NIPS 2012: Neural Information Processing
Systems, Lake Tahoe, Nevada. Archived (https://web.archive.org/web/20170110123024/htt
p://www.cs.toronto.edu/~kriz/imagenet_classification_with_deep_convolutional.pdf) (PDF)
from the original on 2017-01-10. Retrieved 2017-05-24.
5. "Google's AlphaGo AI wins three-match series against the world's best Go player" (https://tec
hcrunch.com/2017/05/24/alphago-beats-planets-best-human-go-player-ke-jie/amp/).
TechCrunch. 25 May 2017. Archived (https://web.archive.org/web/20180617065807/https://t
echcrunch.com/2017/05/24/alphago-beats-planets-best-human-go-player-ke-jie/amp/) from
the original on 17 June 2018. Retrieved 17 June 2018.
6. Marblestone, Adam H.; Wayne, Greg; Kording, Konrad P. (2016). "Toward an Integration of
Deep Learning and Neuroscience" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC502169
2). Frontiers in Computational Neuroscience. 10: 94. arXiv:1606.03813 (https://arxiv.org/abs/
1606.03813). Bibcode:2016arXiv160603813M (https://ui.adsabs.harvard.edu/abs/2016arXiv
160603813M). doi:10.3389/fncom.2016.00094 (https://doi.org/10.3389%2Ffncom.2016.0009
4). PMC 5021692 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC5021692).
PMID 27683554 (https://pubmed.ncbi.nlm.nih.gov/27683554). S2CID 1994856 (https://api.se
manticscholar.org/CorpusID:1994856).
7. Bengio, Yoshua; Lee, Dong-Hyun; Bornschein, Jorg; Mesnard, Thomas; Lin, Zhouhan (13
February 2015). "Towards Biologically Plausible Deep Learning". arXiv:1502.04156 (https://
arxiv.org/abs/1502.04156) [cs.LG (https://arxiv.org/archive/cs.LG)].
8. Deng, L.; Yu, D. (2014). "Deep Learning: Methods and Applications" (http://research.microsof
t.com/pubs/209355/DeepLearning-NowPublishing-Vol7-SIG-039.pdf) (PDF). Foundations
and Trends in Signal Processing. 7 (3–4): 1–199. doi:10.1561/2000000039 (https://doi.org/1
0.1561%2F2000000039). Archived (https://web.archive.org/web/20160314152112/http://res
earch.microsoft.com/pubs/209355/DeepLearning-NowPublishing-Vol7-SIG-039.pdf) (PDF)
from the original on 2016-03-14. Retrieved 2014-10-18.
9. Zhang, W. J.; Yang, G.; Ji, C.; Gupta, M. M. (2018). "On Definition of Deep Learning". 2018
World Automation Congress (WAC): 1–5. doi:10.23919/WAC.2018.8430387 (https://doi.org/
10.23919%2FWAC.2018.8430387). ISBN 978-1-5323-7791-4. S2CID 51971897 (https://api.
semanticscholar.org/CorpusID:51971897).
10. Bengio, Yoshua (2009). "Learning Deep Architectures for AI" (https://web.archive.org/web/20
160304084250/http://sanghv.com/download/soft/machine%20learning,%20artificial%20intell
igence,%20mathematics%20ebooks/ML/learning%20deep%20architectures%20for%20AI%
20(2009).pdf) (PDF). Foundations and Trends in Machine Learning. 2 (1): 1–127.
CiteSeerX 10.1.1.701.9550 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.701.
9550). doi:10.1561/2200000006 (https://doi.org/10.1561%2F2200000006). Archived from
the original (http://sanghv.com/download/soft/machine%20learning,%20artificial%20intellige
nce,%20mathematics%20ebooks/ML/learning%20deep%20architectures%20for%20AI%2
0%282009%29.pdf) (PDF) on 4 March 2016. Retrieved 3 September 2015.
11. Bengio, 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 (https://arxiv.org/abs/1206.5538). doi:10.1109/tpami.2013.50 (h
ttps://doi.org/10.1109%2Ftpami.2013.50). PMID 23787338 (https://pubmed.ncbi.nlm.nih.gov/
23787338). S2CID 393948 (https://api.semanticscholar.org/CorpusID:393948).
12. LeCun, Yann; Bengio, Yoshua; Hinton, Geoffrey (28 May 2015). "Deep learning". Nature.
521 (7553): 436–444. Bibcode:2015Natur.521..436L (https://ui.adsabs.harvard.edu/abs/2015
Natur.521..436L). doi:10.1038/nature14539 (https://doi.org/10.1038%2Fnature14539).
PMID 26017442 (https://pubmed.ncbi.nlm.nih.gov/26017442). S2CID 3074096 (https://api.se
manticscholar.org/CorpusID:3074096).
13. Schmidhuber, J. (2015). "Deep Learning in Neural Networks: An Overview". Neural
Networks. 61: 85–117. arXiv:1404.7828 (https://arxiv.org/abs/1404.7828).
doi:10.1016/j.neunet.2014.09.003 (https://doi.org/10.1016%2Fj.neunet.2014.09.003).
PMID 25462637 (https://pubmed.ncbi.nlm.nih.gov/25462637). S2CID 11715509 (https://api.s
emanticscholar.org/CorpusID:11715509).
14. Shigeki, Sugiyama (12 April 2019). Human Behavior and Another Kind in Consciousness:
Emerging Research and Opportunities: Emerging Research and Opportunities (https://book
s.google.com/books?id=9CqQDwAAQBAJ&pg=PA15). IGI Global. ISBN 978-1-5225-8218-
2.
15. Bengio, Yoshua; Lamblin, Pascal; Popovici, Dan; Larochelle, Hugo (2007). Greedy layer-
wise training of deep networks (http://papers.nips.cc/paper/3048-greedy-layer-wise-training-
of-deep-networks.pdf) (PDF). Advances in neural information processing systems. pp. 153–
160. Archived (https://web.archive.org/web/20191020195638/http://papers.nips.cc/paper/304
8-greedy-layer-wise-training-of-deep-networks.pdf) (PDF) from the original on 2019-10-20.
Retrieved 2019-10-06.
16. Hinton, G.E. (2009). "Deep belief networks" (https://doi.org/10.4249%2Fscholarpedia.5947).
Scholarpedia. 4 (5): 5947. Bibcode:2009SchpJ...4.5947H (https://ui.adsabs.harvard.edu/abs/
2009SchpJ...4.5947H). doi:10.4249/scholarpedia.5947 (https://doi.org/10.4249%2Fscholarp
edia.5947).
17. Cybenko (1989). "Approximations by superpositions of sigmoidal functions" (https://web.arc
hive.org/web/20151010204407/http://deeplearning.cs.cmu.edu/pdfs/Cybenko.pdf) (PDF).
Mathematics of Control, Signals, and Systems. 2 (4): 303–314. doi:10.1007/bf02551274 (htt
ps://doi.org/10.1007%2Fbf02551274). S2CID 3958369 (https://api.semanticscholar.org/Corp
usID:3958369). Archived from the original (http://deeplearning.cs.cmu.edu/pdfs/Cybenko.pd
f) (PDF) on 10 October 2015.
18. Hornik, Kurt (1991). "Approximation Capabilities of Multilayer Feedforward Networks".
Neural Networks. 4 (2): 251–257. doi:10.1016/0893-6080(91)90009-t (https://doi.org/10.101
6%2F0893-6080%2891%2990009-t). S2CID 7343126 (https://api.semanticscholar.org/Corp
usID:7343126).
19. Haykin, Simon S. (1999). Neural Networks: A Comprehensive Foundation (https://books.goo
gle.com/books?id=bX4pAQAAMAAJ). Prentice Hall. ISBN 978-0-13-273350-2.
20. Hassoun, Mohamad H. (1995). Fundamentals of Artificial Neural Networks (https://books.go
ogle.com/books?id=Otk32Y3QkxQC&pg=PA48). MIT Press. p. 48. ISBN 978-0-262-08239-
6.
21. Lu, Z., Pu, H., Wang, F., Hu, Z., & Wang, L. (2017). The Expressive Power of Neural
Networks: A View from the Width (http://papers.nips.cc/paper/7203-the-expressive-power-of-
neural-networks-a-view-from-the-width) Archived (https://web.archive.org/web/20190213005
539/http://papers.nips.cc/paper/7203-the-expressive-power-of-neural-networks-a-view-from-t
he-width) 2019-02-13 at the Wayback Machine. Neural Information Processing Systems,
6231-6239.
22. Orhan, A. E.; Ma, W. J. (2017). "Efficient probabilistic inference in generic neural networks
trained with non-probabilistic feedback" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC552
7101). Nature Communications. 8 (1): 138. Bibcode:2017NatCo...8..138O (https://ui.adsabs.
harvard.edu/abs/2017NatCo...8..138O). doi:10.1038/s41467-017-00181-8 (https://doi.org/10.
1038%2Fs41467-017-00181-8). PMC 5527101 (https://www.ncbi.nlm.nih.gov/pmc/articles/P
MC5527101). PMID 28743932 (https://pubmed.ncbi.nlm.nih.gov/28743932).
23. Murphy, Kevin P. (24 August 2012). Machine Learning: A Probabilistic Perspective (https://bo
oks.google.com/books?id=NZP6AQAAQBAJ). MIT Press. ISBN 978-0-262-01802-9.
24. Fukushima, K. (1969). "Visual feature extraction by a multilayered network of analog
threshold elements". IEEE Transactions on Systems Science and Cybernetics. 5 (4): 322–
333. doi:10.1109/TSSC.1969.300225 (https://doi.org/10.1109%2FTSSC.1969.300225).
25. Sonoda, Sho; Murata, Noboru (2017). "Neural network with unbounded activation functions
is universal approximator". Applied and Computational Harmonic Analysis. 43 (2): 233–268.
arXiv:1505.03654 (https://arxiv.org/abs/1505.03654). doi:10.1016/j.acha.2015.12.005 (http
s://doi.org/10.1016%2Fj.acha.2015.12.005). S2CID 12149203 (https://api.semanticscholar.or
g/CorpusID:12149203).
26. Bishop, Christopher M. (2006). Pattern Recognition and Machine Learning (http://users.isr.is
t.utl.pt/~wurmd/Livros/school/Bishop%20-%20Pattern%20Recognition%20And%20Machin
e%20Learning%20-%20Springer%20%202006.pdf) (PDF). Springer. ISBN 978-0-387-
31073-2. Archived (https://web.archive.org/web/20170111005101/http://users.isr.ist.utl.pt/~w
urmd/Livros/school/Bishop%20-%20Pattern%20Recognition%20And%20Machine%20Lear
ning%20-%20Springer%20%202006.pdf) (PDF) from the original on 2017-01-11. Retrieved
2017-08-06.
27. Brush, Stephen G. (1967). "History of the Lenz-Ising Model". Reviews of Modern Physics. 39
(4): 883–893. Bibcode:1967RvMP...39..883B (https://ui.adsabs.harvard.edu/abs/1967RvM
P...39..883B). doi:10.1103/RevModPhys.39.883 (https://doi.org/10.1103%2FRevModPhys.3
9.883).
28. Amari, Shun-Ichi (1972). "Learning patterns and pattern sequences by self-organizing nets
of threshold elements". IEEE Transactions. C (21): 1197–1206.
29. Schmidhuber, Jürgen (2022). "Annotated History of Modern AI and Deep Learning".
arXiv:2212.11279 (https://arxiv.org/abs/2212.11279) [cs.NE (https://arxiv.org/archive/cs.NE)].
30. Hopfield, J. J. (1982). "Neural networks and physical systems with emergent collective
computational abilities" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC346238).
Proceedings of the National Academy of Sciences. 79 (8): 2554–2558.
Bibcode:1982PNAS...79.2554H (https://ui.adsabs.harvard.edu/abs/1982PNAS...79.2554H).
doi:10.1073/pnas.79.8.2554 (https://doi.org/10.1073%2Fpnas.79.8.2554). PMC 346238 (http
s://www.ncbi.nlm.nih.gov/pmc/articles/PMC346238). PMID 6953413 (https://pubmed.ncbi.nl
m.nih.gov/6953413).
31. Tappert, Charles C. (2019). "Who Is the Father of Deep Learning?" (https://ieeexplore.ieee.or
g/document/9070967). 2019 International Conference on Computational Science and
Computational Intelligence (CSCI). IEEE. pp. 343–348.
doi:10.1109/CSCI49370.2019.00067 (https://doi.org/10.1109%2FCSCI49370.2019.00067).
ISBN 978-1-7281-5584-5. S2CID 216043128 (https://api.semanticscholar.org/CorpusID:216
043128). Retrieved 31 May 2021.
32. Rosenblatt, Frank (1962). Principles of Neurodynamics. Spartan, New York.
33. Ivakhnenko, A. G.; Lapa, V. G. (1967). Cybernetics and Forecasting Techniques (https://book
s.google.com/books?id=rGFgAAAAMAAJ). American Elsevier Publishing Co. ISBN 978-0-
444-00020-0.
34. Ivakhnenko, Alexey (1971). "Polynomial theory of complex systems" (http://gmdh.net/articles/
history/polynomial.pdf) (PDF). IEEE Transactions on Systems, Man and Cybernetics. SMC-1
(4): 364–378. doi:10.1109/TSMC.1971.4308320 (https://doi.org/10.1109%2FTSMC.1971.43
08320). Archived (https://web.archive.org/web/20170829230621/http://www.gmdh.net/article
s/history/polynomial.pdf) (PDF) from the original on 2017-08-29. Retrieved 2019-11-05.
35. Robbins, H.; Monro, S. (1951). "A Stochastic Approximation Method" (https://doi.org/10.121
4%2Faoms%2F1177729586). The Annals of Mathematical Statistics. 22 (3): 400.
doi:10.1214/aoms/1177729586 (https://doi.org/10.1214%2Faoms%2F1177729586).
36. Amari, Shun'ichi (1967). "A theory of adaptive pattern classifier". IEEE Transactions. EC
(16): 279–307.
37. Matthew Brand (1988) Machine and Brain Learning. University of Chicago Tutorial Studies
Bachelor's Thesis, 1988. Reported at the Summer Linguistics Institute, Stanford University,
1987
38. Linnainmaa, Seppo (1970). The representation of the cumulative rounding error of an
algorithm as a Taylor expansion of the local rounding errors (Masters) (in Finnish).
University of Helsinki. pp. 6–7.
39. Linnainmaa, Seppo (1976). "Taylor expansion of the accumulated rounding error". BIT
Numerical Mathematics. 16 (2): 146–160. doi:10.1007/bf01931367 (https://doi.org/10.1007%
2Fbf01931367). S2CID 122357351 (https://api.semanticscholar.org/CorpusID:122357351).
40. Griewank, Andreas (2012). "Who Invented the Reverse Mode of Differentiation?" (https://we
b.archive.org/web/20170721211929/http://www.math.uiuc.edu/documenta/vol-ismp/52_grie
wank-andreas-b.pdf) (PDF). Documenta Mathematica (Extra Volume ISMP): 389–400.
Archived from the original (http://www.math.uiuc.edu/documenta/vol-ismp/52_griewank-andr
eas-b.pdf) (PDF) on 21 July 2017. Retrieved 11 June 2017.
41. Leibniz, Gottfried Wilhelm Freiherr von (1920). The Early Mathematical Manuscripts of
Leibniz: Translated from the Latin Texts Published by Carl Immanuel Gerhardt with Critical
and Historical Notes (Leibniz published the chain rule in a 1676 memoir) (https://books.goog
le.com/books?id=bOIGAAAAYAAJ&q=leibniz+altered+manuscripts&pg=PA90). Open court
publishing Company. ISBN 9780598818461.
42. Kelley, Henry J. (1960). "Gradient theory of optimal flight paths". ARS Journal. 30 (10): 947–
954. doi:10.2514/8.5282 (https://doi.org/10.2514%2F8.5282).
43. Werbos, Paul (1982). "Applications of advances in nonlinear sensitivity analysis". System
modeling and optimization. Springer. pp. 762–770.
44. Werbos, P. (1974). "Beyond Regression: New Tools for Prediction and Analysis in the
Behavioral Sciences" (https://www.researchgate.net/publication/35657389). Harvard
University. Retrieved 12 June 2017.
45. Rumelhart, David E., Geoffrey E. Hinton, and R. J. Williams. "Learning Internal
Representations by Error Propagation (https://apps.dtic.mil/dtic/tr/fulltext/u2/a164453.pdf)".
David E. Rumelhart, James L. McClelland, and the PDP research group. (editors), Parallel
distributed processing: Explorations in the microstructure of cognition, Volume 1:
Foundation. MIT Press, 1986.
46. 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 (https://doi.org/10.1007%2Fbf00344251). PMID 7370364 (http
s://pubmed.ncbi.nlm.nih.gov/7370364). S2CID 206775608 (https://api.semanticscholar.org/C
orpusID:206775608).
47. Ramachandran, Prajit; Barret, Zoph; Quoc, V. Le (October 16, 2017). "Searching for
Activation Functions". arXiv:1710.05941 (https://arxiv.org/abs/1710.05941) [cs.NE (https://arx
iv.org/archive/cs.NE)].
48. Rina Dechter (1986). Learning while searching in constraint-satisfaction problems.
University of California, Computer Science Department, Cognitive Systems
Laboratory.Online (https://www.researchgate.net/publication/221605378_Learning_While_S
earching_in_Constraint-Satisfaction-Problems) Archived (https://web.archive.org/web/20160
419054654/https://www.researchgate.net/publication/221605378_Learning_While_Searchin
g_in_Constraint-Satisfaction-Problems) 2016-04-19 at the Wayback Machine
49. Igor Aizenberg, Naum N. Aizenberg, Joos P.L. Vandewalle (2000). Multi-Valued and
Universal Binary Neurons: Theory, Learning and Applications. Springer Science & Business
Media.
50. Co-evolving recurrent neurons learn deep memory POMDPs. Proc. GECCO, Washington, D.
C., pp. 1795-1802, ACM Press, New York, NY, USA, 2005.
51. Zhang, Wei (1988). "Shift-invariant pattern recognition neural network and its optical
architecture" (https://drive.google.com/file/d/1nN_5odSG_QVae54EsQN_qSz-0ZsX6wA0/vi
ew?usp=sharing). Proceedings of Annual Conference of the Japan Society of Applied
Physics.
52. Zhang, Wei (1990). "Parallel distributed processing model with local space-invariant
interconnections and its optical architecture" (https://drive.google.com/file/d/0B65v6Wo67Tk
5ODRzZmhSR29VeDg/view?usp=sharing). Applied Optics. 29 (32): 4790–7.
Bibcode:1990ApOpt..29.4790Z (https://ui.adsabs.harvard.edu/abs/1990ApOpt..29.4790Z).
doi:10.1364/AO.29.004790 (https://doi.org/10.1364%2FAO.29.004790). PMID 20577468 (htt
ps://pubmed.ncbi.nlm.nih.gov/20577468).
53. LeCun et al., "Backpropagation Applied to Handwritten Zip Code Recognition," Neural
Computation, 1, pp. 541–551, 1989.
54. Zhang, Wei (1991). "Image processing of human corneal endothelium based on a learning
network" (https://drive.google.com/file/d/0B65v6Wo67Tk5cm5DTlNGd0NPUmM/view?usp=
sharing). Applied Optics. 30 (29): 4211–7. Bibcode:1991ApOpt..30.4211Z (https://ui.adsabs.
harvard.edu/abs/1991ApOpt..30.4211Z). doi:10.1364/AO.30.004211 (https://doi.org/10.136
4%2FAO.30.004211). PMID 20706526 (https://pubmed.ncbi.nlm.nih.gov/20706526).
55. Zhang, Wei (1994). "Computerized detection of clustered microcalcifications in digital
mammograms using a shift-invariant artificial neural network" (https://drive.google.com/file/d/
0B65v6Wo67Tk5Ml9qeW5nQ3poVTQ/view?usp=sharing). Medical Physics. 21 (4): 517–24.
Bibcode:1994MedPh..21..517Z (https://ui.adsabs.harvard.edu/abs/1994MedPh..21..517Z).
doi:10.1118/1.597177 (https://doi.org/10.1118%2F1.597177). PMID 8058017 (https://pubme
d.ncbi.nlm.nih.gov/8058017).
56. LeCun, Yann; Léon Bottou; Yoshua Bengio; Patrick Haffner (1998). "Gradient-based
learning applied to document recognition" (http://yann.lecun.com/exdb/publis/pdf/lecun-01a.
pdf) (PDF). Proceedings of the IEEE. 86 (11): 2278–2324. CiteSeerX 10.1.1.32.9552 (https://
citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.32.9552). doi:10.1109/5.726791 (https://
doi.org/10.1109%2F5.726791). S2CID 14542261 (https://api.semanticscholar.org/CorpusID:
14542261). Retrieved October 7, 2016.
57. Schmidhuber, Jürgen (1992). "Learning complex, extended sequences using the principle of
history compression (based on TR FKI-148, 1991)" (ftp://ftp.idsia.ch/pub/juergen/chunker.pd
f) (PDF). Neural Computation. 4 (2): 234–242. doi:10.1162/neco.1992.4.2.234 (https://doi.or
g/10.1162%2Fneco.1992.4.2.234). S2CID 18271205 (https://api.semanticscholar.org/Corpu
sID:18271205).
58. Schmidhuber, Jürgen (1993). Habilitation Thesis (ftp://ftp.idsia.ch/pub/juergen/habilitation.pd
f) (PDF).
59. Schmidhuber, Jürgen (1 November 1992). "Learning to control fast-weight memories: an
alternative to recurrent nets". Neural Computation. 4 (1): 131–139.
doi:10.1162/neco.1992.4.1.131 (https://doi.org/10.1162%2Fneco.1992.4.1.131).
S2CID 16683347 (https://api.semanticscholar.org/CorpusID:16683347).
60. Schlag, Imanol; Irie, Kazuki; Schmidhuber, Jürgen (2021). "Linear Transformers Are Secretly
Fast Weight Programmers". ICML 2021. Springer. pp. 9355–9366.
61. Choromanski, Krzysztof; Likhosherstov, Valerii; Dohan, David; Song, Xingyou; Gane,
Andreea; Sarlos, Tamas; Hawkins, Peter; Davis, Jared; Mohiuddin, Afroz; Kaiser, Lukasz;
Belanger, David; Colwell, Lucy; Weller, Adrian (2020). "Rethinking Attention with
Performers". arXiv:2009.14794 (https://arxiv.org/abs/2009.14794) [cs.CL (https://arxiv.org/arc
hive/cs.CL)].
62. Schmidhuber, Jürgen (1993). "Reducing the ratio between learning complexity and number
of time-varying variables in fully recurrent nets". ICANN 1993. Springer. pp. 460–463.
63. Vaswani, Ashish; Shazeer, Noam; Parmar, Niki; Uszkoreit, Jakob; Jones, Llion; Gomez,
Aidan N.; Kaiser, Lukasz; Polosukhin, Illia (2017-06-12). "Attention Is All You Need".
arXiv:1706.03762 (https://arxiv.org/abs/1706.03762) [cs.CL (https://arxiv.org/archive/cs.CL)].
64. Wolf, Thomas; Debut, Lysandre; Sanh, Victor; Chaumond, Julien; Delangue, Clement; Moi,
Anthony; Cistac, Pierric; Rault, Tim; Louf, Remi; Funtowicz, Morgan; Davison, Joe; Shleifer,
Sam; von Platen, Patrick; Ma, Clara; Jernite, Yacine; Plu, Julien; Xu, Canwen; Le Scao,
Teven; Gugger, Sylvain; Drame, Mariama; Lhoest, Quentin; Rush, Alexander (2020).
"Transformers: State-of-the-Art Natural Language Processing". Proceedings of the 2020
Conference on Empirical Methods in Natural Language Processing: System
Demonstrations. pp. 38–45. doi:10.18653/v1/2020.emnlp-demos.6 (https://doi.org/10.1865
3%2Fv1%2F2020.emnlp-demos.6). S2CID 208117506 (https://api.semanticscholar.org/Corp
usID:208117506).
65. He, Cheng (31 December 2021). "Transformer in CV" (https://towardsdatascience.com/transf
ormer-in-cv-bbdb58bf335e). Transformer in CV. Towards Data Science.
66. Schmidhuber, Jürgen (1991). "A possibility for implementing curiosity and boredom in
model-building neural controllers". Proc. SAB'1991. MIT Press/Bradford Books. pp. 222–
227.
67. Schmidhuber, Jürgen (2010). "Formal Theory of Creativity, Fun, and Intrinsic Motivation
(1990-2010)". IEEE Transactions on Autonomous Mental Development. 2 (3): 230–247.
doi:10.1109/TAMD.2010.2056368 (https://doi.org/10.1109%2FTAMD.2010.2056368).
S2CID 234198 (https://api.semanticscholar.org/CorpusID:234198).
68. Schmidhuber, Jürgen (2020). "Generative Adversarial Networks are Special Cases of
Artificial Curiosity (1990) and also Closely Related to Predictability Minimization (1991)".
Neural Networks. 127: 58–66. arXiv:1906.04493 (https://arxiv.org/abs/1906.04493).
doi:10.1016/j.neunet.2020.04.008 (https://doi.org/10.1016%2Fj.neunet.2020.04.008).
PMID 32334341 (https://pubmed.ncbi.nlm.nih.gov/32334341). S2CID 216056336 (https://ap
i.semanticscholar.org/CorpusID:216056336).
69. Goodfellow, Ian; Pouget-Abadie, Jean; Mirza, Mehdi; Xu, Bing; Warde-Farley, David; Ozair,
Sherjil; Courville, Aaron; Bengio, Yoshua (2014). Generative Adversarial Networks (https://p
apers.nips.cc/paper/5423-generative-adversarial-nets.pdf) (PDF). Proceedings of the
International Conference on Neural Information Processing Systems (NIPS 2014).
pp. 2672–2680. Archived (https://web.archive.org/web/20191122034612/http://papers.nips.c
c/paper/5423-generative-adversarial-nets.pdf) (PDF) from the original on 22 November
2019. Retrieved 20 August 2019.
70. "Prepare, Don't Panic: Synthetic Media and Deepfakes" (https://lab.witness.org/projects/synt
hetic-media-and-deep-fakes/). witness.org. Archived (https://web.archive.org/web/20201202
231744/https://lab.witness.org/projects/synthetic-media-and-deep-fakes/) from the original
on 2 December 2020. Retrieved 25 November 2020.
71. "GAN 2.0: NVIDIA's Hyperrealistic Face Generator" (https://syncedreview.com/2018/12/14/g
an-2-0-nvidias-hyperrealistic-face-generator/). SyncedReview.com. December 14, 2018.
Retrieved October 3, 2019.
72. Karras, Tero; Aila, Timo; Laine, Samuli; Lehtinen, Jaakko (October 1, 2017). "Progressive
Growing of GANs for Improved Quality, Stability, and Variation" (https://ui.adsabs.harvard.ed
u/abs/2017arXiv171010196K). arXiv:1710.10196 (https://arxiv.org/abs/1710.10196).
73. S. Hochreiter., "Untersuchungen zu dynamischen neuronalen Netzen (http://people.idsia.ch/
~juergen/SeppHochreiter1991ThesisAdvisorSchmidhuber.pdf) Archived (https://web.archiv
e.org/web/20150306075401/http://people.idsia.ch/~juergen/SeppHochreiter1991ThesisAdvi
sorSchmidhuber.pdf) 2015-03-06 at the Wayback Machine," Diploma thesis. Institut f.
Informatik, Technische Univ. Munich. Advisor: J. Schmidhuber, 1991.
74. Hochreiter, S.; et al. (15 January 2001). "Gradient flow in recurrent nets: the difficulty of
learning long-term dependencies" (https://books.google.com/books?id=NWOcMVA64aAC).
In Kolen, John F.; Kremer, Stefan C. (eds.). A Field Guide to Dynamical Recurrent Networks.
John Wiley & Sons. ISBN 978-0-7803-5369-5.
75. Hochreiter, Sepp; Schmidhuber, Jürgen (1 November 1997). "Long Short-Term Memory".
Neural Computation. 9 (8): 1735–1780. doi:10.1162/neco.1997.9.8.1735 (https://doi.org/10.1
162%2Fneco.1997.9.8.1735). ISSN 0899-7667 (https://www.worldcat.org/issn/0899-7667).
PMID 9377276 (https://pubmed.ncbi.nlm.nih.gov/9377276). S2CID 1915014 (https://api.sem
anticscholar.org/CorpusID:1915014).
76. Gers, Felix; Schmidhuber, Jürgen; Cummins, Fred (1999). "Learning to forget: Continual
prediction with LSTM". 9th International Conference on Artificial Neural Networks: ICANN
'99. Vol. 1999. pp. 850–855. doi:10.1049/cp:19991218 (https://doi.org/10.1049%2Fcp%3A19
991218). ISBN 0-85296-721-7.
77. Srivastava, Rupesh Kumar; Greff, Klaus; Schmidhuber, Jürgen (2 May 2015). "Highway
Networks". arXiv:1505.00387 (https://arxiv.org/abs/1505.00387) [cs.LG (https://arxiv.org/archi
ve/cs.LG)].
78. Srivastava, Rupesh K; Greff, Klaus; Schmidhuber, Jürgen (2015). "Training Very Deep
Networks" (http://papers.nips.cc/paper/5850-training-very-deep-networks). Advances in
Neural Information Processing Systems. Curran Associates, Inc. 28: 2377–2385.
79. He, Kaiming; Zhang, Xiangyu; Ren, Shaoqing; Sun, Jian (2016). Deep Residual Learning
for Image Recognition (https://ieeexplore.ieee.org/document/7780459). 2016 IEEE
Conference on Computer Vision and Pattern Recognition (CVPR). Las Vegas, NV, USA:
IEEE. pp. 770–778. arXiv:1512.03385 (https://arxiv.org/abs/1512.03385).
doi:10.1109/CVPR.2016.90 (https://doi.org/10.1109%2FCVPR.2016.90). ISBN 978-1-4673-
8851-1.
80. de Carvalho, Andre C. L. F.; Fairhurst, Mike C.; Bisset, David (8 August 1994). "An integrated
Boolean neural network for pattern classification". Pattern Recognition Letters. 15 (8): 807–
813. Bibcode:1994PaReL..15..807D (https://ui.adsabs.harvard.edu/abs/1994PaReL..15..807
D). doi:10.1016/0167-8655(94)90009-4 (https://doi.org/10.1016%2F0167-8655%2894%299
0009-4).
81. Hinton, Geoffrey E.; Dayan, Peter; Frey, Brendan J.; Neal, Radford (26 May 1995). "The
wake-sleep algorithm for unsupervised neural networks". Science. 268 (5214): 1158–1161.
Bibcode:1995Sci...268.1158H (https://ui.adsabs.harvard.edu/abs/1995Sci...268.1158H).
doi:10.1126/science.7761831 (https://doi.org/10.1126%2Fscience.7761831). PMID 7761831
(https://pubmed.ncbi.nlm.nih.gov/7761831). S2CID 871473 (https://api.semanticscholar.org/
CorpusID:871473).
82. Behnke, Sven (2003). Hierarchical Neural Networks for Image Interpretation. Lecture Notes
in Computer Science. Vol. 2766. Springer. doi:10.1007/b11963 (https://doi.org/10.1007%2Fb
11963). ISBN 3-540-40722-7. S2CID 1304548 (https://api.semanticscholar.org/CorpusID:13
04548).
83. Morgan, Nelson; Bourlard, Hervé; Renals, Steve; Cohen, Michael; Franco, Horacio (1
August 1993). "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 (https://doi.org/10.1142%2Fs02180014930004
55). ISSN 0218-0014 (https://www.worldcat.org/issn/0218-0014).
84. Robinson, T. (1992). "A real-time recurrent error propagation network word recognition
system" (http://dl.acm.org/citation.cfm?id=1895720). ICASSP. Icassp'92: 617–620.
ISBN 9780780305328. Archived (https://web.archive.org/web/20210509123135/https://dl.ac
m.org/doi/10.5555/1895550.1895720) from the original on 2021-05-09. Retrieved
2017-06-12.
85. Waibel, A.; Hanazawa, T.; Hinton, G.; Shikano, K.; Lang, K. J. (March 1989). "Phoneme
recognition using time-delay neural networks" (http://dml.cz/bitstream/handle/10338.dmlcz/1
35496/Kybernetika_38-2002-6_2.pdf) (PDF). IEEE Transactions on Acoustics, Speech, and
Signal Processing. 37 (3): 328–339. doi:10.1109/29.21701 (https://doi.org/10.1109%2F29.2
1701). hdl:10338.dmlcz/135496 (https://hdl.handle.net/10338.dmlcz%2F135496).
ISSN 0096-3518 (https://www.worldcat.org/issn/0096-3518). S2CID 9563026 (https://api.se
manticscholar.org/CorpusID:9563026). Archived (https://web.archive.org/web/20210427001
446/https://dml.cz/bitstream/handle/10338.dmlcz/135496/Kybernetika_38-2002-6_2.pdf)
(PDF) from the original on 2021-04-27. Retrieved 2019-09-24.
86. 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 (https://ui.adsabs.harvard.edu/abs/2009ISPM...26...75B).
doi:10.1109/msp.2009.932166 (https://doi.org/10.1109%2Fmsp.2009.932166).
hdl:1721.1/51891 (https://hdl.handle.net/1721.1%2F51891). S2CID 357467 (https://api.sema
nticscholar.org/CorpusID:357467).
87. Bengio, Y. (1991). "Artificial Neural Networks and their Application to Speech/Sequence
Recognition" (https://www.researchgate.net/publication/41229141). McGill University Ph.D.
thesis. Archived (https://web.archive.org/web/20210509123131/https://www.researchgate.ne
t/publication/41229141_Artificial_neural_networks_and_their_application_to_sequence_rec
ognition) from the original on 2021-05-09. Retrieved 2017-06-12.
88. 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 (https://doi.org/10.1016%2F0893-6080%2894%299002
7-2).
89. Doddington, G.; Przybocki, M.; Martin, A.; Reynolds, D. (2000). "The NIST speaker
recognition evaluation ± Overview, methodology, systems, results, perspective". Speech
Communication. 31 (2): 225–254. doi:10.1016/S0167-6393(99)00080-1 (https://doi.org/10.10
16%2FS0167-6393%2899%2900080-1).
90. Heck, 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 (https://doi.org/10.10
16%2Fs0167-6393%2899%2900077-1).
91. "Acoustic Modeling with Deep Neural Networks Using Raw Time Signal for LVCSR (PDF
Download Available)" (https://www.researchgate.net/publication/266030526).
ResearchGate. Archived (https://web.archive.org/web/20210509123218/https://www.researc
hgate.net/publication/266030526_Acoustic_Modeling_with_Deep_Neural_Networks_Using
_Raw_Time_Signal_for_LVCSR) from the original on 9 May 2021. Retrieved 14 June 2017.
92. Graves, Alex; Eck, Douglas; Beringer, Nicole; Schmidhuber, Jürgen (2003). "Biologically
Plausible Speech Recognition with LSTM Neural Nets" (Ftp://ftp.idsia.ch/pub/juergen/bioadi
t2004.pdf) (PDF). 1st Intl. Workshop on Biologically Inspired Approaches to Advanced
Information Technology, Bio-ADIT 2004, Lausanne, Switzerland. pp. 175–184. Archived (htt
ps://web.archive.org/web/20210509123139/ftp://ftp.idsia.ch/pub/juergen/bioadit2004.pdf)
(PDF) from the original on 2021-05-09. Retrieved 2016-04-09.
93. Graves, Alex; Fernández, Santiago; Gomez, Faustino; Schmidhuber, Jürgen (2006).
"Connectionist temporal classification: Labelling unsegmented sequence data with recurrent
neural networks". Proceedings of the International Conference on Machine Learning, ICML
2006: 369–376. CiteSeerX 10.1.1.75.6306 (https://citeseerx.ist.psu.edu/viewdoc/summary?d
oi=10.1.1.75.6306).
94. Santiago Fernandez, Alex Graves, and Jürgen Schmidhuber (2007). An application of
recurrent neural networks to discriminative keyword spotting (https://mediatum.ub.tum.de/do
c/1289941/file.pdf) Archived (https://web.archive.org/web/20181118164457/https://mediatu
m.ub.tum.de/doc/1289941/file.pdf) 2018-11-18 at the Wayback Machine. Proceedings of
ICANN (2), pp. 220–229.
95. Sak, Haşim; Senior, Andrew; Rao, Kanishka; Beaufays, Françoise; Schalkwyk, Johan
(September 2015). "Google voice search: faster and more accurate" (http://googleresearch.b
logspot.ch/2015/09/google-voice-search-faster-and-more.html). Archived (https://web.archiv
e.org/web/20160309191532/http://googleresearch.blogspot.ch/2015/09/google-voice-search
-faster-and-more.html) from the original on 2016-03-09. Retrieved 2016-04-09.
96. Yann LeCun (2016). Slides on Deep Learning Online (https://indico.cern.ch/event/510372/)
Archived (https://web.archive.org/web/20160423021403/https://indico.cern.ch/event/51037
2/) 2016-04-23 at the Wayback Machine
97. Hinton, Geoffrey E. (1 October 2007). "Learning multiple layers of representation" (http://ww
w.cell.com/trends/cognitive-sciences/abstract/S1364-6613(07)00217-3). Trends in Cognitive
Sciences. 11 (10): 428–434. doi:10.1016/j.tics.2007.09.004 (https://doi.org/10.1016%2Fj.tics.
2007.09.004). ISSN 1364-6613 (https://www.worldcat.org/issn/1364-6613). PMID 17921042
(https://pubmed.ncbi.nlm.nih.gov/17921042). S2CID 15066318 (https://api.semanticscholar.o
rg/CorpusID:15066318). Archived (https://web.archive.org/web/20131011071435/http://www.
cell.com/trends/cognitive-sciences/abstract/S1364-6613(07)00217-3) from the original on 11
October 2013. Retrieved 12 June 2017.
98. Hinton, G. E.; Osindero, S.; Teh, Y. W. (2006). "A Fast Learning Algorithm for Deep Belief
Nets" (http://www.cs.toronto.edu/~hinton/absps/fastnc.pdf) (PDF). Neural Computation. 18
(7): 1527–1554. doi:10.1162/neco.2006.18.7.1527 (https://doi.org/10.1162%2Fneco.2006.1
8.7.1527). PMID 16764513 (https://pubmed.ncbi.nlm.nih.gov/16764513). S2CID 2309950 (ht
tps://api.semanticscholar.org/CorpusID:2309950). Archived (https://web.archive.org/web/201
51223164129/http://www.cs.toronto.edu/~hinton/absps/fastnc.pdf) (PDF) from the original on
2015-12-23. Retrieved 2011-07-20.
99. Bengio, Yoshua (2012). "Practical recommendations for gradient-based training of deep
architectures". arXiv:1206.5533 (https://arxiv.org/abs/1206.5533) [cs.LG (https://arxiv.org/arch
ive/cs.LG)].
100. G. E. Hinton., "Learning multiple layers of representation (http://www.csri.utoronto.ca/~hinto
n/absps/ticsdraft.pdf) Archived (https://web.archive.org/web/20180522112408/http://www.csr
i.utoronto.ca/~hinton/absps/ticsdraft.pdf) 2018-05-22 at the Wayback Machine," Trends in
Cognitive Sciences, 11, pp. 428–434, 2007.
101. Hinton, 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. Bibcode:2012ISPM...29...82H (https://ui.adsabs.harvar
d.edu/abs/2012ISPM...29...82H). doi:10.1109/msp.2012.2205597 (https://doi.org/10.1109%2
Fmsp.2012.2205597). S2CID 206485943 (https://api.semanticscholar.org/CorpusID:206485
943).
102. Deng, L.; Hinton, G.; Kingsbury, B. (2013). "New types of deep neural network learning for
speech recognition and related applications: An overview (ICASSP)" (https://www.microsoft.
com/en-us/research/wp-content/uploads/2016/02/ICASSP-2013-DengHintonKingsbury-revi
sed.pdf) (PDF). Archived (https://web.archive.org/web/20170926190920/https://www.microso
ft.com/en-us/research/wp-content/uploads/2016/02/ICASSP-2013-DengHintonKingsbury-re
vised.pdf) (PDF) from the original on 2017-09-26. Retrieved 2017-06-12.
103. Yu, D.; Deng, L. (2014). Automatic Speech Recognition: A Deep Learning Approach
(Publisher: Springer) (https://books.google.com/books?id=rUBTBQAAQBAJ). ISBN 978-1-
4471-5779-3.
104. "Deng receives prestigious IEEE Technical Achievement Award - Microsoft Research" (http
s://www.microsoft.com/en-us/research/blog/deng-receives-prestigious-ieee-technical-achiev
ement-award/). Microsoft Research. 3 December 2015. Archived (https://web.archive.org/we
b/20180316084821/https://www.microsoft.com/en-us/research/blog/deng-receives-prestigiou
s-ieee-technical-achievement-award/) from the original on 16 March 2018. Retrieved
16 March 2018.
105. Li, Deng (September 2014). "Keynote talk: 'Achievements and Challenges of Deep Learning
- From Speech Analysis and Recognition To Language and Multimodal Processing' " (https://
www.superlectures.com/interspeech2014/downloadFile?id=6&type=slides&filename=achie
vements-and-challenges-of-deep-learning-from-speech-analysis-and-recognition-to-languag
e-and-multimodal-processing). Interspeech. Archived (https://web.archive.org/web/20170926
190732/https://www.superlectures.com/interspeech2014/downloadFile?id=6&type=slides&fi
lename=achievements-and-challenges-of-deep-learning-from-speech-analysis-and-recognit
ion-to-language-and-multimodal-processing) from the original on 2017-09-26. Retrieved
2017-06-12.
106. Yu, D.; Deng, L. (2010). "Roles of Pre-Training and Fine-Tuning in Context-Dependent DBN-
HMMs for Real-World Speech Recognition" (https://www.microsoft.com/en-us/research/publi
cation/roles-of-pre-training-and-fine-tuning-in-context-dependent-dbn-hmms-for-real-world-s
peech-recognition/). NIPS Workshop on Deep Learning and Unsupervised Feature
Learning. Archived (https://web.archive.org/web/20171012095148/https://www.microsoft.co
m/en-us/research/publication/roles-of-pre-training-and-fine-tuning-in-context-dependent-dbn
-hmms-for-real-world-speech-recognition/) from the original on 2017-10-12. Retrieved
2017-06-14.
107. Seide, F.; Li, G.; Yu, D. (2011). "Conversational speech transcription using context-
dependent deep neural networks" (https://www.microsoft.com/en-us/research/publication/co
nversational-speech-transcription-using-context-dependent-deep-neural-networks).
Interspeech: 437–440. doi:10.21437/Interspeech.2011-169 (https://doi.org/10.21437%2FInte
rspeech.2011-169). Archived (https://web.archive.org/web/20171012095522/https://www.mic
rosoft.com/en-us/research/publication/conversational-speech-transcription-using-context-de
pendent-deep-neural-networks/) from the original on 2017-10-12. Retrieved 2017-06-14.
108. Deng, Li; Li, Jinyu; Huang, Jui-Ting; Yao, Kaisheng; Yu, Dong; Seide, Frank; Seltzer, Mike;
Zweig, Geoff; He, Xiaodong (1 May 2013). "Recent Advances in Deep Learning for Speech
Research at Microsoft" (https://www.microsoft.com/en-us/research/publication/recent-advanc
es-in-deep-learning-for-speech-research-at-microsoft/). Microsoft Research. Archived (http
s://web.archive.org/web/20171012044053/https://www.microsoft.com/en-us/research/publica
tion/recent-advances-in-deep-learning-for-speech-research-at-microsoft/) from the original
on 12 October 2017. Retrieved 14 June 2017.
109. Singh, Premjeet; Saha, Goutam; Sahidullah, Md (2021). "Non-linear frequency warping
using constant-Q transformation for speech emotion recognition". 2021 International
Conference on Computer Communication and Informatics (ICCCI). pp. 1–4.
arXiv:2102.04029 (https://arxiv.org/abs/2102.04029).
doi:10.1109/ICCCI50826.2021.9402569 (https://doi.org/10.1109%2FICCCI50826.2021.940
2569). ISBN 978-1-7281-5875-4. S2CID 231846518 (https://api.semanticscholar.org/Corpus
ID:231846518).
110. Sak, Hasim; Senior, Andrew; Beaufays, Francoise (2014). "Long Short-Term Memory
recurrent neural network architectures for large scale acoustic modeling" (https://web.archiv
e.org/web/20180424203806/https://static.googleusercontent.com/media/research.google.co
m/en//pubs/archive/43905.pdf) (PDF). Archived from the original (https://static.googleusercon
tent.com/media/research.google.com/en//pubs/archive/43905.pdf) (PDF) on 24 April 2018.
111. Li, Xiangang; Wu, Xihong (2014). "Constructing Long Short-Term Memory based Deep
Recurrent Neural Networks for Large Vocabulary Speech Recognition". arXiv:1410.4281 (htt
ps://arxiv.org/abs/1410.4281) [cs.CL (https://arxiv.org/archive/cs.CL)].
112. Zen, Heiga; Sak, Hasim (2015). "Unidirectional Long Short-Term Memory Recurrent Neural
Network with Recurrent Output Layer for Low-Latency Speech Synthesis" (https://static.goog
leusercontent.com/media/research.google.com/en//pubs/archive/43266.pdf) (PDF).
Google.com. ICASSP. pp. 4470–4474. Archived (https://web.archive.org/web/202105091231
13/https://static.googleusercontent.com/media/research.google.com/en//pubs/archive/43266.
pdf) (PDF) from the original on 2021-05-09. Retrieved 2017-06-13.
113. "Nvidia CEO bets big on deep learning and VR" (https://venturebeat.com/2016/04/05/nvidia-
ceo-bets-big-on-deep-learning-and-vr/). Venture Beat. 5 April 2016. Archived (https://web.arc
hive.org/web/20201125202428/https://venturebeat.com/2016/04/05/nvidia-ceo-bets-big-on-d
eep-learning-and-vr/) from the original on 25 November 2020. Retrieved 21 April 2017.
114. "From not working to neural networking" (https://www.economist.com/news/special-report/21
700756-artificial-intelligence-boom-based-old-idea-modern-twist-not). The Economist.
Archived (https://web.archive.org/web/20161231203934/https://www.economist.com/news/s
pecial-report/21700756-artificial-intelligence-boom-based-old-idea-modern-twist-not) from
the original on 2016-12-31. Retrieved 2017-08-26.
115. Oh, K.-S.; Jung, K. (2004). "GPU implementation of neural networks". Pattern Recognition.
37 (6): 1311–1314. Bibcode:2004PatRe..37.1311O (https://ui.adsabs.harvard.edu/abs/2004
PatRe..37.1311O). doi:10.1016/j.patcog.2004.01.013 (https://doi.org/10.1016%2Fj.patcog.20
04.01.013).
116. "A Survey of Techniques for Optimizing Deep Learning on GPUs (https://www.academia.ed
u/40135801) Archived (https://web.archive.org/web/20210509123120/https://www.academia.
edu/40135801/A_Survey_of_Techniques_for_Optimizing_Deep_Learning_on_GPUs) 2021-
05-09 at the Wayback Machine", S. Mittal and S. Vaishay, Journal of Systems Architecture,
2019
117. Chellapilla, Kumar; Puri, Sidd; Simard, Patrice (2006), High performance convolutional
neural networks for document processing (https://hal.inria.fr/inria-00112631/document),
archived (https://web.archive.org/web/20200518193413/https://hal.inria.fr/inria-00112631/do
cument) from the original on 2020-05-18, retrieved 2021-02-14
118. Cireşan, Dan Claudiu; Meier, Ueli; Gambardella, Luca Maria; Schmidhuber, Jürgen (21
September 2010). "Deep, Big, Simple Neural Nets for Handwritten Digit Recognition".
Neural Computation. 22 (12): 3207–3220. arXiv:1003.0358 (https://arxiv.org/abs/1003.0358).
doi:10.1162/neco_a_00052 (https://doi.org/10.1162%2Fneco_a_00052). ISSN 0899-7667 (h
ttps://www.worldcat.org/issn/0899-7667). PMID 20858131 (https://pubmed.ncbi.nlm.nih.gov/
20858131). S2CID 1918673 (https://api.semanticscholar.org/CorpusID:1918673).
119. 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.
CiteSeerX 10.1.1.154.372 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.154.3
72). doi:10.1145/1553374.1553486 (https://doi.org/10.1145%2F1553374.1553486).
ISBN 9781605585161. S2CID 392458 (https://api.semanticscholar.org/CorpusID:392458).
120. Sze, Vivienne; Chen, Yu-Hsin; Yang, Tien-Ju; Emer, Joel (2017). "Efficient Processing of
Deep Neural Networks: A Tutorial and Survey". arXiv:1703.09039 (https://arxiv.org/abs/1703.
09039) [cs.CV (https://arxiv.org/archive/cs.CV)].
121. Graves, Alex; and Schmidhuber, Jürgen; Offline Handwriting Recognition with
Multidimensional Recurrent Neural Networks, in Bengio, Yoshua; Schuurmans, Dale;
Lafferty, John; Williams, Chris K. I.; and Culotta, Aron (eds.), Advances in Neural Information
Processing Systems 22 (NIPS'22), December 7th–10th, 2009, Vancouver, BC, Neural
Information Processing Systems (NIPS) Foundation, 2009, pp. 545–552
122. Google Research Blog. The neural networks behind Google Voice transcription. August 11,
2015. By Françoise Beaufays http://googleresearch.blogspot.co.at/2015/08/the-neural-
networks-behind-google-voice.html
123. Ciresan, D. C.; Meier, U.; Masci, J.; Gambardella, L.M.; Schmidhuber, J. (2011). "Flexible,
High Performance Convolutional Neural Networks for Image Classification" (http://ijcai.org/p
apers11/Papers/IJCAI11-210.pdf) (PDF). International Joint Conference on Artificial
Intelligence. doi:10.5591/978-1-57735-516-8/ijcai11-210 (https://doi.org/10.5591%2F978-1-
57735-516-8%2Fijcai11-210). Archived (https://web.archive.org/web/20140929094040/htt
p://ijcai.org/papers11/Papers/IJCAI11-210.pdf) (PDF) from the original on 2014-09-29.
Retrieved 2017-06-13.
124. Ciresan, Dan; Giusti, Alessandro; Gambardella, Luca M.; Schmidhuber, Jürgen (2012).
Pereira, F.; Burges, C. J. C.; Bottou, L.; Weinberger, K. Q. (eds.). Advances in Neural
Information Processing Systems 25 (http://papers.nips.cc/paper/4741-deep-neural-networks-
segment-neuronal-membranes-in-electron-microscopy-images.pdf) (PDF). Curran
Associates, Inc. pp. 2843–2851. Archived (https://web.archive.org/web/20170809081713/htt
p://papers.nips.cc/paper/4741-deep-neural-networks-segment-neuronal-membranes-in-elect
ron-microscopy-images.pdf) (PDF) from the original on 2017-08-09. Retrieved 2017-06-13.
125. 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 (Pt 2): 411–418. doi:10.1007/978-3-642-40763-
5_51 (https://doi.org/10.1007%2F978-3-642-40763-5_51). ISBN 978-3-642-38708-1.
PMID 24579167 (https://pubmed.ncbi.nlm.nih.gov/24579167).
126. Simonyan, Karen; Andrew, Zisserman (2014). "Very Deep Convolution Networks for Large
Scale Image Recognition". arXiv:1409.1556 (https://arxiv.org/abs/1409.1556) [cs.CV (https://
arxiv.org/archive/cs.CV)].
127. Vinyals, Oriol; Toshev, Alexander; Bengio, Samy; Erhan, Dumitru (2014). "Show and Tell: A
Neural Image Caption Generator". arXiv:1411.4555 (https://arxiv.org/abs/1411.4555) [cs.CV
(https://arxiv.org/archive/cs.CV)]..
128. 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 (https://arxi
v.org/abs/1411.4952) [cs.CV (https://arxiv.org/archive/cs.CV)]..
129. Kiros, Ryan; Salakhutdinov, Ruslan; Zemel, Richard S (2014). "Unifying Visual-Semantic
Embeddings with Multimodal Neural Language Models". arXiv:1411.2539 (https://arxiv.org/a
bs/1411.2539) [cs.LG (https://arxiv.org/archive/cs.LG)]..
130. "Merck Molecular Activity Challenge" (https://kaggle.com/c/MerckActivity). kaggle.com.
Archived (https://web.archive.org/web/20200716190808/https://www.kaggle.com/c/MerckAct
ivity) from the original on 2020-07-16. Retrieved 2020-07-16.
131. "Multi-task Neural Networks for QSAR Predictions | Data Science Association" (http://www.d
atascienceassn.org/content/multi-task-neural-networks-qsar-predictions).
www.datascienceassn.org. Archived (https://web.archive.org/web/20170430142049/http://w
ww.datascienceassn.org/content/multi-task-neural-networks-qsar-predictions) from the
original on 30 April 2017. Retrieved 14 June 2017.
132. "Toxicology in the 21st century Data Challenge"
133. "NCATS Announces Tox21 Data Challenge Winners" (https://tripod.nih.gov/tox21/challenge/
leaderboard.jsp). Archived (https://web.archive.org/web/20150908025122/https://tripod.nih.g
ov/tox21/challenge/leaderboard.jsp) from the original on 2015-09-08. Retrieved 2015-03-05.
134. "NCATS Announces Tox21 Data Challenge Winners" (https://web.archive.org/web/2015022
8225709/http://www.ncats.nih.gov/news-and-events/features/tox21-challenge-winners.html).
Archived from the original (http://www.ncats.nih.gov/news-and-events/features/tox21-challen
ge-winners.html) on 28 February 2015. Retrieved 5 March 2015.
135. "Why Deep Learning Is Suddenly Changing Your Life" (http://fortune.com/ai-artificial-intellige
nce-deep-machine-learning/). Fortune. 2016. Archived (https://web.archive.org/web/2018041
4031925/http://fortune.com/ai-artificial-intelligence-deep-machine-learning/) from the original
on 14 April 2018. Retrieved 13 April 2018.
136. 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 (https://ui.adsabs.harvard.edu/
abs/2016Natur.529..484S). doi:10.1038/nature16961 (https://doi.org/10.1038%2Fnature169
61). ISSN 1476-4687 (https://www.worldcat.org/issn/1476-4687). PMID 26819042 (https://pu
bmed.ncbi.nlm.nih.gov/26819042). S2CID 515925 (https://api.semanticscholar.org/CorpusI
D:515925).
137. A Guide to Deep Learning and Neural Networks (https://serokell.io/blog/deep-learning-and-n
eural-network-guide#components-of-neural-networks), archived (https://web.archive.org/we
b/20201102151103/https://serokell.io/blog/deep-learning-and-neural-network-guide#compo
nents-of-neural-networks) from the original on 2020-11-02, retrieved 2020-11-16
138. Szegedy, Christian; Toshev, Alexander; Erhan, Dumitru (2013). "Deep neural networks for
object detection" (https://papers.nips.cc/paper/5207-deep-neural-networks-for-object-detecti
on). Advances in Neural Information Processing Systems: 2553–2561. Archived (https://web.
archive.org/web/20170629172111/http://papers.nips.cc/paper/5207-deep-neural-networks-fo
r-object-detection) from the original on 2017-06-29. Retrieved 2017-06-13.
139. Rolnick, David; Tegmark, Max (2018). "The power of deeper networks for expressing natural
functions" (https://openreview.net/pdf?id=SyProzZAW). International Conference on
Learning Representations. ICLR 2018. Archived (https://web.archive.org/web/20210107183
647/https://openreview.net/pdf?id=SyProzZAW) from the original on 2021-01-07. Retrieved
2021-01-05.
140. Hof, Robert D. "Is Artificial Intelligence Finally Coming into Its Own?" (https://web.archive.or
g/web/20190331092832/https://www.technologyreview.com/s/513696/deep-learning/). MIT
Technology Review. Archived from the original (https://www.technologyreview.com/s/51369
6/deep-learning/) on 31 March 2019. Retrieved 10 July 2018.
141. Gers, Felix A.; Schmidhuber, Jürgen (2001). "LSTM Recurrent Networks Learn Simple
Context Free and Context Sensitive Languages" (http://elartu.tntu.edu.ua/handle/lib/30719).
IEEE Transactions on Neural Networks. 12 (6): 1333–1340. doi:10.1109/72.963769 (https://d
oi.org/10.1109%2F72.963769). PMID 18249962 (https://pubmed.ncbi.nlm.nih.gov/1824996
2). Archived (https://web.archive.org/web/20200126045722/http://elartu.tntu.edu.ua/handle/li
b/30719) from the original on 2020-01-26. Retrieved 2020-02-25.
142. Sutskever, L.; Vinyals, O.; Le, Q. (2014). "Sequence to Sequence Learning with Neural
Networks" (https://papers.nips.cc/paper/5346-sequence-to-sequence-learning-with-neural-n
etworks.pdf) (PDF). Proc. NIPS. arXiv:1409.3215 (https://arxiv.org/abs/1409.3215).
Bibcode:2014arXiv1409.3215S (https://ui.adsabs.harvard.edu/abs/2014arXiv1409.3215S).
Archived (https://web.archive.org/web/20210509123145/https://papers.nips.cc/paper/2014/fil
e/a14ac55a4f27472c5d894ec1c3c743d2-Paper.pdf) (PDF) from the original on 2021-05-09.
Retrieved 2017-06-13.
143. Jozefowicz, Rafal; Vinyals, Oriol; Schuster, Mike; Shazeer, Noam; Wu, Yonghui (2016).
"Exploring the Limits of Language Modeling". arXiv:1602.02410 (https://arxiv.org/abs/1602.0
2410) [cs.CL (https://arxiv.org/archive/cs.CL)].
144. Gillick, Dan; Brunk, Cliff; Vinyals, Oriol; Subramanya, Amarnag (2015). "Multilingual
Language Processing from Bytes". arXiv:1512.00103 (https://arxiv.org/abs/1512.00103)
[cs.CL (https://arxiv.org/archive/cs.CL)].
145. Mikolov, T.; et al. (2010). "Recurrent neural network based language model" (http://www.fit.vu
tbr.cz/research/groups/speech/servite/2010/rnnlm_mikolov.pdf) (PDF). Interspeech: 1045–
1048. doi:10.21437/Interspeech.2010-343 (https://doi.org/10.21437%2FInterspeech.2010-34
3). Archived (https://web.archive.org/web/20170516181940/http://www.fit.vutbr.cz/research/gr
oups/speech/servite/2010/rnnlm_mikolov.pdf) (PDF) from the original on 2017-05-16.
Retrieved 2017-06-13.
146. "Learning Precise Timing with LSTM Recurrent Networks (PDF Download Available)" (http
s://www.researchgate.net/publication/220320057). ResearchGate. Archived (https://web.arch
ive.org/web/20210509123147/https://www.researchgate.net/publication/220320057_Learnin
g_Precise_Timing_with_LSTM_Recurrent_Networks) from the original on 9 May 2021.
Retrieved 13 June 2017.
147. LeCun, Y.; et al. (1998). "Gradient-based learning applied to document recognition" (http://el
artu.tntu.edu.ua/handle/lib/38369). Proceedings of the IEEE. 86 (11): 2278–2324.
doi:10.1109/5.726791 (https://doi.org/10.1109%2F5.726791). S2CID 14542261 (https://api.s
emanticscholar.org/CorpusID:14542261).
148. Sainath, Tara N.; Mohamed, Abdel-Rahman; Kingsbury, Brian; Ramabhadran, Bhuvana
(2013). "Deep convolutional neural networks for LVCSR". 2013 IEEE International
Conference on Acoustics, Speech and Signal Processing. pp. 8614–8618.
doi:10.1109/icassp.2013.6639347 (https://doi.org/10.1109%2Ficassp.2013.6639347).
ISBN 978-1-4799-0356-6. S2CID 13816461 (https://api.semanticscholar.org/CorpusID:1381
6461).
149. Bengio, Yoshua; Boulanger-Lewandowski, Nicolas; Pascanu, Razvan (2013). "Advances in
optimizing recurrent networks". 2013 IEEE International Conference on Acoustics, Speech
and Signal Processing. pp. 8624–8628. arXiv:1212.0901 (https://arxiv.org/abs/1212.0901).
CiteSeerX 10.1.1.752.9151 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.752.
9151). doi:10.1109/icassp.2013.6639349 (https://doi.org/10.1109%2Ficassp.2013.6639349).
ISBN 978-1-4799-0356-6. S2CID 12485056 (https://api.semanticscholar.org/CorpusID:1248
5056).
150. Dahl, G.; et al. (2013). "Improving DNNs for LVCSR using rectified linear units and dropout"
(http://www.cs.toronto.edu/~gdahl/papers/reluDropoutBN_icassp2013.pdf) (PDF). ICASSP.
Archived (https://web.archive.org/web/20170812140509/http://www.cs.toronto.edu/~gdahl/pa
pers/reluDropoutBN_icassp2013.pdf) (PDF) from the original on 2017-08-12. Retrieved
2017-06-13.
151. "Data Augmentation - deeplearning.ai | Coursera" (https://www.coursera.org/learn/convolutio
nal-neural-networks/lecture/AYzbX/data-augmentation). Coursera. Archived (https://web.arc
hive.org/web/20171201032606/https://www.coursera.org/learn/convolutional-neural-network
s/lecture/AYzbX/data-augmentation) from the original on 1 December 2017. Retrieved
30 November 2017.
152. Hinton, G. E. (2010). "A Practical Guide to Training Restricted Boltzmann Machines" (https://
www.researchgate.net/publication/221166159). Tech. Rep. UTML TR 2010-003. Archived (h
ttps://web.archive.org/web/20210509123211/https://www.researchgate.net/publication/2211
66159_A_brief_introduction_to_Weightless_Neural_Systems) from the original on 2021-05-
09. Retrieved 2017-06-13.
153. You, Yang; Buluç, Aydın; Demmel, James (November 2017). "Scaling deep learning on
GPU and knights landing clusters" (https://dl.acm.org/citation.cfm?doid=3126908.3126912).
Proceedings of the International Conference for High Performance Computing, Networking,
Storage and Analysis on - SC '17 (http://www.escholarship.org/uc/item/6ch40821). SC '17,
ACM. pp. 1–12. doi:10.1145/3126908.3126912 (https://doi.org/10.1145%2F3126908.31269
12). ISBN 9781450351140. S2CID 8869270 (https://api.semanticscholar.org/CorpusID:8869
270). Archived (https://web.archive.org/web/20200729133850/https://escholarship.org/uc/ite
m/6ch40821) from the original on 29 July 2020. Retrieved 5 March 2018.
154. Viebke, André; Memeti, Suejb; Pllana, Sabri; Abraham, Ajith (2019). "CHAOS: a
parallelization scheme for training convolutional neural networks on Intel Xeon Phi". The
Journal of Supercomputing. 75: 197–227. arXiv:1702.07908 (https://arxiv.org/abs/1702.0790
8). Bibcode:2017arXiv170207908V (https://ui.adsabs.harvard.edu/abs/2017arXiv170207908
V). doi:10.1007/s11227-017-1994-x (https://doi.org/10.1007%2Fs11227-017-1994-x).
S2CID 14135321 (https://api.semanticscholar.org/CorpusID:14135321).
155. Ting Qin, et al. "A learning algorithm of CMAC based on RLS." Neural Processing Letters
19.1 (2004): 49-61.
156. Ting Qin, et al. "Continuous CMAC-QRLS and its systolic array (http://www-control.eng.cam.
ac.uk/Homepage/papers/cued_control_997.pdf) Archived (https://web.archive.org/web/2018
1118122850/http://www-control.eng.cam.ac.uk/Homepage/papers/cued_control_997.pdf)
2018-11-18 at the Wayback Machine." Neural Processing Letters 22.1 (2005): 1-16.
157. Research, AI (23 October 2015). "Deep Neural Networks for Acoustic Modeling in Speech
Recognition" (http://airesearch.com/ai-research-papers/deep-neural-networks-for-acoustic-m
odeling-in-speech-recognition/). airesearch.com. Archived (https://web.archive.org/web/2016
0201033801/http://airesearch.com/ai-research-papers/deep-neural-networks-for-acoustic-m
odeling-in-speech-recognition/) from the original on 1 February 2016. Retrieved 23 October
2015.
158. "GPUs Continue to Dominate the AI Accelerator Market for Now" (https://www.informationwe
ek.com/big-data/ai-machine-learning/gpus-continue-to-dominate-the-ai-accelerator-market-f
or-now/a/d-id/1336475). InformationWeek. December 2019. Archived (https://web.archive.or
g/web/20200610094310/https://www.informationweek.com/big-data/ai-machine-learning/gp
us-continue-to-dominate-the-ai-accelerator-market-for-now/a/d-id/1336475) from the original
on 10 June 2020. Retrieved 11 June 2020.
159. Ray, Tiernan (2019). "AI is changing the entire nature of computation" (https://www.zdnet.co
m/article/ai-is-changing-the-entire-nature-of-compute/). ZDNet. Archived (https://web.archive.
org/web/20200525144635/https://www.zdnet.com/article/ai-is-changing-the-entire-nature-of-
compute/) from the original on 25 May 2020. Retrieved 11 June 2020.
160. "AI and Compute" (https://openai.com/blog/ai-and-compute/). OpenAI. 16 May 2018.
Archived (https://web.archive.org/web/20200617200602/https://openai.com/blog/ai-and-com
pute/) from the original on 17 June 2020. Retrieved 11 June 2020.
161. "HUAWEI Reveals the Future of Mobile AI at IFA 2017 | HUAWEI Latest News | HUAWEI
Global" (https://consumer.huawei.com/en/press/news/2017/ifa2017-kirin970/).
consumer.huawei.com.
162. P, JouppiNorman; YoungCliff; PatilNishant; PattersonDavid; AgrawalGaurav;
BajwaRaminder; BatesSarah; BhatiaSuresh; BodenNan; BorchersAl; BoyleRick (2017-06-
24). "In-Datacenter Performance Analysis of a Tensor Processing Unit" (https://doi.org/10.11
45%2F3140659.3080246). ACM SIGARCH Computer Architecture News. 45 (2): 1–12.
doi:10.1145/3140659.3080246 (https://doi.org/10.1145%2F3140659.3080246).
163. Woodie, Alex (2021-11-01). "Cerebras Hits the Accelerator for Deep Learning Workloads" (h
ttps://www.datanami.com/2021/11/01/cerebras-hits-the-accelerator-for-deep-learning-worklo
ads/). Datanami. Retrieved 2022-08-03.
164. "Cerebras launches new AI supercomputing processor with 2.6 trillion transistors" (https://ve
nturebeat.com/2021/04/20/cerebras-systems-launches-new-ai-supercomputing-processor-w
ith-2-6-trillion-transistors/). VentureBeat. 2021-04-20. Retrieved 2022-08-03.
165. Marega, Guilherme Migliato; Zhao, Yanfei; Avsar, Ahmet; Wang, Zhenyu; Tripati, Mukesh;
Radenovic, Aleksandra; Kis, Anras (2020). "Logic-in-memory based on an atomically thin
semiconductor" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC7116757). Nature. 587 (2):
72–77. Bibcode:2020Natur.587...72M (https://ui.adsabs.harvard.edu/abs/2020Natur.587...72
M). doi:10.1038/s41586-020-2861-0 (https://doi.org/10.1038%2Fs41586-020-2861-0).
PMC 7116757 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC7116757). PMID 33149289
(https://pubmed.ncbi.nlm.nih.gov/33149289).
166. Feldmann, J.; Youngblood, N.; Karpov, M.; et al. (2021). "Parallel convolutional processing
using an integrated photonic tensor". Nature. 589 (2): 52–58. arXiv:2002.00281 (https://arxiv.
org/abs/2002.00281). doi:10.1038/s41586-020-03070-1 (https://doi.org/10.1038%2Fs41586-
020-03070-1). PMID 33408373 (https://pubmed.ncbi.nlm.nih.gov/33408373).
S2CID 211010976 (https://api.semanticscholar.org/CorpusID:211010976).
167. TIMIT Acoustic-Phonetic Continuous Speech Corpus Linguistic Data Consortium,
Philadelphia.
168. 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
(https://doi.org/10.13140%2FRG.2.2.15418.90567).
169. Abdel-Hamid, O.; et al. (2014). "Convolutional Neural Networks for Speech Recognition" (htt
ps://zenodo.org/record/891433). IEEE/ACM Transactions on Audio, Speech, and Language
Processing. 22 (10): 1533–1545. doi:10.1109/taslp.2014.2339736 (https://doi.org/10.1109%
2Ftaslp.2014.2339736). S2CID 206602362 (https://api.semanticscholar.org/CorpusID:20660
2362). Archived (https://web.archive.org/web/20200922180719/https://zenodo.org/record/89
1433) from the original on 2020-09-22. Retrieved 2018-04-20.
170. Deng, L.; Platt, J. (2014). "Ensemble Deep Learning for Speech Recognition". Proc.
Interspeech. S2CID 15641618 (https://api.semanticscholar.org/CorpusID:15641618).
171. Tóth, Laszló (2015). "Phone Recognition with Hierarchical Convolutional Deep Maxout
Networks" (http://publicatio.bibl.u-szeged.hu/5976/1/EURASIP2015.pdf) (PDF). EURASIP
Journal on Audio, Speech, and Music Processing. 2015. doi:10.1186/s13636-015-0068-3 (ht
tps://doi.org/10.1186%2Fs13636-015-0068-3). S2CID 217950236 (https://api.semanticschol
ar.org/CorpusID:217950236). Archived (https://web.archive.org/web/20200924085514/http://
publicatio.bibl.u-szeged.hu/5976/1/EURASIP2015.pdf) (PDF) from the original on 2020-09-
24. Retrieved 2019-04-01.
172. McMillan, Robert (17 December 2014). "How Skype Used AI to Build Its Amazing New
Language Translator | WIRED" (https://www.wired.com/2014/12/skype-used-ai-build-amazin
g-new-language-translator/). Wired. Archived (https://web.archive.org/web/2017060806210
6/https://www.wired.com/2014/12/skype-used-ai-build-amazing-new-language-translator/)
from the original on 8 June 2017. Retrieved 14 June 2017.
173. 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 (https://
arxiv.org/abs/1412.5567) [cs.CL (https://arxiv.org/archive/cs.CL)].
174. "MNIST handwritten digit database, Yann LeCun, Corinna Cortes and Chris Burges" (http://y
ann.lecun.com/exdb/mnist/.). yann.lecun.com. Archived (https://web.archive.org/web/201401
13175237/http://yann.lecun.com/exdb/mnist/) from the original on 2014-01-13. Retrieved
2014-01-28.
175. 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. CiteSeerX 10.1.1.226.8219 (https://citeseerx.ist.psu.
edu/viewdoc/summary?doi=10.1.1.226.8219). doi:10.1016/j.neunet.2012.02.023 (https://doi.
org/10.1016%2Fj.neunet.2012.02.023). PMID 22386783 (https://pubmed.ncbi.nlm.nih.gov/2
2386783).
176. Chaochao Lu; Xiaoou Tang (2014). "Surpassing Human Level Face Recognition".
arXiv:1404.3840 (https://arxiv.org/abs/1404.3840) [cs.CV (https://arxiv.org/archive/cs.CV)].
177. Nvidia Demos a Car Computer Trained with "Deep Learning" (http://www.technologyreview.
com/news/533936/nvidia-demos-a-car-computer-trained-with-deep-learning/) (6 January
2015), David Talbot, MIT Technology Review
178. G. W. Smith; Frederic Fol Leymarie (10 April 2017). "The Machine as Artist: An Introduction"
(https://doi.org/10.3390%2Farts6020005). Arts. 6 (4): 5. doi:10.3390/arts6020005 (https://doi.
org/10.3390%2Farts6020005).
179. Blaise Agüera y Arcas (29 September 2017). "Art in the Age of Machine Intelligence" (https://
doi.org/10.3390%2Farts6040018). Arts. 6 (4): 18. doi:10.3390/arts6040018 (https://doi.org/1
0.3390%2Farts6040018).
180. Goldberg, Yoav; Levy, Omar (2014). "word2vec Explained: Deriving Mikolov et al.'s
Negative-Sampling Word-Embedding Method". arXiv:1402.3722 (https://arxiv.org/abs/1402.
3722) [cs.CL (https://arxiv.org/archive/cs.CL)].
181. Socher, Richard; Manning, Christopher. "Deep Learning for NLP" (http://nlp.stanford.edu/cou
rses/NAACL2013/NAACL2013-Socher-Manning-DeepLearning.pdf) (PDF). Archived (http
s://web.archive.org/web/20140706040227/http://nlp.stanford.edu/courses/NAACL2013/NAA
CL2013-Socher-Manning-DeepLearning.pdf) (PDF) from the original on 6 July 2014.
Retrieved 26 October 2014.
182. Socher, Richard; Bauer, John; Manning, Christopher; Ng, Andrew (2013). "Parsing With
Compositional Vector Grammars" (http://aclweb.org/anthology/P/P13/P13-1045.pdf) (PDF).
Proceedings of the ACL 2013 Conference. Archived (https://web.archive.org/web/20141127
005912/http://www.aclweb.org/anthology/P/P13/P13-1045.pdf) (PDF) from the original on
2014-11-27. Retrieved 2014-09-03.
183. Socher, Richard (2013). "Recursive Deep Models for Semantic Compositionality Over a
Sentiment Treebank" (http://nlp.stanford.edu/~socherr/EMNLP2013_RNTN.pdf) (PDF).
Archived (https://web.archive.org/web/20161228100300/http://nlp.stanford.edu/%7Esocherr/
EMNLP2013_RNTN.pdf) (PDF) from the original on 2016-12-28. Retrieved 2014-09-03.
184. Shen, Yelong; He, Xiaodong; Gao, Jianfeng; Deng, Li; Mesnil, Gregoire (1 November 2014).
"A Latent Semantic Model with Convolutional-Pooling Structure for Information Retrieval" (ht
tps://www.microsoft.com/en-us/research/publication/a-latent-semantic-model-with-convolutio
nal-pooling-structure-for-information-retrieval/). Microsoft Research. Archived (https://web.arc
hive.org/web/20171027050418/https://www.microsoft.com/en-us/research/publication/a-late
nt-semantic-model-with-convolutional-pooling-structure-for-information-retrieval/) from the
original on 27 October 2017. Retrieved 14 June 2017.
185. Huang, Po-Sen; He, Xiaodong; Gao, Jianfeng; Deng, Li; Acero, Alex; Heck, Larry (1 October
2013). "Learning Deep Structured Semantic Models for Web Search using Clickthrough
Data" (https://www.microsoft.com/en-us/research/publication/learning-deep-structured-sema
ntic-models-for-web-search-using-clickthrough-data/). Microsoft Research. Archived (https://
web.archive.org/web/20171027050414/https://www.microsoft.com/en-us/research/publicatio
n/learning-deep-structured-semantic-models-for-web-search-using-clickthrough-data/) from
the original on 27 October 2017. Retrieved 14 June 2017.
186. 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 (https://doi.org/10.1109%2Ftaslp.2014.23
83614). S2CID 1317136 (https://api.semanticscholar.org/CorpusID:1317136).
187. Gao, Jianfeng; He, Xiaodong; Yih, Scott Wen-tau; Deng, Li (1 June 2014). "Learning
Continuous Phrase Representations for Translation Modeling" (https://www.microsoft.com/e
n-us/research/publication/learning-continuous-phrase-representations-for-translation-modeli
ng/). Microsoft Research. Archived (https://web.archive.org/web/20171027050403/https://ww
w.microsoft.com/en-us/research/publication/learning-continuous-phrase-representations-for-t
ranslation-modeling/) from the original on 27 October 2017. Retrieved 14 June 2017.
188. 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 (https://doi.org/10.1002%2F
dac.3259). S2CID 40745740 (https://api.semanticscholar.org/CorpusID:40745740).
189. Kariampuzha, William; Alyea, Gioconda; Qu, Sue; Sanjak, Jaleal; Mathé, Ewy; Sid, Eric;
Chatelaine, Haley; Yadaw, Arjun; Xu, Yanji; Zhu, Qian (2023). "Precision information
extraction for rare disease epidemiology at scale" (https://www.ncbi.nlm.nih.gov/pmc/articles/
PMC9972634). Journal of Translational Medicine. 21 (1): 157. doi:10.1186/s12967-023-
04011-y (https://doi.org/10.1186%2Fs12967-023-04011-y). PMC 9972634 (https://www.ncbi.
nlm.nih.gov/pmc/articles/PMC9972634). PMID 36855134 (https://pubmed.ncbi.nlm.nih.gov/3
6855134).
190. "Deep Learning for Natural Language Processing: Theory and Practice (CIKM2014 Tutorial)
- Microsoft Research" (https://www.microsoft.com/en-us/research/project/deep-learning-for-n
atural-language-processing-theory-and-practice-cikm2014-tutorial/). Microsoft Research.
Archived (https://web.archive.org/web/20170313184253/https://www.microsoft.com/en-us/re
search/project/deep-learning-for-natural-language-processing-theory-and-practice-cikm2014
-tutorial/) from the original on 13 March 2017. Retrieved 14 June 2017.
191. Turovsky, Barak (15 November 2016). "Found in translation: More accurate, fluent sentences
in Google Translate" (https://blog.google/products/translate/found-translation-more-accurate-
fluent-sentences-google-translate/). The Keyword Google Blog. Archived (https://web.archiv
e.org/web/20170407071226/https://blog.google/products/translate/found-translation-more-ac
curate-fluent-sentences-google-translate/) from the original on 7 April 2017. Retrieved
23 March 2017.
192. Schuster, Mike; Johnson, Melvin; Thorat, Nikhil (22 November 2016). "Zero-Shot Translation
with Google's Multilingual Neural Machine Translation System" (https://research.googleblog.
com/2016/11/zero-shot-translation-with-googles.html). Google Research Blog. Archived (http
s://web.archive.org/web/20170710183732/https://research.googleblog.com/2016/11/zero-sh
ot-translation-with-googles.html) from the original on 10 July 2017. Retrieved 23 March
2017.
193. 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 (https://arxiv.org/abs/1609.08144) [cs.CL (http
s://arxiv.org/archive/cs.CL)].
194. Metz, Cade (27 September 2016). "An Infusion of AI Makes Google Translate More Powerful
Than Ever" (https://www.wired.com/2016/09/google-claims-ai-breakthrough-machine-transla
tion/). Wired. Archived (https://web.archive.org/web/20201108101324/https://www.wired.co
m/2016/09/google-claims-ai-breakthrough-machine-translation/) from the original on 8
November 2020. Retrieved 12 October 2017.
195. Boitet, Christian; Blanchon, Hervé; Seligman, Mark; Bellynck, Valérie (2010). "MT on and for
the Web" (https://web.archive.org/web/20170329125916/http://www-clips.imag.fr/geta/herve.
blanchon/Pdfs/NLP-KE-10.pdf) (PDF). Archived from the original (http://www-clips.imag.fr/ge
ta/herve.blanchon/Pdfs/NLP-KE-10.pdf) (PDF) on 29 March 2017. Retrieved 1 December
2016.
196. 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 (https://doi.org/10.1038%
2Fnrd4090). PMID 23903212 (https://pubmed.ncbi.nlm.nih.gov/23903212).
S2CID 20246434 (https://api.semanticscholar.org/CorpusID:20246434).
197. 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" (https://do
i.org/10.1016%2Fj.drudis.2014.12.014). Drug Discovery Today. 20 (5): 505–513.
doi:10.1016/j.drudis.2014.12.014 (https://doi.org/10.1016%2Fj.drudis.2014.12.014).
PMID 25582842 (https://pubmed.ncbi.nlm.nih.gov/25582842).
198. Wallach, Izhar; Dzamba, Michael; Heifets, Abraham (9 October 2015). "AtomNet: A Deep
Convolutional Neural Network for Bioactivity Prediction in Structure-based Drug Discovery".
arXiv:1510.02855 (https://arxiv.org/abs/1510.02855) [cs.LG (https://arxiv.org/archive/cs.LG)].
199. "Toronto startup has a faster way to discover effective medicines" (https://www.theglobeand
mail.com/report-on-business/small-business/starting-out/toronto-startup-has-a-faster-way-to-
discover-effective-medicines/article25660419/). The Globe and Mail. Archived (https://web.ar
chive.org/web/20151020040115/http://www.theglobeandmail.com/report-on-business/small-
business/starting-out/toronto-startup-has-a-faster-way-to-discover-effective-medicines/article
25660419/) from the original on 20 October 2015. Retrieved 9 November 2015.
200. "Startup Harnesses Supercomputers to Seek Cures" (http://ww2.kqed.org/futureofyou/2015/
05/27/startup-harnesses-supercomputers-to-seek-cures/). KQED Future of You. Archived (htt
ps://web.archive.org/web/20151224104721/http://ww2.kqed.org/futureofyou/2015/05/27/start
up-harnesses-supercomputers-to-seek-cures/) from the original on 24 December 2015.
Retrieved 9 November 2015.
201. "Toronto startup has a faster way to discover effective medicines" (https://www.theglobeand
mail.com/report-on-business/small-business/starting-out/toronto-startup-has-a-faster-way-to-
discover-effective-medicines/article25660419/%5D%20and%20multiple%20sclerosis%20%
5B/). The Globe and Mail. Archived (https://web.archive.org/web/20151225162547/http://ww
w.theglobeandmail.com/report-on-business/small-business/starting-out/toronto-startup-has-a
-faster-way-to-discover-effective-medicines/article25660419/%5d%20and%20multiple%20s
clerosis%20%5b/) from the original on 2015-12-25. Retrieved 2017-08-26.
202. Gilmer, Justin; Schoenholz, Samuel S.; Riley, Patrick F.; Vinyals, Oriol; Dahl, George E.
(2017-06-12). "Neural Message Passing for Quantum Chemistry". arXiv:1704.01212 (https://
arxiv.org/abs/1704.01212) [cs.LG (https://arxiv.org/archive/cs.LG)].
203. Zhavoronkov, Alex (2019). "Deep learning enables rapid identification of potent DDR1
kinase inhibitors". Nature Biotechnology. 37 (9): 1038–1040. doi:10.1038/s41587-019-0224-
x (https://doi.org/10.1038%2Fs41587-019-0224-x). PMID 31477924 (https://pubmed.ncbi.nl
m.nih.gov/31477924). S2CID 201716327 (https://api.semanticscholar.org/CorpusID:201716
327).
204. Gregory, Barber. "A Molecule Designed By AI Exhibits 'Druglike' Qualities" (https://www.wire
d.com/story/molecule-designed-ai-exhibits-druglike-qualities/). Wired. Archived (https://web.
archive.org/web/20200430143244/https://www.wired.com/story/molecule-designed-ai-exhibi
ts-druglike-qualities/) from the original on 2020-04-30. Retrieved 2019-09-05.
205. Tkachenko, Yegor (8 April 2015). "Autonomous CRM Control via CLV Approximation with
Deep Reinforcement Learning in Discrete and Continuous Action Space". arXiv:1504.01840
(https://arxiv.org/abs/1504.01840) [cs.LG (https://arxiv.org/archive/cs.LG)].
206. 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 (http://papers.nips.cc/paper/5004-deep-content-based-m
usic-recommendation.pdf) (PDF). Curran Associates, Inc. pp. 2643–2651. Archived (https://w
eb.archive.org/web/20170516185259/http://papers.nips.cc/paper/5004-deep-content-based-
music-recommendation.pdf) (PDF) from the original on 2017-05-16. Retrieved 2017-06-14.
207. Feng, X.Y.; Zhang, H.; Ren, Y.J.; Shang, P.H.; Zhu, Y.; Liang, Y.C.; Guan, R.C.; Xu, D. (2019).
"The Deep Learning–Based Recommender System "Pubmender" for Choosing a
Biomedical Publication Venue: Development and Validation Study" (https://www.ncbi.nlm.ni
h.gov/pmc/articles/PMC6555124). Journal of Medical Internet Research. 21 (5): e12957.
doi:10.2196/12957 (https://doi.org/10.2196%2F12957). PMC 6555124 (https://www.ncbi.nlm.
nih.gov/pmc/articles/PMC6555124). PMID 31127715 (https://pubmed.ncbi.nlm.nih.gov/3112
7715).
208. Elkahky, Ali Mamdouh; Song, Yang; He, Xiaodong (1 May 2015). "A Multi-View Deep
Learning Approach for Cross Domain User Modeling in Recommendation Systems" (https://
www.microsoft.com/en-us/research/publication/a-multi-view-deep-learning-approach-for-cro
ss-domain-user-modeling-in-recommendation-systems/). Microsoft Research. Archived (http
s://web.archive.org/web/20180125134534/https://www.microsoft.com/en-us/research/publica
tion/a-multi-view-deep-learning-approach-for-cross-domain-user-modeling-in-recommendati
on-systems/) from the original on 25 January 2018. Retrieved 14 June 2017.
209. Chicco, Davide; Sadowski, Peter; Baldi, Pierre (1 January 2014). Deep Autoencoder Neural
Networks for Gene Ontology Annotation Predictions (http://dl.acm.org/citation.cfm?id=26494
42). Proceedings of the 5th ACM Conference on Bioinformatics, Computational Biology, and
Health Informatics - BCB '14. ACM. pp. 533–540. doi:10.1145/2649387.2649442 (https://doi.
org/10.1145%2F2649387.2649442). hdl:11311/964622 (https://hdl.handle.net/11311%2F96
4622). ISBN 9781450328944. S2CID 207217210 (https://api.semanticscholar.org/CorpusID:
207217210). Archived (https://web.archive.org/web/20210509123140/https://dl.acm.org/doi/1
0.1145/2649387.2649442) from the original on 9 May 2021. Retrieved 23 November 2015.
210. Sathyanarayana, Aarti (1 January 2016). "Sleep Quality Prediction From Wearable Data
Using Deep Learning" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC5116102). JMIR
mHealth and uHealth. 4 (4): e125. doi:10.2196/mhealth.6562 (https://doi.org/10.2196%2Fmh
ealth.6562). PMC 5116102 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC5116102).
PMID 27815231 (https://pubmed.ncbi.nlm.nih.gov/27815231). S2CID 3821594 (https://api.se
manticscholar.org/CorpusID:3821594).
211. Choi, Edward; Schuetz, Andy; Stewart, Walter F.; Sun, Jimeng (13 August 2016). "Using
recurrent neural network models for early detection of heart failure onset" (https://www.ncbi.n
lm.nih.gov/pmc/articles/PMC5391725). Journal of the American Medical Informatics
Association. 24 (2): 361–370. doi:10.1093/jamia/ocw112 (https://doi.org/10.1093%2Fjamia%
2Focw112). ISSN 1067-5027 (https://www.worldcat.org/issn/1067-5027). PMC 5391725 (htt
ps://www.ncbi.nlm.nih.gov/pmc/articles/PMC5391725). PMID 27521897 (https://pubmed.ncb
i.nlm.nih.gov/27521897).
212. 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. arXiv:1702.05747 (https://arxiv.org/abs/1702.
05747). Bibcode:2017arXiv170205747L (https://ui.adsabs.harvard.edu/abs/2017arXiv17020
5747L). doi:10.1016/j.media.2017.07.005 (https://doi.org/10.1016%2Fj.media.2017.07.005).
PMID 28778026 (https://pubmed.ncbi.nlm.nih.gov/28778026). S2CID 2088679 (https://api.se
manticscholar.org/CorpusID:2088679).
213. Forslid, Gustav; Wieslander, Hakan; Bengtsson, Ewert; Wahlby, Carolina; Hirsch, Jan-
Michael; Stark, Christina Runow; Sadanandan, Sajith Kecheril (2017). "Deep Convolutional
Neural Networks for Detecting Cellular Changes Due to Malignancy" (http://urn.kb.se/resolv
e?urn=urn:nbn:se:uu:diva-326160). 2017 IEEE International Conference on Computer
Vision Workshops (ICCVW). pp. 82–89. doi:10.1109/ICCVW.2017.18 (https://doi.org/10.110
9%2FICCVW.2017.18). ISBN 9781538610343. S2CID 4728736 (https://api.semanticschola
r.org/CorpusID:4728736). Archived (https://web.archive.org/web/20210509123157/https://d1
bxh8uas1mnw7.cloudfront.net/assets/embed.js) from the original on 2021-05-09. Retrieved
2019-11-12.
214. Dong, Xin; Zhou, Yizhao; Wang, Lantian; Peng, Jingfeng; Lou, Yanbo; Fan, Yiqun (2020).
"Liver Cancer Detection Using Hybridized Fully Convolutional Neural Network Based on
Deep Learning Framework" (https://ieeexplore.ieee.org/document/9130662). IEEE Access.
8: 129889–129898. doi:10.1109/ACCESS.2020.3006362 (https://doi.org/10.1109%2FACCE
SS.2020.3006362). ISSN 2169-3536 (https://www.worldcat.org/issn/2169-3536).
S2CID 220733699 (https://api.semanticscholar.org/CorpusID:220733699).
215. Lyakhov, Pavel Alekseevich; Lyakhova, Ulyana Alekseevna; Nagornov, Nikolay Nikolaevich
(2022-04-03). "System for the Recognizing of Pigmented Skin Lesions with Fusion and
Analysis of Heterogeneous Data Based on a Multimodal Neural Network" (https://www.ncbi.
nlm.nih.gov/pmc/articles/PMC8997449). Cancers. 14 (7): 1819.
doi:10.3390/cancers14071819 (https://doi.org/10.3390%2Fcancers14071819). ISSN 2072-
6694 (https://www.worldcat.org/issn/2072-6694). PMC 8997449 (https://www.ncbi.nlm.nih.go
v/pmc/articles/PMC8997449). PMID 35406591 (https://pubmed.ncbi.nlm.nih.gov/35406591).
216. De, Shaunak; Maity, Abhishek; Goel, Vritti; Shitole, Sanjay; Bhattacharya, Avik (2017).
"Predicting the popularity of instagram posts for a lifestyle magazine using deep learning".
2017 2nd International Conference on Communication Systems, Computing and IT
Applications (CSCITA). pp. 174–177. doi:10.1109/CSCITA.2017.8066548 (https://doi.org/10.
1109%2FCSCITA.2017.8066548). ISBN 978-1-5090-4381-1. S2CID 35350962 (https://api.s
emanticscholar.org/CorpusID:35350962).
217. "Colorizing and Restoring Old Images with Deep Learning" (https://blog.floydhub.com/colori
zing-and-restoring-old-images-with-deep-learning/). FloydHub Blog. 13 November 2018.
Archived (https://web.archive.org/web/20191011162814/https://blog.floydhub.com/colorizing
-and-restoring-old-images-with-deep-learning/) from the original on 11 October 2019.
Retrieved 11 October 2019.
218. Schmidt, Uwe; Roth, Stefan. Shrinkage Fields for Effective Image Restoration (http://researc
h.uweschmidt.org/pubs/cvpr14schmidt.pdf) (PDF). Computer Vision and Pattern
Recognition (CVPR), 2014 IEEE Conference on. Archived (https://web.archive.org/web/201
80102013217/http://research.uweschmidt.org/pubs/cvpr14schmidt.pdf) (PDF) from the
original on 2018-01-02. Retrieved 2018-01-01.
219. Kleanthous, Christos; Chatzis, Sotirios (2020). "Gated Mixture Variational Autoencoders for
Value Added Tax audit case selection". Knowledge-Based Systems. 188: 105048.
doi:10.1016/j.knosys.2019.105048 (https://doi.org/10.1016%2Fj.knosys.2019.105048).
S2CID 204092079 (https://api.semanticscholar.org/CorpusID:204092079).
220. Czech, Tomasz (28 June 2018). "Deep learning: the next frontier for money laundering
detection" (https://www.globalbankingandfinance.com/deep-learning-the-next-frontier-for-mo
ney-laundering-detection/). Global Banking and Finance Review. Archived (https://web.archi
ve.org/web/20181116082711/https://www.globalbankingandfinance.com/deep-learning-the-
next-frontier-for-money-laundering-detection/) from the original on 2018-11-16. Retrieved
2018-07-15.
221. "Army researchers develop new algorithms to train robots" (https://www.eurekalert.org/pub_r
eleases/2018-02/uarl-ard020218.php). EurekAlert!. Archived (https://web.archive.org/web/20
180828035608/https://www.eurekalert.org/pub_releases/2018-02/uarl-ard020218.php) from
the original on 28 August 2018. Retrieved 29 August 2018.
222. Raissi, M.; Perdikaris, P.; Karniadakis, G. E. (2019-02-01). "Physics-informed neural
networks: A deep learning framework for solving forward and inverse problems involving
nonlinear partial differential equations" (https://www.sciencedirect.com/science/article/pii/S0
021999118307125). Journal of Computational Physics. 378: 686–707.
Bibcode:2019JCoPh.378..686R (https://ui.adsabs.harvard.edu/abs/2019JCoPh.378..686R).
doi:10.1016/j.jcp.2018.10.045 (https://doi.org/10.1016%2Fj.jcp.2018.10.045). ISSN 0021-
9991 (https://www.worldcat.org/issn/0021-9991). OSTI 1595805 (https://www.osti.gov/biblio/
1595805). S2CID 57379996 (https://api.semanticscholar.org/CorpusID:57379996).
223. Mao, Zhiping; Jagtap, Ameya D.; Karniadakis, George Em (2020-03-01). "Physics-informed
neural networks for high-speed flows" (https://www.sciencedirect.com/science/article/pii/S00
45782519306814). Computer Methods in Applied Mechanics and Engineering. 360:
112789. Bibcode:2020CMAME.360k2789M (https://ui.adsabs.harvard.edu/abs/2020CMAM
E.360k2789M). doi:10.1016/j.cma.2019.112789 (https://doi.org/10.1016%2Fj.cma.2019.112
789). ISSN 0045-7825 (https://www.worldcat.org/issn/0045-7825). S2CID 212755458 (http
s://api.semanticscholar.org/CorpusID:212755458).
224. Raissi, Maziar; Yazdani, Alireza; Karniadakis, George Em (2020-02-28). "Hidden fluid
mechanics: Learning velocity and pressure fields from flow visualizations" (https://www.ncbi.
nlm.nih.gov/pmc/articles/PMC7219083). Science. 367 (6481): 1026–1030.
Bibcode:2020Sci...367.1026R (https://ui.adsabs.harvard.edu/abs/2020Sci...367.1026R).
doi:10.1126/science.aaw4741 (https://doi.org/10.1126%2Fscience.aaw4741).
PMC 7219083 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC7219083). PMID 32001523
(https://pubmed.ncbi.nlm.nih.gov/32001523).
225. Oktem, Figen S.; Kar, Oğuzhan Fatih; Bezek, Can Deniz; Kamalabadi, Farzad (2021). "High-
Resolution Multi-Spectral Imaging With Diffractive Lenses and Learned Reconstruction" (htt
ps://ieeexplore.ieee.org/document/9415140). IEEE Transactions on Computational Imaging.
7: 489–504. arXiv:2008.11625 (https://arxiv.org/abs/2008.11625).
doi:10.1109/TCI.2021.3075349 (https://doi.org/10.1109%2FTCI.2021.3075349). ISSN 2333-
9403 (https://www.worldcat.org/issn/2333-9403). S2CID 235340737 (https://api.semanticsch
olar.org/CorpusID:235340737).
226. Bernhardt, Melanie; Vishnevskiy, Valery; Rau, Richard; Goksel, Orcun (December 2020).
"Training Variational Networks With Multidomain Simulations: Speed-of-Sound Image
Reconstruction" (https://ieeexplore.ieee.org/document/9144249). IEEE Transactions on
Ultrasonics, Ferroelectrics, and Frequency Control. 67 (12): 2584–2594. arXiv:2006.14395
(https://arxiv.org/abs/2006.14395). doi:10.1109/TUFFC.2020.3010186 (https://doi.org/10.110
9%2FTUFFC.2020.3010186). ISSN 1525-8955 (https://www.worldcat.org/issn/1525-8955).
PMID 32746211 (https://pubmed.ncbi.nlm.nih.gov/32746211). S2CID 220055785 (https://ap
i.semanticscholar.org/CorpusID:220055785).
227. Galkin, F.; Mamoshina, P.; Kochetov, K.; Sidorenko, D.; Zhavoronkov, A. (2020). "DeepMAge:
A Methylation Aging Clock Developed with Deep Learning" (https://doi.org/10.14336%2FA
D). Aging and Disease. doi:10.14336/AD (https://doi.org/10.14336%2FAD).
228. Utgoff, P. E.; Stracuzzi, D. J. (2002). "Many-layered learning". Neural Computation. 14 (10):
2497–2529. doi:10.1162/08997660260293319 (https://doi.org/10.1162%2F0899766026029
3319). PMID 12396572 (https://pubmed.ncbi.nlm.nih.gov/12396572). S2CID 1119517 (http
s://api.semanticscholar.org/CorpusID:1119517).
229. Elman, Jeffrey L. (1998). Rethinking Innateness: A Connectionist Perspective on
Development (https://books.google.com/books?id=vELaRu_MrwoC). MIT Press. ISBN 978-
0-262-55030-7.
230. 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 (https://doi.org/10.1016%2F0893-6080%2896%2900033-0).
PMID 12662587 (https://pubmed.ncbi.nlm.nih.gov/12662587).
231. Quartz, SR; Sejnowski, TJ (1997). "The neural basis of cognitive development: A
constructivist manifesto". Behavioral and Brain Sciences. 20 (4): 537–556.
CiteSeerX 10.1.1.41.7854 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.41.78
54). doi:10.1017/s0140525x97001581 (https://doi.org/10.1017%2Fs0140525x97001581).
PMID 10097006 (https://pubmed.ncbi.nlm.nih.gov/10097006). S2CID 5818342 (https://api.se
manticscholar.org/CorpusID:5818342).
232. S. Blakeslee., "In brain's early growth, timetable may be critical," The New York Times,
Science Section, pp. B5–B6, 1995.
233. Mazzoni, P.; Andersen, R. A.; Jordan, M. I. (15 May 1991). "A more biologically plausible
learning rule for neural networks" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC51674).
Proceedings of the National Academy of Sciences. 88 (10): 4433–4437.
Bibcode:1991PNAS...88.4433M (https://ui.adsabs.harvard.edu/abs/1991PNAS...88.4433M).
doi:10.1073/pnas.88.10.4433 (https://doi.org/10.1073%2Fpnas.88.10.4433). ISSN 0027-
8424 (https://www.worldcat.org/issn/0027-8424). PMC 51674 (https://www.ncbi.nlm.nih.gov/
pmc/articles/PMC51674). PMID 1903542 (https://pubmed.ncbi.nlm.nih.gov/1903542).
234. O'Reilly, Randall C. (1 July 1996). "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 (https://doi.org/10.1162%2Fneco.1996.8.5.89
5). ISSN 0899-7667 (https://www.worldcat.org/issn/0899-7667). S2CID 2376781 (https://api.
semanticscholar.org/CorpusID:2376781).
235. Testolin, Alberto; Zorzi, Marco (2016). "Probabilistic Models and Generative Neural
Networks: Towards an Unified Framework for Modeling Normal and Impaired
Neurocognitive Functions" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4943066).
Frontiers in Computational Neuroscience. 10: 73. doi:10.3389/fncom.2016.00073 (https://do
i.org/10.3389%2Ffncom.2016.00073). ISSN 1662-5188 (https://www.worldcat.org/issn/1662-
5188). PMC 4943066 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4943066).
PMID 27468262 (https://pubmed.ncbi.nlm.nih.gov/27468262). S2CID 9868901 (https://api.se
manticscholar.org/CorpusID:9868901).
236. 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 (https://doi.org/10.1038%2Fs41
562-017-0186-2). ISSN 2397-3374 (https://www.worldcat.org/issn/2397-3374).
PMID 31024135 (https://pubmed.ncbi.nlm.nih.gov/31024135). S2CID 24504018 (https://api.s
emanticscholar.org/CorpusID:24504018).
237. Buesing, Lars; Bill, Johannes; Nessler, Bernhard; Maass, Wolfgang (3 November 2011).
"Neural Dynamics as Sampling: A Model for Stochastic Computation in Recurrent Networks
of Spiking Neurons" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC3207943). PLOS
Computational Biology. 7 (11): e1002211. Bibcode:2011PLSCB...7E2211B (https://ui.adsab
s.harvard.edu/abs/2011PLSCB...7E2211B). doi:10.1371/journal.pcbi.1002211 (https://doi.or
g/10.1371%2Fjournal.pcbi.1002211). ISSN 1553-7358 (https://www.worldcat.org/issn/1553-
7358). PMC 3207943 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC3207943).
PMID 22096452 (https://pubmed.ncbi.nlm.nih.gov/22096452). S2CID 7504633 (https://api.se
manticscholar.org/CorpusID:7504633).
238. 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 (https://d
oi.org/10.1016%2Fs0896-6273%2800%2981098-3). ISSN 0896-6273 (https://www.worldcat.
org/issn/0896-6273). PMID 10069343 (https://pubmed.ncbi.nlm.nih.gov/10069343).
S2CID 14663106 (https://api.semanticscholar.org/CorpusID:14663106).
239. Olshausen, B; Field, D (1 August 2004). "Sparse coding of sensory inputs". Current Opinion
in Neurobiology. 14 (4): 481–487. doi:10.1016/j.conb.2004.07.007 (https://doi.org/10.1016%
2Fj.conb.2004.07.007). ISSN 0959-4388 (https://www.worldcat.org/issn/0959-4388).
PMID 15321069 (https://pubmed.ncbi.nlm.nih.gov/15321069). S2CID 16560320 (https://api.s
emanticscholar.org/CorpusID:16560320).
240. 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 (https://doi.org/10.1038%2Fnn.4244). ISSN 1546-1726 (https://www.wo
rldcat.org/issn/1546-1726). PMID 26906502 (https://pubmed.ncbi.nlm.nih.gov/26906502).
S2CID 16970545 (https://api.semanticscholar.org/CorpusID:16970545).
241. Zorzi, Marco; Testolin, Alberto (19 February 2018). "An emergentist perspective on the origin
of number sense" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC5784047). Phil. Trans. R.
Soc. B. 373 (1740): 20170043. doi:10.1098/rstb.2017.0043 (https://doi.org/10.1098%2Frstb.
2017.0043). ISSN 0962-8436 (https://www.worldcat.org/issn/0962-8436). PMC 5784047 (htt
ps://www.ncbi.nlm.nih.gov/pmc/articles/PMC5784047). PMID 29292348 (https://pubmed.ncb
i.nlm.nih.gov/29292348). S2CID 39281431 (https://api.semanticscholar.org/CorpusID:39281
431).
242. Güçlü, Umut; van Gerven, Marcel A. J. (8 July 2015). "Deep Neural Networks Reveal a
Gradient in the Complexity of Neural Representations across the Ventral Stream" (https://ww
w.ncbi.nlm.nih.gov/pmc/articles/PMC6605414). Journal of Neuroscience. 35 (27): 10005–
10014. arXiv:1411.6422 (https://arxiv.org/abs/1411.6422). doi:10.1523/jneurosci.5023-
14.2015 (https://doi.org/10.1523%2Fjneurosci.5023-14.2015). PMC 6605414 (https://www.n
cbi.nlm.nih.gov/pmc/articles/PMC6605414). PMID 26157000 (https://pubmed.ncbi.nlm.nih.g
ov/26157000).
243. Metz, C. (12 December 2013). "Facebook's 'Deep Learning' Guru Reveals the Future of AI"
(https://www.wired.com/wiredenterprise/2013/12/facebook-yann-lecun-qa/). Wired. Archived
(https://web.archive.org/web/20140328071226/http://www.wired.com/wiredenterprise/2013/1
2/facebook-yann-lecun-qa/) from the original on 28 March 2014. Retrieved 26 August 2017.
244. Gibney, Elizabeth (2016). "Google AI algorithm masters ancient game of Go" (http://www.nat
ure.com/news/google-ai-algorithm-masters-ancient-game-of-go-1.19234). Nature. 529
(7587): 445–446. Bibcode:2016Natur.529..445G (https://ui.adsabs.harvard.edu/abs/2016Nat
ur.529..445G). doi:10.1038/529445a (https://doi.org/10.1038%2F529445a). PMID 26819021
(https://pubmed.ncbi.nlm.nih.gov/26819021). S2CID 4460235 (https://api.semanticscholar.or
g/CorpusID:4460235). Archived (https://web.archive.org/web/20190502200837/http://www.n
ature.com/news/google-ai-algorithm-masters-ancient-game-of-go-1.19234) from the original
on 2 May 2019. Retrieved 30 January 2016.
245. 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 (https://ui.adsabs.harvard.edu/
abs/2016Natur.529..484S). doi:10.1038/nature16961 (https://doi.org/10.1038%2Fnature169
61). ISSN 0028-0836 (https://www.worldcat.org/issn/0028-0836). PMID 26819042 (https://pu
bmed.ncbi.nlm.nih.gov/26819042). S2CID 515925 (https://api.semanticscholar.org/CorpusI
D:515925).
246. "A Google DeepMind Algorithm Uses Deep Learning and More to Master the Game of Go |
MIT Technology Review" (https://web.archive.org/web/20160201140636/http://www.technolo
gyreview.com/news/546066/googles-ai-masters-the-game-of-go-a-decade-earlier-than-expe
cted/). MIT Technology Review. Archived from the original (http://www.technologyreview.co
m/news/546066/googles-ai-masters-the-game-of-go-a-decade-earlier-than-expected/) on 1
February 2016. Retrieved 30 January 2016.
247. Metz, Cade (6 November 2017). "A.I. Researchers Leave Elon Musk Lab to Begin Robotics
Start-Up" (https://www.nytimes.com/2017/11/06/technology/artificial-intelligence-start-up.htm
l). The New York Times. Archived (https://web.archive.org/web/20190707161547/https://ww
w.nytimes.com/2017/11/06/technology/artificial-intelligence-start-up.html) from the original
on 7 July 2019. Retrieved 5 July 2019.
248. Bradley Knox, W.; Stone, Peter (2008). "TAMER: Training an Agent Manually via Evaluative
Reinforcement". 2008 7th IEEE International Conference on Development and Learning:
292–297. doi:10.1109/devlrn.2008.4640845 (https://doi.org/10.1109%2Fdevlrn.2008.464084
5). ISBN 978-1-4244-2661-4. S2CID 5613334 (https://api.semanticscholar.org/CorpusID:561
3334).
249. "Talk to the Algorithms: AI Becomes a Faster Learner" (https://governmentciomedia.com/talk-
algorithms-ai-becomes-faster-learner). governmentciomedia.com. Archived (https://web.archi
ve.org/web/20180828001727/https://governmentciomedia.com/talk-algorithms-ai-becomes-f
aster-learner) from the original on 28 August 2018. Retrieved 29 August 2018.
250. Marcus, Gary (14 January 2018). "In defense of skepticism about deep learning" (https://med
ium.com/@GaryMarcus/in-defense-of-skepticism-about-deep-learning-6e8bfd5ae0f1). Gary
Marcus. Archived (https://web.archive.org/web/20181012035405/https://medium.com/@Gary
Marcus/in-defense-of-skepticism-about-deep-learning-6e8bfd5ae0f1) from the original on 12
October 2018. Retrieved 11 October 2018.
251. Knight, Will (14 March 2017). "DARPA is funding projects that will try to open up AI's black
boxes" (https://www.technologyreview.com/s/603795/the-us-military-wants-its-autonomous-
machines-to-explain-themselves/). MIT Technology Review. Archived (https://web.archive.or
g/web/20191104033107/https://www.technologyreview.com/s/603795/the-us-military-wants-i
ts-autonomous-machines-to-explain-themselves/) from the original on 4 November 2019.
Retrieved 2 November 2017.
252. Marcus, Gary (November 25, 2012). "Is "Deep Learning" a Revolution in Artificial
Intelligence?" (https://www.newyorker.com/). The New Yorker. Archived (https://web.archive.
org/web/20091127184826/http://www.newyorker.com/) from the original on 2009-11-27.
Retrieved 2017-06-14.
253. Alexander Mordvintsev; Christopher Olah; Mike Tyka (17 June 2015). "Inceptionism: Going
Deeper into Neural Networks" (http://googleresearch.blogspot.co.uk/2015/06/inceptionism-g
oing-deeper-into-neural.html). Google Research Blog. Archived (https://web.archive.org/we
b/20150703064823/http://googleresearch.blogspot.co.uk/2015/06/inceptionism-going-deepe
r-into-neural.html) from the original on 3 July 2015. Retrieved 20 June 2015.
254. Alex Hern (18 June 2015). "Yes, androids do dream of electric sheep" (https://www.theguardi
an.com/technology/2015/jun/18/google-image-recognition-neural-network-androids-dream-e
lectric-sheep). The Guardian. Archived (https://web.archive.org/web/20150619200845/http://
www.theguardian.com/technology/2015/jun/18/google-image-recognition-neural-network-an
droids-dream-electric-sheep) from the original on 19 June 2015. Retrieved 20 June 2015.
255. Meir, Yuval; Tevet, Ofek; Tzach, Yarden; Hodassman, Shiri; Gross, Ronit D.; Kanter, Ido
(2023-04-20). "Efficient shallow learning as an alternative to deep learning" (https://www.ncb
i.nlm.nih.gov/pmc/articles/PMC10119101). Scientific Reports. 13 (1): 5423.
doi:10.1038/s41598-023-32559-8 (https://doi.org/10.1038%2Fs41598-023-32559-8).
ISSN 2045-2322 (https://www.worldcat.org/issn/2045-2322). PMC 10119101 (https://www.nc
bi.nlm.nih.gov/pmc/articles/PMC10119101). PMID 37080998 (https://pubmed.ncbi.nlm.nih.g
ov/37080998).
256. Meir, Yuval; Ben-Noam, Itamar; Tzach, Yarden; Hodassman, Shiri; Kanter, Ido (2023-01-30).
"Learning on tree architectures outperforms a convolutional feedforward network" (https://ww
w.ncbi.nlm.nih.gov/pmc/articles/PMC9886946). Scientific Reports. 13 (1): 962.
doi:10.1038/s41598-023-27986-6 (https://doi.org/10.1038%2Fs41598-023-27986-6).
ISSN 2045-2322 (https://www.worldcat.org/issn/2045-2322). PMC 9886946 (https://www.ncb
i.nlm.nih.gov/pmc/articles/PMC9886946). PMID 36717568 (https://pubmed.ncbi.nlm.nih.gov/
36717568).
257. Goertzel, Ben (2015). "Are there Deep Reasons Underlying the Pathologies of Today's
Deep Learning Algorithms?" (http://goertzel.org/DeepLearning_v1.pdf) (PDF). Archived (http
s://web.archive.org/web/20150513053107/http://goertzel.org/DeepLearning_v1.pdf) (PDF)
from the original on 2015-05-13. Retrieved 2015-05-10.
258. Nguyen, Anh; Yosinski, Jason; Clune, Jeff (2014). "Deep Neural Networks are Easily
Fooled: High Confidence Predictions for Unrecognizable Images". arXiv:1412.1897 (https://
arxiv.org/abs/1412.1897) [cs.CV (https://arxiv.org/archive/cs.CV)].
259. Szegedy, Christian; Zaremba, Wojciech; Sutskever, Ilya; Bruna, Joan; Erhan, Dumitru;
Goodfellow, Ian; Fergus, Rob (2013). "Intriguing properties of neural networks".
arXiv:1312.6199 (https://arxiv.org/abs/1312.6199) [cs.CV (https://arxiv.org/archive/cs.CV)].
260. Zhu, S.C.; Mumford, D. (2006). "A stochastic grammar of images". Found. Trends Comput.
Graph. Vis. 2 (4): 259–362. CiteSeerX 10.1.1.681.2190 (https://citeseerx.ist.psu.edu/viewdo
c/summary?doi=10.1.1.681.2190). doi:10.1561/0600000018 (https://doi.org/10.1561%2F060
0000018).
261. Miller, G. A., and N. Chomsky. "Pattern conception." Paper for Conference on pattern
detection, University of Michigan. 1957.
262. Eisner, Jason. "Deep Learning of Recursive Structure: Grammar Induction" (https://web.archi
ve.org/web/20171230010335/http://techtalks.tv/talks/deep-learning-of-recursive-structure-gra
mmar-induction/58089/). Archived from the original (http://techtalks.tv/talks/deep-learning-of-r
ecursive-structure-grammar-induction/58089/) on 2017-12-30. Retrieved 2015-05-10.
263. "Hackers Have Already Started to Weaponize Artificial Intelligence" (https://gizmodo.com/ha
ckers-have-already-started-to-weaponize-artificial-in-1797688425). Gizmodo. 11 September
2017. Archived (https://web.archive.org/web/20191011162231/https://gizmodo.com/hackers-
have-already-started-to-weaponize-artificial-in-1797688425) from the original on 11 October
2019. Retrieved 11 October 2019.
264. "How hackers can force AI to make dumb mistakes" (https://www.dailydot.com/debug/advers
arial-attacks-ai-mistakes/). The Daily Dot. 18 June 2018. Archived (https://web.archive.org/w
eb/20191011162230/https://www.dailydot.com/debug/adversarial-attacks-ai-mistakes/) from
the original on 11 October 2019. Retrieved 11 October 2019.
265. "AI Is Easy to Fool—Why That Needs to Change" (https://singularityhub.com/2017/10/10/ai-i
s-easy-to-fool-why-that-needs-to-change). Singularity Hub. 10 October 2017. Archived (http
s://web.archive.org/web/20171011233017/https://singularityhub.com/2017/10/10/ai-is-easy-t
o-fool-why-that-needs-to-change/) from the original on 11 October 2017. Retrieved
11 October 2017.
266. Gibney, Elizabeth (2017). "The scientist who spots fake videos" (https://www.nature.com/ne
ws/the-scientist-who-spots-fake-videos-1.22784). Nature. doi:10.1038/nature.2017.22784 (ht
tps://doi.org/10.1038%2Fnature.2017.22784). Archived (https://web.archive.org/web/201710
10011017/http://www.nature.com/news/the-scientist-who-spots-fake-videos-1.22784) from
the original on 2017-10-10. Retrieved 2017-10-11.
267. Tubaro, Paola (2020). "Whose intelligence is artificial intelligence?" (https://hal.science/hal-
03029735). Global Dialogue: 38.
268. Mühlhoff, Rainer (6 November 2019). "Human-aided artificial intelligence: Or, how to run
large computations in human brains? Toward a media sociology of machine learning" (http
s://depositonce.tu-berlin.de/handle/11303/12510). New Media & Society. 22 (10): 1868–
1884. doi:10.1177/1461444819885334 (https://doi.org/10.1177%2F1461444819885334).
ISSN 1461-4448 (https://www.worldcat.org/issn/1461-4448). S2CID 209363848 (https://api.s
emanticscholar.org/CorpusID:209363848).
269. "Facebook Can Now Find Your Face, Even When It's Not Tagged" (https://www.wired.com/st
ory/facebook-will-find-your-face-even-when-its-not-tagged/). Wired. ISSN 1059-1028 (https://
www.worldcat.org/issn/1059-1028). Archived (https://web.archive.org/web/20190810223940/
https://www.wired.com/story/facebook-will-find-your-face-even-when-its-not-tagged/) from
the original on 10 August 2019. Retrieved 22 November 2019.

Further reading
Goodfellow, Ian; Bengio, Yoshua; Courville, Aaron (2016). Deep Learning (http://www.deepl
earningbook.org). MIT Press. ISBN 978-0-26203561-3. Archived (https://web.archive.org/we
b/20160416111010/http://www.deeplearningbook.org/) from the original on 2016-04-16.
Retrieved 2021-05-09, introductory textbook.

Retrieved from "https://en.wikipedia.org/w/index.php?title=Deep_learning&oldid=1165439715"

You might also like