An artificial neural network is an interconnected group of nodes, inspired by a simplification ofneurons in abrain. Here, each circular node represents anartificial neuron and an arrow represents a connection from the output of one artificial neuron to the input of another.
Inmachine learning, aneural network (alsoartificial neural network orneural net, abbreviatedANN orNN) is a computational model inspired by the structure and functions of biological neural networks.[1][2]
A neural network consists of connected units or nodes calledartificial neurons, which loosely model theneurons in the brain. Artificial neuron models that mimic biological neurons more closely have also been recently investigated and shown to significantly improve performance. These are connected byedges, which model thesynapses in the brain. Each artificial neuron receives signals from connected neurons, then processes them and sends a signal to other connected neurons. The "signal" is areal number, and the output of each neuron is computed by some non-linear function of the sum of its inputs, called theactivation function. The strength of the signal at each connection is determined by aweight, 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 (theinput layer) to the last layer (theoutput layer), possibly passing through multiple intermediate layers (hidden layers). A network is typically called a deep neural network if it has at least two hidden layers.[3]
Artificial neural networks are used for various tasks, includingpredictive modeling,adaptive control, and solving problems inartificial intelligence. They can learn from experience, and can derive conclusions from a complex and seemingly unrelated set of information.
Neural networks are typically trained throughempirical 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 asbackpropagation are usually used to estimate the parameters of the network.[4] During the training phase, ANNs learn fromlabeled training data by iteratively updating their parameters to minimize a definedloss 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 depictstarfish andsea urchins, which are correlated with "nodes" that represent visualfeatures. 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 afalse 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.
Today's deep neural networks are based on early work instatistics over 200 years ago. The simplest kind offeedforward neural network (FNN) is a linear network, which consists of a single layer of output nodes with linear activation functions; 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. Themean 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 themethod of least squares orlinear regression. It was used as a means of finding a good rough linear fit to a set of points byLegendre (1805) andGauss (1795) for the prediction of planetary movement.[7][8][9][10][11]
Historically, digital computers such as thevon Neumann model operate via the execution of explicit instructions with access to memory by a number of processors. Some neural networks, on the other hand, originated from efforts to model information processing in biological systems through the framework ofconnectionism. Unlike the von Neumann model, connectionist computing does not separate memory and processing.
Warren McCulloch andWalter Pitts[12] (1943) considered a non-learning computational model for neural networks.[13] This model paved the way for research to split into two approaches. One approach focused on biological processes while the other focused on the application of neural networks to artificial intelligence.
In the late 1940s,D. O. Hebb[14] proposed a learninghypothesis based on the mechanism ofneural plasticity that became known asHebbian learning. It was used in many early neural networks, such as Rosenblatt'sperceptron and theHopfield network. Farley andClark[15] (1954) used computational machines to simulate a Hebbian network. Other neural network computational machines were created byRochester, Holland, Habit and Duda (1956).[16]
In 1958, psychologistFrank Rosenblatt described the perceptron, one of the first implemented artificial neural networks,[17][18][19][20] funded by the United StatesOffice of Naval Research.[21]R. D. Joseph (1960)[22] mentions an even earlier perceptron-like device by Farley and Clark:[10] "Farley and Clark of MIT Lincoln Laboratory actually preceded Rosenblatt in the development of a perceptron-like device." However, "they dropped the subject."The perceptron raised public excitement for research in Artificial Neural Networks, causing the US government to drastically increase funding. This contributed to "the Golden Age of AI" fueled by the optimistic claims made by computer scientists regarding the ability of perceptrons to emulate human intelligence.[23]
The first perceptrons did not have adaptive hidden units. However, Joseph (1960)[22] also discussedmultilayer perceptrons with an adaptive hidden layer. Rosenblatt (1962)[24]: section 16 cited and adopted these ideas, also crediting work by H. D. Block and B. W. Knight. Unfortunately, these early efforts did not lead to a working learning algorithm for hidden units, i.e.,deep learning.
Deep learning breakthroughs in the 1960s and 1970s
Fundamental research was conducted on ANNs in the 1960s and 1970s. The first working deep learning algorithm was theGroup method of data handling, a method to train arbitrarily deep neural networks, published byAlexey Ivakhnenko and Lapa in theSoviet Union (1965). They regarded it as a form of polynomial regression,[25] or a generalization of Rosenblatt's perceptron.[26] A 1971 paper described a deep network with eight layers trained by this method,[27] which is based on layer by layer training through regression analysis. Superfluous hidden units are pruned using a separate validation set. Since the activation functions of the nodes are Kolmogorov-Gabor polynomials, these were also the first deep networks with multiplicative units or "gates."[10]
The first deep learningmultilayer perceptron trained bystochastic gradient descent[28] was published in 1967 byShun'ichi Amari.[29] In computer experiments conducted by Amari's student Saito, a five layer MLP with two modifiable layers learnedinternal representations to classify non-linearily separable pattern classes.[10] Subsequent developments in hardware and hyperparameter tunings have made end-to-end stochastic gradient descent the currently dominant training technique.
In 1969,Kunihiko Fukushima introduced theReLU (rectified linear unit) activation function.[10][30][31] The rectifier has become the most popular activation function for deep learning.[32]
Nevertheless, research stagnated in the United States following the work ofMinsky andPapert (1969),[33] who emphasized that basic perceptrons were incapable of processing the exclusive-or circuit. This insight was irrelevant for the deep networks of Ivakhnenko (1965) and Amari (1967).
In 1976 transfer learning was introduced in neural networks learning.[34][35]
Deep learning architectures forconvolutional neural networks (CNNs) with convolutional layers and downsampling layers and weight replication began with theNeocognitron introduced by Kunihiko Fukushima in 1979, though not trained by backpropagation.[36][37][38]
Backpropagation is an efficient application of thechain rule derived byGottfried Wilhelm Leibniz in 1673[39] to networks of differentiable nodes. The terminology "back-propagating errors" was actually introduced in 1962 by Rosenblatt,[24] but he did not know how to implement this, althoughHenry J. Kelley had a continuous precursor of backpropagation in 1960 in the context ofcontrol theory.[40] In 1970,Seppo Linnainmaa published the modern form of backpropagation in his Master'sthesis (1970).[41][42][10] G.M. Ostrovski et al. republished it in 1971.[43][44]Paul Werbos applied backpropagation to neural networks in 1982[45][46] (his 1974 PhD thesis, reprinted in a 1994 book,[47] did not yet describe the algorithm[44]). In 1986,David E. Rumelhart et al. popularised backpropagation but did not cite the original work.[48]
Thetime delay neural network (TDNN) was introduced in 1987 byAlex Waibel to apply CNN to phoneme recognition. It used convolutions, weight sharing, and backpropagation.[50][51] In 1988, Wei Zhang applied a backpropagation-trained CNN to alphabet recognition.[52]In 1989,Yann LeCun et al. created a CNN calledLeNet forrecognizing handwritten ZIP codes on mail. Training required 3 days.[53] In 1990, Wei Zhang implemented a CNN onoptical computing hardware.[54] In 1991, a CNN was applied to medical image object segmentation[55] and breast cancer detection in mammograms.[56]LeNet-5 (1998), a 7-level CNN by Yann LeCun et al., that classifies digits, was applied by several banks to recognize hand-written numbers on checks digitized in 32×32 pixel images.[57]
One origin of RNN wasstatistical mechanics. In 1972,Shun'ichi Amari proposed to modify the weights of anIsing model byHebbian learning rule as a model ofassociative memory, adding in the component of learning.[61] This was popularized as the Hopfield network byJohn Hopfield (1982).[62] Another origin of RNN was neuroscience. The word "recurrent" is used to describe loop-like structures in anatomy. In 1901,Cajal observed "recurrent semicircles" in thecerebellar cortex.[63]Hebb considered "reverberating circuit" as an explanation for short-term memory.[64] The McCulloch and Pitts paper (1943) considered neural networks that contain cycles, and noted that the current activity of such networks can be affected by activity indefinitely far in the past.[12]
In 1982 a recurrent neural network with an array architecture (rather than a multilayer perceptron architecture), namely a Crossbar Adaptive Array,[65][66] used direct recurrent connections from the output to the supervisor (teaching) inputs. In addition of computing actions (decisions), it computed internal state evaluations (emotions) of the consequence situations. Eliminating the external supervisor, it introduced the self-learning method in neural networks.
In cognitive psychology, the journal American Psychologist in early 1980's carried out a debate on the relation between cognition and emotion. Zajonc in 1980 stated that emotion is computed first and is independent from cognition, while Lazarus in 1982 stated that cognition is computed first and is inseparable from emotion.[67][68] In 1982 the Crossbar Adaptive Array gave a neural network model of cognition-emotion relation.[65][69] It was an example of a debate where an AI system, a recurrent neural network, contributed to an issue in the same time addressed by cognitive psychology.
In the 1980s, backpropagation did not work well for deep RNNs. To overcome this problem, in 1991,Jürgen Schmidhuber proposed the "neural sequence chunker" or "neural history compressor"[70][71] which introduced the important concepts of self-supervised pre-training (the "P" inChatGPT) and neuralknowledge distillation.[10] In 1993, a neural history compressor system solved a "Very Deep Learning" task that required more than 1000 subsequentlayers in an RNN unfolded in time.[72]
In 1991,Sepp Hochreiter's diploma thesis[73] identified and analyzed thevanishing gradient problem[73][74] and proposed recurrentresidual connections to solve it. He and Schmidhuber introducedlong short-term memory (LSTM), which set accuracy records in multiple applications domains.[75][76] This was not yet the modern version of LSTM, which required the forget gate, which was introduced in 1999.[77] It became the default choice for RNN architecture.
Between 2009 and 2012, ANNs began winning prizes in image recognition contests, approaching human level performance on various tasks, initially inpattern recognition andhandwriting recognition.[82][83] In 2011, a CNN namedDanNet[84][85] by Dan Ciresan, Ueli Meier, Jonathan Masci,Luca Maria Gambardella, and Jürgen Schmidhuber achieved for the first time superhuman performance in a visual pattern recognition contest, outperforming traditional methods by a factor of 3.[38] It then won more contests.[86][87] They also showed howmax-pooling CNNs on GPU improved performance significantly.[88]
In 2012,Ng andDean created a network that learned to recognize higher-level concepts, such as cats, only from watching unlabeled images.[92] Unsupervised pre-training and increased computing power fromGPUs anddistributed computing allowed the use of larger networks, particularly in image and visual recognition problems, which became known as "deep learning".[5]
Generative adversarial network (GAN) (Ian Goodfellow et al., 2014)[94] became state of the art in generative modeling during 2014–2018 period. The GAN principle was originally published in 1991 by Jürgen Schmidhuber who called it "artificial curiosity": two neural networks contest with each other in the form of azero-sum game, where one network's gain is the other network's loss.[95][96] The first network is agenerative model that models aprobability distribution over output patterns. The second network learns bygradient descent to predict the reactions of the environment to these patterns. Excellent image quality is achieved byNvidia'sStyleGAN (2018)[97] based on the Progressive GAN by Tero Karras et al.[98] Here, the GAN generator is grown from small to large scale in a pyramidal fashion. Image generation by GAN reached popular success, and provoked discussions concerningdeepfakes.[99]Diffusion models (2015)[100] eclipsed GANs in generative modeling since then, with systems such asDALL·E 2 (2022) andStable Diffusion (2022).
In 2014, the state of the art was training "very deep neural network" with 20 to 30 layers.[101] Stacking too many layers led to a steep reduction intraining accuracy,[102] known as the "degradation" problem.[103] In 2015, two techniques were developed to train very deep networks: thehighway network was published in May 2015,[104] and the residual neural network (ResNet) in December 2015.[105][106] ResNet behaves like an open-gated Highway Net.
During the 2010s, theseq2seq model was developed, and attention mechanisms were added. It led to the modern Transformer architecture in 2017 inAttention Is All You Need.[107]It requires computation time that is quadratic in the size of the context window. Jürgen Schmidhuber's fast weight controller (1992)[108] scales linearly and was later shown to be equivalent to the unnormalized linear Transformer.[109][110][10]Transformers have increasingly become the model of choice fornatural language processing.[111] Many modernlarge language models such asChatGPT,GPT-4, andBERT use this architecture.
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 adirected,weighted graph.[112]
An artificial neural network consists of simulated neurons. Each neuron is connected to othernodes vialinks 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,[113] allowing weights to choose the signal between neurons.
ANNs are composed ofartificial neurons which are conceptually derived from biologicalneurons. Each artificial neuron has inputs and produces a single output which can be sent to multiple other neurons.[114] 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 finaloutput neurons of the neural net accomplish the task, such as recognizing an object in an image.[citation needed]
To find the output of the neuron we take the weighted sum of all the inputs, weighted by theweights of theconnections from the inputs to the neuron. We add abias term to this sum.[115] This weighted sum is sometimes called theactivation. 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.[116]
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 theinput layer. The layer that produces the ultimate result is theoutput layer. In between them are zero or morehidden 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 bepooling, 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.[117] Neurons with only such connections form adirected acyclic graph and are known asfeedforward networks.[118] Alternatively, networks that allow connections between neurons in the same or previous layers are known asrecurrent networks.[119]
Ahyperparameter is a constantparameter whose value is set before the learning process begins. The values of parameters are derived via learning. Examples of hyperparameters includelearning rate, the number of hidden layers and batch size.[citation needed] 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.[citation needed]
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 acost function that is evaluated periodically during learning. As long as its output continues to decline, learning continues. The cost is frequently defined as astatistic 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 ofoptimization theory andstatistical estimation.[112][120]
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 asQuickprop are primarily aimed at speeding up error minimization, while other improvements mainly try to increase reliability. In order to avoidoscillation inside the network such as alternating connection weights, and to improve the rate of convergence, refinements use anadaptive 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.[citation needed]
While it is possible to define a cost functionad hoc, frequently the choice is determined by the function's desirable properties (such asconvexity) because it arises from the model (e.g. in a probabilistic model, the model'sposterior probability can be used as an inverse cost).[citation needed]
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, backpropagation calculates thegradient (the derivative) of thecost 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 asextreme learning machines,[123] "no-prop" networks,[124] training without backtracking,[125] "weightless" networks,[126][127] andnon-connectionist neural networks.[citation needed]
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 themean-squared error, which tries to minimize the average squared error between the network's output and the desired output. Tasks suited for supervised learning arepattern recognition (also known as classification) andregression (also known as function approximation). Supervised learning is also applicable to sequential data (e.g., for handwriting, speech andgesture 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.
Inunsupervised 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 anya 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, incompression it could be related to themutual information between and, whereas in statistical modeling, it could be related to theposterior 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 generalestimation problems; the applications includeclustering, the estimation ofstatistical distributions,compression andfiltering.
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. Inreinforcement 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 aninstantaneous 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 aMarkov 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 aMarkov 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 (givingneurodynamic programming)[134] has been applied to problems such as those involved invehicle routing,[135] video games,natural resource management[136][137] andmedicine[138] because of ANNs ability to mitigate losses of accuracy even when reducing thediscretization 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 in neural networks was introduced in 1982 along with a neural network capable of self-learning namedcrossbar 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 receives initial emotions (only once) 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 can create neural network topologies and weights usingevolutionary computation. It is competitive with sophisticated gradient descent approaches.[142][143] One advantage of neuroevolution is that it may be less prone to get caught in "dead ends".[144]
Stochastic neural networks originating fromSherrington–Kirkpatrick models are a type of artificial neural network built by introducing random variations into the network, either by giving the network's artificial neuronsstochastic transfer functions[citation needed], or by giving them stochastic weights. This makes them useful tools foroptimization problems, since the random fluctuations help the network escape fromlocal minima.[145] Stochastic neural networks trained using aBayesian approach are known asBayesian neural networks.[146]
Topological deep learning, first introduced in 2017,[147] is an emerging approach inmachine learning that integrates topology with deep neural networks to address highly intricate and high-order data. Initially rooted inalgebraic topology, TDL has since evolved into a versatile framework incorporating tools from other mathematical disciplines, such asdifferential topology andgeometric topology. As a successful example of mathematical deep learning, TDL continues to inspire advancements in mathematicalartificial intelligence, fostering a mutually beneficial relationship between AI andmathematics.
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.
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 andtopology. 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;[154][155] where long short-term memory avoids thevanishing gradient problem[156] and can handle signals that have a mix of low and high frequency components aiding large-vocabulary speech recognition,[157][158]text-to-speech synthesis,[159][160][161] and photo-real talking heads;[162]
Competitive networks such asgenerative adversarial networks in which multiple networks (of varying structure) compete with each other, on tasks such as winning a game[163] or on deceiving the opponent about the authenticity of an input.[94]
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[164] 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.[165] Available systems includeAutoML and AutoKeras.[166]scikit-learn library provides functions to help with building a deep network from scratch. We can then implement a deep network withTensorFlow orKeras.
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.[167]
ThePython 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:
deftrain(X,y,n_hidden,learning_rate,n_iter):m,n_input=X.shape# 1. random initialize weights and biasesw1=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 biasesforiinrange(n_iter+1):z2=np.dot(X,w1)+b1a2=sigmoid(z2)z3=np.dot(a2,w2)+b2a3=z3dz3=a3-ydw2=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.Y,dz2)db1=np.sum(dz2,axis=0)# 3. update weights and biases with gradientsw1-=learning_rate*dw1/mw2-=learning_rate*dw2/mb1-=learning_rate*db1/mb2-=learning_rate*db2/mifi%1000==0:print("Epoch",i,"loss: ",np.mean(np.square(dz3)))model={"w1":w1,"b1":b1,"w2":w2,"b2":b2}returnmodel
Because of their ability to model and reproduce nonlinear processes, artificial neural networks have found applications in many disciplines. These include:
ANNs have been used to diagnose several types of cancers[185][186] and to distinguish highly invasive cancer cell lines from less invasive lines using only cell shape information.[187][188]
ANNs have been used to accelerate reliability analysis of infrastructures subject to natural disasters[189][190] and to predict foundation settlements.[191] It can also be useful to mitigate flood by the use of ANNs for modelling rainfall-runoff.[192] ANNs have also been used for building black-box models ingeoscience:hydrology,[193][194] ocean modelling andcoastal engineering,[195][196] andgeomorphology.[197] ANNs have been employed incybersecurity, with the objective to discriminate between legitimate activities and malicious ones. For example, machine learning has been used for classifying Android malware,[198] for identifying domains belonging to threat actors and for detecting URLs posing a security risk.[199] Research is underway on ANN systems designed for penetration testing, for detecting botnets,[200] credit cards frauds[201] and network intrusions.
ANNs have been proposed as a tool to solvepartial differential equations in physics[202][203][204] and simulate the properties of many-bodyopen quantum systems.[205][206][207][208] In brain research ANNs have studied short-term behavior ofindividual neurons,[209] 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.[210]
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.[211]
A specific recurrent architecture withrational-valued weights (as opposed to full precision real number-valued weights) has the power of auniversal Turing machine,[212] using a finite number of neurons and standard linear connections. Further, the use ofirrational values for weights results in a machine withsuper-Turing power.[213][214][failed verification]
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 inSir David MacKay's book[215] which summarizes work byThomas Cover.[216] The capacity of a network of standard neurons (not convolutional) can be derived by four rules[217] 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 theVC dimension. VC Dimension uses the principles ofmeasure theory and finds the maximum capacity under the best possible circumstances. This is, given input data in a specific form. As noted in,[215] 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.[218]
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 somesaddle 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 orderTaylor expansion throughout training, and so inherits the convergence behavior ofaffine models.[219][220] Another example is when parameters are small, it is observed that ANNs often fit target functions from low to high frequencies. This behavior is referred to as the spectral bias, or frequency principle, of neural networks.[221][222][223][224] This phenomenon is the opposite to the behavior of some well studied iterative numerical schemes such asJacobi method. Deeper neural networks have been observed to be more biased towards low frequency functions.[225]
Applications whose goal is to create a system that generalizes well to unseen examples, face the possibility ofover-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 usecross-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 ofregularization. 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 amean 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 theconfidence interval of network output, assuming anormal distribution. A confidence analysis made this way is statistically valid as long as the outputprobability distribution stays the same and the network is not modified.
By assigning asoftmax activation function, a generalization of thelogistic 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.
A common criticism of neural networks, particularly in robotics, is that they require too many training samples for real-world operation.[226]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 forCMAC.[152]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).[227]
A central claim[citation needed] of ANNs is that they embody new and powerful general principles for processing information. These principles areill-defined. It is often claimed[by whom?] that they areemergent 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 formerScientific 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.[228]
One response to Dewdney is that neural networks have been successfully used to handle many complex and diverse tasks, ranging from autonomously flying aircraft[229] to detecting credit card fraud to mastering the game ofGo.
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.[230]
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 theexplainability of AI has contributed towards the development of methods, notably those based onattention 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.[231]
Biological brains use both shallow and deep circuits as reported by brain anatomy,[232] displaying a wide variety of invariance. Weng[233] argued that the brain self-wires largely according to signal statistics and therefore, a serial cascade cannot catch all major statistical dependencies.
Large and effective neural networks require considerable computing resources.[234] While the brain has hardware tailored to the task of processing signals through agraph of neurons, simulating even a simplified neuron onvon Neumann architecture may consume vast amounts ofmemory and storage. Furthermore, the designer often needs to transmit signals through many of these connections and their associated neurons – which require enormousCPU power and time.[citation needed]
Some argue 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 byGPGPUs (onGPUs), has increased around a million-fold, making the standard backpropagation algorithm feasible for training networks that are several layers deeper than before.[38] The use of accelerators such asFPGAs and GPUs can reduce training times from months to days.[234][235]
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.[237]
Advocates ofhybrid models (combining neural networks and symbolic approaches) say that such a mixture can better capture the mechanisms of the human mind.[238][239]
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.[240][241] 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.[240] This imbalance can result in the model having inadequate representation and understanding of underrepresented groups, leading to discriminatory outcomes that exacerbate societal inequalities, especially in applications likefacial recognition, hiring processes, andlaw enforcement.[241][242] 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.[242] The program would penalize any resume with the word "woman" or the name of any women's college. However, the use ofsynthetic data can help reduce dataset bias and increase representation in datasets.[243]
A single-layer feedforward artificial neural network. Arrows originating from are omitted for clarity. There are p inputs to this network and q outputs. In this system, the value of the qth output,, is calculated as
A two-layer feedforward artificial neural network
An artificial neural network
An ANN dependency graph
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.
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.
Parallel pipeline structure of CMAC neural network. This learning algorithm can converge in one step.
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.[citation needed]
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.[244] 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.[244]
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.[244][245] These advancements have enabled the development of more accurate and efficient voice-activated systems, enhancing user interfaces in technology products.[citation needed]
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.[244][245] This has implications for automated customer service, content moderation, and language understanding technologies.[citation needed]
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.[citation needed]
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.[244]
In credit scoring, ANNs offer data-driven, personalized assessments of creditworthiness, improving the accuracy of default predictions and automating the lending process.[245]
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 enhancingrisk management strategies.[citation needed]
ANNs are able to process and analyze vast medical datasets. They enhance diagnostic accuracy, especially by interpreting complexmedical imaging for early disease detection, and by predicting patient outcomes for personalized treatment planning.[245] Indrug discovery, ANNs speed up the identification of potential drug candidates and predict their efficacy and safety, significantly reducing development time and costs.[244] Additionally, their application in personalized medicine and healthcare data analysis allows tailored therapies and efficient patient care management.[245] 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.[citation needed]
ANNs such as generative adversarial networks (GAN) andtransformers are used forcontent creation across numerous industries.[246] 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.[247] In the field of music, transformers are used to create original music for commercials and documentaries through companies such asAIVA andJukedeck.[248] In the marketing industry, generative models are used to create personalized advertisements for consumers.[246] 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.[249] 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.[250]
^Bishop CM (17 August 2006).Pattern Recognition and Machine Learning. New York: Springer.ISBN978-0-387-31073-2.
^abVapnik VN, Vapnik VN (1998).The nature of statistical learning theory (Corrected 2nd print. ed.). New York Berlin Heidelberg: Springer.ISBN978-0-387-94559-0.
^abIan Goodfellow and Yoshua Bengio and Aaron Courville (2016).Deep Learning. MIT Press.Archived from the original on 16 April 2016. Retrieved1 June 2016.
^Ferrie, C., Kaiser, S. (2019).Neural Networks for Babies. Sourcebooks.ISBN978-1-4926-7120-6.
^Mansfield Merriman, "A List of Writings Relating to the Method of Least Squares"
^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, 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
^Amari S (1967). "A theory of adaptive pattern classifier".IEEE Transactions.EC (16):279–307.
^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.
^Bozinovski S. and Fulgosi A. (1976). "The influence of pattern similarity and transfer learning on the base perceptron training" (original in Croatian) Proceedings of Symposium Informatica 3-121-5, Bled.
^Bozinovski S.(2020) "Reminder of the first paper on transfer learning in neural networks, 1976". Informatica 44: 291–302.
^abFukushima K (1979). "Neural network model for a mechanism of pattern recognition unaffected by shift in position—Neocognitron".Trans. IECE (In Japanese). J62-A (10):658–665.doi:10.1007/bf00344251.PMID7370364.S2CID206775608.
^Fukushima K (1980). "Neocognitron: A self-organizing neural network model for a mechanism of pattern recognition unaffected by shift in position".Biol. Cybern.36 (4):193–202.doi:10.1007/bf00344251.PMID7370364.S2CID206775608.
^Kelley HJ (1960). "Gradient theory of optimal flight paths".ARS Journal.30 (10):947–954.doi:10.2514/8.5282.
^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. p. 6–7.
^Werbos PJ (1994).The Roots of Backpropagation : From Ordered Derivatives to Neural Networks and Political Forecasting. New York: John Wiley & Sons.ISBN0-471-59897-6.
^Waibel A (December 1987).Phoneme Recognition Using Time-Delay Neural Networks(PDF). Meeting of the Institute of Electrical, Information and Communication Engineers (IEICE). Tokyo, Japan.Archived(PDF) from the original on 17 September 2024. Retrieved20 September 2024.
^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, 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
^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.
^ab Bozinovski, S. (1982). "A self-learning system using secondary reinforcement". In Trappl, Robert (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. (1995) "Neuro genetic agents and structural theory of self-reinforcement learning systems". CMPSCI Technical Report 95-107, University of Massachusetts at Amherst[1]Archived 8 October 2024 at theWayback Machine
^R. Zajonc (1980) "Feeling and thinking: Preferences need no inferences". American Psychologist 35 (2): 151-175
^Lazarus R. (1982) "Thoughts on the relations between emotion and cognition" American Psychologist 37 (9): 1019-1024
^Schmidhuber J (1993).Habilitation thesis: System modeling and optimization(PDF).Archived(PDF) from the original on 7 August 2024. Retrieved21 September 2024. Page 150 ff demonstrates credit assignment across the equivalent of 1,200 layers in an unfolded RNN.
^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.ISBN0-85296-721-7.
^Ciresan D, Giusti A, Gambardella LM, Schmidhuber J (2012). Pereira F, Burges CJ, Bottou L, Weinberger KQ (eds.).Advances in Neural Information Processing Systems 25(PDF). Curran Associates, Inc. pp. 2843–2851.Archived(PDF) from the original on 9 August 2017. Retrieved13 June 2017.
^Ciresan D, Giusti A, Gambardella L, Schmidhuber J (2013). "Mitosis Detection in Breast Cancer Histology Images with Deep Neural Networks".Medical Image Computing and Computer-Assisted Intervention – MICCAI 2013. Lecture Notes in Computer Science. Vol. 7908. pp. 411–418.doi:10.1007/978-3-642-40763-5_51.ISBN978-3-642-38708-1.PMID24579167.
^Ng A, Dean J (2012). "Building High-level Features Using Large Scale Unsupervised Learning".arXiv:1112.6209 [cs.LG].
^abBillings SA (2013).Nonlinear System Identification: NARMAX Methods in the Time, Frequency, and Spatio-Temporal Domains. Wiley.ISBN978-1-119-94359-4.
^abGoodfellow 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. Retrieved20 August 2019.
^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.
^Karras T, Aila T, Laine S, Lehtinen J (26 February 2018). "Progressive Growing of GANs for Improved Quality, Stability, and Variation".arXiv:1710.10196 [cs.NE].
^Simonyan K, Zisserman A (10 April 2015),Very Deep Convolutional Networks for Large-Scale Image Recognition,arXiv:1409.1556
^He K, Zhang X, Ren S, Sun J (2016). "Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification".arXiv:1502.01852 [cs.CV].
^He K, Zhang X, Ren S, Sun J (10 December 2015).Deep Residual Learning for Image Recognition.arXiv:1512.03385.
^Schlag I, Irie K,Schmidhuber J (2021). "Linear Transformers Are Secretly Fast Weight Programmers".ICML 2021. Springer. pp. 9355–9366.
^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.S2CID208117506.
^abZell A (2003). "chapter 5.2".Simulation neuronaler Netze [Simulation of Neural Networks] (in German) (1st ed.). Addison-Wesley.ISBN978-3-89319-554-1.OCLC249017987.
^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.PMID17698099.
^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.ISBN978-0-262-36110-1.OCLC1162184998.
^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.ISBN978-0-7695-3645-3.S2CID10557754.
^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.PMID23140797.
^Ollivier Y, Charpiat G (2015). "Training recurrent networks without backtracking".arXiv:1507.07680 [cs.NE].
^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.
^Secomandi N (2000). "Comparing neuro-dynamic programming algorithms for the vehicle routing problem with stochastic demands".Computers & Operations Research.27 (11–12):1201–1225.CiteSeerX10.1.1.392.4034.doi:10.1016/S0305-0548(99)00146-X.
^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.ISBN0-7803-6375-2.
^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.ISBN978-0-444-86488-8.
^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.S2CID8944741.
^Salimans T, Ho J, Chen X, Sidor S, Sutskever I (7 September 2017). "Evolution Strategies as a Scalable Alternative to Reinforcement Learning".arXiv:1703.03864 [stat.ML].
^Such FP, Madhavan V, Conti E, Lehman J, Stanley KO, Clune J (20 April 2018). "Deep Neuroevolution: Genetic Algorithms Are a Competitive Alternative for Training Deep Neural Networks for Reinforcement Learning".arXiv:1712.06567 [cs.NE].
^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.Archived(PDF) from the original on 19 December 2013. Retrieved8 October 2012.
^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.S2CID41312633.
^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].
^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.S2CID88515435.
^Zoph B, Le QV (4 November 2016). "Neural Architecture Search with Reinforcement Learning".arXiv:1611.01578 [cs.LG].
^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.PMID27286184.
^Ciaramella A, Ciaramella M (2024).Introduction to Artificial Intelligence: from data analysis to generative AI. Intellisemantic Editions.ISBN978-8-8947-8760-3.
^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.
^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.
^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,ISBN978-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.ISBN978-0-8186-5090-1.S2CID13260377.
^Balcázar J (July 1997). "Computational Power of Neural Networks: A Kolmogorov Complexity Characterization".IEEE Transactions on Information Theory.43 (4):1175–1183.CiteSeerX10.1.1.411.7782.doi:10.1109/18.605580.
^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. Retrieved4 June 2022.
^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].
^Chow PS (6 July 2020). "Ghost in the (Hollywood) machine: Emergent applications of artificial intelligence in the film industry".NECSUS_European Journal of Media Studies.doi:10.25969/MEDIAREP/14307.ISSN2213-0217.
^Yu X, He S, Gao Y, Yang J, Sha L, Zhang Y, et al. (June 2010). "Dynamic difficulty adjustment of game AI for video game Dead-End".The 3rd International Conference on Information Sciences and Interaction Sciences. IEEE. pp. 583–587.doi:10.1109/icicis.2010.5534761.ISBN978-1-4244-7384-7.S2CID17555595.
Borgelt C (2003).Neuro-Fuzzy-Systeme: von den Grundlagen künstlicher Neuronaler Netze zur Kopplung mit Fuzzy-Systemen. Vieweg.ISBN978-3-528-25265-6.OCLC76538146.
Dewdney AK (1997).Yes, we have no neutrons: an eye-opening tour through the twists and turns of bad science. New York: Wiley.ISBN978-0-471-10806-1.OCLC35558945.
Kruse R, Borgelt C, Klawonn F, Moewes C, Steinbrecher M, Held P (2013).Computational intelligence: a methodological introduction. Springer.ISBN978-1-4471-5012-1.OCLC837524179.
Lawrence J (1994).Introduction to neural networks: design, theory and applications. California Scientific Software.ISBN978-1-883157-00-5.OCLC32179420.