fbpx
Wikipedia

Neural network (machine learning)

In machine learning, a neural network (also artificial neural network or neural net, abbreviated ANN or NN) is a model inspired by the structure and function of biological neural networks in animal brains.[1][2]

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

An ANN consists of connected units or nodes called artificial neurons, which loosely model the neurons in a brain. These are connected by edges, which model the synapses in a brain. Each artificial neuron receives signals from connected neurons, then processes them and sends a signal to other connected neurons. The "signal" is a real number, and the output of each neuron is computed by some non-linear function of the sum of its inputs, called the activation function. The strength of the signal at each connection is determined by a weight, which adjusts during the learning process.

Typically, neurons are aggregated into layers. Different layers may perform different transformations on their inputs. Signals travel from the first layer (the input layer) to the last layer (the output layer), possibly passing through multiple intermediate layers (hidden layers). A network is typically called a deep neural network if it has at least 2 hidden layers.[3]

Artificial neural networks are used for various tasks, including predictive modeling, adaptive control, and solving problems in artificial intelligence. They can learn from experience, and can derive conclusions from a complex and seemingly unrelated set of information.

Training edit

Neural networks are typically trained through empirical risk minimization. This method is based on the idea of optimizing the network's parameters to minimize the difference, or empirical risk, between the predicted output and the actual target values in a given dataset.[4] Gradient based methods such as backpropagation are usually used to estimate the parameters of the network.[4] During the training phase, ANNs learn from labeled training data by iteratively updating their parameters to minimize a defined loss function.[5] This method allows the network to generalize to unseen data.

 
Simplified example of training a neural network in object detection: The network is trained by multiple images that are known to depict starfish and sea urchins, which are correlated with "nodes" that represent visual features. The starfish match with a ringed texture and a star outline, whereas most sea urchins match with a striped texture and oval shape. However, the instance of a ring textured sea urchin creates a weakly weighted association between them.
 
Subsequent run of the network on an input image (left):[6] The network correctly detects the starfish. However, the weakly weighted association between ringed texture and sea urchin also confers a weak signal to the latter from one of two intermediate nodes. In addition, a shell that was not included in the training gives a weak signal for the oval shape, also resulting in a weak signal for the sea urchin output. These weak signals may result in a false positive result for sea urchin.
In reality, textures and outlines would not be represented by single nodes, but rather by associated weight patterns of multiple nodes.

History edit

Historically, digital computers evolved from the von Neumann model, and operate via the execution of explicit instructions via access to memory by a number of processors. Neural networks, on the other hand, originated from efforts to model information processing in biological systems through the framework of connectionism. Unlike the von Neumann model, connectionist computing does not separate memory and processing.

The simplest kind of feedforward neural network (FNN) is a linear network, which consists of a single layer of output nodes; the inputs are fed directly to the outputs via a series of weights. The sum of the products of the weights and the inputs is calculated at each node. The mean squared errors between these calculated outputs and the given target values are minimized by creating an adjustment to the weights. This technique has been known for over two centuries as the method of least squares or linear regression. It was used as a means of finding a good rough linear fit to a set of points by Legendre (1805) and Gauss (1795) for the prediction of planetary movement.[7][8][9][10][11]

Warren McCulloch and Walter Pitts[12] (1943) also considered a non-learning computational model for neural networks.[13]

In the late 1940s, D. O. Hebb[14] created a learning hypothesis based on the mechanism of neural plasticity that became known as Hebbian learning. Hebbian learning is considered to be a 'typical' unsupervised learning rule and its later variants were early models for long term potentiation. These ideas started being applied to computational models in 1948 with Turing's "unorganized machines". Farley and Wesley A. Clark[15] were the first to simulate a Hebbian network in 1954 at MIT. They used computational machines, then called "calculators". Other neural network computational machines were created by Rochester, Holland, Habit, and Duda[16] in 1956. In 1958, psychologist Frank Rosenblatt invented the perceptron, the first implemented artificial neural network,[17][18][19][20] funded by the United States Office of Naval Research.[21]

The invention of the perceptron raised public excitement for research in Artificial Neural Networks, causing the US government to drastically increase funding into deep learning research. This led to "the golden age of AI" fueled by the optimistic claims made by computer scientists regarding the ability of perceptrons to emulate human intelligence.[22] For example, in 1957 Herbert Simon famously said:[22]

It is not my aim to surprise or shock you—but the simplest way I can summarize is to say that there are now in the world machines that think, that learn and that create. Moreover, their ability to do these things is going to increase rapidly until—in a visible future—the range of problems they can handle will be coextensive with the range to which the human mind has been applied.

However, this wasn't the case as research stagnated in the United States following the work of Minsky and Papert (1969),[23] who discovered that basic perceptrons were incapable of processing the exclusive-or circuit and that computers lacked sufficient power to train useful neural networks. This, along with other factors such as the 1973 Lighthill report by James Lighthill stating that research in Artificial Intelligence has not "produced the major impact that was then promised," shutting funding in research into the field of AI in all but two universities in the UK and in many major institutions across the world.[24] This ushered an era called the AI Winter with reduced research into connectionism due to a decrease in government funding and an increased stress on symbolic artificial intelligence in the United States and other Western countries.[25][24]

During the AI Winter era, however, research outside the United States continued, especially in Eastern Europe. By the time Minsky and Papert's book on Perceptrons came out, methods for training multilayer perceptrons (MLPs) were already known. The first deep learning MLP was published by Alexey Grigorevich Ivakhnenko and Valentin Lapa in 1965, as the Group Method of Data Handling.[26][27][28] The first deep learning MLP trained by stochastic gradient descent[29] was published in 1967 by Shun'ichi Amari.[30][31] In computer experiments conducted by Amari's student Saito, a five layer MLP with two modifiable layers learned useful internal representations to classify non-linearily separable pattern classes.[31]

Self-organizing maps (SOMs) were described by Teuvo Kohonen in 1982.[32][33] SOMs are neurophysiologically inspired[34] neural networks that learn low-dimensional representations of high-dimensional data while preserving the topological structure of the data. They are trained using competitive learning.[32]

The convolutional neural network (CNN) architecture with convolutional layers and downsampling layers was introduced by Kunihiko Fukushima in 1980.[35] He called it the neocognitron. In 1969, he also introduced the ReLU (rectified linear unit) activation function.[36][10] The rectifier has become the most popular activation function for CNNs and deep neural networks in general.[37] CNNs have become an essential tool for computer vision.

A key in later advances in artificial neural network research was the backpropagation algorithm, an efficient application of the Leibniz chain rule (1673)[38] to networks of differentiable nodes.[10] It is also known as the reverse mode of automatic differentiation or reverse accumulation, due to Seppo Linnainmaa (1970).[39][40][41][42][10] The term "back-propagating errors" was introduced in 1962 by Frank Rosenblatt,[43][10] but he did not have an implementation of this procedure, although Henry J. Kelley[44] and Bryson[45] had dynamic programming based continuous precursors of backpropagation[26][46][47][48] already in 1960–61 in the context of control theory.[10] In 1973, Dreyfus used backpropagation to adapt parameters of controllers in proportion to error gradients.[49] In 1982, Paul Werbos applied backpropagation to MLPs in the way that has become standard.[50][46] In 1986 Rumelhart, Hinton and Williams showed that backpropagation learned interesting internal representations of words as feature vectors when trained to predict the next word in a sequence.[51]

In the late 1970s to early 1980s, interest briefly emerged in theoretically investigating the Ising model created by Wilhelm Lenz (1920) and Ernst Ising (1925)[52] in relation to Cayley tree topologies and large neural networks. The Ising model is essentially a non-learning artificial recurrent neural network (RNN) consisting of neuron-like threshold elements.[10] In 1972, Shun'ichi Amari described an adaptive version of this architecture,[53][10] In 1981, the Ising model was solved exactly by Peter Barth for the general case of closed Cayley trees (with loops) with an arbitrary branching ratio[54] and found to exhibit unusual phase transition behavior in its local-apex and long-range site-site correlations.[55][56] John Hopfield popularised this architecture in 1982,[57] and it is now known as a Hopfield network.

The time delay neural network (TDNN) of Alex Waibel (1987) combined convolutions and weight sharing and backpropagation.[58][59] In 1988, Wei Zhang et al. applied backpropagation to a CNN (a simplified Neocognitron with convolutional interconnections between the image feature layers and the last fully connected layer) for alphabet recognition.[60][61] In 1989, Yann LeCun et al. trained a CNN to recognize handwritten ZIP codes on mail.[62] In 1992, max-pooling for CNNs was introduced by Juan Weng et al. to help with least-shift invariance and tolerance to deformation to aid 3D object recognition.[63][64][65] LeNet-5 (1998), a 7-level CNN by Yann LeCun et al.,[66] that classifies digits, was applied by several banks to recognize hand-written numbers on checks digitized in 32x32 pixel images.

From 1988 onward,[67][68] the use of neural networks transformed the field of protein structure prediction, in particular when the first cascading networks were trained on profiles (matrices) produced by multiple sequence alignments.[69]

In 1991, Sepp Hochreiter's diploma thesis [70] identified and analyzed the vanishing gradient problem[70][71] and proposed recurrent residual connections to solve it. His thesis was called "one of the most important documents in the history of machine learning" by his supervisor Juergen Schmidhuber.[10]

In 1991, Juergen Schmidhuber 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.[72][73][74] 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 1992, Juergen Schmidhuber proposed a hierarchy of RNNs pre-trained one level at a time by self-supervised learning.[75] 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.[75][10] In the same year he also published an alternative to RNNs[76] which is a precursor of a linear Transformer.[77][78][10] It introduces the concept internal spotlights of attention:[79] 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.

The development of metal–oxide–semiconductor (MOS) very-large-scale integration (VLSI), in the form of complementary MOS (CMOS) technology, enabled increasing MOS transistor counts in digital electronics. This provided more processing power for the development of practical artificial neural networks in the 1980s.[80]

Neural networks' early successes included in 1995 a (mostly) self-driving car.[a][81]

1997, Sepp Hochreiter and Juergen Schmidhuber introduced the deep learning method called long short-term memory (LSTM), published in Neural Computation.[82] LSTM recurrent neural networks can learn "very deep learning" tasks[83] 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.[84]

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[85] 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.[86] 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".[5]

Variants of the back-propagation algorithm, as well as unsupervised methods by Geoff Hinton and colleagues at the University of Toronto, can be used to train deep, highly nonlinear neural architectures,[87] similar to the 1980 Neocognitron by Kunihiko Fukushima,[88] and the "standard architecture of vision",[89] inspired by the simple and complex cells identified by David H. Hubel and Torsten Wiesel in the primary visual cortex.

Computational devices have been created in CMOS for both biophysical simulation and neuromorphic computing. More recent efforts show promise for creating nanodevices for very large scale principal components analyses and convolution.[90] If successful, these efforts could usher in a new era of neural computing that is a step beyond digital computing,[91] because it depends on learning rather than programming and because it is fundamentally analog rather than digital even though the first instantiations may in fact be with CMOS digital devices.

Ciresan and colleagues (2010)[92] showed that despite the vanishing gradient problem, GPUs make backpropagation feasible for many-layered feedforward neural networks.[93] Between 2009 and 2012, ANNs began winning prizes in image recognition contests, approaching human level performance on various tasks, initially in pattern recognition and handwriting recognition.[94][95] For example, the bi-directional and multi-dimensional long short-term memory (LSTM)[96][97] of Graves et al. won three competitions in connected handwriting recognition in 2009 without any prior knowledge about the three languages to be learned.[96][97]

Ciresan and colleagues built the first pattern recognizers to achieve human-competitive/superhuman performance[98] on benchmarks such as traffic sign recognition (IJCNN 2012).

Radial basis function and wavelet networks were introduced in 2013. These can be shown to offer best approximation properties and have been applied in nonlinear system identification and classification applications.[99]

In 2014, the adversarial network principle was used in a generative adversarial network (GAN) by Ian Goodfellow et al.[100] Here the adversarial network (discriminator) outputs a value between 1 and 0 depending on the likelihood of the first network's (generator) output is in a given set. This can be used to create realistic deepfakes.[101] Excellent image quality is achieved by Nvidia's StyleGAN (2018)[102] based on the Progressive GAN by Tero Karras, Timo Aila, Samuli Laine, and Jaakko Lehtinen.[103] Here the GAN generator is grown from small to large scale in a pyramidal fashion.

In 2015, Rupesh Kumar Srivastava, Klaus Greff, and Schmidhuber used the LSTM principle to create the Highway network, a feedforward neural network with hundreds of layers, much deeper than previous networks.[104][105] 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.[106]

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

Ramenzanpour et al. showed in 2020 that analytical and computational techniques derived from statistical physics of disordered systems can be extended to large-scale problems, including machine learning, e.g., to analyze the weight space of deep neural networks.[110]

Models edit

 
Neuron and myelinated axon, with signal flow from inputs at dendrites to outputs at axon terminals

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, abandoning attempts to remain true to their biological precursors. ANNs have the ability to learn and model non-linearities and complex relationships. This is achieved by neurons being connected in various patterns, allowing the output of some neurons to become the input of others. The network forms a directed, weighted graph.[111]

An artificial neural network consists of simulated neurons. Each neuron is connected to other nodes via links like a biological axon-synapse-dendrite connection. All the nodes connected by links take in some data and use it to perform specific operations and tasks on the data. Each link has a weight, determining the strength of one node's influence on another,[112] allowing weights to choose the signal between neurons.

Artificial neurons edit

ANNs are composed of artificial neurons which are conceptually derived from biological neurons. Each artificial neuron has inputs and produces a single output which can be sent to multiple other neurons.[113] The inputs can be the feature values of a sample of external data, such as images or documents, or they can be the outputs of other neurons. The outputs of the final output neurons of the neural net accomplish the task, such as recognizing an object in an image.

To find the output of the neuron we take the weighted sum of all the inputs, weighted by the weights of the connections from the inputs to the neuron. We add a bias term to this sum.[114] This weighted sum is sometimes called the activation. This weighted sum is then passed through a (usually nonlinear) activation function to produce the output. 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.[115]

Organization edit

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 connects to a single neuron in the next layer, thereby reducing the number of neurons in that layer.[116] Neurons with only such connections form a directed acyclic graph and are known as feedforward networks.[117] Alternatively, networks that allow connections between neurons in the same or previous layers are known as recurrent networks.[118]

Hyperparameter edit

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.[119] 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 edit

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. Most learning models can be viewed as a straightforward application of optimization theory and statistical estimation.[111][120]

Learning rate edit

The learning rate defines the size of the corrective steps that the model takes to adjust for errors in each observation.[121] 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.[122] 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 edit

While it is possible to define a cost function ad hoc, frequently the choice is determined by the function's 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 edit

Backpropagation is a method used 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,[123] "no-prop" networks,[124] training without backtracking,[125] "weightless" networks,[126][127] and non-connectionist neural networks.[citation needed]

Learning paradigms edit

Machine learning is commonly separated into three main learning paradigms, supervised learning,[128] unsupervised learning[129] and reinforcement learning.[130] Each corresponds to a particular learning task.

Supervised learning edit

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.[131] 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 handwriting, 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 edit

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 edit

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.[132][133] Dynamic programming coupled with ANNs (giving neurodynamic programming)[134] has been applied to problems such as those involved in vehicle routing,[135] video games, natural resource management[136][137] and medicine[138] 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 edit

Self-learning in neural networks was introduced in 1982 along with a neural network capable of self-learning named crossbar adaptive array (CAA).[139] 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.[140] Given the 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.[141]

Neuroevolution edit

Neuroevolution can create neural network topologies and weights using evolutionary computation. It is competitive with sophisticated gradient descent approaches[citation needed]. One advantage of neuroevolution is that it may be less prone to get caught in "dead ends".[142]

Stochastic neural network edit

Stochastic neural networks originating from Sherrington–Kirkpatrick models are a type of artificial neural network built by introducing random variations into the network, either by giving the network's artificial neurons stochastic transfer functions, or by giving them stochastic weights. This makes them useful tools for optimization problems, since the random fluctuations help the network escape from local minima.[143] Stochastic neural networks trained using a Bayesian approach are known as Bayesian neural networks.[144]

Other edit

In a Bayesian framework, a distribution over the set of allowed models is chosen to minimize the cost. Evolutionary methods,[145] gene expression programming,[146] simulated annealing,[147] expectation-maximization, non-parametric methods and particle swarm optimization[148] are other learning algorithms. Convergent recursion is a learning algorithm for cerebellar model articulation controller (CMAC) neural networks.[149][150]

Modes edit

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 edit

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 is 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:

Network design edit

Using artificial neural networks requires an understanding of their characteristics.

  • Choice of model: This depends on the data representation and the application. Model parameters include the number, type, and connectedness of network layers, as well as the size of each and the connection type (full, pooling, etc. ). Overly complex models learn slowly.
  • Learning algorithm: Numerous trade-offs exist between learning algorithms. Almost any algorithm will work well with the correct hyperparameters[160] 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.

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.[161] Available systems include AutoML and AutoKeras.[162] scikit-learn library provides functions to help with building a deep network from scratch. We can then implement a deep network with TensorFlow or Keras.

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

The Python code snippet provides an overview of the training function, which uses the training dataset, number of hidden layer units, learning rate, and number of iterations as parameters:
def train(X, y, n_hidden, learning_rate, n_iter):  m, n_input = X.shape   # 1. random initialize weights and biases  w1 = np.random.randn(n_input, n_hidden)  b1 = np.zeros((1, n_hidden))  w2 = np.random.randn(n_hidden, 1)  b2 = np.zeros((1, 1))   # 2. in each iteration, feed all layers with the latest weights and biases  for i in range(n_iter + 1):  z2 = np.dot(X, w1) + b1  a2 = sigmoid(z2)  z3 = np.dot(a2, w2) + b2  a3 = z3  dz3 = a3 - y  dw2 = np.dot(a2.T, dz3)  db2 = np.sum(dz3, axis=0, keepdims=True)  dz2 = np.dot(dz3, w2.T) * sigmoid_derivative(z2)  dw1 = np.dot(X.T, dz2)  db1 = np.sum(dz2, axis=0)   # 3. update weights and biases with gradients  w1 -= learning_rate * dw1 / m  w2 -= learning_rate * dw2 / m  b1 -= learning_rate * db1 / m  b2 -= learning_rate * db2 / m   if i % 1000 == 0:  print("Epoch", i, "loss: ", np.mean(np.square(dz3)))   model = {"w1": w1, "b1": b1, "w2": w2, "b2": b2}  return model 

[citation needed]

Applications edit

Because of their ability to reproduce and model nonlinear processes, artificial neural networks have found applications in many disciplines. These include:

ANNs have been used to diagnose several types of cancers[180][181] and to distinguish highly invasive cancer cell lines from less invasive lines using only cell shape information.[182][183]

ANNs have been used to accelerate reliability analysis of infrastructures subject to natural disasters[184][185] and to predict foundation settlements.[186] It can also be useful to mitigate flood by the use of ANNs for modelling rainfall-runoff.[187] ANNs have also been used for building black-box models in geoscience: hydrology,[188][189] ocean modelling and coastal engineering,[190][191] and geomorphology.[192] 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,[193] for identifying domains belonging to threat actors and for detecting URLs posing a security risk.[194] Research is underway on ANN systems designed for penetration testing, for detecting botnets,[195] credit cards frauds[196] and network intrusions.

ANNs have been proposed as a tool to solve partial differential equations in physics[197][198][199] and simulate the properties of many-body open quantum systems.[200][201][202][203] In brain research ANNs have studied short-term behavior of individual neurons,[204] 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.

It is possible to create a profile of a user's interests from pictures, using artificial neural networks trained for object recognition.[205]

Beyond their traditional applications, artificial neural networks are increasingly being utilized in interdisciplinary research, such as materials science. For instance, graph neural networks (GNNs) have demonstrated their capability in scaling deep learning for the discovery of new stable materials by efficiently predicting the total energy of crystals. This application underscores the adaptability and potential of ANNs in tackling complex problems beyond the realms of predictive modeling and artificial intelligence, opening new pathways for scientific discovery and innovation.[206]

Theoretical properties edit

Computational power edit

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,[207] 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.[208][209][failed verification]

Capacity edit

