Artificial Neural Network
Artificial Neural Network
The original goal of the ANN approach was to solve problems in the same way that a human brain
would. However, over time, attention moved to performing specific tasks, leading to deviations from
biology. ANNs have been used on a variety of tasks, including computer vision, speech recognition,
machine translation, social network filtering, playing board and video games, medical diagnosis and even
in activities that have traditionally been considered as reserved to humans, like painting.[2]
Contents
History
Models
Components
Organization
Hyperparameter
Learning
Learning paradigms
Other
Types
Network design
Use
Applications
Theoretical properties
Computational power
Capacity
Convergence
Generalization and statistics
Criticism
Training
Theory
Hardware
Practical counterexamples
Hybrid approaches
Gallery
See also
References
Bibliography
External links
History
Warren McCulloch and Walter Pitts[3] (1943) opened the subject by creating a computational model for
neural networks.[4] In the late 1940s, D. O. Hebb[5] created a learning hypothesis based on the
mechanism of neural plasticity that became known as Hebbian learning. Farley and Wesley A. Clark[6]
(1954) first used computational machines, then called "calculators", to simulate a Hebbian network.
Rosenblatt[7] (1958) created the perceptron.[8] The first functional networks with many layers were
published by Ivakhnenko and Lapa in 1965, as the Group Method of Data Handling.[9][10][11] The basics
of continuous backpropagation[9][12][13][14] were derived in the context of control theory by Kelley[15] in
1960 and by Bryson in 1961,[16] using principles of dynamic programming.
In 1970, Seppo Linnainmaa published the general method for automatic differentiation (AD) of discrete
connected networks of nested differentiable functions.[17][18] In 1973, Dreyfus used backpropagation to
adapt parameters of controllers in proportion to error gradients.[19] Werbos's (1975) backpropagation
algorithm enabled practical training of multi-layer networks. In 1982, he applied Linnainmaa's AD
method to neural networks in the way that became widely used.[12][20] Thereafter research stagnated
following Minsky and Papert (1969),[21] who discovered that basic perceptrons were incapable of
processing the exclusive-or circuit and that computers lacked sufficient power to process useful neural
networks. In 1992, max-pooling was introduced to help with least shift invariance and tolerance to
deformation to aid in 3D object recognition.[22][23][24] Schmidhuber adopted a multi-level hierarchy of
networks (1992) pre-trained one level at a time by unsupervised learning and fine-tuned by
backpropagation.[25]
Geoffrey Hinton et al. (2006) proposed learning a high-level representation using successive layers of
binary or real-valued latent variables with a restricted Boltzmann machine[27] to model each layer. In
2012, Ng and Dean created a network that learned to recognize higher-level concepts, such as cats, only
from watching unlabeled images.[28] Unsupervised pre-training and increased computing power from
GPUs and distributed computing allowed the use of larger networks, particularly in image and visual
recognition problems, which became known as "deep learning".
Ciresan and colleagues (2010)[29] showed that despite the vanishing gradient problem, GPUs make
backpropagation feasible for many-layered feedforward neural networks.[30] Between 2009 and 2012,
ANNs began winning prizes in ANN contests, approaching human level performance on various tasks,
initially in pattern recognition and machine learning.[31][32] For example, the bi-directional and multi-
dimensional long short-term memory (LSTM)[33][34][35][36] of Graves et al. won three competitions in
connected handwriting recognition in 2009 without any prior knowledge about the three languages to be
learned.[35][34]
Ciresan and colleagues built the first pattern recognizers to achieve human-competitive/superhuman
performance[37] on benchmarks such as traffic sign recognition (IJCNN 2012).
Models
ANNs began as an attempt to exploit
the architecture of the human brain to
perform tasks that conventional
algorithms had little success with.
They soon reoriented towards
improving empirical results, mostly
abandoning attempts to remain true to
their biological precursors. Neurons
are connected to each other in various
patterns, to allow the output of some
neurons to become the input of others. Neuron and myelinated axon, with signal flow from inputs at
The network forms a directed, dendrites to outputs at axon terminals
weighted graph.[38]
An artificial neural network consists of a collection of simulated neurons. Each neuron is a node which is
connected to other nodes via links that correspond to biological axon-synapse-dendrite connections. Each
link has a weight, which determines the strength of one node's influence on another. [39]
Components
Neurons
ANNs are composed of artificial neurons which retain the biological concept of neurons, which receive
input, combine the input with their internal state (activation) and an optional threshold using an
activation function, and produce output using an output function. The initial inputs are external data, such
as images and documents. The ultimate outputs accomplish the task, such as recognizing an object in an
image. The important characteristic of the activation function is that it provides a smooth, differentiable
transition as input values change, i.e. a small change in input produces a small change in output.[40]
Propagation function
The propagation function computes the input to a neuron from the outputs of its predecessor neurons and
their connections as a weighted sum.[38] A bias term can be added to the result of the propagation.[42]
Organization
The neurons are typically organized into multiple layers, especially in deep learning. Neurons of one
layer connect only to neurons of the immediately preceding and immediately following layers. The layer
that receives external data is the input layer. The layer that produces the ultimate result is the output
layer. In between them are zero or more hidden layers. Single layer and unlayered networks are also
used. Between two layers, multiple connection patterns are possible. They can be fully connected, with
every neuron in one layer connecting to every neuron in the next layer. They can be pooling, where a
group of neurons in one layer connect to a single neuron in the next layer, thereby reducing the number
of neurons in that layer.[43] Neurons with only such connections form a directed acyclic graph and are
known as feedforward networks.[44] Alternatively, networks that allow connections between neurons in
the same or previous layers are known as recurrent networks.[45]
Hyperparameter
A hyperparameter is a constant parameter whose value is set before the learning process begins. The
values of parameters are derived via learning. Examples of hyperparameters include learning rate, the
number of hidden layers and batch size.[46] The values of some hyperparameters can be dependent on
those of other hyperparameters. For example, the size of some layers can depend on the overall number
of layers.
Learning
Learning is the adaptation of the network to better handle a task by considering sample observations.
Learning involves adjusting the weights (and optional thresholds) of the network to improve the accuracy
of the result. This is done by minimizing the observed errors. Learning is complete when examining
additional observations does not usefully reduce the error rate. Even after learning, the error rate typically
does not reach 0. If after learning, the error rate is too high, the network typically must be redesigned.
Practically this is done by defining a cost function that is evaluated periodically during learning. As long
as its output continues to decline, learning continues. The cost is frequently defined as a statistic whose
value can only be approximated. The outputs are actually numbers, so when the error is low, the
difference between the output (almost certainly a cat) and the correct answer (cat) is small. Learning
attempts to reduce the total of the differences across the observations.[38] Most learning models can be
viewed as a straightforward application of optimization theory and statistical estimation.
Learning rate
The learning rate defines the size of the corrective steps that the model takes to adjust for errors in each
observation. A high learning rate shortens the training time, but with lower ultimate accuracy, while a
lower learning rate takes longer, but with the potential for greater accuracy. Optimizations such as
Quickprop are primarily aimed at speeding up error minimization, while other improvements mainly try
to increase reliability. In order to avoid oscillation inside the network such as alternating connection
weights, and to improve the rate of convergence, refinements use an adaptive learning rate that increases
or decreases as appropriate.[47] The concept of momentum allows the balance between the gradient and
the previous change to be weighted such that the weight adjustment depends to some degree on the
previous change. A momentum close to 0 emphasizes the gradient, while a value close to 1 emphasizes
the last change.
Cost function
While it is possible to define a cost function ad hoc, frequently the choice is determined by the functions
desirable properties (such as convexity) or because it arises from the model (e.g., in a probabilistic model
the model's posterior probability can be used as an inverse cost).
Backpropagation
Backpropagation is a method to adjust the connection weights to compensate for each error found during
learning. The error amount is effectively divided among the connections. Technically, backprop
calculates the gradient (the derivative) of the cost function associated with a given state with respect to
the weights. The weight updates can be done via stochastic gradient descent or other methods, such as
Extreme Learning Machines,[48] "No-prop" networks,[49] training without backtracking,[50] "weightless"
networks,[51][52] and non-connectionist neural networks.
Learning paradigms
The three major learning paradigms are supervised learning, unsupervised learning and reinforcement
learning. They each correspond to a particular learning task
Supervised learning
Supervised learning uses a set of paired inputs and desired outputs. The learning task is to produce the
desired output for each input. In this case the cost function is related to eliminating incorrect
deductions.[53] A commonly used cost is the mean-squared error, which tries to minimize the average
squared error between the network's output and the desired output. Tasks suited for supervised learning
are pattern recognition (also known as classification) and regression (also known as function
approximation). Supervised learning is also applicable to sequential data (e.g., for hand writing, speech
and gesture recognition). This can be thought of as learning with a "teacher", in the form of a function
that provides continuous feedback on the quality of solutions obtained thus far.
Unsupervised learning
In unsupervised learning, input data is given along with the cost function, some function of the data
and the network's output. The cost function is dependent on the task (the model domain) and any a priori
assumptions (the implicit properties of the model, its parameters and the observed variables). As a trivial
example, consider the model where is a constant and the cost .
Minimizing this cost produces a value of that is equal to the mean of the data. The cost function can be
much more complicated. Its form depends on the application: for example, in compression it could be
related to the mutual information between and , whereas in statistical modeling, it could be related
to the posterior probability of the model given the data (note that in both of those examples those
quantities would be maximized rather than minimized). Tasks that fall within the paradigm of
unsupervised learning are in general estimation problems; the applications include clustering, the
estimation of statistical distributions, compression and filtering.
Reinforcement learning
In applications such as playing video games, an actor takes a string of actions, receiving a generally
unpredictable response from the environment after each one. The goal is to win the game, i.e., generate
the most positive (lowest cost) responses. In reinforcement learning, the aim is to weight the network
(devise a policy) to perform actions that minimize long-term (expected cumulative) cost. at each point in
time the agent performs an action and the environment generates an observation and an instantaneous
cost, according to some (usually unknown) rules. The rules and the long-term cost usually only can be
estimated. At any juncture, the agent decides whether to explore new actions to uncover their costs or to
exploit prior learning to proceed more quickly.
Formally the environment is modeled as a Markov decision process (MDP) with states
and actions . Because the state transitions are not known, probability distributions are
used instead: the instantaneous cost distribution , the observation distribution and the
transition distribution , while a policy is defined as the conditional distribution over
actions given the observations. Taken together, the two define a Markov chain (MC). The aim is to
discover the lowest-cost MC.
ANNs serve as the learning component in such applications.[54][55] Dynamic programming coupled with
ANNs (giving neurodynamic programming)[56] has been applied to problems such as those involved in
vehicle routing,[57] video games, natural resource management[58][59] and medicine[60] because of ANNs
ability to mitigate losses of accuracy even when reducing the discretization grid density for numerically
approximating the solution of control problems. Tasks that fall within the paradigm of reinforcement
learning are control problems, games and other sequential decision making tasks.
Self learning
Self learning in neural networks was introduced in 1982 along with a neural network capable of self-
learning named Crossbar Adaptive Array (CAA).[61] It is a system with only one input, situation s, and
only one output, action (or behavior) a. It has neither external advice input nor external reinforcement
input from the environment. The CAA computes, in a crossbar fashion, both decisions about actions and
emotions (feelings) about encountered situations. The system is driven by the interaction between
cognition and emotion.[62] Given memory matrix W =||w(a,s)||, the crossbar self learning algorithm in
each iteration performs the following computation:
In situation s perform action a;
Receive consequence situation s’;
Compute emotion of being in consequence situation v(s’);
Update crossbar memory w’(a,s) = w(a,s) + v(s’).
The backpropagated value (secondary reinforcement) is the emotion toward the consequence situation.
The CAA exists in two environments, one is behavioral environment where it behaves, and the other is
genetic environment, where from it initially and only once receives initial emotions about to be
encountered situations in the behavioral environment. Having received the genome vector (species
vector) from the genetic environment, the CAA will learn a goal-seeking behavior, in the behavioral
environment that contains both desirable and undesirable situations.[63]
Other
In a Bayesian framework, a distribution over the set of allowed models is chosen to minimize the cost.
Evolutionary methods,[64] gene expression programming,[65] simulated annealing,[66] expectation-
maximization, non-parametric methods and particle swarm optimization[67] are other learning
algorithms. Convergent recursion is a learning algorithm for cerebellar model articulation controller
(CMAC) neural networks.[68][69]
Modes
Two modes of learning are available: stochastic and batch. In stochastic learning, each input creates a
weight adjustment. In batch learning weights are adjusted based on a batch of inputs, accumulating errors
over the batch. Stochastic learning introduces "noise" into the process, using the local gradient calculated
from one data point; this reduces the chance of the network getting stuck in local minima. However,
batch learning typically yields a faster, more stable descent to a local minimum, since each update is
performed in the direction of the batch's average error. A common compromise is to use "mini-batches",
small batches with samples in each batch selected stochastically from the entire data set.
Types
ANNs have evolved into a broad family of techniques that have advanced the state of the art across
multiple domains. The simplest types have one or more static components, including number of units,
number of layers, unit weights and topology. Dynamic types allow one or more of these to evolve via
learning. The latter are much more complicated, but can shorten learning periods and produce better
results. Some types allow/require learning to be "supervised" by the operator, while others operate
independently. Some types operate purely in hardware, while others are purely software and run on
general purpose computers.
Some of the main breakthroughs include: convolutional neural networks that have proven particularly
successful in processing visual and other two-dimensional data;[70][71] long short-term memory avoid the
vanishing gradient problem[72] and can handle signals that have a mix of low and high frequency
components aiding large-vocabulary speech recognition,[73][74] text-to-speech synthesis,[75][12][76] and
photo-real talking heads;[77] competitive networks such as generative adversarial networks in which
multiple networks (of varying structure) compete with each other, on tasks such as winning a game[78] or
on deceiving the opponent about the authenticity of an input.[79]
Network design
Neural architecture search (NAS) uses machine learning to automate ANN design. Various approaches to
NAS have designed networks that compare well with hand-designed systems. The basic search algorithm
is to propose a candidate model, evaluate it against a dataset and use the results as feedback to teach the
NAS network.[80] Available systems include AutoML and AutoKeras.[81]
Design issues include deciding the number, type and connectedness of network layers, as well as the size
of each and the connection type (full, pooling, ...).
Hyperparameters must also be defined as part of the design (they are not learned), governing matters
such as how many neurons are in each layer, learning rate, step, stride, depth, receptive field and padding
(for CNNs), etc.[82]
Use
Using Artificial neural networks requires an understanding of their characteristics.
Choice of model: This depends on the data representation and the application. Overly
complex models slow learning.
Learning algorithm: Numerous trade-offs exist between learning algorithms. Almost any
algorithm will work well with the correct hyperparameters for training on a particular data
set. However, selecting and tuning an algorithm for training on unseen data requires
significant experimentation.
Robustness: If the model, cost function and learning algorithm are selected appropriately,
the resulting ANN can become robust.
ANN capabilities fall within the following broad categories:
Applications
Because of their ability to reproduce and model nonlinear processes, Artificial neural networks have
found applications in many disciplines. Application areas include system identification and control
(vehicle control, trajectory prediction,[83] process control, natural resource management), quantum
chemistry,[84] general game playing,[85] pattern recognition (radar systems, face identification, signal
classification,[86] 3D reconstruction,[87] object recognition and more), sequence recognition (gesture,
speech, handwritten and printed text recognition), medical diagnosis, finance[88] (e.g. automated trading
systems), data mining, visualization, machine translation, social network filtering[89] and e-mail spam
filtering. ANNs have been used to diagnose cancers, including lung cancer,[90] prostate cancer, colorectal
cancer[91] and to distinguish highly invasive cancer cell lines from less invasive lines using only cell
shape information.[92][93]
ANNs have been used to accelerate reliability analysis of infrastructures subject to natural
disasters[94][95] and to predict foundation settlements.[96] ANNs have also been used for building black-
box models in geoscience: hydrology,[97][98] ocean modelling and coastal engineering,[99][100] and
geomorphology.[101] ANNs have been employed in cybersecurity, with the objective to discriminate
between legitimate activities and malicious ones. For example, machine learning has been used for
classifying Android malware,[102] for identifying domains belonging to threat actors and for detecting
URLs posing a security risk.[103] Research is underway on ANN systems designed for penetration
testing, for detecting botnets,[104] credit cards frauds[105] and network intrusions.
ANNs have been proposed as a tool to simulate the properties of many-body open quantum
systems.[106][107][108][109] In brain research ANNs have studied short-term behavior of individual
neurons,[110] the dynamics of neural circuitry arise from interactions between individual neurons and
how behavior can arise from abstract neural modules that represent complete subsystems. Studies
considered long-and short-term plasticity of neural systems and their relation to learning and memory
from the individual neuron to the system level.
Theoretical properties
Computational power
The multilayer perceptron is a universal function approximator, as proven by the universal approximation
theorem. However, the proof is not constructive regarding the number of neurons required, the network
topology, the weights and the learning parameters.
A specific recurrent architecture with rational-valued weights (as opposed to full precision real number-
valued weights) has the power of a universal Turing machine,[111] using a finite number of neurons and
standard linear connections. Further, the use of irrational values for weights results in a machine with
super-Turing power.[112]
Capacity
A model's "capacity" property roughly corresponds to its ability to model any given function. It is related
to the amount of information that can be stored in the network and to the notion of complexity.
Convergence
Models may not consistently converge on a single solution, firstly because local minima may exist,
depending on the cost function and the model. Secondly, the optimization method used might not
guarantee to converge when it begins far from any local minimum. Thirdly, for sufficiently large data or
parameters, some methods become impractical.
Convergence behavior of certain types of ANN architectures are more understood than others. Such as
when the width of network approaches to infinity, the ANN resembles linear model, thus such ANN
follows the convergence behavior of linear model also [113]. Another example is when parameters are
small, it is observed that ANN often fits target functions from low to high frequencies [114] [115] [116]
[117]. Such phenomenon is in opposite to the behavior of some well studied iterative numerical schemes
The second is to use some form of regularization. This concept emerges in a probabilistic (Bayesian)
framework, where regularization can be performed by selecting a larger prior probability over simpler
models; but also in statistical learning theory, where the goal is to minimize over two quantities: the
'empirical risk' and the 'structural risk', which roughly corresponds to the error over the training set and
the predicted error in unseen data due to overfitting.
Criticism
Training
A common criticism of neural networks, particularly in robotics, is that they require too much training
for real-world operation. Potential solutions include randomly shuffling training examples, by using a
numerical optimization algorithm that does not take too large steps when changing the network
connections following an example, grouping examples in so-called mini-batches and/or introducing a
recursive least squares algorithm for CMAC.[68]
Theory
A fundamental objection is that ANNs do not sufficiently reflect neuronal function. Backpropagation is a
critical step, although no such mechanism exists in biological neural networks.[118] How information is
coded by real neurons is not known. Sensor neurons fire action potentials more frequently with sensor
activation and muscle cells pull more strongly when their associated motor neurons receive action
potentials more frequently.[119] Other than the case of relaying information from a sensor neuron to a
motor neuron, almost nothing of the principles of how information is handled by biological neural
networks is known.
A central claim of ANNs is that they embody new and powerful general principles for processing
information. Unfortunately, these principles are ill-defined. It is often claimed that they are emergent
from the network itself. This allows simple statistical association (the basic function of artificial neural
networks) to be described as learning or recognition. Alexander Dewdney commented that, as a result,
artificial neural networks have a "something-for-nothing quality, one that imparts a peculiar aura of
laziness and a distinct lack of curiosity about just how good these computing systems are. No human
hand (or mind) intervenes; solutions are found as if by magic; and no one, it seems, has learned
anything".[120] One response to Dewdney is that neural networks handle many complex and diverse
tasks, ranging from autonomously flying aircraft[121] to detecting credit card fraud to mastering the game
of Go.
Neural networks, for instance, are in the dock not only because they have been hyped to
high heaven, (what hasn't?) but also because you could create a successful net without
understanding how it worked: the bunch of numbers that captures its behaviour would in all
probability be "an opaque, unreadable table...valueless as a scientific resource".
In spite of his emphatic declaration that science is not technology, Dewdney seems here to
pillory neural nets as bad science when most of those devising them are just trying to be
good engineers. An unreadable table that a useful machine could read would still be well
worth having.[122]
Biological brains use both shallow and deep circuits as reported by brain anatomy,[123] displaying a wide
variety of invariance. Weng[124] argued that the brain self-wires largely according to signal statistics and
therefore, a serial cascade cannot catch all major statistical dependencies.
Hardware
Large and effective neural networks require considerable computing resources.[125] While the brain has
hardware tailored to the task of processing signals through a graph of neurons, simulating even a
simplified neuron on von Neumann architecture may consume vast amounts of memory and storage.
Furthermore, the designer often needs to transmit signals through many of these connections and their
associated neurons – which require enormous CPU power and time.
Schmidhuber noted that the resurgence of neural networks in the twenty-first century is largely
attributable to advances in hardware: from 1991 to 2015, computing power, especially as delivered by
GPGPUs (on GPUs), has increased around a million-fold, making the standard backpropagation
algorithm feasible for training networks that are several layers deeper than before.[126] The use of
accelerators such as FPGAs and GPUs can reduce training times from months to days.[127][125]
Neuromorphic engineering addresses the hardware difficulty directly, by constructing non-von-Neumann
chips to directly implement neural networks in circuitry. Another type of chip optimized for neural
network processing is called a Tensor Processing Unit, or TPU.[128]
Practical counterexamples
Analyzing what has been learned by an ANN, is much easier than to analyze what has been learned by a
biological neural network. Furthermore, researchers involved in exploring learning algorithms for neural
networks are gradually uncovering general principles that allow a learning machine to be successful. For
example, local vs non-local learning and shallow vs deep architecture.[129]
Hybrid approaches
Advocates of hybrid models (combining neural networks and symbolic approaches), claim that such a
mixture can better capture the mechanisms of the human mind.[130][131]
Gallery
See also
Hierarchical temporal memory
20Q
ADALINE
Adaptive resonance theory
Artificial life
Associative memory
Autoencoder
BEAM robotics
Biological cybernetics
Biologically inspired computing
Blue Brain Project
Catastrophic interference
Cerebellar Model Articulation Controller (CMAC)
Cognitive architecture
Cognitive science
Convolutional neural network (CNN)
Connectionist expert system
Connectomics
Cultured neuronal networks
Deep learning
Encog
Fuzzy logic
Gene expression programming
Genetic algorithm
Genetic programming
Group method of data handling
Habituation
In Situ Adaptive Tabulation
Machine learning concepts
Models of neural computation
Neuroevolution
Neural coding
Neural gas
Neural machine translation
Neural network software
Neuroscience
Nonlinear system identification
Optical neural network
Parallel Constraint Satisfaction Processes
Parallel distributed processing
Radial basis function network
Recurrent neural networks
Self-organizing map
Spiking neural network
Systolic array
Tensor product network
Time delay neural network (TDNN)
References
1. Chen, Yung-Yao; Lin, Yu-Hsiu; Kung, Chia-Ching; Chung, Ming-Han; Yen, I.-Hsuan
(January 2019). "Design and Implementation of Cloud Analytics-Assisted Smart Power
Meters Considering Advanced Artificial Intelligence as Edge Analytics in Demand-Side
Management for Smart Homes" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6539684).
Sensors. 19 (9): 2047. doi:10.3390/s19092047 (https://doi.org/10.3390%2Fs19092047).
PMC 6539684 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6539684). PMID 31052502
(https://pubmed.ncbi.nlm.nih.gov/31052502).
2. Bethge, Matthias; Ecker, Alexander S.; Gatys, Leon A. (26 August 2015). "A Neural
Algorithm of Artistic Style". arXiv:1508.06576 (https://arxiv.org/abs/1508.06576) [cs.CV (http
s://arxiv.org/archive/cs.CV)].
3. McCulloch, Warren; Walter Pitts (1943). "A Logical Calculus of Ideas Immanent in Nervous
Activity". Bulletin of Mathematical Biophysics. 5 (4): 115–133. doi:10.1007/BF02478259 (htt
ps://doi.org/10.1007%2FBF02478259).
4. Kleene, S.C. (1956). "Representation of Events in Nerve Nets and Finite Automata" (https://
www.degruyter.com/view/books/9781400882618/9781400882618-002/9781400882618-00
2.xml). Annals of Mathematics Studies (34). Princeton University Press. pp. 3–41. Retrieved
17 June 2017.
5. Hebb, Donald (1949). The Organization of Behavior (https://books.google.com/books?id=dd
B4AgAAQBAJ). New York: Wiley. ISBN 978-1-135-63190-1.
6. Farley, B.G.; W.A. Clark (1954). "Simulation of Self-Organizing Systems by Digital
Computer". IRE Transactions on Information Theory. 4 (4): 76–84.
doi:10.1109/TIT.1954.1057468 (https://doi.org/10.1109%2FTIT.1954.1057468).
7. Rosenblatt, F. (1958). "The Perceptron: A Probabilistic Model For Information Storage And
Organization In The Brain". Psychological Review. 65 (6): 386–408.
CiteSeerX 10.1.1.588.3775 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.588.
3775). doi:10.1037/h0042519 (https://doi.org/10.1037%2Fh0042519). PMID 13602029 (http
s://pubmed.ncbi.nlm.nih.gov/13602029).
8. Werbos, P.J. (1975). Beyond Regression: New Tools for Prediction and Analysis in the
Behavioral Sciences (https://books.google.com/books?id=z81XmgEACAAJ).
9. 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).
10. Ivakhnenko, A. G. (1973). Cybernetic Predicting Devices (https://books.google.com/books?i
d=FhwVNQAACAAJ). CCM Information Corporation.
11. Ivakhnenko, A. G.; Grigorʹevich Lapa, Valentin (1967). Cybernetics and forecasting
techniques (https://books.google.com/books?id=rGFgAAAAMAAJ). American Elsevier Pub.
Co.
12. Schmidhuber, Jürgen (2015). "Deep Learning". Scholarpedia. 10 (11): 32832.
Bibcode:2015SchpJ..1032832S (https://ui.adsabs.harvard.edu/abs/2015SchpJ..1032832S).
doi:10.4249/scholarpedia.32832 (https://doi.org/10.4249%2Fscholarpedia.32832).
13. Dreyfus, Stuart E. (1 September 1990). "Artificial neural networks, back propagation, and
the Kelley-Bryson gradient procedure". Journal of Guidance, Control, and Dynamics. 13 (5):
926–928. Bibcode:1990JGCD...13..926D (https://ui.adsabs.harvard.edu/abs/1990JGCD...1
3..926D). doi:10.2514/3.25422 (https://doi.org/10.2514%2F3.25422). ISSN 0731-5090 (http
s://www.worldcat.org/issn/0731-5090).
14. Mizutani, E.; Dreyfus, S.E.; Nishio, K. (2000). "On derivation of MLP backpropagation from
the Kelley-Bryson optimal-control gradient formula and its application". Proceedings of the
IEEE-INNS-ENNS International Joint Conference on Neural Networks. IJCNN 2000. Neural
Computing: New Challenges and Perspectives for the New Millennium. IEEE: 167–172
vol.2. doi:10.1109/ijcnn.2000.857892 (https://doi.org/10.1109%2Fijcnn.2000.857892).
ISBN 0769506194.
15. 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).
16. "A gradient method for optimizing multi-stage allocation processes". Proceedings of the
Harvard Univ. Symposium on digital computers and their applications. April 1961.
17. Template:Cite tesis
18. 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.100
7%2Fbf01931367).
19. Dreyfus, Stuart (1973). "The computational solution of optimal control problems with time
lag". IEEE Transactions on Automatic Control. 18 (4): 383–385.
doi:10.1109/tac.1973.1100330 (https://doi.org/10.1109%2Ftac.1973.1100330).
20. Werbos, Paul (1982). "Applications of advances in nonlinear sensitivity analysis" (http://werb
os.com/Neural/SensitivityIFIPSeptember1981.pdf) (PDF). System modeling and
optimization. Springer. pp. 762–770.
21. Minsky, Marvin; Papert, Seymour (1969). Perceptrons: An Introduction to Computational
Geometry (https://books.google.com/books?id=Ow1OAQAAIAAJ). MIT Press. ISBN 978-0-
262-63022-1.
22. J. Weng, N. Ahuja and T. S. Huang, "Cresceptron: a self-organizing neural network which
grows adaptively (http://www.cse.msu.edu/~weng/research/CresceptronIJCNN1992.pdf),"
Proc. International Joint Conference on Neural Networks, Baltimore, Maryland, vol I, pp.
576–581, June, 1992.
23. J. Weng, N. Ahuja and T. S. Huang, "Learning recognition and segmentation of 3-D objects
from 2-D images (http://www.cse.msu.edu/~weng/research/CresceptronICCV1993.pdf),"
Proc. 4th International Conf. Computer Vision, Berlin, Germany, pp. 121–128, May, 1993.
24. J. Weng, N. Ahuja and T. S. Huang, "Learning recognition and segmentation using the
Cresceptron (http://www.cse.msu.edu/~weng/research/CresceptronIJCV.pdf)," International
Journal of Computer Vision, vol. 25, no. 2, pp. 105–139, Nov. 1997.
25. J. Schmidhuber., "Learning complex, extended sequences using the principle of history
compression," Neural Computation, 4, pp. 234–242, 1992.
26. Mead, Carver A.; Ismail, Mohammed (8 May 1989). Analog VLSI Implementation of Neural
Systems (http://fennetic.net/irc/Christopher%20R.%20Carroll%20Carver%20Mead%20Moh
ammed%20Ismail%20Analog%20VLSI%20Implementation%20of%20Neural%20Systems.p
df) (PDF). The Kluwer International Series in Engineering and Computer Science. 80.
Norwell, MA: Kluwer Academic Publishers. doi:10.1007/978-1-4613-1639-8 (https://doi.org/
10.1007%2F978-1-4613-1639-8). ISBN 978-1-4613-1639-8.
27. Smolensky, P. (1986). "Information processing in dynamical systems: Foundations of
harmony theory." (http://portal.acm.org/citation.cfm?id=104290). In D. E. Rumelhart; J. L.
McClelland; PDP Research Group (eds.). Parallel Distributed Processing: Explorations in
the Microstructure of Cognition (https://archive.org/details/paralleldistribu00rume/page/194).
1. pp. 194–281 (https://archive.org/details/paralleldistribu00rume/page/194).
ISBN 9780262680530.
28. Ng, Andrew; Dean, Jeff (2012). "Building High-level Features Using Large Scale
Unsupervised Learning". arXiv:1112.6209 (https://arxiv.org/abs/1112.6209) [cs.LG (https://a
rxiv.org/archive/cs.LG)].
29. 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%2Fn
eco_a_00052). ISSN 0899-7667 (https://www.worldcat.org/issn/0899-7667).
PMID 20858131 (https://pubmed.ncbi.nlm.nih.gov/20858131).
30. Dominik Scherer, Andreas C. Müller, and Sven Behnke: "Evaluation of Pooling Operations
in Convolutional Architectures for Object Recognition (https://www.ais.uni-bonn.de/papers/ic
ann2010_maxpool.pdf)," In 20th International Conference Artificial Neural Networks
(ICANN), pp. 92–101, 2010. doi:10.1007/978-3-642-15825-4_10 (https://doi.org/10.1007%2
F978-3-642-15825-4_10).
31. 2012 Kurzweil AI Interview (http://www.kurzweilai.net/how-bio-inspired-deep-learning-keeps
-winning-competitions) Archived (https://web.archive.org/web/20180831075249/http://www.k
urzweilai.net/how-bio-inspired-deep-learning-keeps-winning-competitions) 31 August 2018
at the Wayback Machine with Jürgen Schmidhuber on the eight competitions won by his
Deep Learning team 2009–2012
32. "How bio-inspired deep learning keeps winning competitions | KurzweilAI" (https://web.archi
ve.org/web/20180831075249/http://www.kurzweilai.net/how-bio-inspired-deep-learning-kee
ps-winning-competitions). www.kurzweilai.net. Archived from the original (http://www.kurzwe
ilai.net/how-bio-inspired-deep-learning-keeps-winning-competitions) on 31 August 2018.
Retrieved 16 June 2017.
33. Graves, Alex; and Schmidhuber, Jürgen; Offline Handwriting Recognition with
Multidimensional Recurrent Neural Networks (http://www.idsia.ch/~juergen/nips2009.pdf), in
Bengio, Yoshua; Schuurmans, Dale; Lafferty, John; Williams, Chris K. I.; and Culotta, Aron
(eds.), Advances in Neural Information Processing Systems 22 (NIPS'22), 7–10 December
2009, Vancouver, BC, Neural Information Processing Systems (NIPS) Foundation, 2009,
pp. 545–552.
34. Graves, A.; Liwicki, M.; Fernandez, S.; Bertolami, R.; Bunke, H.; Schmidhuber, J. (2009). "A
Novel Connectionist System for Improved Unconstrained Handwriting Recognition" (http://w
ww.idsia.ch/~juergen/tpami_2008.pdf) (PDF). IEEE Transactions on Pattern Analysis and
Machine Intelligence. 31 (5): 855–868. CiteSeerX 10.1.1.139.4502 (https://citeseerx.ist.psu.
edu/viewdoc/summary?doi=10.1.1.139.4502). doi:10.1109/tpami.2008.137 (https://doi.org/1
0.1109%2Ftpami.2008.137). PMID 19299860 (https://pubmed.ncbi.nlm.nih.gov/19299860).
35. Graves, Alex; Schmidhuber, Jürgen (2009). Bengio, Yoshua; Schuurmans, Dale; Lafferty,
John; Williams, Chris editor-K. I.; Culotta, Aron (eds.). "Offline Handwriting Recognition with
Multidimensional Recurrent Neural Networks" (https://papers.nips.cc/paper/3449-offline-han
dwriting-recognition-with-multidimensional-recurrent-neural-networks). Neural Information
Processing Systems (NIPS) Foundation. Curran Associates, Inc: 545–552.
36. Graves, A.; Liwicki, M.; Fernández, S.; Bertolami, R.; Bunke, H.; Schmidhuber, J. (May
2009). "A Novel Connectionist System for Unconstrained Handwriting Recognition". IEEE
Transactions on Pattern Analysis and Machine Intelligence. 31 (5): 855–868.
CiteSeerX 10.1.1.139.4502 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.139.
4502). doi:10.1109/tpami.2008.137 (https://doi.org/10.1109%2Ftpami.2008.137).
ISSN 0162-8828 (https://www.worldcat.org/issn/0162-8828). PMID 19299860 (https://pubm
ed.ncbi.nlm.nih.gov/19299860).
37. Ciresan, Dan; Meier, U.; Schmidhuber, J. (June 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).
Bibcode:2012arXiv1202.2745C (https://ui.adsabs.harvard.edu/abs/2012arXiv1202.2745C).
CiteSeerX 10.1.1.300.3283 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.300.
3283). doi:10.1109/cvpr.2012.6248110 (https://doi.org/10.1109%2Fcvpr.2012.6248110).
ISBN 978-1-4673-1228-8.
38. Zell, Andreas (2003). "chapter 5.2". Simulation neuronaler Netze [Simulation of Neural
Networks] (in German) (1st ed.). Addison-Wesley. ISBN 978-3-89319-554-1.
OCLC 249017987 (https://www.worldcat.org/oclc/249017987).
39. Artificial intelligence (3rd ed.). Addison-Wesley Pub. Co. 1992. ISBN 0-201-53377-4.
40. "The Machine Learning Dictionary" (https://web.archive.org/web/20180826151959/http://ww
w.cse.unsw.edu.au/~billw/mldict.html#activnfn). www.cse.unsw.edu.au. Archived from the
original (http://www.cse.unsw.edu.au/~billw/mldict.html#activnfn) on 26 August 2018.
Retrieved 4 November 2009.
41. Abbod, Maysam F (2007). "Application of Artificial Intelligence to the Management of
Urological Cancer". The Journal of Urology. 178 (4): 1150–1156.
doi:10.1016/j.juro.2007.05.122 (https://doi.org/10.1016%2Fj.juro.2007.05.122).
PMID 17698099 (https://pubmed.ncbi.nlm.nih.gov/17698099).
42. DAWSON, CHRISTIAN W (1998). "An artificial neural network approach to rainfall-runoff
modelling". Hydrological Sciences Journal. 43 (1): 47–66. doi:10.1080/02626669809492102
(https://doi.org/10.1080%2F02626669809492102).
43. Ciresan, Dan; Ueli Meier; Jonathan Masci; Luca M. Gambardella; Jurgen Schmidhuber
(2011). "Flexible, High Performance Convolutional Neural Networks for Image
Classification" (http://www.idsia.ch/~juergen/ijcai2011.pdf) (PDF). Proceedings of the
Twenty-Second International Joint Conference on Artificial Intelligence-Volume Volume Two.
2: 1237–1242. Retrieved 17 November 2013.
44. Zell, Andreas (1994). Simulation Neuronaler Netze [Simulation of Neural Networks] (in
German) (1st ed.). Addison-Wesley. p. 73. ISBN 3-89319-554-8.
45. Miljanovic, Milos (February–March 2012). "Comparative analysis of Recurrent and Finite
Impulse Response Neural Networks in Time Series Prediction" (http://www.ijcse.com/docs/I
NDJCSE12-03-01-028.pdf) (PDF). Indian Journal of Computer and Engineering. 3 (1).
46. Lau, Suki (10 July 2017). "A Walkthrough of Convolutional Neural Network —
Hyperparameter Tuning" (https://towardsdatascience.com/a-walkthrough-of-convolutional-n
eural-network-7f474f91d7bd). Medium. Retrieved 23 August 2019.
47. Li, Y.; Fu, Y.; Li, H.; Zhang, S. W. (1 June 2009). The Improved Training Algorithm of Back
Propagation Neural Network with Self-adaptive Learning Rate. 2009 International
Conference on Computational Intelligence and Natural Computing. 1. pp. 73–76.
doi:10.1109/CINC.2009.111 (https://doi.org/10.1109%2FCINC.2009.111). ISBN 978-0-
7695-3645-3.
48. Huang, Guang-Bin; Zhu, Qin-Yu; Siew, Chee-Kheong (2006). "Extreme learning machine:
theory and applications". Neurocomputing. 70 (1): 489–501. CiteSeerX 10.1.1.217.3692 (htt
ps://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.217.3692).
doi:10.1016/j.neucom.2005.12.126 (https://doi.org/10.1016%2Fj.neucom.2005.12.126).
49. Widrow, Bernard; et al. (2013). "The no-prop algorithm: A new learning algorithm for
multilayer neural networks". Neural Networks. 37: 182–188.
doi:10.1016/j.neunet.2012.09.020 (https://doi.org/10.1016%2Fj.neunet.2012.09.020).
PMID 23140797 (https://pubmed.ncbi.nlm.nih.gov/23140797).
50. Ollivier, Yann; Charpiat, Guillaume (2015). "Training recurrent networks without
backtracking". arXiv:1507.07680 (https://arxiv.org/abs/1507.07680) [cs.NE (https://arxiv.org/
archive/cs.NE)].
51. ESANN. 2009
52. Hinton, G. E. (2010). "A Practical Guide to Training Restricted Boltzmann Machines" (http
s://www.researchgate.net/publication/221166159). Tech. Rep. UTML TR 2010-003.
53. Ojha, Varun Kumar; Abraham, Ajith; Snášel, Václav (1 April 2017). "Metaheuristic design of
feedforward neural networks: A review of two decades of research". Engineering
Applications of Artificial Intelligence. 60: 97–116. arXiv:1705.05584 (https://arxiv.org/abs/17
05.05584). Bibcode:2017arXiv170505584O (https://ui.adsabs.harvard.edu/abs/2017arXiv17
0505584O). doi:10.1016/j.engappai.2017.01.013 (https://doi.org/10.1016%2Fj.engappai.201
7.01.013).
54. Dominic, S.; Das, R.; Whitley, D.; Anderson, C. (July 1991). "Genetic reinforcement learning
for neural networks" (https://archive.org/details/ijcnn91seattlein01ieee). IJCNN-91-Seattle
International Joint Conference on Neural Networks. IJCNN-91-Seattle International Joint
Conference on Neural Networks. Seattle, Washington, USA: IEEE.
doi:10.1109/IJCNN.1991.155315 (https://doi.org/10.1109%2FIJCNN.1991.155315). ISBN 0-
7803-0164-1.
55. Hoskins, J.C.; Himmelblau, D.M. (1992). "Process control via artificial neural networks and
reinforcement learning". Computers & Chemical Engineering. 16 (4): 241–251.
doi:10.1016/0098-1354(92)80045-B (https://doi.org/10.1016%2F0098-1354%2892%298004
5-B).
56. Bertsekas, D.P.; Tsitsiklis, J.N. (1996). Neuro-dynamic programming (https://papers.nips.cc/
paper/4741-deep-neural-networks-segment-neuronal-membranes-in-electron-microscopy-i
mages). Athena Scientific. p. 512. ISBN 978-1-886529-10-6.
57. Secomandi, Nicola (2000). "Comparing neuro-dynamic programming algorithms for the
vehicle routing problem with stochastic demands". Computers & Operations Research. 27
(11–12): 1201–1225. CiteSeerX 10.1.1.392.4034 (https://citeseerx.ist.psu.edu/viewdoc/sum
mary?doi=10.1.1.392.4034). doi:10.1016/S0305-0548(99)00146-X (https://doi.org/10.101
6%2FS0305-0548%2899%2900146-X).
58. de Rigo, D.; Rizzoli, A. E.; Soncini-Sessa, R.; Weber, E.; Zenesi, P. (2001). "Neuro-dynamic
programming for the efficient management of reservoir networks". Proceedings of MODSIM
2001, International Congress on Modelling and Simulation. MODSIM 2001, International
Congress on Modelling and Simulation (http://www.mssanz.org.au/MODSIM01/MODSIM01.
htm). Canberra, Australia: Modelling and Simulation Society of Australia and New Zealand.
doi:10.5281/zenodo.7481 (https://doi.org/10.5281%2Fzenodo.7481). ISBN 0-867405252.
59. Damas, M.; Salmeron, M.; Diaz, A.; Ortega, J.; Prieto, A.; Olivares, G. (2000). "Genetic
algorithms and neuro-dynamic programming: application to water supply networks".
Proceedings of 2000 Congress on Evolutionary Computation. 2000 Congress on
Evolutionary Computation. La Jolla, California, USA: IEEE. doi:10.1109/CEC.2000.870269
(https://doi.org/10.1109%2FCEC.2000.870269). ISBN 0-7803-6375-2.
60. Deng, Geng; Ferris, M.C. (2008). Neuro-dynamic programming for fractionated radiotherapy
planning. Springer Optimization and Its Applications. 12. pp. 47–70.
CiteSeerX 10.1.1.137.8288 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.137.
8288). doi:10.1007/978-0-387-73299-2_3 (https://doi.org/10.1007%2F978-0-387-73299-2_
3). ISBN 978-0-387-73298-5.
61. Bozinovski, S. (1982). "A self learning system using secondary reinforcement". In R. Trappl
(ed.) Cybernetics and Systems Research: Proceedings of the Sixth European Meeting on
Cybernetics and Systems Research. North Holland. pp. 397–402. ISBN 978-0-444-86488-8.
62. Bozinovski, S. (2014) "Modeling mechanisms of cognition-emotion interaction in artificial
neural networks, since 1981." Procedia Computer Science p. 255-263
63. Bozinovski, Stevo and Bozinovska, Liljana. (2001) "Self-learning agents: A connectionist
theory of emotion based on crossbar value judgment." Cybernetics and Systems 32(6) 637-
667.
64. de Rigo, D.; Castelletti, A.; Rizzoli, A. E.; Soncini-Sessa, R.; Weber, E. (January 2005). "A
selective improvement technique for fastening Neuro-Dynamic Programming in Water
Resources Network Management" (http://www.nt.ntnu.no/users/skoge/prost/proceedings/ifa
c2005/Papers/Paper4269.html). In Pavel Zítek (ed.). Proceedings of the 16th IFAC World
Congress – IFAC-PapersOnLine. 16th IFAC World Congress (http://www.nt.ntnu.no/users/sk
oge/prost/proceedings/ifac2005/Index.html). 16. Prague, Czech Republic: IFAC.
doi:10.3182/20050703-6-CZ-1902.02172 (https://doi.org/10.3182%2F20050703-6-CZ-1902.
02172). ISBN 978-3-902661-75-3. Retrieved 30 December 2011.
65. Ferreira, C. (2006). "Designing Neural Networks Using Gene Expression Programming" (htt
p://www.gene-expression-programming.com/webpapers/Ferreira-ASCT2006.pdf) (PDF). In
A. Abraham, B. de Baets, M. Köppen, and B. Nickolay, eds., Applied Soft Computing
Technologies: The Challenge of Complexity, pages 517–536, Springer-Verlag.
66. Da, Y.; Xiurun, G. (July 2005). T. Villmann (ed.). An improved PSO-based ANN with
simulated annealing technique. New Aspects in Neurocomputing: 11th European
Symposium on Artificial Neural Networks (http://www.dice.ucl.ac.be/esann/proceedings/elec
tronicproceedings.htm). Elsevier. doi:10.1016/j.neucom.2004.07.002 (https://doi.org/10.101
6%2Fj.neucom.2004.07.002).
67. Wu, J.; Chen, E. (May 2009). Wang, H.; Shen, Y.; Huang, T.; Zeng, Z. (eds.). A Novel
Nonparametric Regression Ensemble for Rainfall Forecasting Using Particle Swarm
Optimization Technique Coupled with Artificial Neural Network. 6th International Symposium
on Neural Networks, ISNN 2009 (http://www2.mae.cuhk.edu.hk/~isnn2009/). Springer.
doi:10.1007/978-3-642-01513-7-6 (https://doi.org/10.1007%2F978-3-642-01513-7-6).
ISBN 978-3-642-01215-0.
68. Ting Qin, et al. "A learning algorithm of CMAC based on RLS (http://www-control.eng.cam.a
c.uk/Homepage/papers/cued_control_998.pdf)." Neural Processing Letters 19.1 (2004): 49–
61.
69. Ting Qin, et al. "Continuous CMAC-QRLS and its systolic array (http://www-control.eng.ca
m.ac.uk/Homepage/papers/cued_control_997.pdf)." Neural Processing Letters 22.1 (2005):
1–16.
70. LeCun et al., "Backpropagation Applied to Handwritten Zip Code Recognition," Neural
Computation, 1, pp. 541–551, 1989.
71. Yann LeCun (2016). Slides on Deep Learning Online (https://indico.cern.ch/event/510372/)
72. 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.
1162%2Fneco.1997.9.8.1735). ISSN 0899-7667 (https://www.worldcat.org/issn/0899-7667).
PMID 9377276 (https://pubmed.ncbi.nlm.nih.gov/9377276).
73. 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.googleuserco
ntent.com/media/research.google.com/en//pubs/archive/43905.pdf) (PDF) on 24 April 2018.
74. Li, Xiangang; Wu, Xihong (15 October 2014). "Constructing Long Short-Term Memory
based Deep Recurrent Neural Networks for Large Vocabulary Speech Recognition".
arXiv:1410.4281 (https://arxiv.org/abs/1410.4281) [cs.CL (https://arxiv.org/archive/cs.CL)].
75. Fan, Y.; Qian, Y.; Xie, F.; Soong, F. K. (2014). "TTS synthesis with bidirectional LSTM based
Recurrent Neural Networks" (https://www.researchgate.net/publication/287741874).
Proceedings of the Annual Conference of the International Speech Communication
Association, Interspeech: 1964–1968. Retrieved 13 June 2017.
76. Zen, Heiga; Sak, Hasim (2015). "Unidirectional Long Short-Term Memory Recurrent Neural
Network with Recurrent Output Layer for Low-Latency Speech Synthesis" (https://static.goo
gleusercontent.com/media/research.google.com/en//pubs/archive/43266.pdf) (PDF).
Google.com. ICASSP. pp. 4470–4474.
77. Fan, Bo; Wang, Lijuan; Soong, Frank K.; Xie, Lei (2015). "Photo-Real Talking Head with
Deep Bidirectional LSTM" (https://www.microsoft.com/en-us/research/wp-content/uploads/2
015/04/icassp2015_fanbo_1009.pdf) (PDF). Proceedings of ICASSP.
78. Silver, David; Hubert, Thomas; Schrittwieser, Julian; Antonoglou, Ioannis; Lai, Matthew;
Guez, Arthur; Lanctot, Marc; Sifre, Laurent; Kumaran, Dharshan; Graepel, Thore; Lillicrap,
Timothy; Simonyan, Karen; Hassabis, Demis (5 December 2017). "Mastering Chess and
Shogi by Self-Play with a General Reinforcement Learning Algorithm". arXiv:1712.01815 (ht
tps://arxiv.org/abs/1712.01815) [cs.AI (https://arxiv.org/archive/cs.AI)].
79. 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.
80. Zoph, Barret; Le, Quoc V. (4 November 2016). "Neural Architecture Search with
Reinforcement Learning". arXiv:1611.01578 (https://arxiv.org/abs/1611.01578) [cs.LG (http
s://arxiv.org/archive/cs.LG)].
81. "AutoKeras" (https://autokeras.com/). autokeras.com. Retrieved 21 August 2019.
82. "Claesen, Marc, and Bart De Moor. "Hyperparameter Search in Machine Learning." arXiv
preprint arXiv:1502.02127 (2015)". arXiv:1502.02127 (https://arxiv.org/abs/1502.02127).
Bibcode:2015arXiv150202127C (https://ui.adsabs.harvard.edu/abs/2015arXiv150202127C).
83. Zissis, Dimitrios (October 2015). "A cloud based architecture capable of perceiving and
predicting multiple vessel behaviour" (https://zenodo.org/record/848743). Applied Soft
Computing. 35: 652–661. doi:10.1016/j.asoc.2015.07.002 (https://doi.org/10.1016%2Fj.aso
c.2015.07.002).
84. Roman M. Balabin; Ekaterina I. Lomakina (2009). "Neural network approach to quantum-
chemistry data: Accurate prediction of density functional theory energies". J. Chem. Phys.
131 (7): 074104. Bibcode:2009JChPh.131g4104B (https://ui.adsabs.harvard.edu/abs/2009J
ChPh.131g4104B). doi:10.1063/1.3206326 (https://doi.org/10.1063%2F1.3206326).
PMID 19708729 (https://pubmed.ncbi.nlm.nih.gov/19708729).
85. Silver, David, et al. "Mastering the game of Go with deep neural networks and tree search
(http://web.iitd.ac.in/~sumeet/Silver16.pdf)." Nature 529.7587 (2016): 484.
86. Sengupta, Nandini; Sahidullah, Md; Saha, Goutam (August 2016). "Lung sound
classification using cepstral-based statistical features". Computers in Biology and Medicine.
75 (1): 118–129. doi:10.1016/j.compbiomed.2016.05.013 (https://doi.org/10.1016%2Fj.com
pbiomed.2016.05.013). PMID 27286184 (https://pubmed.ncbi.nlm.nih.gov/27286184).
87. Choy, Christopher B., et al. "3d-r2n2: A unified approach for single and multi-view 3d object
reconstruction (https://arxiv.org/pdf/1604.00449)." European conference on computer vision.
Springer, Cham, 2016.
88. French, Jordan (2016). "The time traveller's CAPM". Investment Analysts Journal. 46 (2):
81–96. doi:10.1080/10293523.2016.1255469 (https://doi.org/10.1080%2F10293523.2016.1
255469).
89. Schechner, Sam (15 June 2017). "Facebook Boosts A.I. to Block Terrorist Propaganda" (htt
ps://www.wsj.com/articles/facebook-boosts-a-i-to-block-terrorist-propaganda-1497546000).
Wall Street Journal. ISSN 0099-9660 (https://www.worldcat.org/issn/0099-9660). Retrieved
16 June 2017.
90. Ganesan, N (2010). "Application of Neural Networks in Diagnosing Cancer Disease Using
Demographic Data". International Journal of Computer Applications. 1 (26): 81–97.
Bibcode:2010IJCA....1z..81G (https://ui.adsabs.harvard.edu/abs/2010IJCA....1z..81G).
doi:10.5120/476-783 (https://doi.org/10.5120%2F476-783).
91. Bottaci, Leonardo. "Artificial Neural Networks Applied to Outcome Prediction for Colorectal
Cancer Patients in Separate Institutions" (http://www.lcc.uma.es/~jja/recidiva/042.pdf)
(PDF). The Lancet.
92. Alizadeh, Elaheh; Lyons, Samanthe M; Castle, Jordan M; Prasad, Ashok (2016).
"Measuring systematic changes in invasive cancer cell shape using Zernike moments" (htt
p://pubs.rsc.org/en/Content/ArticleLanding/2016/IB/C6IB00100A). Integrative Biology. 8
(11): 1183–1193. doi:10.1039/C6IB00100A (https://doi.org/10.1039%2FC6IB00100A).
PMID 27735002 (https://pubmed.ncbi.nlm.nih.gov/27735002).
93. Lyons, Samanthe (2016). "Changes in cell shape are correlated with metastatic potential in
murine" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4810736). Biology Open. 5 (3):
289–299. doi:10.1242/bio.013409 (https://doi.org/10.1242%2Fbio.013409). PMC 4810736
(https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4810736). PMID 26873952 (https://pubmed.
ncbi.nlm.nih.gov/26873952).
94. Nabian, Mohammad Amin; Meidani, Hadi (28 August 2017). "Deep Learning for Accelerated
Reliability Analysis of Infrastructure Networks". Computer-Aided Civil and Infrastructure
Engineering. 33 (6): 443–458. arXiv:1708.08551 (https://arxiv.org/abs/1708.08551).
Bibcode:2017arXiv170808551N (https://ui.adsabs.harvard.edu/abs/2017arXiv170808551N).
doi:10.1111/mice.12359 (https://doi.org/10.1111%2Fmice.12359).
95. Nabian, Mohammad Amin; Meidani, Hadi (2018). "Accelerating Stochastic Assessment of
Post-Earthquake Transportation Network Connectivity via Machine-Learning-Based
Surrogates" (https://trid.trb.org/view/1496617). Transportation Research Board 97th Annual
Meeting.
96. Díaz, E.; Brotons, V.; Tomás, R. (September 2018). "Use of artificial neural networks to
predict 3-D elastic settlement of foundations on soils with inclined bedrock". Soils and
Foundations. 58 (6): 1414–1422. doi:10.1016/j.sandf.2018.08.001 (https://doi.org/10.1016%
2Fj.sandf.2018.08.001). hdl:10045/81208 (https://hdl.handle.net/10045%2F81208).
ISSN 0038-0806 (https://www.worldcat.org/issn/0038-0806).
97. null null (1 April 2000). "Artificial Neural Networks in Hydrology. I: Preliminary Concepts".
Journal of Hydrologic Engineering. 5 (2): 115–123. CiteSeerX 10.1.1.127.3861 (https://cites
eerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.127.3861). doi:10.1061/(ASCE)1084-
0699(2000)5:2(115) (https://doi.org/10.1061%2F%28ASCE%291084-0699%282000%295%
3A2%28115%29).
98. null null (1 April 2000). "Artificial Neural Networks in Hydrology. II: Hydrologic Applications".
Journal of Hydrologic Engineering. 5 (2): 124–137. doi:10.1061/(ASCE)1084-
0699(2000)5:2(124) (https://doi.org/10.1061%2F%28ASCE%291084-0699%282000%295%
3A2%28124%29).
99. Peres, D. J.; Iuppa, C.; Cavallaro, L.; Cancelliere, A.; Foti, E. (1 October 2015). "Significant
wave height record extension by neural networks and reanalysis wind data". Ocean
Modelling. 94: 128–140. Bibcode:2015OcMod..94..128P (https://ui.adsabs.harvard.edu/abs/
2015OcMod..94..128P). doi:10.1016/j.ocemod.2015.08.002 (https://doi.org/10.1016%2Fj.oc
emod.2015.08.002).
100. Dwarakish, G. S.; Rakshith, Shetty; Natesan, Usha (2013). "Review on Applications of
Neural Network in Coastal Engineering" (http://www.ciitresearch.org/dl/index.php/aiml/articl
e/view/AIML072013007). Artificial Intelligent Systems and Machine Learning. 5 (7): 324–
331.
101. Ermini, Leonardo; Catani, Filippo; Casagli, Nicola (1 March 2005). "Artificial Neural
Networks applied to landslide susceptibility assessment". Geomorphology.
Geomorphological hazard and human impact in mountain environments. 66 (1): 327–343.
Bibcode:2005Geomo..66..327E (https://ui.adsabs.harvard.edu/abs/2005Geomo..66..327E).
doi:10.1016/j.geomorph.2004.09.025 (https://doi.org/10.1016%2Fj.geomorph.2004.09.025).
102. Nix, R.; Zhang, J. (May 2017). "Classification of Android apps and malware using deep
neural networks" (https://ieeexplore.ieee.org/document/7966078). 2017 International Joint
Conference on Neural Networks (IJCNN): 1871–1878. doi:10.1109/IJCNN.2017.7966078 (h
ttps://doi.org/10.1109%2FIJCNN.2017.7966078). ISBN 978-1-5090-6182-2.
103. "Detecting Malicious URLs" (http://www.sysnet.ucsd.edu/projects/url/). The systems and
networking group at UCSD.
104. Homayoun, Sajad; Ahmadzadeh, Marzieh; Hashemi, Sattar; Dehghantanha, Ali; Khayami,
Raouf (2018), Dehghantanha, Ali; Conti, Mauro; Dargahi, Tooska (eds.), "BoTShark: A
Deep Learning Approach for Botnet Traffic Detection", Cyber Threat Intelligence, Advances
in Information Security, Springer International Publishing, pp. 137–153, doi:10.1007/978-3-
319-73951-9_7 (https://doi.org/10.1007%2F978-3-319-73951-9_7), ISBN 9783319739519
105. and (January 1994). "Credit card fraud detection with a neural-network". 1994 Proceedings
of the Twenty-Seventh Hawaii International Conference on System Sciences. 3: 621–630.
doi:10.1109/HICSS.1994.323314 (https://doi.org/10.1109%2FHICSS.1994.323314).
ISBN 978-0-8186-5090-1.
106. Nagy, Alexandra (28 June 2019). "Variational Quantum Monte Carlo Method with a Neural-
Network Ansatz for Open Quantum Systems". Physical Review Letters. 122 (25): 250501.
arXiv:1902.09483 (https://arxiv.org/abs/1902.09483). Bibcode:2019PhRvL.122y0501N (http
s://ui.adsabs.harvard.edu/abs/2019PhRvL.122y0501N).
doi:10.1103/PhysRevLett.122.250501 (https://doi.org/10.1103%2FPhysRevLett.122.25050
1). PMID 31347886 (https://pubmed.ncbi.nlm.nih.gov/31347886).
107. Yoshioka, Nobuyuki; Hamazaki, Ryusuke (28 June 2019). "Constructing neural stationary
states for open quantum many-body systems". Physical Review B. 99 (21): 214306.
arXiv:1902.07006 (https://arxiv.org/abs/1902.07006). Bibcode:2019arXiv190207006Y (http
s://ui.adsabs.harvard.edu/abs/2019arXiv190207006Y). doi:10.1103/PhysRevB.99.214306
(https://doi.org/10.1103%2FPhysRevB.99.214306).
108. Hartmann, Michael J.; Carleo, Giuseppe (28 June 2019). "Neural-Network Approach to
Dissipative Quantum Many-Body Dynamics". Physical Review Letters. 122 (25): 250502.
arXiv:1902.05131 (https://arxiv.org/abs/1902.05131). Bibcode:2019arXiv190205131H (http
s://ui.adsabs.harvard.edu/abs/2019arXiv190205131H).
doi:10.1103/PhysRevLett.122.250502 (https://doi.org/10.1103%2FPhysRevLett.122.25050
2). PMID 31347862 (https://pubmed.ncbi.nlm.nih.gov/31347862).
109. Vicentini, Filippo; Biella, Alberto; Regnault, Nicolas; Ciuti, Cristiano (28 June 2019).
"Variational Neural-Network Ansatz for Steady States in Open Quantum Systems". Physical
Review Letters. 122 (25): 250503. arXiv:1902.10104 (https://arxiv.org/abs/1902.10104).
Bibcode:2019arXiv190210104V (https://ui.adsabs.harvard.edu/abs/2019arXiv190210104V).
doi:10.1103/PhysRevLett.122.250503 (https://doi.org/10.1103%2FPhysRevLett.122.25050
3). PMID 31347877 (https://pubmed.ncbi.nlm.nih.gov/31347877).
110. Forrest MD (April 2015). "Simulation of alcohol action upon a detailed Purkinje neuron
model and a simpler surrogate model that runs >400 times faster" (https://www.ncbi.nlm.nih.
gov/pmc/articles/PMC4417229). BMC Neuroscience. 16 (27): 27. doi:10.1186/s12868-015-
0162-6 (https://doi.org/10.1186%2Fs12868-015-0162-6). PMC 4417229 (https://www.ncbi.nl
m.nih.gov/pmc/articles/PMC4417229). PMID 25928094 (https://pubmed.ncbi.nlm.nih.gov/25
928094).
111. Siegelmann, H.T.; Sontag, E.D. (1991). "Turing computability with neural nets" (http://www.
math.rutgers.edu/~sontag/FTPDIR/aml-turing.pdf) (PDF). Appl. Math. Lett. 4 (6): 77–80.
doi:10.1016/0893-9659(91)90080-F (https://doi.org/10.1016%2F0893-9659%2891%299008
0-F).
112. Balcázar, José (July 1997). "Computational Power of Neural Networks: A Kolmogorov
Complexity Characterization". IEEE Transactions on Information Theory. 43 (4): 1175–1183.
CiteSeerX 10.1.1.411.7782 (https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.411.
7782). doi:10.1109/18.605580 (https://doi.org/10.1109%2F18.605580).
113. [1] (https://papers.nips.cc/paper/8076-neural-tangent-kernel-convergence-and-generalizatio
n-in-neural-networks.pdf), Neural Tangent Kernel: Convergence and Generalization in
Neural Networks.
114. [2] (https://link.springer.com/chapter/10.1007/978-3-030-36708-4_22), Training Behavior of
Deep Neural Network in Frequency Domain.
115. [3] (http://proceedings.mlr.press/v97/rahaman19a.html), On the Spectral Bias of Neural
Networks.
116. [4] (https://arxiv.org/abs/1901.06523), Frequency Principle: Fourier Analysis Sheds Light on
Deep Neural Networks.
117. [5] (https://arxiv.org/abs/1906.09235), Theory of the Frequency Principle for General Deep
Neural Networks.
118. Crick, Francis (1989). "The recent excitement about neural networks". Nature. 337 (6203):
129–132. Bibcode:1989Natur.337..129C (https://ui.adsabs.harvard.edu/abs/1989Natur.337..
129C). doi:10.1038/337129a0 (https://doi.org/10.1038%2F337129a0). PMID 2911347 (http
s://pubmed.ncbi.nlm.nih.gov/2911347).
119. Adrian, Edward D. (1926). "The impulses produced by sensory nerve endings" (https://www.
ncbi.nlm.nih.gov/pmc/articles/PMC1514809). The Journal of Physiology. 61 (1): 49–72.
doi:10.1113/jphysiol.1926.sp002273 (https://doi.org/10.1113%2Fjphysiol.1926.sp002273).
PMC 1514809 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC1514809). PMID 16993776
(https://pubmed.ncbi.nlm.nih.gov/16993776).
120. Dewdney, A. K. (1 April 1997). Yes, we have no neutrons: an eye-opening tour through the
twists and turns of bad science (https://books.google.com/books?id=KcHaAAAAMAAJ&pg=
PA82). Wiley. p. 82. ISBN 978-0-471-10806-1.
121. NASA – Dryden Flight Research Center – News Room: News Releases: NASA NEURAL
NETWORK PROJECT PASSES MILESTONE (http://www.nasa.gov/centers/dryden/news/N
ewsReleases/2003/03-49.html). Nasa.gov. Retrieved on 2013-11-20.
122. "Roger Bridgman's defence of neural networks" (https://web.archive.org/web/201203191633
52/http://members.fortunecity.com/templarseries/popper.html). Archived from the original (ht
tp://members.fortunecity.com/templarseries/popper.html) on 19 March 2012. Retrieved
12 July 2010.
123. D. J. Felleman and D. C. Van Essen, "Distributed hierarchical processing in the primate
cerebral cortex (http://cercor.oxfordjournals.org/content/1/1/1.1.full.pdf+html)," Cerebral
Cortex, 1, pp. 1–47, 1991.
124. J. Weng, "Natural and Artificial Intelligence: Introduction to Computational Brain-Mind (http
s://www.amazon.com/Natural-Artificial-Intelligence-Introduction-Computational/dp/09858757
20)," BMI Press, ISBN 978-0985875725, 2012.
125. Edwards, Chris (25 June 2015). "Growing pains for deep learning". Communications of the
ACM. 58 (7): 14–16. doi:10.1145/2771283 (https://doi.org/10.1145%2F2771283).
126. Schmidhuber, Jürgen (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).
127. "A Survey of FPGA-based Accelerators for Convolutional Neural Networks (https://www.aca
demia.edu/37491583/A_Survey_of_FPGA-based_Accelerators_for_Convolutional_Neural_
Networks)", NCAA, 2018
128. Cade Metz (18 May 2016). "Google Built Its Very Own Chips to Power Its AI Bots" (https://w
ww.wired.com/2016/05/google-tpu-custom-chips/). Wired.
129. "Scaling Learning Algorithms towards {AI} - LISA - Publications - Aigaion 2.0" (http://www.ir
o.umontreal.ca/~lisa/publications2/index.php/publications/show/4). www.iro.umontreal.ca.
130. Sun and Bookman (1990)
131. Tahmasebi; Hezarkhani (2012). "A hybrid neural networks-fuzzy logic-genetic algorithm for
grade estimation" (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4268588). Computers &
Geosciences. 42: 18–27. Bibcode:2012CG.....42...18T (https://ui.adsabs.harvard.edu/abs/2
012CG.....42...18T). doi:10.1016/j.cageo.2012.02.004 (https://doi.org/10.1016%2Fj.cageo.2
012.02.004). PMC 4268588 (https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4268588).
PMID 25540468 (https://pubmed.ncbi.nlm.nih.gov/25540468).
Bibliography
Bhadeshia H. K. D. H. (1999). "Neural Networks in Materials Science" (http://www.msm.ca
m.ac.uk/phase-trans/abstracts/neural.review.pdf) (PDF). ISIJ International. 39 (10): 966–
979. doi:10.2355/isijinternational.39.966
(https://doi.org/10.2355%2Fisijinternational.39.966).
Bishop, Christopher M. (1995). Neural networks for pattern recognition. Clarendon Press.
ISBN 978-0198538493. OCLC 33101074 (https://www.worldcat.org/oclc/33101074).
Borgelt, Christian (2003). Neuro-Fuzzy-Systeme : von den Grundlagen künstlicher
Neuronaler Netze zur Kopplung mit Fuzzy-Systemen. Vieweg. ISBN 9783528252656.
OCLC 76538146 (https://www.worldcat.org/oclc/76538146).
Cybenko, G.V. (2006). "Approximation by Superpositions of a Sigmoidal function" (https://bo
oks.google.com/books?id=4RtVAAAAMAAJ&pg=PA303). In van Schuppen, Jan H. (ed.).
Mathematics of Control, Signals, and Systems. Springer International. pp. 303–314. PDF (ht
tps://web.archive.org/web/20110719183058/http://actcomm.dartmouth.edu/gvc/papers/appr
ox_by_superposition.pdf)
Dewdney, A. K. (1997). Yes, we have no neutrons : an eye-opening tour through the twists
and turns of bad science. New York: Wiley. ISBN 9780471108061. OCLC 35558945 (https://
www.worldcat.org/oclc/35558945).
Duda, Richard O.; Hart, Peter Elliot; Stork, David G. (2001). Pattern classification (2 ed.).
Wiley. ISBN 978-0471056690. OCLC 41347061 (https://www.worldcat.org/oclc/41347061).
Egmont-Petersen, M.; de Ridder, D.; Handels, H. (2002). "Image processing with neural
networks – a review". Pattern Recognition. 35 (10): 2279–2301. CiteSeerX 10.1.1.21.5444
(https://citeseerx.ist.psu.edu/viewdoc/summary?doi=10.1.1.21.5444). doi:10.1016/S0031-
3203(01)00178-9 (https://doi.org/10.1016%2FS0031-3203%2801%2900178-9).
Fahlman, S.; Lebiere, C (1991). "The Cascade-Correlation Learning Architecture" (http://ww
w.cs.iastate.edu/~honavar/fahlman.pdf) (PDF).
created for National Science Foundation, Contract Number EET-8716324, and Defense
Advanced Research Projects Agency (DOD), ARPA Order No. 4976 under Contract
F33615-87-C-1499.
Gurney, Kevin (1997). An introduction to neural networks. UCL Press. ISBN 978-
1857286731. OCLC 37875698 (https://www.worldcat.org/oclc/37875698).
Haykin, Simon S. (1999). Neural networks : a comprehensive foundation. Prentice Hall.
ISBN 978-0132733502. OCLC 38908586 (https://www.worldcat.org/oclc/38908586).
Hertz, J.; Palmer, Richard G.; Krogh, Anders S. (1991). Introduction to the theory of neural
computation. Addison-Wesley. ISBN 978-0201515602. OCLC 21522159 (https://www.world
cat.org/oclc/21522159).
Information theory, inference, and learning algorithms. Cambridge University Press. 25
September 2003. Bibcode:2003itil.book.....M (https://ui.adsabs.harvard.edu/abs/2003itil.boo
k.....M). ISBN 9780521642989. OCLC 52377690 (https://www.worldcat.org/oclc/52377690).
Kruse, Rudolf; Borgelt, Christian; Klawonn, F.; Moewes, Christian; Steinbrecher, Matthias;
Held, Pascal (2013). Computational intelligence : a methodological introduction. Springer.
ISBN 9781447150121. OCLC 837524179 (https://www.worldcat.org/oclc/837524179).
Lawrence, Jeanette (1994). Introduction to neural networks : design, theory and
applications. California Scientific Software. ISBN 978-1883157005. OCLC 32179420 (http
s://www.worldcat.org/oclc/32179420).
MacKay, David, J.C. (2003). Information Theory, Inference, and Learning Algorithms (http://
www.inference.phy.cam.ac.uk/itprnn/book.pdf) (PDF). Cambridge University Press.
ISBN 9780521642989.
Masters, Timothy (1994). Signal and image processing with neural networks : a C++
sourcebook. J. Wiley. ISBN 978-0471049630. OCLC 29877717 (https://www.worldcat.org/o
clc/29877717).
Ripley, Brian D. (2007). Pattern Recognition and Neural Networks (https://books.google.co
m/books?id=m12UR8QmLqoC). Cambridge University Press. ISBN 978-0-521-71770-0.
Siegelmann, H.T.; Sontag, Eduardo D. (1994). "Analog computation via neural networks" (ht
tps://pdfs.semanticscholar.org/861e/de32115d157e1568622b153e7ed3dca28467.pdf)
(PDF). Theoretical Computer Science. 131 (2): 331–360. doi:10.1016/0304-3975(94)90178-
3 (https://doi.org/10.1016%2F0304-3975%2894%2990178-3).
Smith, Murray (1993). Neural networks for statistical modeling. Van Nostrand Reinhold.
ISBN 978-0442013103. OCLC 27145760 (https://www.worldcat.org/oclc/27145760).
Wasserman, Philip D. (1993). Advanced methods in neural computing. Van Nostrand
Reinhold. ISBN 978-0442004613. OCLC 27429729 (https://www.worldcat.org/oclc/2742972
9).
Wilson, Halsey (2018). Artificial intelligence. Grey House Publishing. ISBN 978-
1682178676.
External links
The Neural Network Zoo (http://www.asimovinstitute.org/neural-network-zoo/) – a
compilation of neural network types
The Stilwell Brain (https://www.youtube.com/watch?v=rA5qnZUXcqo) – a Mind Field
episode featuring an experiment in which humans act as individual neurons in a neural
network that classifies handwritten digits
Text is available under the Creative Commons Attribution-ShareAlike License; additional terms may apply. By using
this site, you agree to the Terms of Use and Privacy Policy. Wikipedia® is a registered trademark of the Wikimedia
Foundation, Inc., a non-profit organization.