A model's "capacity" property 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. Two notions of capacity are known by the community. The information capacity and the VC Dimension. The information capacity of a perceptron is intensively discussed in Sir David MacKay's book[210] which summarizes work by Thomas Cover.[211] The capacity of a network of standard neurons (not convolutional) can be derived by four rules[212] that derive from understanding a neuron as an electrical element. The information capacity captures the functions modelable by the network given any data as input. The second notion, is the VC dimension. VC Dimension uses the principles of measure theory and finds the maximum capacity under the best possible circumstances. This is, given input data in a specific form. As noted in,[210] the VC Dimension for arbitrary inputs is half the information capacity of a Perceptron. The VC Dimension for arbitrary points is sometimes referred to as Memory Capacity.[213]

Convergence edit

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.

Another issue worthy to mention is that training may cross some Saddle point which may lead the convergence to the wrong direction.

The convergence behavior of certain types of ANN architectures are more understood than others. When the width of network approaches to infinity, the ANN is well described by its first order Taylor expansion throughout training, and so inherits the convergence behavior of affine models.[214][215] Another example is when parameters are small, it is observed that ANNs often fits target functions from low to high frequencies. This behavior is referred to as the spectral bias, or frequency principle, of neural networks.[216][217][218][219] This phenomenon is the opposite to the behavior of some well studied iterative numerical schemes such as Jacobi method. Deeper neural networks have been observed to be more biased towards low frequency functions.[220]

Generalization and statistics edit

Applications whose goal is to create a system that generalizes well to unseen examples, face the possibility of over-training. This arises in convoluted or over-specified systems when the network capacity significantly exceeds the needed free parameters. Two approaches address over-training. The first is to use cross-validation and similar techniques to check for the presence of over-training and to select hyperparameters to minimize the generalization error.

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.

 
Confidence analysis of a neural network

Supervised neural networks that use a mean squared error (MSE) cost function can use formal statistical methods to determine the confidence of the trained model. The MSE on a validation set can be used as an estimate for variance. This value can then be used to calculate the confidence interval of network output, assuming a normal distribution. A confidence analysis made this way is statistically valid as long as the output probability distribution stays the same and the network is not modified.

By assigning a softmax activation function, a generalization of the logistic function, on the output layer of the neural network (or a softmax component in a component-based network) for categorical target variables, the outputs can be interpreted as posterior probabilities. This is useful in classification as it gives a certainty measure on classifications.

The softmax activation function is:

 


Criticism edit

Training edit

A common criticism of neural networks, particularly in robotics, is that they require too many training samples for real-world operation.[221] Any learning machine needs sufficient representative examples in order to capture the underlying structure that allows it to generalize to new cases. 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.[149] Dean Pomerleau uses a neural network to train a robotic vehicle to drive on multiple types of roads (single lane, multi-lane, dirt, etc.), and a large amount of his research is devoted to extrapolating multiple training scenarios from a single training experience, and preserving past training diversity so that the system does not become overtrained (if, for example, it is presented with a series of right turns—it should not learn to always turn right).[222]

Theory edit

A central claim[citation needed] of ANNs is that they embody new and powerful general principles for processing information. These principles are ill-defined. It is often claimed[by whom?] 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. In 1997, Alexander Dewdney, a former Scientific American columnist, 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".[223] One response to Dewdney is that neural networks have been successfully used to handle many complex and diverse tasks, ranging from autonomously flying aircraft[224] to detecting credit card fraud to mastering the game of Go.

Technology writer Roger Bridgman commented:

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

Although it is true that analyzing what has been learned by an artificial neural network is difficult, it is much easier to do so than to analyze what has been learned by a biological neural network. Moreover, recent emphasis on the explainability of AI has contributed towards the development of methods, notably those based on attention mechanisms, for visualizing and explaining learned neural networks. Furthermore, researchers involved in exploring learning algorithms for neural networks are gradually uncovering generic principles that allow a learning machine to be successful. For example, Bengio and LeCun (2007) wrote an article regarding local vs non-local learning, as well as shallow vs deep architecture.[226]

Biological brains use both shallow and deep circuits as reported by brain anatomy,[227] displaying a wide variety of invariance. Weng[228] argued that the brain self-wires largely according to signal statistics and therefore, a serial cascade cannot catch all major statistical dependencies.

Hardware edit

Large and effective neural networks require considerable computing resources.[229] 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.[26] The use of accelerators such as FPGAs and GPUs can reduce training times from months to days.[229]

Neuromorphic engineering or a physical neural network 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.[230]

Practical counterexamples edit

Analyzing what has been learned by an ANN is much easier than analyzing 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.[231]

Hybrid approaches edit

Advocates of hybrid models (combining neural networks and symbolic approaches) say that such a mixture can better capture the mechanisms of the human mind.[232][233]

Dataset bias edit

Neural networks are dependent on the quality of the data they are trained on, thus low quality data with imbalanced representativeness can lead to the model learning and perpetuating societal biases.[234][235] These inherited biases become especially critical when the ANNs are integrated into real-world scenarios where the training data may be imbalanced due to the scarcity of data for a specific race, gender or other attribute.[234] This imbalance can result in the model having inadequate representation and understanding of underrepresented groups, leading to discriminatory outcomes that exasperate societal inequalities, especially in applications like facial recognition, hiring processes, and law enforcement.[235][236] For example, in 2018, Amazon had to scrap a recruiting tool because the model favored men over women for jobs in software engineering due to the higher number of male workers in the field.[236] The program would penalize any resume with the word "woman" or the name of any women's college. However, the use of synthetic data can help reduce dataset bias and increase representation in datasets.[237]

Gallery edit

Recent advancements and future directions edit

Artificial neural networks (ANNs) have undergone significant advancements, particularly in their ability to model complex systems, handle large data sets, and adapt to various types of applications. Their evolution over the past few decades has been marked by a broad range of applications in fields such as image processing, speech recognition, natural language processing, finance, and medicine.

Image processing edit

In the realm of image processing, ANNs are employed in tasks such as image classification, object recognition, and image segmentation. For instance, deep convolutional neural networks (CNNs) have been important in handwritten digit recognition, achieving state-of-the-art performance.[238] This demonstrates the ability of ANNs to effectively process and interpret complex visual information, leading to advancements in fields ranging from automated surveillance to medical imaging.[238]

Speech recognition edit

By modeling speech signals, ANNs are used for tasks like speaker identification and speech-to-text conversion. Deep neural network architectures have introduced significant improvements in large vocabulary continuous speech recognition, outperforming traditional techniques.[238][239] These advancements have enabled the development of more accurate and efficient voice-activated systems, enhancing user interfaces in technology products.

Natural language processing edit

In natural language processing, ANNs are used for tasks such as text classification, sentiment analysis, and machine translation. They have enabled the development of models that can accurately translate between languages, understand the context and sentiment in textual data, and categorize text based on content.[238][239] This has implications for automated customer service, content moderation, and language understanding technologies.

Control systems edit

In the domain of control systems, ANNs are used to model dynamic systems for tasks such as system identification, control design, and optimization. For instance, deep feedforward neural networks are important in system identification and control applications.

Finance edit

ANNs are used for stock market prediction and credit scoring:

  • In investing, ANNs can process vast amounts of financial data, recognize complex patterns, and forecast stock market trends, aiding investors and risk managers in making informed decisions.[238]
  • In credit scoring, ANNs offer data-driven, personalized assessments of creditworthiness, improving the accuracy of default predictions and automating the lending process.[239]

ANNs require high-quality data and careful tuning, and their "black-box" nature can pose challenges in interpretation. Nevertheless, ongoing advancements suggest that ANNs continue to play a role in finance, offering valuable insights and enhancing risk management strategies.

Medicine edit

ANNs are able to process and analyze vast medical datasets. They enhance diagnostic accuracy, especially by interpreting complex medical imaging for early disease detection, and by predicting patient outcomes for personalized treatment planning.[239] In drug discovery, ANNs speed up the identification of potential drug candidates and predict their efficacy and safety, significantly reducing development time and costs.[238] Additionally, their application in personalized medicine and healthcare data analysis allows tailored therapies and efficient patient care management.[239] Ongoing research is aimed at addressing remaining challenges such as data privacy and model interpretability, as well as expanding the scope of ANN applications in medicine.

Content creation edit

ANNs such as generative adversarial networks (GAN) and transformers are used for content creation across numerous industries.[240] This is because deep learning models are able to learn the style of an artist or musician from huge datasets and generate completely new artworks and music compositions. For instance, DALL-E is a deep neural network trained on 650 million pairs of images and texts across the internet that can create artworks based on text entered by the user.[241] In the field of music, transformers are used to create original music for commercials and documentaries through companies such as AIVA and Jukedeck.[242] In the marketing industry generative models are used to create personalized advertisements for consumers.[240] Additionally, major film companies are partnering with technology companies to analyze the financial success of a film, such as the partnership between Warner Bros and technology company Cinelytic established in 2020.[243] Furthermore, neural networks have found uses in video game creation, where Non Player Characters (NPCs) can make decisions based on all the characters currently in the game.[244]

See also edit

External links edit

Listen to this article (31 minutes)
 
This audio file was created from a revision of this article dated 27 November 2011 (2011-11-27), and does not reflect subsequent edits.
  • A Brief Introduction to Neural Networks (D. Kriesel) - Illustrated, bilingual manuscript about artificial neural networks; Topics so far: Perceptrons, Backpropagation, Radial Basis Functions, Recurrent Neural Networks, Self Organizing Maps, Hopfield Networks.
  • Review of Neural Networks in Materials Science
  • Next Generation of Neural Networks - Google Tech Talks
  • Performance of Neural Networks
  • Neural Networks and Information
  • Sanderson G (5 October 2017). "But what is a Neural Network?". 3Blue1Brown. Archived from the original on 7 November 2021 – via YouTube.

Notes edit

  1. ^ Steering for the 1995 "No Hands Across America" required "only a few human assists".

References edit

  1. ^ Hardesty L (14 April 2017). "Explained: Neural networks". MIT News Office. Retrieved 2 June 2022.
  2. ^ Yang Z, Yang Z (2014). Comprehensive Biomedical Physics. Karolinska Institute, Stockholm, Sweden: Elsevier. p. 1. ISBN 978-0-444-53633-4. from the original on 28 July 2022. Retrieved 28 July 2022.
  3. ^ Bishop CM (17 August 2006). Pattern Recognition and Machine Learning. New York: Springer. ISBN 978-0-387-31073-2.
  4. ^ a b Vapnik VN, Vapnik VN (1998). The nature of statistical learning theory (Corrected 2nd print. ed.). New York Berlin Heidelberg: Springer. ISBN 978-0-387-94559-0.
  5. ^ a b Ian Goodfellow and Yoshua Bengio and Aaron Courville (2016). Deep Learning. MIT Press. from the original on 16 April 2016. Retrieved 1 June 2016.
  6. ^ Ferrie, C., Kaiser, S. (2019). Neural Networks for Babies. Sourcebooks. ISBN 978-1-4926-7120-6.
  7. ^ Mansfield Merriman, "A List of Writings Relating to the Method of Least Squares"
  8. ^ Stigler SM (1981). "Gauss and the Invention of Least Squares". Ann. Stat. 9 (3): 465–474. doi:10.1214/aos/1176345451.
  9. ^ Bretscher O (1995). Linear Algebra With Applications (3rd ed.). Upper Saddle River, NJ: Prentice Hall.
  10. ^ a b c d e f g h i j k l Schmidhuber J (2022). "Annotated History of Modern AI and Deep Learning". arXiv:2212.11279 [cs.NE].
  11. ^ Stigler SM (1986). The History of Statistics: The Measurement of Uncertainty before 1900. Cambridge: Harvard. ISBN 0-674-40340-1.
  12. ^ McCulloch W, Walter Pitts (1943). "A Logical Calculus of Ideas Immanent in Nervous Activity". Bulletin of Mathematical Biophysics. 5 (4): 115–133. doi:10.1007/BF02478259.
  13. ^ Kleene S (1956). "Representation of Events in Nerve Nets and Finite Automata". Annals of Mathematics Studies. No. 34. Princeton University Press. pp. 3–41. Retrieved 17 June 2017.
  14. ^ Hebb D (1949). The Organization of Behavior. New York: Wiley. ISBN 978-1-135-63190-1.
  15. ^ Farley B, 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.
  16. ^ Rochester N, J.H. Holland, L.H. Habit and W.L. Duda (1956). "Tests on a cell assembly theory of the action of the brain, using a large digital computer". IRE Transactions on Information Theory. 2 (3): 80–93. doi:10.1109/TIT.1956.1056810.
  17. ^ Haykin (2008) Neural Networks and Learning Machines, 3rd edition
  18. ^ 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. doi:10.1037/h0042519. PMID 13602029. S2CID 12781225.
  19. ^ Werbos P (1975). Beyond Regression: New Tools for Prediction and Analysis in the Behavioral Sciences.
  20. ^ Rosenblatt F (1957). "The Perceptron—a perceiving and recognizing automaton". Report 85-460-1. Cornell Aeronautical Laboratory.
  21. ^ Olazaran M (1996). "A Sociological Study of the Official History of the Perceptrons Controversy". Social Studies of Science. 26 (3): 611–659. doi:10.1177/030631296026003005. JSTOR 285702. S2CID 16786738.
  22. ^ a b Russel, Stuart, Norvig, Peter (2010). Artificial Intelligence A Modern Approach (PDF) (3rd ed.). United States of America: Pearson Education. pp. 16–28. ISBN 978-0-13-604259-4.
  23. ^ Minsky M, Papert S (1969). Perceptrons: An Introduction to Computational Geometry. MIT Press. ISBN 978-0-262-63022-1.
  24. ^ a b Russell SJ, Norvig P (2021). Artificial intelligence: a modern approach. Pearson Series in Artificial Intelligence. Ming-wei Chang, Jacob Devlin, Anca Dragan, David Forsyth, Ian Goodfellow, Jitendra Malik, Vikash Mansinghka, Judea Pearl, Michael J. Wooldridge (4th ed.). Hoboken, NJ: Pearson. ISBN 978-0-13-461099-3.
  25. ^ Giacaglia, G.P. (2 November 2022). Making Things Think. Holloway. ISBN 978-1-952120-41-1. Retrieved 29 December 2023.
  26. ^ a b c Schmidhuber J (2015). "Deep Learning in Neural Networks: An Overview". Neural Networks. 61: 85–117. arXiv:1404.7828. doi:10.1016/j.neunet.2014.09.003. PMID 25462637. S2CID 11715509.
  27. ^ Ivakhnenko AG (1973). Cybernetic Predicting Devices. CCM Information Corporation.
  28. ^ Ivakhnenko AG, Lapa VG (1967). Cybernetics and forecasting techniques. American Elsevier Pub. Co.
  29. ^ Robbins H, Monro S (1951). "A Stochastic Approximation Method". The Annals of Mathematical Statistics. 22 (3): 400. doi:10.1214/aoms/1177729586.
  30. ^ Amari S (1967). "A theory of adaptive pattern classifier". IEEE Transactions. EC (16): 279–307.
  31. ^ a b Schmidhuber J (2022). "Annotated History of Modern AI and Deep Learning". arXiv:2212.11279 [cs.NE].
  32. ^ a b Kohonen T, Honkela T (2007). "Kohonen Network". Scholarpedia. 2 (1): 1568. Bibcode:2007SchpJ...2.1568K. doi:10.4249/scholarpedia.1568.
  33. ^ Kohonen T (1982). "Self-Organized Formation of Topologically Correct Feature Maps". Biological Cybernetics. 43 (1): 59–69. doi:10.1007/bf00337288. S2CID 206775459.
  34. ^ Von der Malsburg C (1973). "Self-organization of orientation sensitive cells in the striate cortex". Kybernetik. 14 (2): 85–100. doi:10.1007/bf00288907. PMID 4786750. S2CID 3351573.
  35. ^ Fukushima K (1980). "Neocognitron: A Self-organizing Neural Network Model for a Mechanism of Pattern Recognition Unaffected by Shift in Position" (PDF). Biological Cybernetics. 36 (4): 193–202. doi:10.1007/BF00344251. PMID 7370364. S2CID 206775608. Retrieved 16 November 2013.
  36. ^ 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.
  37. ^ Ramachandran P, Barret Z, Quoc VL (16 October 2017). "Searching for Activation Functions". arXiv:1710.05941 [cs.NE].
  38. ^ Leibniz GW (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). Open court publishing Company. ISBN 978-0-598-81846-1.
  39. ^ Linnainmaa S (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.
  40. ^ Linnainmaa S (1976). "Taylor expansion of the accumulated rounding error". BIT Numerical Mathematics. 16 (2): 146–160. doi:10.1007/bf01931367. S2CID 122357351.
  41. ^ Griewank A (2012). "Who Invented the Reverse Mode of Differentiation?". Optimization Stories. Documenta Matematica, Extra Volume ISMP. pp. 389–400. S2CID 15568746.
  42. ^ Griewank A, Walther A (2008). Evaluating Derivatives: Principles and Techniques of Algorithmic Differentiation, Second Edition. SIAM. ISBN 978-0-89871-776-1.
  43. ^ Rosenblatt F (1962). Principles of Neurodynamics. Spartan, New York.
  44. ^ Kelley HJ (1960). "Gradient theory of optimal flight paths". ARS Journal. 30 (10): 947–954. doi:10.2514/8.5282.
  45. ^ "A gradient method for optimizing multi-stage allocation processes". Proceedings of the Harvard Univ. Symposium on digital computers and their applications. April 1961.
  46. ^ a b c Schmidhuber J (2015). "Deep Learning". Scholarpedia. 10 (11): 85–117. Bibcode:2015SchpJ..1032832S. doi:10.4249/scholarpedia.32832.
  47. ^ Dreyfus SE (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. doi:10.2514/3.25422. ISSN 0731-5090.
  48. ^ Mizutani E, Dreyfus S, 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. pp. 167–172 vol.2. doi:10.1109/ijcnn.2000.857892. ISBN 0-7695-0619-4. S2CID 351146.
  49. ^ Dreyfus S (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.
  50. ^ Werbos P (1982). "Applications of advances in nonlinear sensitivity analysis" (PDF). System modeling and optimization. Springer. pp. 762–770. (PDF) from the original on 14 April 2016. Retrieved 2 July 2017.
  51. ^ David E. Rumelhart, Geoffrey E. Hinton & Ronald J. Williams, "Learning representations by back-propagating errors 8 March 2021 at the Wayback Machine," Nature, 323, pages 533–536 1986.
  52. ^ Brush SG (1967). "History of the Lenz-Ising Model". Reviews of Modern Physics. 39 (4): 883–893. Bibcode:1967RvMP...39..883B. doi:10.1103/RevModPhys.39.883.
  53. ^ Amari SI (1972). "Learning patterns and pattern sequences by self-organizing nets of threshold elements". IEEE Transactions. C (21): 1197–1206.
  54. ^ Barth PF (1981). Cooperativity and the Transition Behavior of Large Neural Nets (MS thesis). Burlington: University of Vermont. OCLC 8231704.
  55. ^ Krizan J, Barth P, Glasser M (1983). "Exact Phase Transitions for the Ising Model on the Closed Cayley Tree". Physica. 119A. North-Holland Publishing Co.: 230–242. doi:10.1016/0378-4371(83)90157-7.
  56. ^ Glasser M, Goldberg M (1983), "The Ising model on a closed Cayley tree", Physica, 117A (2–3): 670–672, Bibcode:1983PhyA..117..670G, doi:10.1016/0378-4371(83)90138-3
  57. ^ Hopfield JJ (1982). "Neural networks and physical systems with emergent collective computational abilities". Proceedings of the National Academy of Sciences. 79 (8): 2554–2558. Bibcode:1982PNAS...79.2554H. doi:10.1073/pnas.79.8.2554. PMC 346238. PMID 6953413.
  58. ^ Waibel A (December 1987). Phoneme Recognition Using Time-Delay Neural Networks. Meeting of the Institute of Electrical, Information and Communication Engineers (IEICE). Tokyo, Japan.
  59. ^ Alexander Waibel et al., Phoneme Recognition Using Time-Delay Neural Networks IEEE Transactions on Acoustics, Speech, and Signal Processing, Volume 37, No. 3, pp. 328. – 339 March 1989.
  60. ^ Zhang W (1988). "Shift-invariant pattern recognition neural network and its optical architecture". Proceedings of Annual Conference of the Japan Society of Applied Physics.
  61. ^ Zhang W (1990). "Parallel distributed processing model with local space-invariant interconnections and its optical architecture". Applied Optics. 29 (32): 4790–7. Bibcode:1990ApOpt..29.4790Z. doi:10.1364/AO.29.004790. PMID 20577468.
  62. ^ LeCun et al., "Backpropagation Applied to Handwritten Zip Code Recognition," Neural Computation, 1, pp. 541–551, 1989.
  63. ^ J. Weng, N. Ahuja and T. S. Huang, "Cresceptron: a self-organizing neural network which grows adaptively 21 September 2017 at the Wayback Machine," Proc. International Joint Conference on Neural Networks, Baltimore, Maryland, vol I, pp. 576–581, June 1992.
  64. ^ J. Weng, N. Ahuja and T. S. Huang, "Learning recognition and segmentation of 3-D objects from 2-D images 21 September 2017 at the Wayback Machine," Proc. 4th International Conf. Computer Vision, Berlin, Germany, pp. 121–128, May 1993.
  65. ^ J. Weng, N. Ahuja and T. S. Huang, "Learning recognition and segmentation using the Cresceptron 25 January 2021 at the Wayback Machine," International Journal of Computer Vision, vol. 25, no. 2, pp. 105–139, Nov. 1997.
  66. ^ LeCun Y, Léon Bottou, Yoshua Bengio, Patrick Haffner (1998). "Gradient-based learning applied to document recognition" (PDF). Proceedings of the IEEE. 86 (11): 2278–2324. CiteSeerX 10.1.1.32.9552. doi:10.1109/5.726791. S2CID 14542261. Retrieved 7 October 2016.
  67. ^ Qian, Ning, and Terrence J. Sejnowski. "Predicting the secondary structure of globular proteins using neural network models." Journal of molecular biology 202, no. 4 (1988): 865-884.
  68. ^ Bohr, Henrik, Jakob Bohr, Søren Brunak, Rodney MJ Cotterill, Benny Lautrup, Leif Nørskov, Ole H. Olsen, and Steffen B. Petersen. "Protein secondary structure and homology by neural networks The α-helices in rhodopsin." FEBS letters 241, (1988): 223-228
  69. ^ Rost, Burkhard, and Chris Sander. "Prediction of protein secondary structure at better than 70% accuracy." Journal of molecular biology 232, no. 2 (1993): 584-599.
  70. ^ a b S. Hochreiter., "Untersuchungen zu dynamischen neuronalen Netzen 2015-03-06 at the Wayback Machine," Diploma thesis. Institut f. Informatik, Technische Univ. Munich. Advisor: J. Schmidhuber, 1991.
  71. ^ Hochreiter S, et al. (15 January 2001). "Gradient flow in recurrent nets: the difficulty of learning long-term dependencies". In Kolen JF, Kremer SC (eds.). A Field Guide to Dynamical Recurrent Networks. John Wiley & Sons. ISBN 978-0-7803-5369-5.
  72. ^ Schmidhuber J (1991). "A possibility for implementing curiosity and boredom in model-building neural controllers". Proc. SAB'1991. MIT Press/Bradford Books. pp. 222–227.
  73. ^ Schmidhuber J (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. S2CID 234198.
  74. ^ Schmidhuber J (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. doi:10.1016/j.neunet.2020.04.008. PMID 32334341. S2CID 216056336.
  75. ^ a b Schmidhuber J (1992). "Learning complex, extended sequences using the principle of history compression" (PDF). Neural Computation. 4 (2): 234–242. doi:10.1162/neco.1992.4.2.234. S2CID 18271205.[permanent dead link]
  76. ^ Schmidhuber J (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. S2CID 16683347.
  77. ^ Schlag I, Irie K, Schmidhuber J (2021). "Linear Transformers Are Secretly Fast Weight Programmers". ICML 2021. Springer. pp. 9355–9366.
  78. ^ Choromanski K, Likhosherstov V, Dohan D, Song X, Gane A, Sarlos T, et al. (2020). "Rethinking Attention with Performers". arXiv:2009.14794 [cs.CL].
  79. ^ Schmidhuber J (1993). "Reducing the ratio between learning complexity and number of time-varying variables in fully recurrent nets". ICANN 1993. Springer. pp. 460–463.
  80. ^ Mead CA, Ismail M (8 May 1989). Analog VLSI Implementation of Neural Systems (PDF). The Kluwer International Series in Engineering and Computer Science. Vol. 80. Norwell, MA: Kluwer Academic Publishers. doi:10.1007/978-1-4613-1639-8. ISBN 978-1-4613-1639-8. (PDF) from the original on 6 November 2019. Retrieved 24 January 2020.
  81. ^ Domingos P (22 September 2015). "chapter 4". The Master Algorithm: How the Quest for the Ultimate Learning Machine Will Remake Our World. Basic Books. ISBN 978-0-465-06570-7.
  82. ^ Hochreiter S, Schmidhuber J (1 November 1997). "Long Short-Term Memory". Neural Computation. 9 (8): 1735–1780. doi:10.1162/neco.1997.9.8.1735. ISSN 0899-7667. PMID 9377276. S2CID 1915014.
  83. ^ Schmidhuber J (2015). "Deep Learning in Neural Networks: An Overview". Neural Networks. 61: 85–117. arXiv:1404.7828. doi:10.1016/j.neunet.2014.09.003. PMID 25462637. S2CID 11715509.
  84. ^ Gers F, Schmidhuber J, Cummins F (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. ISBN 0-85296-721-7.
  85. ^ Smolensky P (1986). "Information processing in dynamical systems: Foundations of harmony theory.". In D. E. Rumelhart, J. L. McClelland, PDP Research Group (eds.). Parallel Distributed Processing: Explorations in the Microstructure of Cognition. Vol. 1. pp. 194–281. ISBN 978-0-262-68053-0.
  86. ^ Ng A, Dean J (2012). "Building High-level Features Using Large Scale Unsupervised Learning". arXiv:1112.6209 [cs.LG].
  87. ^ Hinton GE, Osindero S, Teh Y (2006). "A fast learning algorithm for deep belief nets" (PDF). Neural Computation. 18 (7): 1527–1554. CiteSeerX 10.1.1.76.1541. doi:10.1162/neco.2006.18.7.1527. PMID 16764513. S2CID 2309950.
  88. ^ Fukushima K (1980). "Neocognitron: A self-organizing neural network model for a mechanism of pattern recognition unaffected by shift in position". Biological Cybernetics. 36 (4): 93–202. doi:10.1007/BF00344251. PMID 7370364. S2CID 206775608.
  89. ^ Riesenhuber M, Poggio T (1999). "Hierarchical models of object recognition in cortex". Nature Neuroscience. 2 (11): 1019–1025. doi:10.1038/14819. PMID 10526343. S2CID 8920227.
  90. ^ Yang JJ, Pickett MD, Li XM, Ohlberg DA, Stewart DR, Williams RS (2008). "Memristive switching mechanism for metal/oxide/metal nanodevices". Nat. Nanotechnol. 3 (7): 429–433. doi:10.1038/nnano.2008.160. PMID 18654568.
  91. ^ Strukov DB, Snider GS, Stewart DR, Williams RS (2008). "The missing memristor found". Nature. 453 (7191): 80–83. Bibcode:2008Natur.453...80S. doi:10.1038/nature06932. PMID 18451858. S2CID 4367148.
  92. ^ Cireşan DC, Meier U, Gambardella LM, Schmidhuber J (21 September 2010). "Deep, Big, Simple Neural Nets for Handwritten Digit Recognition". Neural Computation. 22 (12): 3207–3220. arXiv:1003.0358. doi:10.1162/neco_a_00052. ISSN 0899-7667. PMID 20858131. S2CID 1918673.
  93. ^ Dominik Scherer, Andreas C. Müller, and Sven Behnke: "Evaluation of Pooling Operations in Convolutional Architectures for Object Recognition 3 April 2018 at the Wayback Machine," In 20th International Conference Artificial Neural Networks (ICANN), pp. 92–101, 2010. doi:10.1007/978-3-642-15825-4_10.
  94. ^ 2012 Kurzweil AI Interview 31 August 2018 at the Wayback Machine with Juergen Schmidhuber on the eight competitions won by his Deep Learning team 2009–2012
  95. ^ . www.kurzweilai.net. Archived from the original on 31 August 2018. Retrieved 16 June 2017.
  96. ^ a b Graves A, Schmidhuber J (2009). "Offline Handwriting Recognition with Multidimensional Recurrent Neural Networks" (PDF). In Koller D, Schuurmans D, Bengio Y, Bottou L (eds.). Advances in Neural Information Processing Systems 21 (NIPS 2008). Neural Information Processing Systems (NIPS) Foundation. pp. 545–552. ISBN 978-1-60560-949-2.
  97. ^ a b Graves A, Liwicki M, Fernandez S, Bertolami R, Bunke H, Schmidhuber J (May 2009). "A Novel Connectionist System for Unconstrained Handwriting Recognition" (PDF). IEEE Transactions on Pattern Analysis and Machine Intelligence. 31 (5): 855–868. CiteSeerX 10.1.1.139.4502. doi:10.1109/tpami.2008.137. ISSN 0162-8828. PMID 19299860. S2CID 14635907. (PDF) from the original on 2 January 2014. Retrieved 30 July 2014.
  98. ^ Ciresan D, 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. Bibcode:2012arXiv1202.2745C. CiteSeerX 10.1.1.300.3283. doi:10.1109/cvpr.2012.6248110. ISBN 978-1-4673-1228-8. S2CID 2161592.
  99. ^ a b Billings SA (2013). Nonlinear System Identification: NARMAX Methods in the Time, Frequency, and Spatio-Temporal Domains. Wiley. ISBN 978-1-119-94359-4.
  100. ^ a b Goodfellow I, Pouget-Abadie J, Mirza M, Xu B, Warde-Farley D, Ozair S, et al. (2014). Generative Adversarial Networks (PDF). Proceedings of the International Conference on Neural Information Processing Systems (NIPS 2014). pp. 2672–2680. (PDF) from the original on 22 November 2019. Retrieved 20 August 2019.
  101. ^ "Prepare, Don't Panic: Synthetic Media and Deepfakes". witness.org. from the original on 2 December 2020. Retrieved 25 November 2020.
  102. ^ "GAN 2.0: NVIDIA's Hyperrealistic Face Generator". SyncedReview.com. 14 December 2018. Retrieved 3 October 2019.
  103. ^ Karras T, Aila T, Laine S, Lehtinen J (1 October 2017). "Progressive Growing of GANs for Improved Quality, Stability, and Variation". arXiv:1710.10196 [cs.NE].
  104. ^ Srivastava RK, Greff K, Schmidhuber J (2 May 2015). "Highway Networks". arXiv:1505.00387 [cs.LG].
  105. ^ Srivastava RK, Greff K, Schmidhuber J (2015). "Training Very Deep Networks". Advances in Neural Information Processing Systems. 28. Curran Associates, Inc.: 2377–2385.
  106. ^ He K, Zhang X, Ren S, Sun J (2016). Deep Residual Learning for Image Recognition. 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR). Las Vegas, NV, US: IEEE. pp. 770–778. arXiv:1512.03385. doi:10.1109/CVPR.2016.90. ISBN 978-1-4673-8851-1.
  107. ^ Vaswani A, Shazeer N, Parmar N, Uszkoreit J, Jones L, Gomez AN, et al. (12 June 2017). "Attention Is All You Need". arXiv:1706.03762 [cs.CL].
  108. ^ Wolf T, Debut L, Sanh V, Chaumond J, Delangue C, Moi A, et al. (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. S2CID 208117506.
  109. ^ He C (31 December 2021). "Transformer in CV". Transformer in CV. Towards Data Science.
  110. ^ [Ramezanpour, A.; Beam, A.L.; Chen, J.H.; Mashaghi, A. Statistical Physics for Medical Diagnostics: Learning, Inference, and Optimization Algorithms. Diagnostics 2020, 10, 972. ]
  111. ^ a b Zell A (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.
  112. ^ Artificial intelligence (3rd ed.). Addison-Wesley Pub. Co. 1992. ISBN 0-201-53377-4.
  113. ^ Abbod MF (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. PMID 17698099.
  114. ^ Dawson CW (1998). "An artificial neural network approach to rainfall-runoff modelling". Hydrological Sciences Journal. 43 (1): 47–66. Bibcode:1998HydSJ..43...47D. doi:10.1080/02626669809492102.
  115. ^ . www.cse.unsw.edu.au. Archived from the original on 26 August 2018. Retrieved 4 November 2009.
  116. ^ Ciresan D, Ueli Meier, Jonathan Masci, Luca M. Gambardella, Jurgen Schmidhuber (2011). "Flexible, High Performance Convolutional Neural Networks for Image Classification" (PDF). Proceedings of the Twenty-Second International Joint Conference on Artificial Intelligence-Volume Volume Two. 2: 1237–1242. (PDF) from the original on 5 April 2022. Retrieved 7 July 2022.
  117. ^ Zell A (1994). Simulation Neuronaler Netze [Simulation of Neural Networks] (in German) (1st ed.). Addison-Wesley. p. 73. ISBN 3-89319-554-8.
  118. ^ Miljanovic M (February–March 2012). "Comparative analysis of Recurrent and Finite Impulse Response Neural Networks in Time Series Prediction" (PDF). Indian Journal of Computer and Engineering. 3 (1).
  119. ^ Lau S (10 July 2017). "A Walkthrough of Convolutional Neural Network – Hyperparameter Tuning". Medium. from the original on 4 February 2023. Retrieved 23 August 2019.
  120. ^ Kelleher JD, Mac Namee B, D'Arcy A (2020). "7-8". Fundamentals of machine learning for predictive data analytics: algorithms, worked examples, and case studies (2nd ed.). Cambridge, MA: The MIT Press. ISBN 978-0-262-36110-1. OCLC 1162184998.
  121. ^ Wei J (26 April 2019). "Forget the Learning Rate, Decay Loss". arXiv:1905.00094 [cs.LG].
  122. ^ Li Y, Fu Y, Li H, Zhang SW (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. Vol. 1. pp. 73–76. doi:10.1109/CINC.2009.111. ISBN 978-0-7695-3645-3. S2CID 10557754.
  123. ^ Huang GB, Zhu QY, Siew CK (2006). "Extreme learning machine: theory and applications". Neurocomputing. 70 (1): 489–501. CiteSeerX 10.1.1.217.3692. doi:10.1016/j.neucom.2005.12.126. S2CID 116858.
  124. ^ Widrow B, 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. PMID 23140797.
  125. ^ Ollivier Y, Charpiat G (2015). "Training recurrent networks without backtracking". arXiv:1507.07680 [cs.NE].
  126. ^ Hinton GE (2010). "A Practical Guide to Training Restricted Boltzmann Machines". Tech. Rep. UTML TR 2010-003. from the original on 9 May 2021. Retrieved 27 June 2017.
  127. ^ ESANN. 2009.[full citation needed]
  128. ^ Bernard E (2021). Introduction to machine learning. Champaign: Wolfram Media. p. 9. ISBN 978-1-57955-048-6. Retrieved 22 March 2023.
  129. ^ Bernard E (2021). Introduction to machine learning. Champaign: Wolfram Media. p. 12. ISBN 978-1-57955-048-6. Retrieved 22 March 2023.
  130. ^ Bernard E (2021). Introduction to Machine Learning. Wolfram Media Inc. p. 9. ISBN 978-1-57955-048-6.
  131. ^ Ojha VK, Abraham A, Snášel V (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. Bibcode:2017arXiv170505584O. doi:10.1016/j.engappai.2017.01.013. S2CID 27910748.
  132. ^ Dominic, S., Das, R., Whitley, D., Anderson, C. (July 1991). "Genetic reinforcement learning for neural networks". IJCNN-91-Seattle International Joint Conference on Neural Networks. IJCNN-91-Seattle International Joint Conference on Neural Networks. Seattle, Washington, US: IEEE. pp. 71–76. doi:10.1109/IJCNN.1991.155315. ISBN 0-7803-0164-1.
  133. ^ Hoskins J, 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.
  134. ^ Bertsekas D, Tsitsiklis J (1996). Neuro-dynamic programming. Athena Scientific. p. 512. ISBN 978-1-886529-10-6. from the original on 29 June 2017. Retrieved 17 June 2017.
  135. ^ Secomandi N (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. doi:10.1016/S0305-0548(99)00146-X.
  136. ^ 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. Canberra, Australia: Modelling and Simulation Society of Australia and New Zealand. doi:10.5281/zenodo.7481. ISBN 0-86740-525-2. from the original on 7 August 2013. Retrieved 29 July 2013.
  137. ^ 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. Vol. 1. La Jolla, California, US: IEEE. pp. 7–14. doi:10.1109/CEC.2000.870269. ISBN 0-7803-6375-2.
  138. ^ Deng G, Ferris, M.C. (2008). "Neuro-dynamic programming for fractionated radiotherapy planning". Optimization in Medicine. Springer Optimization and Its Applications. Vol. 12. pp. 47–70. CiteSeerX 10.1.1.137.8288. doi:10.1007/978-0-387-73299-2_3. ISBN 978-0-387-73298-5.
  139. ^ 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.
  140. ^ Bozinovski, S. (2014) "Modeling mechanisms of cognition-emotion interaction in artificial neural networks, since 1981 23 March 2019 at the Wayback Machine." Procedia Computer Science p. 255-263
  141. ^ Bozinovski S, Bozinovska L (2001). "Self-learning agents: A connectionist theory of emotion based on crossbar value judgment". Cybernetics and Systems. 32 (6): 637–667. doi:10.1080/01969720118145. S2CID 8944741.
  142. ^ "Artificial intelligence can 'evolve' to solve problems". Science | AAAS. 10 January 2018. from the original on 9 December 2021. Retrieved 7 February 2018.
  143. ^ Turchetti C (2004), Stochastic Models of Neural Networks, Frontiers in artificial intelligence and applications: Knowledge-based intelligent engineering systems, vol. 102, IOS Press, ISBN 978-1-58603-388-0
  144. ^ Jospin LV, Laga H, Boussaid F, Buntine W, Bennamoun M (2022). "Hands-On Bayesian Neural Networks—A Tutorial for Deep Learning Users". IEEE Computational Intelligence Magazine. Vol. 17, no. 2. pp. 29–48. arXiv:2007.06823. doi:10.1109/mci.2022.3155327. ISSN 1556-603X. S2CID 220514248.
  145. ^ 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". In Pavel Zítek (ed.). Proceedings of the 16th IFAC World Congress – IFAC-PapersOnLine. 16th IFAC World Congress. Vol. 16. Prague, Czech Republic: IFAC. pp. 7–12. doi:10.3182/20050703-6-CZ-1902.02172. hdl:11311/255236. ISBN 978-3-902661-75-3. from the original on 26 April 2012. Retrieved 30 December 2011.
  146. ^ Ferreira C (2006). "Designing Neural Networks Using Gene Expression Programming". In A. Abraham, B. de Baets, M. Köppen, B. Nickolay (eds.). Applied Soft Computing Technologies: The Challenge of Complexity (PDF). Springer-Verlag. pp. 517–536. (PDF) from the original on 19 December 2013. Retrieved 8 October 2012.
  147. ^ Da, Y., Xiurun, G. (July 2005). . In T. Villmann (ed.). New Aspects in Neurocomputing: 11th European Symposium on Artificial Neural Networks. Vol. 63. Elsevier. pp. 527–533. doi:10.1016/j.neucom.2004.07.002. Archived from the original on 25 April 2012. Retrieved 30 December 2011. {{cite conference}}: More than one of |accessdate= and |access-date= specified (help); More than one of |archivedate= and |archive-date= specified (help); More than one of |archiveurl= and |archive-url= specified (help)
  148. ^ Wu, J., Chen, E. (May 2009). . In Wang, H., Shen, Y., Huang, T., Zeng, Z. (eds.). 6th International Symposium on Neural Networks, ISNN 2009. Lecture Notes in Computer Science. Vol. 5553. Springer. pp. 49–58. doi:10.1007/978-3-642-01513-7_6. ISBN 978-3-642-01215-0. Archived from the original on 31 December 2014. Retrieved 1 January 2012. {{cite conference}}: More than one of |accessdate= and |access-date= specified (help); More than one of |archivedate= and |archive-date= specified (help); More than one of |archiveurl= and |archive-url= specified (help)
  149. ^ a b Ting Qin, Zonghai Chen, Haitao Zhang, Sifu Li, Wei Xiang, Ming Li (2004). "A learning algorithm of CMAC based on RLS" (PDF). Neural Processing Letters. 19 (1): 49–61. doi:10.1023/B:NEPL.0000016847.18175.60. S2CID 6233899. (PDF) from the original on 14 April 2021. Retrieved 30 January 2019.
  150. ^ Ting Qin, Haitao Zhang, Zonghai Chen, Wei Xiang (2005). "Continuous CMAC-QRLS and its systolic array" (PDF). Neural Processing Letters. 22 (1): 1–16. doi:10.1007/s11063-004-2694-0. S2CID 16095286. (PDF) from the original on 18 November 2018. Retrieved 30 January 2019.
  151. ^ LeCun Y, Boser B, Denker JS, Henderson D, Howard RE, Hubbard W, et al. (1989). "Backpropagation Applied to Handwritten Zip Code Recognition". Neural Computation. 1 (4): 541–551. doi:10.1162/neco.1989.1.4.541. S2CID 41312633.
  152. ^ Yann LeCun (2016). Slides on Deep Learning Online 23 April 2016 at the Wayback Machine
  153. ^ Hochreiter S, Schmidhuber J (1 November 1997). "Long Short-Term Memory". Neural Computation. 9 (8): 1735–1780. doi:10.1162/neco.1997.9.8.1735. ISSN 0899-7667. PMID 9377276. S2CID 1915014.
  154. ^ Sak H, Senior A, Beaufays F (2014). (PDF). Archived from the original (PDF) on 24 April 2018.
  155. ^ Li X, Wu X (15 October 2014). "Constructing Long Short-Term Memory based Deep Recurrent Neural Networks for Large Vocabulary Speech Recognition". arXiv:1410.4281 [cs.CL].
  156. ^ Fan Y, Qian Y, Xie F, Soong FK (2014). "TTS synthesis with bidirectional LSTM based Recurrent Neural Networks". Proceedings of the Annual Conference of the International Speech Communication Association, Interspeech: 1964–1968. Retrieved 13 June 2017.
  157. ^ Zen H, Sak H (2015). "Unidirectional Long Short-Term Memory Recurrent Neural Network with Recurrent Output Layer for Low-Latency Speech Synthesis" (PDF). Google.com. ICASSP. pp. 4470–4474. (PDF) from the original on 9 May 2021. Retrieved 27 June 2017.
  158. ^ Fan B, Wang L, Soong FK, Xie L (2015). "Photo-Real Talking Head with Deep Bidirectional LSTM" (PDF). Proceedings of ICASSP. (PDF) from the original on 1 November 2017. Retrieved 27 June 2017.
  159. ^ Silver D, Hubert T, Schrittwieser J, Antonoglou I, Lai M, Guez A, et al. (5 December 2017). "Mastering Chess and Shogi by Self-Play with a General Reinforcement Learning Algorithm". arXiv:1712.01815 [cs.AI].
  160. ^ Probst P, Boulesteix AL, Bischl B (26 February 2018). "Tunability: Importance of Hyperparameters of Machine Learning Algorithms". J. Mach. Learn. Res. 20: 53:1–53:32. S2CID 88515435.
  161. ^ Zoph B, Le QV (4 November 2016). "Neural Architecture Search with Reinforcement Learning". arXiv:1611.01578 [cs.LG].
  162. ^ Haifeng Jin, Qingquan Song, Xia Hu (2019). "Auto-keras: An efficient neural architecture search system". Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining. ACM. arXiv:1806.10282. from the original on 21 August 2019. Retrieved 21 August 2019 – via autokeras.com.
  163. ^ Claesen M, De Moor B (2015). "Hyperparameter Search in Machine Learning". arXiv:1502.02127 [cs.LG]. Bibcode:2015arXiv150202127C
  164. ^ Esch R (1990). "Functional Approximation". Handbook of Applied Mathematics (Springer US ed.). Boston, MA: Springer US. pp. 928–987. doi:10.1007/978-1-4684-1423-3_17. ISBN 978-1-4684-1423-3.
  165. ^ Sarstedt M, Moo E (2019). "Regression Analysis". A Concise Guide to Market Research. Springer Texts in Business and Economics. Springer Berlin Heidelberg. pp. 209–256. doi:10.1007/978-3-662-56707-4_7. ISBN 978-3-662-56706-7. S2CID 240396965.
  166. ^ Tian J, Tan Y, Sun C, Zeng J, Jin Y (December 2016). "A self-adaptive similarity-based fitness approximation for evolutionary optimization". 2016 IEEE Symposium Series on Computational Intelligence (SSCI). pp. 1–8. doi:10.1109/SSCI.2016.7850209. ISBN 978-1-5090-4240-1. S2CID 14948018.
  167. ^ Alaloul WS, Qureshi AH (2019). "Data Processing Using Artificial Neural Networks". Dynamic Data Assimilation - Beating the Uncertainties. doi:10.5772/intechopen.91935. ISBN 978-1-83968-083-0. S2CID 219735060.
  168. ^ Pal M, Roy R, Basu J, Bepari MS (2013). "Blind source separation: A review and analysis". 2013 International Conference Oriental COCOSDA held jointly with 2013 Conference on Asian Spoken Language Research and Evaluation (O-COCOSDA/CASLRE). IEEE. pp. 1–5. doi:10.1109/ICSDA.2013.6709849. ISBN 978-1-4799-2378-6. S2CID 37566823.
  169. ^ Zissis D (October 2015). "A cloud based architecture capable of perceiving and predicting multiple vessel behaviour". Applied Soft Computing. 35: 652–661. doi:10.1016/j.asoc.2015.07.002. from the original on 26 July 2020. Retrieved 18 July 2019.
  170. ^ Sengupta N, 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. PMID 27286184.
  171. ^ Choy, Christopher B., et al. "3d-r2n2: A unified approach for single and multi-view 3d object reconstruction 26 July 2020 at the Wayback Machine." European conference on computer vision. Springer, Cham, 2016.
  172. ^ Turek, Fred D. (March 2007). "Introduction to Neural Net Machine Vision". Vision Systems Design. 12 (3). from the original on 16 May 2013. Retrieved 5 March 2013.
  173. ^ Maitra DS, Bhattacharya U, Parui SK (August 2015). "CNN based common approach to handwritten character recognition of multiple scripts". 2015 13th International Conference on Document Analysis and Recognition (ICDAR). pp. 1021–1025. doi:10.1109/ICDAR.2015.7333916. ISBN 978-1-4799-1805-8. S2CID 25739012.
  174. ^ Gessler J (August 2021). "Sensor for food analysis applying impedance spectroscopy and artificial neural networks". RiuNet UPV (1): 8–12. from the original on 21 October 2021. Retrieved 21 October 2021.
  175. ^ French J (2016). "The time traveller's CAPM". Investment Analysts Journal. 46 (2): 81–96. doi:10.1080/10293523.2016.1255469. S2CID 157962452.
  176. ^ 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. doi:10.1063/1.3206326. PMID 19708729.
  177. ^ Silver D, et al. (2016). "Mastering the game of Go with deep neural networks and tree search" (PDF). Nature. 529 (7587): 484–489. Bibcode:2016Natur.529..484S. doi:10.1038/nature16961. PMID 26819042. S2CID 515925. (PDF) from the original on 23 November 2018. Retrieved 31 January 2019.
  178. ^ Pasick A (27 March 2023). "Artificial Intelligence Glossary: Neural Networks and Other Terms Explained". The New York Times. ISSN 0362-4331. Retrieved 22 April 2023.
  179. ^ Schechner S (15 June 2017). "Facebook Boosts A.I. to Block Terrorist Propaganda". The Wall Street Journal. ISSN 0099-9660. Retrieved 16 June 2017.
  180. ^ 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. doi:10.5120/476-783.
  181. ^ Bottaci L (1997). (PDF). Lancet. 350 (9076). The Lancet: 469–72. doi:10.1016/S0140-6736(96)11196-X. PMID 9274582. S2CID 18182063. Archived from the original (PDF) on 23 November 2018. Retrieved 2 May 2012.
  182. ^ Alizadeh E, Lyons SM, Castle JM, Prasad A (2016). "Measuring systematic changes in invasive cancer cell shape using Zernike moments". Integrative Biology. 8 (11): 1183–1193. doi:10.1039/C6IB00100A. PMID 27735002.
  183. ^ Lyons S (2016). "Changes in cell shape are correlated with metastatic potential in murine". Biology Open. 5 (3): 289–299. doi:10.1242/bio.013409. PMC 4810736. PMID 26873952.
  184. ^ Nabian MA, Meidani H (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. Bibcode:2017arXiv170808551N. doi:10.1111/mice.12359. S2CID 36661983.
  185. ^ Nabian MA, Meidani H (2018). "Accelerating Stochastic Assessment of Post-Earthquake Transportation Network Connectivity via Machine-Learning-Based Surrogates". Transportation Research Board 97th Annual Meeting. from the original on 9 March 2018. Retrieved 14 March 2018.
  186. ^ 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. Bibcode:2018SoFou..58.1414D. doi:10.1016/j.sandf.2018.08.001. hdl:10045/81208. ISSN 0038-0806.
  187. ^ Tayebiyan A, Mohammad TA, Ghazali AH, Mashohor S. "Artificial Neural Network for Modelling Rainfall-Runoff". Pertanika Journal of Science & Technology. 24 (2): 319–330.
  188. ^ Govindaraju RS (1 April 2000). "Artificial Neural Networks in Hydrology. I: Preliminary Concepts". Journal of Hydrologic Engineering. 5 (2): 115–123. doi:10.1061/(ASCE)1084-0699(2000)5:2(115).
  189. ^ Govindaraju RS (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).
  190. ^ Peres DJ, 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. doi:10.1016/j.ocemod.2015.08.002.
  191. ^ Dwarakish GS, Rakshith S, Natesan U (2013). "Review on Applications of Neural Network in Coastal Engineering". Artificial Intelligent Systems and Machine Learning. 5 (7): 324–331. from the original on 15 August 2017. Retrieved 5 July 2017.
  192. ^ Ermini L, Catani F, Casagli N (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. doi:10.1016/j.geomorph.2004.09.025.
  193. ^ Nix R, Zhang J (May 2017). "Classification of Android apps and malware using deep neural networks". 2017 International Joint Conference on Neural Networks (IJCNN). pp. 1871–1878. doi:10.1109/IJCNN.2017.7966078. ISBN 978-1-5090-6182-2. S2CID 8838479.
  194. ^ . The systems and networking group at UCSD. Archived from the original on 14 July 2019. Retrieved 15 February 2019.
  195. ^ Homayoun S, Ahmadzadeh M, Hashemi S, Dehghantanha A, Khayami R (2018), Dehghantanha A, Conti M, Dargahi T (eds.), "BoTShark: A Deep Learning Approach for Botnet Traffic Detection", Cyber Threat Intelligence, Advances in Information Security, vol. 70, Springer International Publishing, pp. 137–153, doi:10.1007/978-3-319-73951-9_7, ISBN 978-3-319-73951-9
  196. ^ Ghosh, Reilly (January 1994). "Credit card fraud detection with a neural-network". Proceedings of the Twenty-Seventh Hawaii International Conference on System Sciences HICSS-94. Vol. 3. pp. 621–630. doi:10.1109/HICSS.1994.323314. ISBN 978-0-8186-5090-1. S2CID 13260377.
  197. ^ Ananthaswamy A (19 April 2021). "Latest Neural Nets Solve World's Hardest Equations Faster Than Ever Before". Quanta Magazine. Retrieved 12 May 2021.
  198. ^ "AI has cracked a key mathematical puzzle for understanding our world". MIT Technology Review. Retrieved 19 November 2020.
  199. ^ "Caltech Open-Sources AI for Solving Partial Differential Equations". InfoQ. from the original on 25 January 2021. Retrieved 20 January 2021.
  200. ^ Nagy A (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. Bibcode:2019PhRvL.122y0501N. doi:10.1103/PhysRevLett.122.250501. PMID 31347886. S2CID 119074378.
  201. ^ Yoshioka N, Hamazaki R (28 June 2019). "Constructing neural stationary states for open quantum many-body systems". Physical Review B. 99 (21): 214306. arXiv:1902.07006. Bibcode:2019PhRvB..99u4306Y. doi:10.1103/PhysRevB.99.214306. S2CID 119470636.
  202. ^ Hartmann MJ, Carleo G (28 June 2019). "Neural-Network Approach to Dissipative Quantum Many-Body Dynamics". Physical Review Letters. 122 (25): 250502. arXiv:1902.05131. Bibcode:2019PhRvL.122y0502H. doi:10.1103/PhysRevLett.122.250502. PMID 31347862. S2CID 119357494.
  203. ^ Vicentini F, Biella A, Regnault N, Ciuti C (28 June 2019). "Variational Neural-Network Ansatz for Steady States in Open Quantum Systems". Physical Review Letters. 122 (25): 250503. arXiv:1902.10104. Bibcode:2019PhRvL.122y0503V. doi:10.1103/PhysRevLett.122.250503. PMID 31347877. S2CID 119504484.
  204. ^ Forrest MD (April 2015). "Simulation of alcohol action upon a detailed Purkinje neuron model and a simpler surrogate model that runs >400 times faster". BMC Neuroscience. 16 (27): 27. doi:10.1186/s12868-015-0162-6. PMC 4417229. PMID 25928094.
  205. ^ Wieczorek S, Filipiak D, Filipowska A (2018). "Semantic Image-Based Profiling of Users' Interests with Neural Networks". Studies on the Semantic Web. 36 (Emerging Topics in Semantic Technologies). doi:10.3233/978-1-61499-894-5-179.
  206. ^ Merchant A, Batzner S, Schoenholz SS, Aykol M, Cheon G, Cubuk ED (December 2023). "Scaling deep learning for materials discovery". Nature. 624 (7990): 80–85. Bibcode:2023Natur.624...80M. doi:10.1038/s41586-023-06735-9. ISSN 1476-4687. PMC 10700131. PMID 38030720.
  207. ^ Siegelmann H, Sontag E (1991). "Turing computability with neural nets" (PDF). Appl. Math. Lett. 4 (6): 77–80. doi:10.1016/0893-9659(91)90080-F.
  208. ^ Bains S (3 November 1998). "Analog computer trumps Turing model". EE Times. Retrieved 11 May 2023.
  209. ^ Balcázar J (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. doi:10.1109/18.605580.
  210. ^ a b MacKay DJ (2003). Information Theory, Inference, and Learning Algorithms (PDF). Cambridge University Press. ISBN 978-0-521-64298-9. (PDF) from the original on 19 October 2016. Retrieved 11 June 2016.
  211. ^ Cover T (1965). "Geometrical and Statistical Properties of Systems of Linear Inequalities with Applications in Pattern Recognition" (PDF). IEEE Transactions on Electronic Computers. EC-14 (3). IEEE: 326–334. doi:10.1109/PGEC.1965.264137. (PDF) from the original on 5 March 2016. Retrieved 10 March 2020.
  212. ^ Gerald F (2019). "Reproducibility and Experimental Design for Machine Learning on Audio and Multimedia Data". Proceedings of the 27th ACM International Conference on Multimedia. ACM. pp. 2709–2710. doi:10.1145/3343031.3350545. ISBN 978-1-4503-6889-6. S2CID 204837170.
  213. ^ . The Tensorflow Meter. Archived from the original on 18 April 2022. Retrieved 10 March 2020. {{cite web}}: More than one of |archivedate= and |archive-date= specified (help); More than one of |archiveurl= and |archive-url= specified (help)
  214. ^ Lee J, Xiao L, Schoenholz SS, Bahri Y, Novak R, Sohl-Dickstein J, et al. (2020). "Wide neural networks of any depth evolve as linear models under gradient descent". Journal of Statistical Mechanics: Theory and Experiment. 2020 (12): 124002. arXiv:1902.06720. Bibcode:2020JSMTE2020l4002L. doi:10.1088/1742-5468/abc62b. S2CID 62841516.
  215. ^ Arthur Jacot, Franck Gabriel, Clement Hongler (2018). Neural Tangent Kernel: Convergence and Generalization in Neural Networks (PDF). 32nd Conference on Neural Information Processing Systems (NeurIPS 2018), Montreal, Canada. (PDF) from the original on 22 June 2022. Retrieved 4 June 2022.
  216. ^ Xu ZJ, Zhang Y, Xiao Y (2019). "Training Behavior of Deep Neural Network in Frequency Domain". In Gedeon T, Wong K, Lee M (eds.). Neural Information Processing. Lecture Notes in Computer Science. Vol. 11953. Springer, Cham. pp. 264–274. arXiv:1807.01251. doi:10.1007/978-3-030-36708-4_22. ISBN 978-3-030-36707-7. S2CID 49562099.
  217. ^ Nasim Rahaman, Aristide Baratin, Devansh Arpit, Felix Draxler, Min Lin, Fred Hamprecht, et al. (2019). "On the Spectral Bias of Neural Networks" (PDF). Proceedings of the 36th International Conference on Machine Learning. 97: 5301–5310. arXiv:1806.08734. (PDF) from the original on 22 October 2022. Retrieved 4 June 2022.
  218. ^ Zhi-Qin John Xu, Yaoyu Zhang, Tao Luo, Yanyang Xiao, Zheng Ma (2020). "Frequency Principle: Fourier Analysis Sheds Light on Deep Neural Networks". Communications in Computational Physics. 28 (5): 1746–1767. arXiv:1901.06523. Bibcode:2020CCoPh..28.1746X. doi:10.4208/cicp.OA-2020-0085. S2CID 58981616.
  219. ^ Tao Luo, Zheng Ma, Zhi-Qin John Xu, Yaoyu Zhang (2019). "Theory of the Frequency Principle for General Deep Neural Networks". arXiv:1906.09235 [cs.LG].
  220. ^ Xu ZJ, Zhou H (18 May 2021). "Deep Frequency Principle Towards Understanding Why Deeper Learning is Faster". Proceedings of the AAAI Conference on Artificial Intelligence. 35 (12): 10541–10550. arXiv:2007.14313. doi:10.1609/aaai.v35i12.17261. ISSN 2374-3468. S2CID 220831156. from the original on 5 October 2021. Retrieved 5 October 2021.
  221. ^ Parisi GI, Kemker R, Part JL, Kanan C, Wermter S (1 May 2019). "Continual lifelong learning with neural networks: A review". Neural Networks. 113: 54–71. arXiv:1802.07569. doi:10.1016/j.neunet.2019.01.012. ISSN 0893-6080. PMID 30780045.
  222. ^ Dean Pomerleau, "Knowledge-based Training of Artificial Neural Networks for Autonomous Robot Driving"
  223. ^ Dewdney AK (1 April 1997). Yes, we have no neutrons: an eye-opening tour through the twists and turns of bad science. Wiley. p. 82. ISBN 978-0-471-10806-1.
  224. ^ NASA – Dryden Flight Research Center – News Room: News Releases: NASA NEURAL NETWORK PROJECT PASSES MILESTONE 2 April 2010 at the Wayback Machine. Nasa.gov. Retrieved on 20 November 2013.
  225. ^ . Archived from the original on 19 March 2012. Retrieved 12 July 2010.
  226. ^ "Scaling Learning Algorithms towards {AI} - LISA - Publications - Aigaion 2.0". www.iro.umontreal.ca.
  227. ^ D. J. Felleman and D. C. Van Essen, "Distributed hierarchical processing in the primate cerebral cortex," Cerebral Cortex, 1, pp. 1–47, 1991.
  228. ^ J. Weng, "Natural and Artificial Intelligence: Introduction to Computational Brain-Mind," BMI Press, ISBN 978-0-9858757-2-5, 2012.
  229. ^ a b Edwards C (25 June 2015). "Growing pains for deep learning". Communications of the ACM. 58 (7): 14–16. doi:10.1145/2771283. S2CID 11026540.
  230. ^ Cade Metz (18 May 2016). "Google Built Its Very Own Chips to Power Its AI Bots". Wired. from the original on 13 January 2018. Retrieved 5 March 2017.
  231. ^ "Scaling Learning Algorithms towards AI" (PDF). (PDF) from the original on 12 August 2022. Retrieved 6 July 2022.
  232. ^ Tahmasebi, Hezarkhani (2012). "A hybrid neural networks-fuzzy logic-genetic algorithm for grade estimation". Computers & Geosciences. 42: 18–27. Bibcode:2012CG.....42...18T. doi:10.1016/j.cageo.2012.02.004. PMC 4268588. PMID 25540468.
  233. ^ Sun and Bookman, 1990
  234. ^ a b Norori N, Hu Q, Aellen FM, Faraci FD, Tzovara A (October 2021). "Addressing bias in big data and AI for health care: A call for open science". Patterns. 2 (10): 100347. doi:10.1016/j.patter.2021.100347. PMC 8515002. PMID 34693373.
  235. ^ a b Carina W (27 October 2022). "Failing at Face Value: The Effect of Biased Facial Recognition Technology on Racial Discrimination in Criminal Justice". Scientific and Social Research. 4 (10): 29–40. doi:
neural, network, machine, learning, this, article, about, computational, models, used, artificial, intelligence, other, uses, neural, network, disambiguation, machine, learning, neural, network, also, artificial, neural, network, neural, abbreviated, model, in. This article is about the computational models used for artificial intelligence For other uses see Neural network disambiguation In machine learning a neural network also artificial neural network or neural net abbreviated ANN or NN is a model inspired by the structure and function of biological neural networks in animal brains 1 2 An artificial neural network is an interconnected group of nodes inspired by a simplification of neurons in a brain Here each circular node represents an artificial neuron and an arrow represents a connection from the output of one artificial neuron to the input of another An ANN consists of connected units or nodes called artificial neurons which loosely model the neurons in a brain These are connected by edges which model the synapses in a brain Each artificial neuron receives signals from connected neurons then processes them and sends a signal to other connected neurons The signal is a real number and the output of each neuron is computed by some non linear function of the sum of its inputs called the activation function The strength of the signal at each connection is determined by a weight which adjusts during the learning process Typically neurons are aggregated into layers Different layers may perform different transformations on their inputs Signals travel from the first layer the input layer to the last layer the output layer possibly passing through multiple intermediate layers hidden layers A network is typically called a deep neural network if it has at least 2 hidden layers 3 Artificial neural networks are used for various tasks including predictive modeling adaptive control and solving problems in artificial intelligence They can learn from experience and can derive conclusions from a complex and seemingly unrelated set of information Contents 1 Training 2 History 3 Models 3 1 Artificial neurons 3 2 Organization 3 3 Hyperparameter 3 4 Learning 3 4 1 Learning rate 3 4 2 Cost function 3 4 3 Backpropagation 3 5 Learning paradigms 3 5 1 Supervised learning 3 5 2 Unsupervised learning 3 5 3 Reinforcement learning 3 5 4 Self learning 3 5 5 Neuroevolution 3 6 Stochastic neural network 3 7 Other 3 7 1 Modes 4 Types 5 Network design 6 Applications 7 Theoretical properties 7 1 Computational power 7 2 Capacity 7 3 Convergence 7 4 Generalization and statistics 8 Criticism 8 1 Training 8 2 Theory 8 3 Hardware 8 4 Practical counterexamples 8 5 Hybrid approaches 8 6 Dataset bias 9 Gallery 10 Recent advancements and future directions 10 1 Image processing 10 2 Speech recognition 10 3 Natural language processing 10 4 Control systems 10 5 Finance 10 6 Medicine 10 7 Content creation 11 See also 12 External links 13 Notes 14 References 15 BibliographyTraining editNeural networks are typically trained through empirical risk minimization This method is based on the idea of optimizing the network s parameters to minimize the difference or empirical risk between the predicted output and the actual target values in a given dataset 4 Gradient based methods such as backpropagation are usually used to estimate the parameters of the network 4 During the training phase ANNs learn from labeled training data by iteratively updating their parameters to minimize a defined loss function 5 This method allows the network to generalize to unseen data nbsp Simplified example of training a neural network in object detection The network is trained by multiple images that are known to depict starfish and sea urchins which are correlated with nodes that represent visual features The starfish match with a ringed texture and a star outline whereas most sea urchins match with a striped texture and oval shape However the instance of a ring textured sea urchin creates a weakly weighted association between them nbsp Subsequent run of the network on an input image left 6 The network correctly detects the starfish However the weakly weighted association between ringed texture and sea urchin also confers a weak signal to the latter from one of two intermediate nodes In addition a shell that was not included in the training gives a weak signal for the oval shape also resulting in a weak signal for the sea urchin output These weak signals may result in a false positive result for sea urchin In reality textures and outlines would not be represented by single nodes but rather by associated weight patterns of multiple nodes History editMain article History of artificial neural networks Historically digital computers evolved from the von Neumann model and operate via the execution of explicit instructions via access to memory by a number of processors Neural networks on the other hand originated from efforts to model information processing in biological systems through the framework of connectionism Unlike the von Neumann model connectionist computing does not separate memory and processing The simplest kind of feedforward neural network FNN is a linear network which consists of a single layer of output nodes the inputs are fed directly to the outputs via a series of weights The sum of the products of the weights and the inputs is calculated at each node The mean squared errors between these calculated outputs and the given target values are minimized by creating an adjustment to the weights This technique has been known for over two centuries as the method of least squares or linear regression It was used as a means of finding a good rough linear fit to a set of points by Legendre 1805 and Gauss 1795 for the prediction of planetary movement 7 8 9 10 11 Warren McCulloch and Walter Pitts 12 1943 also considered a non learning computational model for neural networks 13 In the late 1940s D O Hebb 14 created a learning hypothesis based on the mechanism of neural plasticity that became known as Hebbian learning Hebbian learning is considered to be a typical unsupervised learning rule and its later variants were early models for long term potentiation These ideas started being applied to computational models in 1948 with Turing s unorganized machines Farley and Wesley A Clark 15 were the first to simulate a Hebbian network in 1954 at MIT They used computational machines then called calculators Other neural network computational machines were created by Rochester Holland Habit and Duda 16 in 1956 In 1958 psychologist Frank Rosenblatt invented the perceptron the first implemented artificial neural network 17 18 19 20 funded by the United States Office of Naval Research 21 The invention of the perceptron raised public excitement for research in Artificial Neural Networks causing the US government to drastically increase funding into deep learning research This led to the golden age of AI fueled by the optimistic claims made by computer scientists regarding the ability of perceptrons to emulate human intelligence 22 For example in 1957 Herbert Simon famously said 22 It is not my aim to surprise or shock you but the simplest way I can summarize is to say that there are now in the world machines that think that learn and that create Moreover their ability to do these things is going to increase rapidly until in a visible future the range of problems they can handle will be coextensive with the range to which the human mind has been applied However this wasn t the case as research stagnated in the United States following the work of Minsky and Papert 1969 23 who discovered that basic perceptrons were incapable of processing the exclusive or circuit and that computers lacked sufficient power to train useful neural networks This along with other factors such as the 1973 Lighthill report by James Lighthill stating that research in Artificial Intelligence has not produced the major impact that was then promised shutting funding in research into the field of AI in all but two universities in the UK and in many major institutions across the world 24 This ushered an era called the AI Winter with reduced research into connectionism due to a decrease in government funding and an increased stress on symbolic artificial intelligence in the United States and other Western countries 25 24 During the AI Winter era however research outside the United States continued especially in Eastern Europe By the time Minsky and Papert s book on Perceptrons came out methods for training multilayer perceptrons MLPs were already known The first deep learning MLP was published by Alexey Grigorevich Ivakhnenko and Valentin Lapa in 1965 as the Group Method of Data Handling 26 27 28 The first deep learning MLP trained by stochastic gradient descent 29 was published in 1967 by Shun ichi Amari 30 31 In computer experiments conducted by Amari s student Saito a five layer MLP with two modifiable layers learned useful internal representations to classify non linearily separable pattern classes 31 Self organizing maps SOMs were described by Teuvo Kohonen in 1982 32 33 SOMs are neurophysiologically inspired 34 neural networks that learn low dimensional representations of high dimensional data while preserving the topological structure of the data They are trained using competitive learning 32 The convolutional neural network CNN architecture with convolutional layers and downsampling layers was introduced by Kunihiko Fukushima in 1980 35 He called it the neocognitron In 1969 he also introduced the ReLU rectified linear unit activation function 36 10 The rectifier has become the most popular activation function for CNNs and deep neural networks in general 37 CNNs have become an essential tool for computer vision A key in later advances in artificial neural network research was the backpropagation algorithm an efficient application of the Leibniz chain rule 1673 38 to networks of differentiable nodes 10 It is also known as the reverse mode of automatic differentiation or reverse accumulation due to Seppo Linnainmaa 1970 39 40 41 42 10 The term back propagating errors was introduced in 1962 by Frank Rosenblatt 43 10 but he did not have an implementation of this procedure although Henry J Kelley 44 and Bryson 45 had dynamic programming based continuous precursors of backpropagation 26 46 47 48 already in 1960 61 in the context of control theory 10 In 1973 Dreyfus used backpropagation to adapt parameters of controllers in proportion to error gradients 49 In 1982 Paul Werbos applied backpropagation to MLPs in the way that has become standard 50 46 In 1986 Rumelhart Hinton and Williams showed that backpropagation learned interesting internal representations of words as feature vectors when trained to predict the next word in a sequence 51 In the late 1970s to early 1980s interest briefly emerged in theoretically investigating the Ising model created by Wilhelm Lenz 1920 and Ernst Ising 1925 52 in relation to Cayley tree topologies and large neural networks The Ising model is essentially a non learning artificial recurrent neural network RNN consisting of neuron like threshold elements 10 In 1972 Shun ichi Amari described an adaptive version of this architecture 53 10 In 1981 the Ising model was solved exactly by Peter Barth for the general case of closed Cayley trees with loops with an arbitrary branching ratio 54 and found to exhibit unusual phase transition behavior in its local apex and long range site site correlations 55 56 John Hopfield popularised this architecture in 1982 57 and it is now known as a Hopfield network The time delay neural network TDNN of Alex Waibel 1987 combined convolutions and weight sharing and backpropagation 58 59 In 1988 Wei Zhang et al applied backpropagation to a CNN a simplified Neocognitron with convolutional interconnections between the image feature layers and the last fully connected layer for alphabet recognition 60 61 In 1989 Yann LeCun et al trained a CNN to recognize handwritten ZIP codes on mail 62 In 1992 max pooling for CNNs was introduced by Juan Weng et al to help with least shift invariance and tolerance to deformation to aid 3D object recognition 63 64 65 LeNet 5 1998 a 7 level CNN by Yann LeCun et al 66 that classifies digits was applied by several banks to recognize hand written numbers on checks digitized in 32x32 pixel images From 1988 onward 67 68 the use of neural networks transformed the field of protein structure prediction in particular when the first cascading networks were trained on profiles matrices produced by multiple sequence alignments 69 In 1991 Sepp Hochreiter s diploma thesis 70 identified and analyzed the vanishing gradient problem 70 71 and proposed recurrent residual connections to solve it His thesis was called one of the most important documents in the history of machine learning by his supervisor Juergen Schmidhuber 10 In 1991 Juergen Schmidhuber 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 72 73 74 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 1992 Juergen Schmidhuber proposed a hierarchy of RNNs pre trained one level at a time by self supervised learning 75 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 75 10 In the same year he also published an alternative to RNNs 76 which is a precursor of a linear Transformer 77 78 10 It introduces the concept internal spotlights of attention 79 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 The development of metal oxide semiconductor MOS very large scale integration VLSI in the form of complementary MOS CMOS technology enabled increasing MOS transistor counts in digital electronics This provided more processing power for the development of practical artificial neural networks in the 1980s 80 Neural networks early successes included in 1995 a mostly self driving car a 81 1997 Sepp Hochreiter and Juergen Schmidhuber introduced the deep learning method called long short term memory LSTM published in Neural Computation 82 LSTM recurrent neural networks can learn very deep learning tasks 83 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 84 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 85 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 86 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 5 Variants of the back propagation algorithm as well as unsupervised methods by Geoff Hinton and colleagues at the University of Toronto can be used to train deep highly nonlinear neural architectures 87 similar to the 1980 Neocognitron by Kunihiko Fukushima 88 and the standard architecture of vision 89 inspired by the simple and complex cells identified by David H Hubel and Torsten Wiesel in the primary visual cortex Computational devices have been created in CMOS for both biophysical simulation and neuromorphic computing More recent efforts show promise for creating nanodevices for very large scale principal components analyses and convolution 90 If successful these efforts could usher in a new era of neural computing that is a step beyond digital computing 91 because it depends on learning rather than programming and because it is fundamentally analog rather than digital even though the first instantiations may in fact be with CMOS digital devices Ciresan and colleagues 2010 92 showed that despite the vanishing gradient problem GPUs make backpropagation feasible for many layered feedforward neural networks 93 Between 2009 and 2012 ANNs began winning prizes in image recognition contests approaching human level performance on various tasks initially in pattern recognition and handwriting recognition 94 95 For example the bi directional and multi dimensional long short term memory LSTM 96 97 of Graves et al won three competitions in connected handwriting recognition in 2009 without any prior knowledge about the three languages to be learned 96 97 Ciresan and colleagues built the first pattern recognizers to achieve human competitive superhuman performance 98 on benchmarks such as traffic sign recognition IJCNN 2012 Radial basis function and wavelet networks were introduced in 2013 These can be shown to offer best approximation properties and have been applied in nonlinear system identification and classification applications 99 In 2014 the adversarial network principle was used in a generative adversarial network GAN by Ian Goodfellow et al 100 Here the adversarial network discriminator outputs a value between 1 and 0 depending on the likelihood of the first network s generator output is in a given set This can be used to create realistic deepfakes 101 Excellent image quality is achieved by Nvidia s StyleGAN 2018 102 based on the Progressive GAN by Tero Karras Timo Aila Samuli Laine and Jaakko Lehtinen 103 Here the GAN generator is grown from small to large scale in a pyramidal fashion In 2015 Rupesh Kumar Srivastava Klaus Greff and Schmidhuber used the LSTM principle to create the Highway network a feedforward neural network with hundreds of layers much deeper than previous networks 104 105 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 106 In 2017 Ashish Vaswani et al introduced the modern Transformer architecture in their paper Attention Is All You Need 107 It combines this with a softmax operator and a projection matrix 10 Transformers have increasingly become the model of choice for natural language processing 108 Many modern large language models such as ChatGPT GPT 4 and BERT use it Transformers are also increasingly being used in computer vision 109 Ramenzanpour et al showed in 2020 that analytical and computational techniques derived from statistical physics of disordered systems can be extended to large scale problems including machine learning e g to analyze the weight space of deep neural networks 110 Models editThis section may be confusing or unclear to readers Please help clarify the section There might be a discussion about this on the talk page April 2017 Learn how and when to remove this message Further information Mathematics of artificial neural networks nbsp Neuron and myelinated axon with signal flow from inputs at dendrites to outputs at axon terminals 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 abandoning attempts to remain true to their biological precursors ANNs have the ability to learn and model non linearities and complex relationships This is achieved by neurons being connected in various patterns allowing the output of some neurons to become the input of others The network forms a directed weighted graph 111 An artificial neural network consists of simulated neurons Each neuron is connected to other nodes via links like a biological axon synapse dendrite connection All the nodes connected by links take in some data and use it to perform specific operations and tasks on the data Each link has a weight determining the strength of one node s influence on another 112 allowing weights to choose the signal between neurons Artificial neurons edit ANNs are composed of artificial neurons which are conceptually derived from biological neurons Each artificial neuron has inputs and produces a single output which can be sent to multiple other neurons 113 The inputs can be the feature values of a sample of external data such as images or documents or they can be the outputs of other neurons The outputs of the final output neurons of the neural net accomplish the task such as recognizing an object in an image To find the output of the neuron we take the weighted sum of all the inputs weighted by the weights of the connections from the inputs to the neuron We add a bias term to this sum 114 This weighted sum is sometimes called the activation This weighted sum is then passed through a usually nonlinear activation function to produce the output 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 115 Organization edit 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 connects to a single neuron in the next layer thereby reducing the number of neurons in that layer 116 Neurons with only such connections form a directed acyclic graph and are known as feedforward networks 117 Alternatively networks that allow connections between neurons in the same or previous layers are known as recurrent networks 118 Hyperparameter edit Main article Hyperparameter machine learning 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 119 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 edit This section includes a list of references related reading or external links but its sources remain unclear because it lacks inline citations Please help improve this section by introducing more precise citations August 2019 Learn how and when to remove this message See also Mathematical optimization Estimation theory and Machine 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 Most learning models can be viewed as a straightforward application of optimization theory and statistical estimation 111 120 Learning rate edit Main article Learning rate The learning rate defines the size of the corrective steps that the model takes to adjust for errors in each observation 121 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 122 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 edit While it is possible to define a cost function ad hoc frequently the choice is determined by the function s 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 edit Main article Backpropagation Backpropagation is a method used 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 123 no prop networks 124 training without backtracking 125 weightless networks 126 127 and non connectionist neural networks citation needed Learning paradigms edit This section includes a list of references related reading or external links but its sources remain unclear because it lacks inline citations Please help improve this section by introducing more precise citations August 2019 Learn how and when to remove this message Machine learning is commonly separated into three main learning paradigms supervised learning 128 unsupervised learning 129 and reinforcement learning 130 Each corresponds to a particular learning task Supervised learning edit 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 131 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 handwriting 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 edit In unsupervised learning input data is given along with the cost function some function of the data x displaystyle textstyle x nbsp 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 f x a displaystyle textstyle f x a nbsp where a displaystyle textstyle a nbsp is a constant and the cost C E x f x 2 displaystyle textstyle C E x f x 2 nbsp Minimizing this cost produces a value of a displaystyle textstyle a nbsp 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 x displaystyle textstyle x nbsp and f x displaystyle textstyle f x nbsp 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 edit Main article Reinforcement learning See also Stochastic control 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 s 1 s n S displaystyle textstyle s 1 s n in S nbsp and actions a 1 a m A displaystyle textstyle a 1 a m in A nbsp Because the state transitions are not known probability distributions are used instead the instantaneous cost distribution P c t s t displaystyle textstyle P c t s t nbsp the observation distribution P x t s t displaystyle textstyle P x t s t nbsp and the transition distribution P s t 1 s t a t displaystyle textstyle P s t 1 s t a t nbsp 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 132 133 Dynamic programming coupled with ANNs giving neurodynamic programming 134 has been applied to problems such as those involved in vehicle routing 135 video games natural resource management 136 137 and medicine 138 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 edit Self learning in neural networks was introduced in 1982 along with a neural network capable of self learning named crossbar adaptive array CAA 139 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 140 Given the 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 141 Neuroevolution edit Main article Neuroevolution Neuroevolution can create neural network topologies and weights using evolutionary computation It is competitive with sophisticated gradient descent approaches citation needed One advantage of neuroevolution is that it may be less prone to get caught in dead ends 142 Stochastic neural network edit Stochastic neural networks originating from Sherrington Kirkpatrick models are a type of artificial neural network built by introducing random variations into the network either by giving the network s artificial neurons stochastic transfer functions or by giving them stochastic weights This makes them useful tools for optimization problems since the random fluctuations help the network escape from local minima 143 Stochastic neural networks trained using a Bayesian approach are known as Bayesian neural networks 144 Other edit In a Bayesian framework a distribution over the set of allowed models is chosen to minimize the cost Evolutionary methods 145 gene expression programming 146 simulated annealing 147 expectation maximization non parametric methods and particle swarm optimization 148 are other learning algorithms Convergent recursion is a learning algorithm for cerebellar model articulation controller CMAC neural networks 149 150 Modes edit This section includes a list of references related reading or external links but its sources remain unclear because it lacks inline citations Please help improve this section by introducing more precise citations August 2019 Learn how and when to remove this message 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 editMain article Types of artificial neural networks 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 is 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 151 152 where long short term memory avoids the vanishing gradient problem 153 and can handle signals that have a mix of low and high frequency components aiding large vocabulary speech recognition 154 155 text to speech synthesis 156 46 157 and photo real talking heads 158 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 159 or on deceiving the opponent about the authenticity of an input 100 Network design editUsing artificial neural networks requires an understanding of their characteristics Choice of model This depends on the data representation and the application Model parameters include the number type and connectedness of network layers as well as the size of each and the connection type full pooling etc Overly complex models learn slowly Learning algorithm Numerous trade offs exist between learning algorithms Almost any algorithm will work well with the correct hyperparameters 160 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 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 161 Available systems include AutoML and AutoKeras 162 scikit learn library provides functions to help with building a deep network from scratch We can then implement a deep network with TensorFlow or Keras 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 163 The Python code snippet provides an overview of the training function which uses the training dataset number of hidden layer units learning rate and number of iterations as parameters def train X y n hidden learning rate n iter m n input X shape 1 random initialize weights and biases w1 np random randn n input n hidden b1 np zeros 1 n hidden w2 np random randn n hidden 1 b2 np zeros 1 1 2 in each iteration feed all layers with the latest weights and biases for i in range n iter 1 z2 np dot X w1 b1 a2 sigmoid z2 z3 np dot a2 w2 b2 a3 z3 dz3 a3 y dw2 np dot a2 T dz3 db2 np sum dz3 axis 0 keepdims True dz2 np dot dz3 w2 T sigmoid derivative z2 dw1 np dot X T dz2 db1 np sum dz2 axis 0 3 update weights and biases with gradients w1 learning rate dw1 m w2 learning rate dw2 m b1 learning rate db1 m b2 learning rate db2 m if i 1000 0 print Epoch i loss np mean np square dz3 model w1 w1 b1 b1 w2 w2 b2 b2 return model citation needed Applications editBecause of their ability to reproduce and model nonlinear processes artificial neural networks have found applications in many disciplines These include Function approximation 164 or regression analysis 165 including time series prediction fitness approximation 166 and modeling Data processing 167 including filtering clustering blind source separation 168 and compression Nonlinear system identification 99 and control including vehicle control trajectory prediction 169 adaptive control process control and natural resource management Pattern recognition including radar systems face identification signal classification 170 novelty detection 3D reconstruction 171 object recognition and sequential decision making 172 Sequence recognition including gesture speech and handwritten and printed text recognition 173 Sensor data analysis 174 including image analysis Robotics including directing manipulators and prostheses Data mining including knowledge discovery in databases Finance 175 such as ex ante models for specific financial long run forecasts and artificial financial markets Quantum chemistry 176 General game playing 177 Generative AI 178 Data visualization Machine translation Social network filtering 179 E mail spam filtering Medical diagnosis ANNs have been used to diagnose several types of cancers 180 181 and to distinguish highly invasive cancer cell lines from less invasive lines using only cell shape information 182 183 ANNs have been used to accelerate reliability analysis of infrastructures subject to natural disasters 184 185 and to predict foundation settlements 186 It can also be useful to mitigate flood by the use of ANNs for modelling rainfall runoff 187 ANNs have also been used for building black box models in geoscience hydrology 188 189 ocean modelling and coastal engineering 190 191 and geomorphology 192 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 193 for identifying domains belonging to threat actors and for detecting URLs posing a security risk 194 Research is underway on ANN systems designed for penetration testing for detecting botnets 195 credit cards frauds 196 and network intrusions ANNs have been proposed as a tool to solve partial differential equations in physics 197 198 199 and simulate the properties of many body open quantum systems 200 201 202 203 In brain research ANNs have studied short term behavior of individual neurons 204 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 It is possible to create a profile of a user s interests from pictures using artificial neural networks trained for object recognition 205 Beyond their traditional applications artificial neural networks are increasingly being utilized in interdisciplinary research such as materials science For instance graph neural networks GNNs have demonstrated their capability in scaling deep learning for the discovery of new stable materials by efficiently predicting the total energy of crystals This application underscores the adaptability and potential of ANNs in tackling complex problems beyond the realms of predictive modeling and artificial intelligence opening new pathways for scientific discovery and innovation 206 Theoretical properties editComputational power edit 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 207 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 208 209 failed verification Capacity edit A model s capacity property 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 Two notions of capacity are known by the community The information capacity and the VC Dimension The information capacity of a perceptron is intensively discussed in Sir David MacKay s book 210 which summarizes work by Thomas Cover 211 The capacity of a network of standard neurons not convolutional can be derived by four rules 212 that derive from understanding a neuron as an electrical element The information capacity captures the functions modelable by the network given any data as input The second notion is the VC dimension VC Dimension uses the principles of measure theory and finds the maximum capacity under the best possible circumstances This is given input data in a specific form As noted in 210 the VC Dimension for arbitrary inputs is half the information capacity of a Perceptron The VC Dimension for arbitrary points is sometimes referred to as Memory Capacity 213 Convergence edit 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 Another issue worthy to mention is that training may cross some Saddle point which may lead the convergence to the wrong direction The convergence behavior of certain types of ANN architectures are more understood than others When the width of network approaches to infinity the ANN is well described by its first order Taylor expansion throughout training and so inherits the convergence behavior of affine models 214 215 Another example is when parameters are small it is observed that ANNs often fits target functions from low to high frequencies This behavior is referred to as the spectral bias or frequency principle of neural networks 216 217 218 219 This phenomenon is the opposite to the behavior of some well studied iterative numerical schemes such as Jacobi method Deeper neural networks have been observed to be more biased towards low frequency functions 220 Generalization and statistics edit This section includes a list of references related reading or external links but its sources remain unclear because it lacks inline citations Please help improve this section by introducing more precise citations August 2019 Learn how and when to remove this message Applications whose goal is to create a system that generalizes well to unseen examples face the possibility of over training This arises in convoluted or over specified systems when the network capacity significantly exceeds the needed free parameters Two approaches address over training The first is to use cross validation and similar techniques to check for the presence of over training and to select hyperparameters to minimize the generalization error 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 nbsp Confidence analysis of a neural network Supervised neural networks that use a mean squared error MSE cost function can use formal statistical methods to determine the confidence of the trained model The MSE on a validation set can be used as an estimate for variance This value can then be used to calculate the confidence interval of network output assuming a normal distribution A confidence analysis made this way is statistically valid as long as the output probability distribution stays the same and the network is not modified By assigning a softmax activation function a generalization of the logistic function on the output layer of the neural network or a softmax component in a component based network for categorical target variables the outputs can be interpreted as posterior probabilities This is useful in classification as it gives a certainty measure on classifications The softmax activation function is y i e x i j 1 c e x j displaystyle y i frac e x i sum j 1 c e x j nbsp Criticism editTraining edit A common criticism of neural networks particularly in robotics is that they require too many training samples for real world operation 221 Any learning machine needs sufficient representative examples in order to capture the underlying structure that allows it to generalize to new cases 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 149 Dean Pomerleau uses a neural network to train a robotic vehicle to drive on multiple types of roads single lane multi lane dirt etc and a large amount of his research is devoted to extrapolating multiple training scenarios from a single training experience and preserving past training diversity so that the system does not become overtrained if for example it is presented with a series of right turns it should not learn to always turn right 222 Theory edit A central claim citation needed of ANNs is that they embody new and powerful general principles for processing information These principles are ill defined It is often claimed by whom 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 In 1997 Alexander Dewdney a former Scientific American columnist 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 223 One response to Dewdney is that neural networks have been successfully used to handle many complex and diverse tasks ranging from autonomously flying aircraft 224 to detecting credit card fraud to mastering the game of Go Technology writer Roger Bridgman commented 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 225 Although it is true that analyzing what has been learned by an artificial neural network is difficult it is much easier to do so than to analyze what has been learned by a biological neural network Moreover recent emphasis on the explainability of AI has contributed towards the development of methods notably those based on attention mechanisms for visualizing and explaining learned neural networks Furthermore researchers involved in exploring learning algorithms for neural networks are gradually uncovering generic principles that allow a learning machine to be successful For example Bengio and LeCun 2007 wrote an article regarding local vs non local learning as well as shallow vs deep architecture 226 Biological brains use both shallow and deep circuits as reported by brain anatomy 227 displaying a wide variety of invariance Weng 228 argued that the brain self wires largely according to signal statistics and therefore a serial cascade cannot catch all major statistical dependencies Hardware edit Large and effective neural networks require considerable computing resources 229 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 26 The use of accelerators such as FPGAs and GPUs can reduce training times from months to days 229 Neuromorphic engineering or a physical neural network 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 230 Practical counterexamples edit Analyzing what has been learned by an ANN is much easier than analyzing 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 231 Hybrid approaches edit Advocates of hybrid models combining neural networks and symbolic approaches say that such a mixture can better capture the mechanisms of the human mind 232 233 Dataset bias edit Neural networks are dependent on the quality of the data they are trained on thus low quality data with imbalanced representativeness can lead to the model learning and perpetuating societal biases 234 235 These inherited biases become especially critical when the ANNs are integrated into real world scenarios where the training data may be imbalanced due to the scarcity of data for a specific race gender or other attribute 234 This imbalance can result in the model having inadequate representation and understanding of underrepresented groups leading to discriminatory outcomes that exasperate societal inequalities especially in applications like facial recognition hiring processes and law enforcement 235 236 For example in 2018 Amazon had to scrap a recruiting tool because the model favored men over women for jobs in software engineering due to the higher number of male workers in the field 236 The program would penalize any resume with the word woman or the name of any women s college However the use of synthetic data can help reduce dataset bias and increase representation in datasets 237 Gallery edit nbsp A single layer feedforward artificial neural network Arrows originating from x 2 displaystyle scriptstyle x 2 nbsp are omitted for clarity There are p inputs to this network and q outputs In this system the value of the qth output y q displaystyle y q nbsp is calculated as y q K i x i w i q b q displaystyle scriptstyle y q K sum i x i w iq b q nbsp nbsp A two layer feedforward artificial neural network nbsp An artificial neural network nbsp An ANN dependency graph nbsp A single layer feedforward artificial neural network with 4 inputs 6 hidden nodes and 2 outputs Given position state and direction it outputs wheel based control values nbsp A two layer feedforward artificial neural network with 8 inputs 2x8 hidden nodes and 2 outputs Given position state direction and other environment values it outputs thruster based control values nbsp Parallel pipeline structure of CMAC neural network This learning algorithm can converge in one step Recent advancements and future directions editArtificial neural networks ANNs have undergone significant advancements particularly in their ability to model complex systems handle large data sets and adapt to various types of applications Their evolution over the past few decades has been marked by a broad range of applications in fields such as image processing speech recognition natural language processing finance and medicine Image processing edit In the realm of image processing ANNs are employed in tasks such as image classification object recognition and image segmentation For instance deep convolutional neural networks CNNs have been important in handwritten digit recognition achieving state of the art performance 238 This demonstrates the ability of ANNs to effectively process and interpret complex visual information leading to advancements in fields ranging from automated surveillance to medical imaging 238 Speech recognition edit By modeling speech signals ANNs are used for tasks like speaker identification and speech to text conversion Deep neural network architectures have introduced significant improvements in large vocabulary continuous speech recognition outperforming traditional techniques 238 239 These advancements have enabled the development of more accurate and efficient voice activated systems enhancing user interfaces in technology products Natural language processing edit In natural language processing ANNs are used for tasks such as text classification sentiment analysis and machine translation They have enabled the development of models that can accurately translate between languages understand the context and sentiment in textual data and categorize text based on content 238 239 This has implications for automated customer service content moderation and language understanding technologies Control systems edit In the domain of control systems ANNs are used to model dynamic systems for tasks such as system identification control design and optimization For instance deep feedforward neural networks are important in system identification and control applications Finance edit Further information Applications of artificial intelligence Trading and investment ANNs are used for stock market prediction and credit scoring In investing ANNs can process vast amounts of financial data recognize complex patterns and forecast stock market trends aiding investors and risk managers in making informed decisions 238 In credit scoring ANNs offer data driven personalized assessments of creditworthiness improving the accuracy of default predictions and automating the lending process 239 ANNs require high quality data and careful tuning and their black box nature can pose challenges in interpretation Nevertheless ongoing advancements suggest that ANNs continue to play a role in finance offering valuable insights and enhancing risk management strategies Medicine edit ANNs are able to process and analyze vast medical datasets They enhance diagnostic accuracy especially by interpreting complex medical imaging for early disease detection and by predicting patient outcomes for personalized treatment planning 239 In drug discovery ANNs speed up the identification of potential drug candidates and predict their efficacy and safety significantly reducing development time and costs 238 Additionally their application in personalized medicine and healthcare data analysis allows tailored therapies and efficient patient care management 239 Ongoing research is aimed at addressing remaining challenges such as data privacy and model interpretability as well as expanding the scope of ANN applications in medicine Content creation edit ANNs such as generative adversarial networks GAN and transformers are used for content creation across numerous industries 240 This is because deep learning models are able to learn the style of an artist or musician from huge datasets and generate completely new artworks and music compositions For instance DALL E is a deep neural network trained on 650 million pairs of images and texts across the internet that can create artworks based on text entered by the user 241 In the field of music transformers are used to create original music for commercials and documentaries through companies such as AIVA and Jukedeck 242 In the marketing industry generative models are used to create personalized advertisements for consumers 240 Additionally major film companies are partnering with technology companies to analyze the financial success of a film such as the partnership between Warner Bros and technology company Cinelytic established in 2020 243 Furthermore neural networks have found uses in video game creation where Non Player Characters NPCs can make decisions based on all the characters currently in the game 244 See also editADALINE Autoencoder Bio inspired computing Blue Brain Project Catastrophic interference Cognitive architecture Connectionist expert system Connectomics Deep image prior Digital morphogenesis Efficiently updatable neural network Evolutionary algorithm Genetic algorithm Hyperdimensional computing In situ adaptive tabulation Large width limits of neural networks List of machine learning concepts Memristor Neural gas Neural network software Optical neural network Parallel distributed processing Philosophy of artificial intelligence Predictive analytics Quantum neural network Support vector machine Spiking neural network Stochastic parrot Tensor product networkExternal links editListen to this article 31 minutes source source nbsp This audio file was created from a revision of this article dated 27 November 2011 2011 11 27 and does not reflect subsequent edits Audio help More spoken articles A Brief Introduction to Neural Networks D Kriesel Illustrated bilingual manuscript about artificial neural networks Topics so far Perceptrons Backpropagation Radial Basis Functions Recurrent Neural Networks Self Organizing Maps Hopfield Networks Review of Neural Networks in Materials Science Artificial Neural Networks Tutorial in three languages Univ Politecnica de Madrid Another introduction to ANN Next Generation of Neural Networks Google Tech Talks Performance of Neural Networks Neural Networks and Information Sanderson G 5 October 2017 But what is a Neural Network 3Blue1Brown Archived from the original on 7 November 2021 via YouTube Notes edit Steering for the 1995 No Hands Across America required only a few human assists References edit Hardesty L 14 April 2017 Explained Neural networks MIT News Office Retrieved 2 June 2022 Yang Z Yang Z 2014 Comprehensive Biomedical Physics Karolinska Institute Stockholm Sweden Elsevier p 1 ISBN 978 0 444 53633 4 Archived from the original on 28 July 2022 Retrieved 28 July 2022 Bishop CM 17 August 2006 Pattern Recognition and Machine Learning New York Springer ISBN 978 0 387 31073 2 a b Vapnik VN Vapnik VN 1998 The nature of statistical learning theory Corrected 2nd print ed New York Berlin Heidelberg Springer ISBN 978 0 387 94559 0 a b Ian Goodfellow and Yoshua Bengio and Aaron Courville 2016 Deep Learning MIT Press Archived from the original on 16 April 2016 Retrieved 1 June 2016 Ferrie C Kaiser S 2019 Neural Networks for Babies Sourcebooks ISBN 978 1 4926 7120 6 Mansfield Merriman A List of Writings Relating to the Method of Least Squares Stigler SM 1981 Gauss and the Invention of Least Squares Ann Stat 9 3 465 474 doi 10 1214 aos 1176345451 Bretscher O 1995 Linear Algebra With Applications 3rd ed Upper Saddle River NJ Prentice Hall a b c d e f g h i j k l Schmidhuber J 2022 Annotated History of Modern AI and Deep Learning arXiv 2212 11279 cs NE Stigler SM 1986 The History of Statistics The Measurement of Uncertainty before 1900 Cambridge Harvard ISBN 0 674 40340 1 McCulloch W Walter Pitts 1943 A Logical Calculus of Ideas Immanent in Nervous Activity Bulletin of Mathematical Biophysics 5 4 115 133 doi 10 1007 BF02478259 Kleene S 1956 Representation of Events in Nerve Nets and Finite Automata Annals of Mathematics Studies No 34 Princeton University Press pp 3 41 Retrieved 17 June 2017 Hebb D 1949 The Organization of Behavior New York Wiley ISBN 978 1 135 63190 1 Farley B 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 Rochester N J H Holland L H Habit and W L Duda 1956 Tests on a cell assembly theory of the action of the brain using a large digital computer IRE Transactions on Information Theory 2 3 80 93 doi 10 1109 TIT 1956 1056810 Haykin 2008 Neural Networks and Learning Machines 3rd edition 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 doi 10 1037 h0042519 PMID 13602029 S2CID 12781225 Werbos P 1975 Beyond Regression New Tools for Prediction and Analysis in the Behavioral Sciences Rosenblatt F 1957 The Perceptron a perceiving and recognizing automaton Report 85 460 1 Cornell Aeronautical Laboratory Olazaran M 1996 A Sociological Study of the Official History of the Perceptrons Controversy Social Studies of Science 26 3 611 659 doi 10 1177 030631296026003005 JSTOR 285702 S2CID 16786738 a b Russel Stuart Norvig Peter 2010 Artificial Intelligence A Modern Approach PDF 3rd ed United States of America Pearson Education pp 16 28 ISBN 978 0 13 604259 4 Minsky M Papert S 1969 Perceptrons An Introduction to Computational Geometry MIT Press ISBN 978 0 262 63022 1 a b Russell SJ Norvig P 2021 Artificial intelligence a modern approach Pearson Series in Artificial Intelligence Ming wei Chang Jacob Devlin Anca Dragan David Forsyth Ian Goodfellow Jitendra Malik Vikash Mansinghka Judea Pearl Michael J Wooldridge 4th ed Hoboken NJ Pearson ISBN 978 0 13 461099 3 Giacaglia G P 2 November 2022 Making Things Think Holloway ISBN 978 1 952120 41 1 Retrieved 29 December 2023 a b c Schmidhuber J 2015 Deep Learning in Neural Networks An Overview Neural Networks 61 85 117 arXiv 1404 7828 doi 10 1016 j neunet 2014 09 003 PMID 25462637 S2CID 11715509 Ivakhnenko AG 1973 Cybernetic Predicting Devices CCM Information Corporation Ivakhnenko AG Lapa VG 1967 Cybernetics and forecasting techniques American Elsevier Pub Co Robbins H Monro S 1951 A Stochastic Approximation Method The Annals of Mathematical Statistics 22 3 400 doi 10 1214 aoms 1177729586 Amari S 1967 A theory of adaptive pattern classifier IEEE Transactions EC 16 279 307 a b Schmidhuber J 2022 Annotated History of Modern AI and Deep Learning arXiv 2212 11279 cs NE a b Kohonen T Honkela T 2007 Kohonen Network Scholarpedia 2 1 1568 Bibcode 2007SchpJ 2 1568K doi 10 4249 scholarpedia 1568 Kohonen T 1982 Self Organized Formation of Topologically Correct Feature Maps Biological Cybernetics 43 1 59 69 doi 10 1007 bf00337288 S2CID 206775459 Von der Malsburg C 1973 Self organization of orientation sensitive cells in the striate cortex Kybernetik 14 2 85 100 doi 10 1007 bf00288907 PMID 4786750 S2CID 3351573 Fukushima K 1980 Neocognitron A Self organizing Neural Network Model for a Mechanism of Pattern Recognition Unaffected by Shift in Position PDF Biological Cybernetics 36 4 193 202 doi 10 1007 BF00344251 PMID 7370364 S2CID 206775608 Retrieved 16 November 2013 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 Ramachandran P Barret Z Quoc VL 16 October 2017 Searching for Activation Functions arXiv 1710 05941 cs NE Leibniz GW 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 Open court publishing Company ISBN 978 0 598 81846 1 Linnainmaa S 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 Linnainmaa S 1976 Taylor expansion of the accumulated rounding error BIT Numerical Mathematics 16 2 146 160 doi 10 1007 bf01931367 S2CID 122357351 Griewank A 2012 Who Invented the Reverse Mode of Differentiation Optimization Stories Documenta Matematica Extra Volume ISMP pp 389 400 S2CID 15568746 Griewank A Walther A 2008 Evaluating Derivatives Principles and Techniques of Algorithmic Differentiation Second Edition SIAM ISBN 978 0 89871 776 1 Rosenblatt F 1962 Principles of Neurodynamics Spartan New York Kelley HJ 1960 Gradient theory of optimal flight paths ARS Journal 30 10 947 954 doi 10 2514 8 5282 A gradient method for optimizing multi stage allocation processes Proceedings of the Harvard Univ Symposium on digital computers and their applications April 1961 a b c Schmidhuber J 2015 Deep Learning Scholarpedia 10 11 85 117 Bibcode 2015SchpJ 1032832S doi 10 4249 scholarpedia 32832 Dreyfus SE 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 doi 10 2514 3 25422 ISSN 0731 5090 Mizutani E Dreyfus S 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 pp 167 172 vol 2 doi 10 1109 ijcnn 2000 857892 ISBN 0 7695 0619 4 S2CID 351146 Dreyfus S 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 Werbos P 1982 Applications of advances in nonlinear sensitivity analysis PDF System modeling and optimization Springer pp 762 770 Archived PDF from the original on 14 April 2016 Retrieved 2 July 2017 David E Rumelhart Geoffrey E Hinton amp Ronald J Williams Learning representations by back propagating errors Archived 8 March 2021 at the Wayback Machine Nature 323 pages 533 536 1986 Brush SG 1967 History of the Lenz Ising Model Reviews of Modern Physics 39 4 883 893 Bibcode 1967RvMP 39 883B doi 10 1103 RevModPhys 39 883 Amari SI 1972 Learning patterns and pattern sequences by self organizing nets of threshold elements IEEE Transactions C 21 1197 1206 Barth PF 1981 Cooperativity and the Transition Behavior of Large Neural Nets MS thesis Burlington University of Vermont OCLC 8231704 Krizan J Barth P Glasser M 1983 Exact Phase Transitions for the Ising Model on the Closed Cayley Tree Physica 119A North Holland Publishing Co 230 242 doi 10 1016 0378 4371 83 90157 7 Glasser M Goldberg M 1983 The Ising model on a closed Cayley tree Physica 117A 2 3 670 672 Bibcode 1983PhyA 117 670G doi 10 1016 0378 4371 83 90138 3 Hopfield JJ 1982 Neural networks and physical systems with emergent collective computational abilities Proceedings of the National Academy of Sciences 79 8 2554 2558 Bibcode 1982PNAS 79 2554H doi 10 1073 pnas 79 8 2554 PMC 346238 PMID 6953413 Waibel A December 1987 Phoneme Recognition Using Time Delay Neural Networks Meeting of the Institute of Electrical Information and Communication Engineers IEICE Tokyo Japan Alexander Waibel et al Phoneme Recognition Using Time Delay Neural Networks IEEE Transactions on Acoustics Speech and Signal Processing Volume 37 No 3 pp 328 339 March 1989 Zhang W 1988 Shift invariant pattern recognition neural network and its optical architecture Proceedings of Annual Conference of the Japan Society of Applied Physics Zhang W 1990 Parallel distributed processing model with local space invariant interconnections and its optical architecture Applied Optics 29 32 4790 7 Bibcode 1990ApOpt 29 4790Z doi 10 1364 AO 29 004790 PMID 20577468 LeCun et al Backpropagation Applied to Handwritten Zip Code Recognition Neural Computation 1 pp 541 551 1989 J Weng N Ahuja and T S Huang Cresceptron a self organizing neural network which grows adaptively Archived 21 September 2017 at the Wayback Machine Proc International Joint Conference on Neural Networks Baltimore Maryland vol I pp 576 581 June 1992 J Weng N Ahuja and T S Huang Learning recognition and segmentation of 3 D objects from 2 D images Archived 21 September 2017 at the Wayback Machine Proc 4th International Conf Computer Vision Berlin Germany pp 121 128 May 1993 J Weng N Ahuja and T S Huang Learning recognition and segmentation using the Cresceptron Archived 25 January 2021 at the Wayback Machine International Journal of Computer Vision vol 25 no 2 pp 105 139 Nov 1997 LeCun Y Leon Bottou Yoshua Bengio Patrick Haffner 1998 Gradient based learning applied to document recognition PDF Proceedings of the IEEE 86 11 2278 2324 CiteSeerX 10 1 1 32 9552 doi 10 1109 5 726791 S2CID 14542261 Retrieved 7 October 2016 Qian Ning and Terrence J Sejnowski Predicting the secondary structure of globular proteins using neural network models Journal of molecular biology 202 no 4 1988 865 884 Bohr Henrik Jakob Bohr Soren Brunak Rodney MJ Cotterill Benny Lautrup Leif Norskov Ole H Olsen and Steffen B Petersen Protein secondary structure and homology by neural networks The a helices in rhodopsin FEBS letters 241 1988 223 228 Rost Burkhard and Chris Sander Prediction of protein secondary structure at better than 70 accuracy Journal of molecular biology 232 no 2 1993 584 599 a b S Hochreiter Untersuchungen zu dynamischen neuronalen Netzen Archived 2015 03 06 at the Wayback Machine Diploma thesis Institut f Informatik Technische Univ Munich Advisor J Schmidhuber 1991 Hochreiter S et al 15 January 2001 Gradient flow in recurrent nets the difficulty of learning long term dependencies In Kolen JF Kremer SC eds A Field Guide to Dynamical Recurrent Networks John Wiley amp Sons ISBN 978 0 7803 5369 5 Schmidhuber J 1991 A possibility for implementing curiosity and boredom in model building neural controllers Proc SAB 1991 MIT Press Bradford Books pp 222 227 Schmidhuber J 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 S2CID 234198 Schmidhuber J 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 doi 10 1016 j neunet 2020 04 008 PMID 32334341 S2CID 216056336 a b Schmidhuber J 1992 Learning complex extended sequences using the principle of history compression PDF Neural Computation 4 2 234 242 doi 10 1162 neco 1992 4 2 234 S2CID 18271205 permanent dead link Schmidhuber J 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 S2CID 16683347 Schlag I Irie K Schmidhuber J 2021 Linear Transformers Are Secretly Fast Weight Programmers ICML 2021 Springer pp 9355 9366 Choromanski K Likhosherstov V Dohan D Song X Gane A Sarlos T et al 2020 Rethinking Attention with Performers arXiv 2009 14794 cs CL Schmidhuber J 1993 Reducing the ratio between learning complexity and number of time varying variables in fully recurrent nets ICANN 1993 Springer pp 460 463 Mead CA Ismail M 8 May 1989 Analog VLSI Implementation of Neural Systems PDF The Kluwer International Series in Engineering and Computer Science Vol 80 Norwell MA Kluwer Academic Publishers doi 10 1007 978 1 4613 1639 8 ISBN 978 1 4613 1639 8 Archived PDF from the original on 6 November 2019 Retrieved 24 January 2020 Domingos P 22 September 2015 chapter 4 The Master Algorithm How the Quest for the Ultimate Learning Machine Will Remake Our World Basic Books ISBN 978 0 465 06570 7 Hochreiter S Schmidhuber J 1 November 1997 Long Short Term Memory Neural Computation 9 8 1735 1780 doi 10 1162 neco 1997 9 8 1735 ISSN 0899 7667 PMID 9377276 S2CID 1915014 Schmidhuber J 2015 Deep Learning in Neural Networks An Overview Neural Networks 61 85 117 arXiv 1404 7828 doi 10 1016 j neunet 2014 09 003 PMID 25462637 S2CID 11715509 Gers F Schmidhuber J Cummins F 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 ISBN 0 85296 721 7 Smolensky P 1986 Information processing in dynamical systems Foundations of harmony theory In D E Rumelhart J L McClelland PDP Research Group eds Parallel Distributed Processing Explorations in the Microstructure of Cognition Vol 1 pp 194 281 ISBN 978 0 262 68053 0 Ng A Dean J 2012 Building High level Features Using Large Scale Unsupervised Learning arXiv 1112 6209 cs LG Hinton GE Osindero S Teh Y 2006 A fast learning algorithm for deep belief nets PDF Neural Computation 18 7 1527 1554 CiteSeerX 10 1 1 76 1541 doi 10 1162 neco 2006 18 7 1527 PMID 16764513 S2CID 2309950 Fukushima K 1980 Neocognitron A self organizing neural network model for a mechanism of pattern recognition unaffected by shift in position Biological Cybernetics 36 4 93 202 doi 10 1007 BF00344251 PMID 7370364 S2CID 206775608 Riesenhuber M Poggio T 1999 Hierarchical models of object recognition in cortex Nature Neuroscience 2 11 1019 1025 doi 10 1038 14819 PMID 10526343 S2CID 8920227 Yang JJ Pickett MD Li XM Ohlberg DA Stewart DR Williams RS 2008 Memristive switching mechanism for metal oxide metal nanodevices Nat Nanotechnol 3 7 429 433 doi 10 1038 nnano 2008 160 PMID 18654568 Strukov DB Snider GS Stewart DR Williams RS 2008 The missing memristor found Nature 453 7191 80 83 Bibcode 2008Natur 453 80S doi 10 1038 nature06932 PMID 18451858 S2CID 4367148 Ciresan DC Meier U Gambardella LM Schmidhuber J 21 September 2010 Deep Big Simple Neural Nets for Handwritten Digit Recognition Neural Computation 22 12 3207 3220 arXiv 1003 0358 doi 10 1162 neco a 00052 ISSN 0899 7667 PMID 20858131 S2CID 1918673 Dominik Scherer Andreas C Muller and Sven Behnke Evaluation of Pooling Operations in Convolutional Architectures for Object Recognition Archived 3 April 2018 at the Wayback Machine In 20th International Conference Artificial Neural Networks ICANN pp 92 101 2010 doi 10 1007 978 3 642 15825 4 10 2012 Kurzweil AI Interview Archived 31 August 2018 at the Wayback Machine with Juergen Schmidhuber on the eight competitions won by his Deep Learning team 2009 2012 How bio inspired deep learning keeps winning competitions KurzweilAI www kurzweilai net Archived from the original on 31 August 2018 Retrieved 16 June 2017 a b Graves A Schmidhuber J 2009 Offline Handwriting Recognition with Multidimensional Recurrent Neural Networks PDF In Koller D Schuurmans D Bengio Y Bottou L eds Advances in Neural Information Processing Systems 21 NIPS 2008 Neural Information Processing Systems NIPS Foundation pp 545 552 ISBN 978 1 60560 949 2 a b Graves A Liwicki M Fernandez S Bertolami R Bunke H Schmidhuber J May 2009 A Novel Connectionist System for Unconstrained Handwriting Recognition PDF IEEE Transactions on Pattern Analysis and Machine Intelligence 31 5 855 868 CiteSeerX 10 1 1 139 4502 doi 10 1109 tpami 2008 137 ISSN 0162 8828 PMID 19299860 S2CID 14635907 Archived PDF from the original on 2 January 2014 Retrieved 30 July 2014 Ciresan D 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 Bibcode 2012arXiv1202 2745C CiteSeerX 10 1 1 300 3283 doi 10 1109 cvpr 2012 6248110 ISBN 978 1 4673 1228 8 S2CID 2161592 a b Billings SA 2013 Nonlinear System Identification NARMAX Methods in the Time Frequency and Spatio Temporal Domains Wiley ISBN 978 1 119 94359 4 a b Goodfellow I Pouget Abadie J Mirza M Xu B Warde Farley D Ozair S et al 2014 Generative Adversarial Networks PDF Proceedings of the International Conference on Neural Information Processing Systems NIPS 2014 pp 2672 2680 Archived PDF from the original on 22 November 2019 Retrieved 20 August 2019 Prepare Don t Panic Synthetic Media and Deepfakes witness org Archived from the original on 2 December 2020 Retrieved 25 November 2020 GAN 2 0 NVIDIA s Hyperrealistic Face Generator SyncedReview com 14 December 2018 Retrieved 3 October 2019 Karras T Aila T Laine S Lehtinen J 1 October 2017 Progressive Growing of GANs for Improved Quality Stability and Variation arXiv 1710 10196 cs NE Srivastava RK Greff K Schmidhuber J 2 May 2015 Highway Networks arXiv 1505 00387 cs LG Srivastava RK Greff K Schmidhuber J 2015 Training Very Deep Networks Advances in Neural Information Processing Systems 28 Curran Associates Inc 2377 2385 He K Zhang X Ren S Sun J 2016 Deep Residual Learning for Image Recognition 2016 IEEE Conference on Computer Vision and Pattern Recognition CVPR Las Vegas NV US IEEE pp 770 778 arXiv 1512 03385 doi 10 1109 CVPR 2016 90 ISBN 978 1 4673 8851 1 Vaswani A Shazeer N Parmar N Uszkoreit J Jones L Gomez AN et al 12 June 2017 Attention Is All You Need arXiv 1706 03762 cs CL Wolf T Debut L Sanh V Chaumond J Delangue C Moi A et al 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 S2CID 208117506 He C 31 December 2021 Transformer in CV Transformer in CV Towards Data Science Ramezanpour A Beam A L Chen J H Mashaghi A Statistical Physics for Medical Diagnostics Learning Inference and Optimization Algorithms Diagnostics 2020 10 972 a b Zell A 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 Artificial intelligence 3rd ed Addison Wesley Pub Co 1992 ISBN 0 201 53377 4 Abbod MF 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 PMID 17698099 Dawson CW 1998 An artificial neural network approach to rainfall runoff modelling Hydrological Sciences Journal 43 1 47 66 Bibcode 1998HydSJ 43 47D doi 10 1080 02626669809492102 The Machine Learning Dictionary www cse unsw edu au Archived from the original on 26 August 2018 Retrieved 4 November 2009 Ciresan D Ueli Meier Jonathan Masci Luca M Gambardella Jurgen Schmidhuber 2011 Flexible High Performance Convolutional Neural Networks for Image Classification PDF Proceedings of the Twenty Second International Joint Conference on Artificial Intelligence Volume Volume Two 2 1237 1242 Archived PDF from the original on 5 April 2022 Retrieved 7 July 2022 Zell A 1994 Simulation Neuronaler Netze Simulation of Neural Networks in German 1st ed Addison Wesley p 73 ISBN 3 89319 554 8 Miljanovic M February March 2012 Comparative analysis of Recurrent and Finite Impulse Response Neural Networks in Time Series Prediction PDF Indian Journal of Computer and Engineering 3 1 Lau S 10 July 2017 A Walkthrough of Convolutional Neural Network Hyperparameter Tuning Medium Archived from the original on 4 February 2023 Retrieved 23 August 2019 Kelleher JD Mac Namee B D Arcy A 2020 7 8 Fundamentals of machine learning for predictive data analytics algorithms worked examples and case studies 2nd ed Cambridge MA The MIT Press ISBN 978 0 262 36110 1 OCLC 1162184998 Wei J 26 April 2019 Forget the Learning Rate Decay Loss arXiv 1905 00094 cs LG Li Y Fu Y Li H Zhang SW 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 Vol 1 pp 73 76 doi 10 1109 CINC 2009 111 ISBN 978 0 7695 3645 3 S2CID 10557754 Huang GB Zhu QY Siew CK 2006 Extreme learning machine theory and applications Neurocomputing 70 1 489 501 CiteSeerX 10 1 1 217 3692 doi 10 1016 j neucom 2005 12 126 S2CID 116858 Widrow B 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 PMID 23140797 Ollivier Y Charpiat G 2015 Training recurrent networks without backtracking arXiv 1507 07680 cs NE Hinton GE 2010 A Practical Guide to Training Restricted Boltzmann Machines Tech Rep UTML TR 2010 003 Archived from the original on 9 May 2021 Retrieved 27 June 2017 ESANN 2009 full citation needed Bernard E 2021 Introduction to machine learning Champaign Wolfram Media p 9 ISBN 978 1 57955 048 6 Retrieved 22 March 2023 Bernard E 2021 Introduction to machine learning Champaign Wolfram Media p 12 ISBN 978 1 57955 048 6 Retrieved 22 March 2023 Bernard E 2021 Introduction to Machine Learning Wolfram Media Inc p 9 ISBN 978 1 57955 048 6 Ojha VK Abraham A Snasel V 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 Bibcode 2017arXiv170505584O doi 10 1016 j engappai 2017 01 013 S2CID 27910748 Dominic S Das R Whitley D Anderson C July 1991 Genetic reinforcement learning for neural networks IJCNN 91 Seattle International Joint Conference on Neural Networks IJCNN 91 Seattle International Joint Conference on Neural Networks Seattle Washington US IEEE pp 71 76 doi 10 1109 IJCNN 1991 155315 ISBN 0 7803 0164 1 Hoskins J Himmelblau D M 1992 Process control via artificial neural networks and reinforcement learning Computers amp Chemical Engineering 16 4 241 251 doi 10 1016 0098 1354 92 80045 B Bertsekas D Tsitsiklis J 1996 Neuro dynamic programming Athena Scientific p 512 ISBN 978 1 886529 10 6 Archived from the original on 29 June 2017 Retrieved 17 June 2017 Secomandi N 2000 Comparing neuro dynamic programming algorithms for the vehicle routing problem with stochastic demands Computers amp Operations Research 27 11 12 1201 1225 CiteSeerX 10 1 1 392 4034 doi 10 1016 S0305 0548 99 00146 X 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 Canberra Australia Modelling and Simulation Society of Australia and New Zealand doi 10 5281 zenodo 7481 ISBN 0 86740 525 2 Archived from the original on 7 August 2013 Retrieved 29 July 2013 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 Vol 1 La Jolla California US IEEE pp 7 14 doi 10 1109 CEC 2000 870269 ISBN 0 7803 6375 2 Deng G Ferris M C 2008 Neuro dynamic programming for fractionated radiotherapy planning Optimization in Medicine Springer Optimization and Its Applications Vol 12 pp 47 70 CiteSeerX 10 1 1 137 8288 doi 10 1007 978 0 387 73299 2 3 ISBN 978 0 387 73298 5 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 Bozinovski S 2014 Modeling mechanisms of cognition emotion interaction in artificial neural networks since 1981 Archived 23 March 2019 at the Wayback Machine Procedia Computer Science p 255 263 Bozinovski S Bozinovska L 2001 Self learning agents A connectionist theory of emotion based on crossbar value judgment Cybernetics and Systems 32 6 637 667 doi 10 1080 01969720118145 S2CID 8944741 Artificial intelligence can evolve to solve problems Science AAAS 10 January 2018 Archived from the original on 9 December 2021 Retrieved 7 February 2018 Turchetti C 2004 Stochastic Models of Neural Networks Frontiers in artificial intelligence and applications Knowledge based intelligent engineering systems vol 102 IOS Press ISBN 978 1 58603 388 0 Jospin LV Laga H Boussaid F Buntine W Bennamoun M 2022 Hands On Bayesian Neural Networks A Tutorial for Deep Learning Users IEEE Computational Intelligence Magazine Vol 17 no 2 pp 29 48 arXiv 2007 06823 doi 10 1109 mci 2022 3155327 ISSN 1556 603X S2CID 220514248 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 In Pavel Zitek ed Proceedings of the 16th IFAC World Congress IFAC PapersOnLine 16th IFAC World Congress Vol 16 Prague Czech Republic IFAC pp 7 12 doi 10 3182 20050703 6 CZ 1902 02172 hdl 11311 255236 ISBN 978 3 902661 75 3 Archived from the original on 26 April 2012 Retrieved 30 December 2011 Ferreira C 2006 Designing Neural Networks Using Gene Expression Programming In A Abraham B de Baets M Koppen B Nickolay eds Applied Soft Computing Technologies The Challenge of Complexity PDF Springer Verlag pp 517 536 Archived PDF from the original on 19 December 2013 Retrieved 8 October 2012 Da Y Xiurun G July 2005 An improved PSO based ANN with simulated annealing technique In T Villmann ed New Aspects in Neurocomputing 11th European Symposium on Artificial Neural Networks Vol 63 Elsevier pp 527 533 doi 10 1016 j neucom 2004 07 002 Archived from the original on 25 April 2012 Retrieved 30 December 2011 a href Template Cite conference html title Template Cite conference cite conference a More than one of accessdate and access date specified help More than one of archivedate and archive date specified help More than one of archiveurl and archive url specified help Wu J Chen E May 2009 A Novel Nonparametric Regression Ensemble for Rainfall Forecasting Using Particle Swarm Optimization Technique Coupled with Artificial Neural Network In Wang H Shen Y Huang T Zeng Z eds 6th International Symposium on Neural Networks ISNN 2009 Lecture Notes in Computer Science Vol 5553 Springer pp 49 58 doi 10 1007 978 3 642 01513 7 6 ISBN 978 3 642 01215 0 Archived from the original on 31 December 2014 Retrieved 1 January 2012 a href Template Cite conference html title Template Cite conference cite conference a More than one of accessdate and access date specified help More than one of archivedate and archive date specified help More than one of archiveurl and archive url specified help a b Ting Qin Zonghai Chen Haitao Zhang Sifu Li Wei Xiang Ming Li 2004 A learning algorithm of CMAC based on RLS PDF Neural Processing Letters 19 1 49 61 doi 10 1023 B NEPL 0000016847 18175 60 S2CID 6233899 Archived PDF from the original on 14 April 2021 Retrieved 30 January 2019 Ting Qin Haitao Zhang Zonghai Chen Wei Xiang 2005 Continuous CMAC QRLS and its systolic array PDF Neural Processing Letters 22 1 1 16 doi 10 1007 s11063 004 2694 0 S2CID 16095286 Archived PDF from the original on 18 November 2018 Retrieved 30 January 2019 LeCun Y Boser B Denker JS Henderson D Howard RE Hubbard W et al 1989 Backpropagation Applied to Handwritten Zip Code Recognition Neural Computation 1 4 541 551 doi 10 1162 neco 1989 1 4 541 S2CID 41312633 Yann LeCun 2016 Slides on Deep Learning Online Archived 23 April 2016 at the Wayback Machine Hochreiter S Schmidhuber J 1 November 1997 Long Short Term Memory Neural Computation 9 8 1735 1780 doi 10 1162 neco 1997 9 8 1735 ISSN 0899 7667 PMID 9377276 S2CID 1915014 Sak H Senior A Beaufays F 2014 Long Short Term Memory recurrent neural network architectures for large scale acoustic modeling PDF Archived from the original PDF on 24 April 2018 Li X Wu X 15 October 2014 Constructing Long Short Term Memory based Deep Recurrent Neural Networks for Large Vocabulary Speech Recognition arXiv 1410 4281 cs CL Fan Y Qian Y Xie F Soong FK 2014 TTS synthesis with bidirectional LSTM based Recurrent Neural Networks Proceedings of the Annual Conference of the International Speech Communication Association Interspeech 1964 1968 Retrieved 13 June 2017 Zen H Sak H 2015 Unidirectional Long Short Term Memory Recurrent Neural Network with Recurrent Output Layer for Low Latency Speech Synthesis PDF Google com ICASSP pp 4470 4474 Archived PDF from the original on 9 May 2021 Retrieved 27 June 2017 Fan B Wang L Soong FK Xie L 2015 Photo Real Talking Head with Deep Bidirectional LSTM PDF Proceedings of ICASSP Archived PDF from the original on 1 November 2017 Retrieved 27 June 2017 Silver D Hubert T Schrittwieser J Antonoglou I Lai M Guez A et al 5 December 2017 Mastering Chess and Shogi by Self Play with a General Reinforcement Learning Algorithm arXiv 1712 01815 cs AI Probst P Boulesteix AL Bischl B 26 February 2018 Tunability Importance of Hyperparameters of Machine Learning Algorithms J Mach Learn Res 20 53 1 53 32 S2CID 88515435 Zoph B Le QV 4 November 2016 Neural Architecture Search with Reinforcement Learning arXiv 1611 01578 cs LG Haifeng Jin Qingquan Song Xia Hu 2019 Auto keras An efficient neural architecture search system Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery amp Data Mining ACM arXiv 1806 10282 Archived from the original on 21 August 2019 Retrieved 21 August 2019 via autokeras com Claesen M De Moor B 2015 Hyperparameter Search in Machine Learning arXiv 1502 02127 cs LG Bibcode 2015arXiv150202127C Esch R 1990 Functional Approximation Handbook of Applied Mathematics Springer US ed Boston MA Springer US pp 928 987 doi 10 1007 978 1 4684 1423 3 17 ISBN 978 1 4684 1423 3 Sarstedt M Moo E 2019 Regression Analysis A Concise Guide to Market Research Springer Texts in Business and Economics Springer Berlin Heidelberg pp 209 256 doi 10 1007 978 3 662 56707 4 7 ISBN 978 3 662 56706 7 S2CID 240396965 Tian J Tan Y Sun C Zeng J Jin Y December 2016 A self adaptive similarity based fitness approximation for evolutionary optimization 2016 IEEE Symposium Series on Computational Intelligence SSCI pp 1 8 doi 10 1109 SSCI 2016 7850209 ISBN 978 1 5090 4240 1 S2CID 14948018 Alaloul WS Qureshi AH 2019 Data Processing Using Artificial Neural Networks Dynamic Data Assimilation Beating the Uncertainties doi 10 5772 intechopen 91935 ISBN 978 1 83968 083 0 S2CID 219735060 Pal M Roy R Basu J Bepari MS 2013 Blind source separation A review and analysis 2013 International Conference Oriental COCOSDA held jointly with 2013 Conference on Asian Spoken Language Research and Evaluation O COCOSDA CASLRE IEEE pp 1 5 doi 10 1109 ICSDA 2013 6709849 ISBN 978 1 4799 2378 6 S2CID 37566823 Zissis D October 2015 A cloud based architecture capable of perceiving and predicting multiple vessel behaviour Applied Soft Computing 35 652 661 doi 10 1016 j asoc 2015 07 002 Archived from the original on 26 July 2020 Retrieved 18 July 2019 Sengupta N 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 PMID 27286184 Choy Christopher B et al 3d r2n2 A unified approach for single and multi view 3d object reconstruction Archived 26 July 2020 at the Wayback Machine European conference on computer vision Springer Cham 2016 Turek Fred D March 2007 Introduction to Neural Net Machine Vision Vision Systems Design 12 3 Archived from the original on 16 May 2013 Retrieved 5 March 2013 Maitra DS Bhattacharya U Parui SK August 2015 CNN based common approach to handwritten character recognition of multiple scripts 2015 13th International Conference on Document Analysis and Recognition ICDAR pp 1021 1025 doi 10 1109 ICDAR 2015 7333916 ISBN 978 1 4799 1805 8 S2CID 25739012 Gessler J August 2021 Sensor for food analysis applying impedance spectroscopy and artificial neural networks RiuNet UPV 1 8 12 Archived from the original on 21 October 2021 Retrieved 21 October 2021 French J 2016 The time traveller s CAPM Investment Analysts Journal 46 2 81 96 doi 10 1080 10293523 2016 1255469 S2CID 157962452 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 doi 10 1063 1 3206326 PMID 19708729 Silver D et al 2016 Mastering the game of Go with deep neural networks and tree search PDF Nature 529 7587 484 489 Bibcode 2016Natur 529 484S doi 10 1038 nature16961 PMID 26819042 S2CID 515925 Archived PDF from the original on 23 November 2018 Retrieved 31 January 2019 Pasick A 27 March 2023 Artificial Intelligence Glossary Neural Networks and Other Terms Explained The New York Times ISSN 0362 4331 Retrieved 22 April 2023 Schechner S 15 June 2017 Facebook Boosts A I to Block Terrorist Propaganda The Wall Street Journal ISSN 0099 9660 Retrieved 16 June 2017 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 doi 10 5120 476 783 Bottaci L 1997 Artificial Neural Networks Applied to Outcome Prediction for Colorectal Cancer Patients in Separate Institutions PDF Lancet 350 9076 The Lancet 469 72 doi 10 1016 S0140 6736 96 11196 X PMID 9274582 S2CID 18182063 Archived from the original PDF on 23 November 2018 Retrieved 2 May 2012 Alizadeh E Lyons SM Castle JM Prasad A 2016 Measuring systematic changes in invasive cancer cell shape using Zernike moments Integrative Biology 8 11 1183 1193 doi 10 1039 C6IB00100A PMID 27735002 Lyons S 2016 Changes in cell shape are correlated with metastatic potential in murine Biology Open 5 3 289 299 doi 10 1242 bio 013409 PMC 4810736 PMID 26873952 Nabian MA Meidani H 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 Bibcode 2017arXiv170808551N doi 10 1111 mice 12359 S2CID 36661983 Nabian MA Meidani H 2018 Accelerating Stochastic Assessment of Post Earthquake Transportation Network Connectivity via Machine Learning Based Surrogates Transportation Research Board 97th Annual Meeting Archived from the original on 9 March 2018 Retrieved 14 March 2018 Diaz E Brotons V Tomas 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 Bibcode 2018SoFou 58 1414D doi 10 1016 j sandf 2018 08 001 hdl 10045 81208 ISSN 0038 0806 Tayebiyan A Mohammad TA Ghazali AH Mashohor S Artificial Neural Network for Modelling Rainfall Runoff Pertanika Journal of Science amp Technology 24 2 319 330 Govindaraju RS 1 April 2000 Artificial Neural Networks in Hydrology I Preliminary Concepts Journal of Hydrologic Engineering 5 2 115 123 doi 10 1061 ASCE 1084 0699 2000 5 2 115 Govindaraju RS 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 Peres DJ 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 doi 10 1016 j ocemod 2015 08 002 Dwarakish GS Rakshith S Natesan U 2013 Review on Applications of Neural Network in Coastal Engineering Artificial Intelligent Systems and Machine Learning 5 7 324 331 Archived from the original on 15 August 2017 Retrieved 5 July 2017 Ermini L Catani F Casagli N 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 doi 10 1016 j geomorph 2004 09 025 Nix R Zhang J May 2017 Classification of Android apps and malware using deep neural networks 2017 International Joint Conference on Neural Networks IJCNN pp 1871 1878 doi 10 1109 IJCNN 2017 7966078 ISBN 978 1 5090 6182 2 S2CID 8838479 Detecting Malicious URLs The systems and networking group at UCSD Archived from the original on 14 July 2019 Retrieved 15 February 2019 Homayoun S Ahmadzadeh M Hashemi S Dehghantanha A Khayami R 2018 Dehghantanha A Conti M Dargahi T eds BoTShark A Deep Learning Approach for Botnet Traffic Detection Cyber Threat Intelligence Advances in Information Security vol 70 Springer International Publishing pp 137 153 doi 10 1007 978 3 319 73951 9 7 ISBN 978 3 319 73951 9 Ghosh Reilly January 1994 Credit card fraud detection with a neural network Proceedings of the Twenty Seventh Hawaii International Conference on System Sciences HICSS 94 Vol 3 pp 621 630 doi 10 1109 HICSS 1994 323314 ISBN 978 0 8186 5090 1 S2CID 13260377 Ananthaswamy A 19 April 2021 Latest Neural Nets Solve World s Hardest Equations Faster Than Ever Before Quanta Magazine Retrieved 12 May 2021 AI has cracked a key mathematical puzzle for understanding our world MIT Technology Review Retrieved 19 November 2020 Caltech Open Sources AI for Solving Partial Differential Equations InfoQ Archived from the original on 25 January 2021 Retrieved 20 January 2021 Nagy A 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 Bibcode 2019PhRvL 122y0501N doi 10 1103 PhysRevLett 122 250501 PMID 31347886 S2CID 119074378 Yoshioka N Hamazaki R 28 June 2019 Constructing neural stationary states for open quantum many body systems Physical Review B 99 21 214306 arXiv 1902 07006 Bibcode 2019PhRvB 99u4306Y doi 10 1103 PhysRevB 99 214306 S2CID 119470636 Hartmann MJ Carleo G 28 June 2019 Neural Network Approach to Dissipative Quantum Many Body Dynamics Physical Review Letters 122 25 250502 arXiv 1902 05131 Bibcode 2019PhRvL 122y0502H doi 10 1103 PhysRevLett 122 250502 PMID 31347862 S2CID 119357494 Vicentini F Biella A Regnault N Ciuti C 28 June 2019 Variational Neural Network Ansatz for Steady States in Open Quantum Systems Physical Review Letters 122 25 250503 arXiv 1902 10104 Bibcode 2019PhRvL 122y0503V doi 10 1103 PhysRevLett 122 250503 PMID 31347877 S2CID 119504484 Forrest MD April 2015 Simulation of alcohol action upon a detailed Purkinje neuron model and a simpler surrogate model that runs gt 400 times faster BMC Neuroscience 16 27 27 doi 10 1186 s12868 015 0162 6 PMC 4417229 PMID 25928094 Wieczorek S Filipiak D Filipowska A 2018 Semantic Image Based Profiling of Users Interests with Neural Networks Studies on the Semantic Web 36 Emerging Topics in Semantic Technologies doi 10 3233 978 1 61499 894 5 179 Merchant A Batzner S Schoenholz SS Aykol M Cheon G Cubuk ED December 2023 Scaling deep learning for materials discovery Nature 624 7990 80 85 Bibcode 2023Natur 624 80M doi 10 1038 s41586 023 06735 9 ISSN 1476 4687 PMC 10700131 PMID 38030720 Siegelmann H Sontag E 1991 Turing computability with neural nets PDF Appl Math Lett 4 6 77 80 doi 10 1016 0893 9659 91 90080 F Bains S 3 November 1998 Analog computer trumps Turing model EE Times Retrieved 11 May 2023 Balcazar J 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 doi 10 1109 18 605580 a b MacKay DJ 2003 Information Theory Inference and Learning Algorithms PDF Cambridge University Press ISBN 978 0 521 64298 9 Archived PDF from the original on 19 October 2016 Retrieved 11 June 2016 Cover T 1965 Geometrical and Statistical Properties of Systems of Linear Inequalities with Applications in Pattern Recognition PDF IEEE Transactions on Electronic Computers EC 14 3 IEEE 326 334 doi 10 1109 PGEC 1965 264137 Archived PDF from the original on 5 March 2016 Retrieved 10 March 2020 Gerald F 2019 Reproducibility and Experimental Design for Machine Learning on Audio and Multimedia Data Proceedings of the 27th ACM International Conference on Multimedia ACM pp 2709 2710 doi 10 1145 3343031 3350545 ISBN 978 1 4503 6889 6 S2CID 204837170 Stop tinkering start measuring Predictable experimental design of Neural Network experiments The Tensorflow Meter Archived from the original on 18 April 2022 Retrieved 10 March 2020 a href Template Cite web html title Template Cite web cite web a More than one of archivedate and archive date specified help More than one of archiveurl and archive url specified help Lee J Xiao L Schoenholz SS Bahri Y Novak R Sohl Dickstein J et al 2020 Wide neural networks of any depth evolve as linear models under gradient descent Journal of Statistical Mechanics Theory and Experiment 2020 12 124002 arXiv 1902 06720 Bibcode 2020JSMTE2020l4002L doi 10 1088 1742 5468 abc62b S2CID 62841516 Arthur Jacot Franck Gabriel Clement Hongler 2018 Neural Tangent Kernel Convergence and Generalization in Neural Networks PDF 32nd Conference on Neural Information Processing Systems NeurIPS 2018 Montreal Canada Archived PDF from the original on 22 June 2022 Retrieved 4 June 2022 Xu ZJ Zhang Y Xiao Y 2019 Training Behavior of Deep Neural Network in Frequency Domain In Gedeon T Wong K Lee M eds Neural Information Processing Lecture Notes in Computer Science Vol 11953 Springer Cham pp 264 274 arXiv 1807 01251 doi 10 1007 978 3 030 36708 4 22 ISBN 978 3 030 36707 7 S2CID 49562099 Nasim Rahaman Aristide Baratin Devansh Arpit Felix Draxler Min Lin Fred Hamprecht et al 2019 On the Spectral Bias of Neural Networks PDF Proceedings of the 36th International Conference on Machine Learning 97 5301 5310 arXiv 1806 08734 Archived PDF from the original on 22 October 2022 Retrieved 4 June 2022 Zhi Qin John Xu Yaoyu Zhang Tao Luo Yanyang Xiao Zheng Ma 2020 Frequency Principle Fourier Analysis Sheds Light on Deep Neural Networks Communications in Computational Physics 28 5 1746 1767 arXiv 1901 06523 Bibcode 2020CCoPh 28 1746X doi 10 4208 cicp OA 2020 0085 S2CID 58981616 Tao Luo Zheng Ma Zhi Qin John Xu Yaoyu Zhang 2019 Theory of the Frequency Principle for General Deep Neural Networks arXiv 1906 09235 cs LG Xu ZJ Zhou H 18 May 2021 Deep Frequency Principle Towards Understanding Why Deeper Learning is Faster Proceedings of the AAAI Conference on Artificial Intelligence 35 12 10541 10550 arXiv 2007 14313 doi 10 1609 aaai v35i12 17261 ISSN 2374 3468 S2CID 220831156 Archived from the original on 5 October 2021 Retrieved 5 October 2021 Parisi GI Kemker R Part JL Kanan C Wermter S 1 May 2019 Continual lifelong learning with neural networks A review Neural Networks 113 54 71 arXiv 1802 07569 doi 10 1016 j neunet 2019 01 012 ISSN 0893 6080 PMID 30780045 Dean Pomerleau Knowledge based Training of Artificial Neural Networks for Autonomous Robot Driving Dewdney AK 1 April 1997 Yes we have no neutrons an eye opening tour through the twists and turns of bad science Wiley p 82 ISBN 978 0 471 10806 1 NASA Dryden Flight Research Center News Room News Releases NASA NEURAL NETWORK PROJECT PASSES MILESTONE Archived 2 April 2010 at the Wayback Machine Nasa gov Retrieved on 20 November 2013 Roger Bridgman s defence of neural networks Archived from the original on 19 March 2012 Retrieved 12 July 2010 Scaling Learning Algorithms towards AI LISA Publications Aigaion 2 0 www iro umontreal ca D J Felleman and D C Van Essen Distributed hierarchical processing in the primate cerebral cortex Cerebral Cortex 1 pp 1 47 1991 J Weng Natural and Artificial Intelligence Introduction to Computational Brain Mind BMI Press ISBN 978 0 9858757 2 5 2012 a b Edwards C 25 June 2015 Growing pains for deep learning Communications of the ACM 58 7 14 16 doi 10 1145 2771283 S2CID 11026540 Cade Metz 18 May 2016 Google Built Its Very Own Chips to Power Its AI Bots Wired Archived from the original on 13 January 2018 Retrieved 5 March 2017 Scaling Learning Algorithms towards AI PDF Archived PDF from the original on 12 August 2022 Retrieved 6 July 2022 Tahmasebi Hezarkhani 2012 A hybrid neural networks fuzzy logic genetic algorithm for grade estimation Computers amp Geosciences 42 18 27 Bibcode 2012CG 42 18T doi 10 1016 j cageo 2012 02 004 PMC 4268588 PMID 25540468 Sun and Bookman 1990 a b Norori N Hu Q Aellen FM Faraci FD Tzovara A October 2021 Addressing bias in big data and AI for health care A call for open science Patterns 2 10 100347 doi 10 1016 j patter 2021 100347 PMC 8515002 PMID 34693373 a b Carina W 27 October 2022 Failing at Face Value The Effect of Biased Facial Recognition Technology on Racial Discrimination in Criminal Justice Scientific and Social Research 4 10 29 40 doi a, wikipedia, wiki, book, books, library,

article

, read, download, free, free download, mp3, video, mp4, 3gp, jpg, jpeg, gif, png, picture, music, song, movie, book, game, games.