Types of artificial neural networks#Training
{{Short description|Classification of Artificial Neural Networks (ANNs)}}
There are many types of artificial neural networks (ANN).
Artificial neural networks are computational models inspired by biological neural networks, and are used to approximate functions that are generally unknown. Particularly, they are inspired by the behaviour of neurons and the electrical signals they convey between input (such as from the eyes or nerve endings in the hand), processing, and output from the brain (such as reacting to light, touch, or heat). The way neurons semantically communicate is an area of ongoing research.{{cite news|url=https://www.sciencedaily.com/releases/2004/06/040616064016.htm|author=University Of Southern California|date=2004-06-16|title=Gray Matters: New Clues Into How Neurons Process Information|newspaper=ScienceDaily|language=en}} Quote: "... "It's amazing that after a hundred years of modern neuroscience research, we still don't know the basic information processing functions of a neuron," said Bartlett Mel..."{{cite news|url=https://www.sciencedaily.com/releases/2007/03/070327144225.htm|author=Weizmann Institute of Science.|date=2007-04-02|title=It's Only A Game Of Chance: Leading Theory Of Perception Called Into Question|newspaper=ScienceDaily|language=en}} Quote: "..."Since the 1980s, many neuroscientists believed they possessed the key for finally beginning to understand the workings of the brain. But we have provided strong evidence to suggest that the brain may not encode information using precise patterns of activity."..."{{cite news|url=https://www.sciencedaily.com/releases/2004/12/041208084855.htm|author=University Of California – Los Angeles|date=2004-12-14|title=UCLA Neuroscientist Gains Insights Into Human Brain From Study Of Marine Snail|newspaper=ScienceDaily|language=en}} Quote: "..."Our work implies that the brain mechanisms for forming these kinds of associations might be extremely similar in snails and higher organisms...We don't fully understand even very simple kinds of learning in these animals."..."{{cite news|url=https://www.sciencedaily.com/releases/2006/04/060412223937.htm|author=Yale University|date=2006-04-13|title=Brain Communicates In Analog And Digital Modes Simultaneously|newspaper=ScienceDaily|language=en}} Quote: "...McCormick said future investigations and models of neuronal operation in the brain will need to take into account the mixed analog-digital nature of communication. Only with a thorough understanding of this mixed mode of signal transmission will a truly in depth understanding of the brain and its disorders be achieved, he said..." Most artificial neural networks bear only some resemblance to their more complex biological counterparts, but are very effective at their intended tasks (e.g. classification or segmentation).
Some artificial neural networks are adaptive systems and are used for example to model populations and environments, which constantly change.
Neural networks can be hardware- (neurons are represented by physical components) or software-based (computer models), and can use a variety of topologies and learning algorithms.
{{toclimit|3}}
Feedforward
{{Main|Feedforward neural network}}
In feedforward neural networks the information moves from the input to output directly in every layer. There can be hidden layers with or without cycles/loops to sequence inputs. Feedforward networks can be constructed with various types of units, such as binary McCulloch–Pitts neurons, the simplest of which is the perceptron. Continuous neurons, frequently with sigmoidal activation, are used in the context of backpropagation.
Group method of data handling
{{Main|Group method of data handling}}
The Group Method of Data Handling (GMDH){{cite journal|last1=Ivakhnenko|first1=Alexey Grigorevich|author-link=Alexey Grigorevich Ivakhnenko|year=1968|title=The group method of data handling – a rival of the method of stochastic approximation|journal=Soviet Automatic Control|volume=13|issue=3|pages=43–55|title-link=group method of data handling}} features fully automatic structural and parametric model optimization. The node activation functions are Kolmogorov–Gabor polynomials that permit additions and multiplications. It uses a deep multilayer perceptron with eight layers.{{Cite journal|last1=Ivakhnenko|first1=A. G.|year=1971|title=Polynomial Theory of Complex Systems|journal=IEEE Transactions on Systems, Man, and Cybernetics|issue=4|pages=364–378|doi=10.1109/TSMC.1971.4308320|volume=1|s2cid=17606980}} It is a supervised learning network that grows layer by layer, where each layer is trained by regression analysis. Useless items are detected using a validation set, and pruned through regularization. The size and depth of the resulting network depends on the task.{{cite journal|last1=Kondo|first1=T.|last2=Ueno|first2=J.|year=2008|title=Multi-layered GMDH-type neural network self-selecting optimum neural network architecture and its application to 3-dimensional medical image recognition of blood vessels|url=https://www.researchgate.net/publication/228402366|journal=International Journal of Innovative Computing, Information and Control|volume=4|issue=1|pages=175–187}}
Autoencoder
{{Main|Autoencoder}}
An autoencoder, autoassociator or Diabolo network{{Cite journal|date=2009-11-15|title=Learning Deep Architectures for AI|url=http://www.iro.umontreal.ca/~lisa/pointeurs/TR1312.pdf|journal=Foundations and Trends in Machine Learning|language=en|volume=2|issue=1|pages=1–127|doi=10.1561/2200000006|last1=Bengio|first1=Y.|citeseerx=10.1.1.701.9550|s2cid=207178999|issn=1935-8237 }}{{rp|19}} is similar to the multilayer perceptron (MLP) – with an input layer, an output layer and one or more hidden layers connecting them. However, the output layer has the same number of units as the input layer. Its purpose is to reconstruct its own inputs (instead of emitting a target value). Therefore, autoencoders are unsupervised learning models. An autoencoder is used for unsupervised learning of efficient codings,{{cite journal | doi = 10.1016/j.neucom.2008.04.030 | volume=71 | title=Modeling word perception using the Elman network | year=2008 | journal=Neurocomputing | pages=3150–3157 | last1 = Liou | first1 = Cheng-Yuan| issue=16–18 | url=http://ntur.lib.ntu.edu.tw/bitstream/246246/155195/1/21.pdf }}{{cite journal | doi = 10.1016/j.neucom.2013.09.055 | volume=139 | title=Autoencoder for words | year=2014 | journal=Neurocomputing | pages=84–96 | last1 = Liou | first1 = Cheng-Yuan}} typically for the purpose of dimensionality reduction and for learning generative models of data.{{cite arXiv |eprint=1312.6114|author1=Diederik P Kingma|last2=Welling|first2=Max|title=Auto-Encoding Variational Bayes|year=2013|class=stat.ML}}{{cite web|title=Generating Faces with Torch|language=en|last1=Boesen|first1=A.|last2=Larsen|first2=L.|last3=Sonderby|first3=S.K.|year=2015|url=http://torch.ch/blog/2015/11/13/gan.html}}
Probabilistic
{{Main|Probabilistic neural network}}
A probabilistic neural network (PNN) is a four-layer feedforward neural network. The layers are Input, hidden pattern/summation, and output. In the PNN algorithm, the parent probability distribution function (PDF) of each class is approximated by a Parzen window and a non-parametric function. Then, using PDF of each class, the class probability of a new input is estimated and Bayes’ rule is employed to allocate it to the class with the highest posterior probability.{{Cite web|url=https://www.researchgate.net/publication/312519997|title=Competitive probabilistic neural network (PDF Download Available)|website=ResearchGate|language=en|access-date=2017-03-16}} It was derived from the Bayesian network{{cite web |url=http://herselfsai.com/2007/03/probabilistic-neural-networks.html |title=Probabilistic Neural Networks |access-date=2012-03-22 |url-status=dead |archive-url=https://web.archive.org/web/20101218121158/http://herselfsai.com/2007/03/probabilistic-neural-networks.html |archive-date=2010-12-18 }} and a statistical algorithm called Kernel Fisher discriminant analysis.{{cite web |last1=Cheung |first1=Vincent |last2=Cannons |first2=Kevin |date=2002-06-10 |url=http://www.psi.toronto.edu/~vincent/research/presentations/PNN.pdf |title=An Introduction to Probabilistic Neural Networks |website=Probabilistic and Statistical Inference Group |language=en |access-date=2012-03-22 |url-status=dead |archive-url=https://web.archive.org/web/20120131053940/http://www.psi.toronto.edu/~vincent/research/presentations/PNN.pdf |archive-date=2012-01-31 }} It is used for classification and pattern recognition.
Time delay
{{Main|Time delay neural network}}
A time delay neural network (TDNN) is a feedforward architecture for sequential data that recognizes features independent of sequence position. In order to achieve time-shift invariance, delays are added to the input so that multiple data points (points in time) are analyzed together.
It usually forms part of a larger pattern recognition system. It has been implemented using a perceptron network whose connection weights were trained with back propagation (supervised learning).{{cite web|url=http://www.ra.cs.uni-tuebingen.de/SNNS/UserManual/node176.html|title=TDNN Fundamentals|language=en|url-status=dead|access-date=2017-06-18|archive-date=2017-03-22|archive-url=https://web.archive.org/web/20170322055555/http://www.ra.cs.uni-tuebingen.de/SNNS/UserManual/node176.html}}, a chapter from SNNS online manual
Convolutional
{{Main|Convolutional neural network}}
A convolutional neural network (CNN, or ConvNet or shift invariant or space invariant) is a class of deep network, composed of one or more convolutional layers with fully connected layers (matching those in typical ANNs) on top.{{Cite journal|last=Zhang|first=Wei|date=1990|title=Parallel distributed processing model with local space-invariant interconnections and its optical architecture|url=https://drive.google.com/file/d/0B65v6Wo67Tk5ODRzZmhSR29VeDg/view?usp=sharing|journal=Applied Optics|volume=29|issue=32|pages=4790–7|doi=10.1364/ao.29.004790|pmid=20577468|bibcode=1990ApOpt..29.4790Z}}{{Cite journal|last=Zhang|first=Wei|date=1988|title=Shift-invariant pattern recognition neural network and its optical architecture|url=https://drive.google.com/file/d/0B65v6Wo67Tk5Zm03Tm1kaEdIYkE/view?usp=sharing|journal=Proceedings of Annual Conference of the Japan Society of Applied Physics}} It uses tied weights and pooling layers. In particular, max-pooling.{{cite conference|first1=J.|last1=Weng|first2=N.|last2=Ahuja|first3=T. S.|last3=Huang|url=http://www.cse.msu.edu/~weng/research/CresceptronICCV1993.pdf|title=Learning recognition and segmentation of 3-D objects from 2-D images|conference=4th International Conf. Computer Vision|language=en|location=Berlin, Germany|pages=121–128|date=May 1993}} It is often structured via Fukushima's convolutional architecture.{{cite journal|last1=Fukushima|first1=K.|year=1980|title=Neocognitron: A self-organizing neural network model for a mechanism of pattern recognition unaffected by shift in position|journal=Biol. Cybern.|volume=36|issue=4|pages=193–202|doi=10.1007/bf00344251|pmid=7370364|s2cid=206775608}} They are variations of multilayer perceptrons that use minimal preprocessing.{{cite web|url=http://yann.lecun.com/exdb/lenet/|title=LeNet-5, convolutional neural networks|last=LeCun|first=Yann|access-date=16 November 2013}} This architecture allows CNNs to take advantage of the 2D structure of input data.
Its unit connectivity pattern is inspired by the organization of the visual cortex. Units respond to stimuli in a restricted region of space known as the receptive field. Receptive fields partially overlap, over-covering the entire visual field. Unit response can be approximated mathematically by a convolution operation.{{cite web|url=http://deeplearning.net/tutorial/lenet.html|title=Convolutional Neural Networks (LeNet) – DeepLearning 0.1 documentation|work=DeepLearning 0.1|publisher=LISA Lab|access-date=31 August 2013|archive-date=28 December 2017|archive-url=https://web.archive.org/web/20171228091645/http://deeplearning.net/tutorial/lenet.html|url-status=dead}}
CNNs are suitable for processing visual and other two-dimensional data.{{cite journal|vauthors=LeCun et al.|title=Backpropagation Applied to Handwritten Zip Code Recognition|journal=Neural Computation|language=en|volume=1|pages=541–551|year=1989|issue=4 |doi=10.1162/neco.1989.1.4.541 }}{{cite web|authorlink=Yann LeCun|first=Yann|last=LeCun|year=2016|title=Slides on Deep Learning Online|url=https://indico.cern.ch/event/510372/|language=en}} They have shown superior results in both image and speech applications. They can be trained with standard backpropagation. CNNs are easier to train than other regular, deep, feed-forward neural networks and have many fewer parameters to estimate.{{Cite web|url=http://ufldl.stanford.edu/tutorial/supervised/ConvolutionalNeuralNetwork/|title=Unsupervised Feature Learning and Deep Learning Tutorial|website=ufldl.stanford.edu}}
Capsule Neural Networks (CapsNet) add structures called capsules to a CNN and reuse output from several capsules to form more stable (with respect to various perturbations) representations.{{Citation|last1=Hinton|first1=Geoffrey E.|date=2011|pages=44–51|publisher=Springer|citeseerx=10.1.1.220.5099|doi=10.1007/978-3-642-21735-7_6|isbn=9783642217340|last2=Krizhevsky|first2=Alex|last3=Wang|first3=Sida D.|title=Artificial Neural Networks and Machine Learning – ICANN 2011 |chapter=Transforming Auto-Encoders |series=Lecture Notes in Computer Science |volume=6791 |s2cid=6138085 }}
Examples of applications in computer vision include DeepDream{{cite conference
| last1 = Szegedy | first1 = Christian
| last2 = Liu | first2 = Wei
| last3 = Jia | first3 = Yangqing
| last4 = Sermanet | first4 = Pierre
| last5 = Reed | first5 = Scott E.
| last6 = Anguelov | first6 = Dragomir
| last7 = Erhan | first7 = Dumitru
| last8 = Vanhoucke | first8 = Vincent
| last9 = Rabinovich | first9 = Andrew
| arxiv = 1409.4842
| contribution = Going deeper with convolutions
| doi = 10.1109/CVPR.2015.7298594
| pages = 1–9
| publisher = IEEE Computer Society
| title = IEEE Conference on Computer Vision and Pattern Recognition, CVPR 2015, Boston, MA, USA, June 7–12, 2015
| year = 2015| isbn = 978-1-4673-6964-0
}} and robot navigation.{{cite journal|last1=Ran|first1=Lingyan|last2=Zhang|first2=Yanning|last3=Zhang|first3=Qilin|last4=Yang|first4=Tao|date=2017-06-12|title=Convolutional Neural Network-Based Robot Navigation Using Uncalibrated Spherical Images|url=https://qilin-zhang.github.io/_pages/pdfs/sensors-17-01341.pdf|journal=Sensors|volume=17|issue=6|page=1341|doi=10.3390/s17061341|issn=1424-8220|pmc=5492478|pmid=28604624|bibcode=2017Senso..17.1341R|doi-access=free}} They have wide applications in image and video recognition, recommender systems{{Cite book|url=http://papers.nips.cc/paper/5004-deep-content-based-music-recommendation.pdf|title=Deep content-based music recommendation|last1=van den Oord|first1=Aaron|last2=Dieleman|first2=Sander|last3=Schrauwen|first3=Benjamin|date=2013-01-01|publisher=Curran Associates|editor-last=Burges|editor-first=C. J. C.|pages=2643–2651|editor-last2=Bottou|editor-first2=L.|editor-last3=Welling|editor-first3=M.|editor-last4=Ghahramani|editor-first4=Z.|editor-last5=Weinberger|editor-first5=K. Q.}} and natural language processing.{{Cite book|last1=Collobert|first1=Ronan|last2=Weston|first2=Jason|title=Proceedings of the 25th international conference on Machine learning - ICML '08 |chapter=A unified architecture for natural language processing |date=2008-01-01|publisher=ACM|isbn=978-1-60558-205-4|series=|location=New York, NY, USA|pages=160–167|doi=10.1145/1390156.1390177|s2cid=2617020}}
Deep stacking network
A deep stacking network (DSN){{cite book|last1=Deng|first1=Li|last2=Yu|first2=Dong|last3=Platt|first3=John|title=2012 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP) |chapter=Scalable stacking and learning for building deep architectures |date=2012|chapter-url=http://research-srv.microsoft.com/pubs/157586/DSN-ICASSP2012.pdf|pages=2133–2136|doi=10.1109/ICASSP.2012.6288333|isbn=978-1-4673-0046-9|s2cid=16171497}} (deep convex network) is based on a hierarchy of blocks of simplified neural network modules. It was introduced in 2011 by Deng and Yu.{{cite journal|last1=Deng|first1=Li|last2=Yu|first2=Dong|date=2011|title=Deep Convex Net: A Scalable Architecture for Speech Pattern Classification|url=http://www.truebluenegotiations.com/files/deepconvexnetwork-interspeech2011-pub.pdf|journal=Proceedings of the Interspeech|pages=2285–2288|doi=10.21437/Interspeech.2011-607|s2cid=36439 }} It formulates the learning as a convex optimization problem with a closed-form solution, emphasizing the mechanism's similarity to stacked generalization.{{cite journal|last1=David|first1=Wolpert|date=1992|title=Stacked generalization|journal=Neural Networks|volume=5|issue=2|pages=241–259|citeseerx=10.1.1.133.8090|doi=10.1016/S0893-6080(05)80023-1}} Each DSN block is a simple module that is easy to train by itself in a supervised fashion without backpropagation for the entire blocks.
Each block consists of a simplified multi-layer perceptron (MLP) with a single hidden layer. The hidden layer h has logistic sigmoidal units, and the output layer has linear units. Connections between these layers are represented by weight matrix U; input-to-hidden-layer connections have weight matrix W. Target vectors t form the columns of matrix T, and the input data vectors x form the columns of matrix X. The matrix of hidden units is . Modules are trained in order, so lower-layer weights W are known at each stage. The function performs the element-wise logistic sigmoid operation. Each block estimates the same final label class y, and its estimate is concatenated with original input X to form the expanded input for the next block. Thus, the input to the first block contains the original data only, while downstream blocks' input adds the output of preceding blocks. Then learning the upper-layer weight matrix U given other weights in the network can be formulated as a convex optimization problem:
:
which has a closed-form solution.
Unlike other deep architectures, such as DBNs, the goal is not to discover the transformed feature representation. The structure of the hierarchy of this kind of architecture makes parallel learning straightforward, as a batch-mode optimization problem. In purely discriminative tasks, DSNs outperform conventional DBNs.
= Tensor deep stacking networks =
This architecture is a DSN extension. It offers two important improvements: it uses higher-order information from covariance statistics, and it transforms the non-convex problem of a lower-layer to a convex sub-problem of an upper-layer.{{cite journal|last1=Hutchinson|first1=Brian|last2=Deng|first2=Li|last3=Yu|first3=Dong|date=2012|title=Tensor deep stacking networks|journal=IEEE Transactions on Pattern Analysis and Machine Intelligence|volume=1–15|issue=8|pages=1944–1957|doi=10.1109/tpami.2012.268|pmid=23267198|s2cid=344385}} TDSNs use covariance statistics in a bilinear mapping from each of two distinct sets of hidden units in the same layer to predictions, via a third-order tensor.
While parallelization and scalability are not considered seriously in conventional {{tooltip|2=Deep neural networks|DNNs}},{{cite journal|last1=Hinton|first1=Geoffrey|last2=Salakhutdinov|first2=Ruslan|date=2006|title=Reducing the Dimensionality of Data with Neural Networks|journal=Science|volume=313|issue=5786|pages=504–507|bibcode=2006Sci...313..504H|doi=10.1126/science.1127647|pmid=16873662|s2cid=1658773}}{{cite journal|last1=Dahl|first1=G.|last2=Yu|first2=D.|last3=Deng|first3=L.|last4=Acero|first4=A.|date=2012|title=Context-Dependent Pre-Trained Deep Neural Networks for Large-Vocabulary Speech Recognition|journal=IEEE Transactions on Audio, Speech, and Language Processing|volume=20|issue=1|pages=30–42|citeseerx=10.1.1.227.8990|doi=10.1109/tasl.2011.2134090|s2cid=14862572}}{{cite journal|last1=Mohamed|first1=Abdel-rahman|last2=Dahl|first2=George|last3=Hinton|first3=Geoffrey|date=2012|title=Acoustic Modeling Using Deep Belief Networks|journal=IEEE Transactions on Audio, Speech, and Language Processing|volume=20|issue=1|pages=14–22|citeseerx=10.1.1.338.2670|doi=10.1109/tasl.2011.2109382|s2cid=9530137}} all learning for {{tooltip|2=Deep stacking network|DSN}}s and {{tooltip|2=Tensor deep stacking network|TDSN}}s is done in batch mode, to allow parallelization. Parallelization allows scaling the design to larger (deeper) architectures and data sets.
The basic architecture is suitable for diverse tasks such as classification and regression.
Physics-informed
Such a neural network is designed for the numerical solution of mathematical equations, such as differential, integral, delay, fractional and others. As input parameters, PINN{{Cite journal |last1=Pang |first1=Guofei |last2=Lu |first2=Lu |last3=Karniadakis |first3=George Em |date=2019 |title=fPINNs: Fractional Physics-Informed Neural Networks |url=https://epubs.siam.org/doi/10.1137/18M1229845 |journal=SIAM Journal on Scientific Computing |volume=41 |issue=4 |pages=A2603–A2626 |doi=10.1137/18M1229845 |issn=1064-8275|arxiv=1811.08967 |bibcode=2019SJSC...41A2603P }} accepts variables (spatial, temporal, and others), transmits them through the network block. At the output, it produces an approximate solution and substitutes it into the mathematical model, considering the initial and boundary conditions. If the solution does not satisfy the required accuracy, one uses the backpropagation and rectify the solution.
Besides PINN, there exists deep neural operator (DeepONet){{Cite journal |last1=Lu |first1=Lu |last2=Jin |first2=Pengzhan |last3=Pang |first3=Guofei |last4=Zhang |first4=Zhongqiang |last5=Karniadakis |first5=George Em |date=2021-03-18 |title=Learning nonlinear operators via DeepONet based on the universal approximation theorem of operators |url=https://www.nature.com/articles/s42256-021-00302-5 |journal=Nature Machine Intelligence |language=en |volume=3 |issue=3 |pages=218–229 |doi=10.1038/s42256-021-00302-5 |issn=2522-5839|arxiv=1910.03193 }} and Fourier neural operator (FNO).{{Cite journal |last1=You |first1=Huaiqian |last2=Zhang |first2=Quinn |last3=Ross |first3=Colton J. |last4=Lee |first4=Chung-Hao |last5=Yu |first5=Yue |date=2022-08-01 |title=Learning deep Implicit Fourier Neural Operators (IFNOs) with applications to heterogeneous material modeling |url=https://linkinghub.elsevier.com/retrieve/pii/S0045782522004078 |journal=Computer Methods in Applied Mechanics and Engineering |volume=398 |pages=115296 |doi=10.1016/j.cma.2022.115296 |issn=0045-7825|arxiv=2203.08205 }}
Regulatory feedback
Regulatory feedback networks account for feedback found throughout brain recognition processing areas. Instead of recognition-inference being feedforward (inputs-to-output) as in neural networks, regulatory feedback assumes inference iteratively compares inputs to outputs & neurons inhibit their own inputs, collectively evaluating how important and unique each input is for the next iteration. This ultimately finds neuron activations minimizing mutual input overlap, estimating distributions during recognition and offloading the need for complex neural network training & rehearsal.{{cite journal|last1=Achler|first1=T.|title=What AI, Neuroscience, and Cognitive Science Can Learn from Each Other: An Embedded Perspective|journal=Cognitive Computation|language=en|year=2023}}
Regulatory feedback processing suggests an important real-time recognition processing role for ubiquitous feedback found between brain pre and post synaptic neurons, which is meticulously maintained by homeostatic plasticity: found to be kept in balance through multiple, often redundant, mechanisms. RF also inherently shows neuroscience phenomena such as Excitation-Inhibition balance, network-wide bursting followed by quieting, and human cognitive search phenomena of difficulty with similarity and pop-out when multiple inputs are present, without additional parameters.
A regulatory feedback network makes inferences using negative feedback.{{cite conference|last1=Achler|first1=T.|last2=Omar|first2=C.|last3=Amir|first3=E.|title=Shedding Weights: More With Less|conference=International Joint Conference on Neural Networks|language=en|year=2008}} The feedback is used to find the optimal activation of units. It is most similar to a non-parametric method but is different from K-nearest neighbor in that it mathematically emulates feedforward networks.
Radial basis function
{{Main|Radial basis function network}}
Radial basis functions are functions that have a distance criterion with respect to a center. Radial basis functions have been applied as a replacement for the sigmoidal hidden layer transfer characteristic in multi-layer perceptrons. RBF networks have two layers: In the first, input is mapped onto each RBF in the 'hidden' layer. The RBF chosen is usually a Gaussian. In regression problems the output layer is a linear combination of hidden layer values representing mean predicted output. The interpretation of this output layer value is the same as a regression model in statistics. In classification problems the output layer is typically a sigmoid function of a linear combination of hidden layer values, representing a posterior probability. Performance in both cases is often improved by shrinkage techniques, known as ridge regression in classical statistics. This corresponds to a prior belief in small parameter values (and therefore smooth output functions) in a Bayesian framework.
RBF networks have the advantage of avoiding local minima in the same way as multi-layer perceptrons. This is because the only parameters that are adjusted in the learning process are the linear mapping from hidden layer to output layer. Linearity ensures that the error surface is quadratic and therefore has a single easily found minimum. In regression problems this can be found in one matrix operation. In classification problems the fixed non-linearity introduced by the sigmoid output function is most efficiently dealt with using iteratively re-weighted least squares.
RBF networks have the disadvantage of requiring good coverage of the input space by radial basis functions. RBF centres are determined with reference to the distribution of the input data, but without reference to the prediction task. As a result, representational resources may be wasted on areas of the input space that are irrelevant to the task. A common solution is to associate each data point with its own centre, although this can expand the linear system to be solved in the final layer and requires shrinkage techniques to avoid overfitting.
Associating each input datum with an RBF leads naturally to kernel methods such as support vector machines (SVM) and Gaussian processes (the RBF is the kernel function). All three approaches use a non-linear kernel function to project the input data into a space where the learning problem can be solved using a linear model. Like Gaussian processes, and unlike SVMs, RBF networks are typically trained in a maximum likelihood framework by maximizing the probability (minimizing the error). SVMs avoid overfitting by maximizing instead a margin. SVMs outperform RBF networks in most classification applications. In regression applications they can be competitive when the dimensionality of the input space is relatively small.
=How RBF networks work=
RBF neural networks are conceptually similar to K-nearest neighbor (k-NN) models. The basic idea is that similar inputs produce similar outputs.
Assume that each case in a training set has two predictor variables, x and y, and the target variable has two categories, positive and negative. Given a new case with predictor values x=6, y=5.1, how is the target variable computed?
The nearest neighbor classification performed for this example depends on how many neighboring points are considered. If 1-NN is used and the closest point is negative, then the new point should be classified as negative. Alternatively, if 9-NN classification is used and the closest 9 points are considered, then the effect of the surrounding 8 positive points may outweigh the closest 9-th (negative) point.
An RBF network positions neurons in the space described by the predictor variables (x,y in this example). This space has as many dimensions as predictor variables. The Euclidean distance is computed from the new point to the center of each neuron, and a radial basis function (RBF, also called a kernel function) is applied to the distance to compute the weight (influence) for each neuron. The radial basis function is so named because the radius distance is the argument to the function.
: Weight = RBF(distance)
==Radial basis function==
The value for the new point is found by summing the output values of the RBF functions multiplied by weights computed for each neuron.
The radial basis function for a neuron has a center and a radius (also called a spread). The radius may be different for each neuron, and, in RBF networks generated by DTREG, the radius may be different in each dimension.
With larger spread, neurons at a distance from a point have a greater influence.
==Architecture==
RBF networks have three layers:
- Input layer: One neuron appears in the input layer for each predictor variable. In the case of categorical variables, N-1 neurons are used where N is the number of categories. The input neurons standardizes the value ranges by subtracting the median and dividing by the interquartile range. The input neurons then feed the values to each of the neurons in the hidden layer.
- Hidden layer: This layer has a variable number of neurons (determined by the training process). Each neuron consists of a radial basis function centered on a point with as many dimensions as predictor variables. The spread (radius) of the RBF function may be different for each dimension. The centers and spreads are determined by training. When presented with the x vector of input values from the input layer, a hidden neuron computes the Euclidean distance of the test case from the neuron's center point and then applies the RBF kernel function to this distance using the spread values. The resulting value is passed to the summation layer.
- Summation layer: The value coming out of a neuron in the hidden layer is multiplied by a weight associated with the neuron and adds to the weighted values of other neurons. This sum becomes the output. For classification problems, one output is produced (with a separate set of weights and summation unit) for each target category. The value output for a category is the probability that the case being evaluated has that category.
==Training ==
The following parameters are determined by the training process:
- The number of neurons in the hidden layer
- The coordinates of the center of each hidden-layer RBF function
- The radius (spread) of each RBF function in each dimension
- The weights applied to the RBF function outputs as they pass to the summation layer
Various methods have been used to train RBF networks. One approach first uses K-means clustering to find cluster centers which are then used as the centers for the RBF functions. However, K-means clustering is computationally intensive and it often does not generate the optimal number of centers. Another approach is to use a random subset of the training points as the centers.
DTREG uses a training algorithm that uses an evolutionary approach to determine the optimal center points and spreads for each neuron. It determines when to stop adding neurons to the network by monitoring the estimated leave-one-out (LOO) error and terminating when the LOO error begins to increase because of overfitting.
The computation of the optimal weights between the neurons in the hidden layer and the summation layer is done using ridge regression. An iterative procedure computes the optimal regularization Lambda parameter that minimizes the generalized cross-validation (GCV) error.
= General regression neural network =
{{Main|General regression neural network}}
A GRNN is an associative memory neural network that is similar to the probabilistic neural network but it is used for regression and approximation rather than classification.
Deep belief network
{{main|Deep belief network}}
File:Restricted Boltzmann machine.svg (RBM) with fully connected visible and hidden units. Note there are no hidden-hidden or visible-visible connections.]]
A deep belief network (DBN) is a probabilistic, generative model made up of multiple hidden layers. It can be considered a composition of simple learning modules.{{cite journal|last1=Hinton|first1=G.E.|year=2009|title=Deep belief networks|journal=Scholarpedia|volume=4|issue=5|page=5947|bibcode=2009SchpJ...4.5947H|doi=10.4249/scholarpedia.5947|doi-access=free}}
A DBN can be used to generatively pre-train a deep neural network (DNN) by using the learned DBN weights as the initial DNN weights. Various discriminative algorithms can then tune these weights. This is particularly helpful when training data are limited, because poorly initialized weights can significantly hinder learning. These pre-trained weights end up in a region of the weight space that is closer to the optimal weights than random choices. This allows for both improved modeling and faster ultimate convergence.{{Cite book|last1=Larochelle|first1=Hugo|last2=Erhan|first2=Dumitru|last3=Courville|first3=Aaron|last4=Bergstra|first4=James|last5=Bengio|first5=Yoshua|title=Proceedings of the 24th international conference on Machine learning |chapter=An empirical evaluation of deep architectures on problems with many factors of variation |date=2007|publisher=ACM|isbn=9781595937933|series=ICML '07|location=New York, NY, USA|pages=473–480|citeseerx=10.1.1.77.3242|doi=10.1145/1273496.1273556|s2cid=14805281}}
Recurrent neural network
{{Main|Recurrent neural network}}
Recurrent neural networks (RNN) propagate data forward, but also backwards, from later processing stages to earlier stages. RNN can be used as general sequence processors.
=Fully recurrent =
This architecture was developed in the 1980s. Its network creates a directed connection between every pair of units. Each has a time-varying, real-valued (more than just zero or one) activation (output). Each connection has a modifiable real-valued weight. Some of the nodes are called labeled nodes, some output nodes, the rest hidden nodes.
For supervised learning in discrete time settings, training sequences of real-valued input vectors become sequences of activations of the input nodes, one input vector at a time. At each time step, each non-input unit computes its current activation as a nonlinear function of the weighted sum of the activations of all units from which it receives connections. The system can explicitly activate (independent of incoming signals) some output units at certain time steps. For example, if the input sequence is a speech signal corresponding to a spoken digit, the final target output at the end of the sequence may be a label classifying the digit. For each sequence, its error is the sum of the deviations of all activations computed by the network from the corresponding target signals. For a training set of numerous sequences, the total error is the sum of the errors of all individual sequences.
To minimize total error, gradient descent can be used to change each weight in proportion to its derivative with respect to the error, provided the non-linear activation functions are differentiable. The standard method is called "backpropagation through time" or BPTT, a generalization of back-propagation for feedforward networks.{{cite journal | last1 = Werbos | first1 = P. J. | year = 1988| title = Generalization of backpropagation with application to a recurrent gas market model | url = https://zenodo.org/record/1258627| journal = Neural Networks | volume = 1| issue = 4| pages = 339–356| doi = 10.1016/0893-6080(88)90007-x }}{{cite report|first1=David E.|last1=Rumelhart|first2=Geoffrey E.|last2=Hinton|first3=Ronald J.|last3=Williams|title=Learning Internal Representations by Error Propagation|language=en|s2cid=62245742}} A more computationally expensive online variant is called "Real-Time Recurrent Learning" or RTRL.{{cite report|first1=A. J.|last1=Robinson|first2=F.|last2=Fallside|title=The utility driven dynamic error propagation network. Technical Report CUED/F-INFENG/TR.1|url=https://gwern.net/doc/ai/nn/rnn/1987-robinson.pdf|language=en|publisher=Cambridge University Engineering Department|year=1987}}{{cite book|first1=R. J.|last1=Williams|first2=D.|last2=Zipser|chapter=Gradient-based learning algorithms for recurrent networks and their computational complexity|chapter-url=https://gwern.net/doc/ai/nn/rnn/1995-williams.pdf|title=Back-propagation: Theory, Architectures and Applications|language=en|location=Hillsdale, NJ|publisher=Erlbaum|year=1994|s2cid=14792754}} Unlike BPTT this algorithm is local in time but not local in space.{{cite journal | last1 = Schmidhuber | first1 = J. | year = 1989 | title = A local learning algorithm for dynamic feedforward and recurrent networks | journal = Connection Science | volume = 1 | issue = 4| pages = 403–412 | doi=10.1080/09540098908915650| s2cid = 18721007 }}{{cite book|title=Neural and Adaptive Systems: Fundamentals through Simulation|language=en|first1=J.C.|last1=Principe|first2=N.R.|last2=Euliano|first3=W.C.|last3=Lefebvre}} An online hybrid between BPTT and RTRL with intermediate complexity exists,{{cite journal | last1 = Schmidhuber | first1 = J. | year = 1992 | title = A fixed size storage O(n3) time complexity learning algorithm for fully recurrent continually running networks | journal = Neural Computation | volume = 4 | issue = 2| pages = 243–248 | doi=10.1162/neco.1992.4.2.243| s2cid = 11761172 }}{{cite report|first=R. J.|last=Williams|title=Complexity of exact gradient computation algorithms for recurrent neural networks. Technical Report Technical Report NU-CCS-89-27|language=en|location=Boston|publisher=Northeastern University, College of Computer Science|year=1989}} with variants for continuous time.{{cite journal | last1 = Pearlmutter | first1 = B. A. | year = 1989 | title = Learning state space trajectories in recurrent neural networks | url = http://eprints.maynoothuniversity.ie/5486/1/BP_learning%20state.pdf| journal = Neural Computation | volume = 1 | issue = 2| pages = 263–269 | doi=10.1162/neco.1989.1.2.263| s2cid = 16813485 }} A major problem with gradient descent for standard RNN architectures is that error gradients vanish exponentially quickly with the size of the time lag between important events.{{cite thesis|first1=S.|last1=Hochreiter|title=Untersuchungen zu dynamischen neuronalen Netzen|language=de|degree=Diploma|publisher=Institut f. Informatik, Technische Univ|location=Munich|year=1991}}{{cite book|first1=S.|last1=Hochreiter|first2=Y.|last2=Bengio|first3=P.|last3=Frasconi|first4=J.|last4=Schmidhuber|chapter=Gradient flow in recurrent nets: the difficulty of learning long-term dependencies|chapter-url=https://ml.jku.at/publications/older/ch7.pdf|editor-first1=S. C.|editor-last1=Kremer|editor-first2=J. F.|editor-last2=Kolen|title=A Field Guide to Dynamical Recurrent Neural Networks|language=en|publisher=IEEE Press|year=2001}} The Long short-term memory architecture overcomes these problems.{{cite journal | last1 = Hochreiter | first1 = S. | last2 = Schmidhuber | first2 = J. | year = 1997 | title = Long short-term memory | journal = Neural Computation | volume = 9 | issue = 8| pages = 1735–1780 | doi=10.1162/neco.1997.9.8.1735| pmid = 9377276 | s2cid = 1915014 }}
In reinforcement learning settings, no teacher provides target signals. Instead a fitness function or reward function or utility function is occasionally used to evaluate performance, which influences its input stream through output units connected to actuators that affect the environment. Variants of evolutionary computation are often used to optimize the weight matrix.
==Hopfield ==
{{main|Hopfield network}}
The Hopfield network (like similar attractor-based networks) is of historic interest although it is not a general RNN, as it is not designed to process sequences of patterns. Instead it requires stationary inputs. It is an RNN in which all connections are symmetric. It guarantees that it will converge. If the connections are trained using Hebbian learning the Hopfield network can perform as robust content-addressable memory, resistant to connection alteration.
==Boltzmann machine==
{{main|Boltzmann machine}}
The Boltzmann machine can be thought of as a noisy Hopfield network. It is one of the first neural networks to demonstrate learning of latent variables (hidden units). Boltzmann machine learning was at first slow to simulate, but the contrastive divergence algorithm speeds up training for Boltzmann machines and Products of Experts.
==Self-organizing map==
{{main|Self-organizing map}}
The self-organizing map (SOM) uses unsupervised learning. A set of neurons learn to map points in an input space to coordinates in an output space. The input space can have different dimensions and topology from the output space, and SOM attempts to preserve these.
==Learning vector quantization==
{{main|Learning vector quantization}}
Learning vector quantization (LVQ) can be interpreted as a neural network architecture. Prototypical representatives of the classes parameterize, together with an appropriate distance measure, in a distance-based classification scheme.
=Simple recurrent =
Simple recurrent networks have three layers, with the addition of a set of "context units" in the input layer. These units connect from the hidden layer or the output layer with a fixed weight of one.{{cite book|title=Neural Networks as Cybernetic Systems|language=en|edition=2nd and revised|first=Holk|last=Cruse|url=http://www.brains-minds-media.org/archive/615/bmm615.pdf}} At each time step, the input is propagated in a standard feedforward fashion, and then a backpropagation-like learning rule is applied (not performing gradient descent). The fixed back connections leave a copy of the previous values of the hidden units in the context units (since they propagate over the connections before the learning rule is applied).
= Reservoir computing =
{{Main|Reservoir computing}}
Reservoir computing is a computation framework that may be viewed as an extension of neural networks.{{cite conference|authorlink1=Benjamin Schrauwen|last1=Schrauwen|first1=Benjamin|authorlink2=David Verstraeten|first2=David|last2=Verstraeten|authorlink3=Jan Van Campenhout|first3=Jan Van|last3=Campenhout|title=An overview of reservoir computing: theory, applications, and implementations|conference=European Symposium on Artificial Neural Networks ESANN|language=en|year=2007|pages=471–482}} Typically an input signal is fed into a fixed (random) dynamical system called a reservoir whose dynamics map the input to a higher dimension. A readout mechanism is trained to map the reservoir to the desired output. Training is performed only at the readout stage. Liquid-state machines{{cite journal | last1 = Mass | first1 = Wolfgang | author-link = Wolfgang Maas | last2 = Nachtschlaeger | first2 = T. | last3 = Markram | first3 = H. | year = 2002 | title = Real-time computing without stable states: A new framework for neural computation based on perturbations | journal = Neural Computation | volume = 14 | issue = 11| pages = 2531–2560 | doi = 10.1162/089976602760407955 | pmid = 12433288 | s2cid = 1045112 }} are a type of reservoir computing.{{cite journal|title=Echo state network|journal=Scholarpedia|date=2007 |doi=10.4249/scholarpedia.2330 |doi-access=free |language=en |last1=Jaeger |first1=Herbert |volume=2 |issue=9 |page=2330 |bibcode=2007SchpJ...2.2330J }}
== Echo state ==
{{main|Echo state network}}
The echo state network (ESN) employs a sparsely connected random hidden layer. The weights of output neurons are the only part of the network that are trained. ESN are good at reproducing certain time series.{{cite journal | last1 = Jaeger | first1 = H. | last2 = Harnessing | year = 2004 | title = Predicting chaotic systems and saving energy in wireless communication | journal = Science | volume = 304 | issue = 5667| pages = 78–80 | doi=10.1126/science.1091277| pmid = 15064413 | citeseerx = 10.1.1.719.2301 | bibcode = 2004Sci...304...78J | s2cid = 2184251 }}
=Long short-term memory =
{{main|Long short-term memory}}
The long short-term memory (LSTM) avoids the vanishing gradient problem. It works even when with long delays between inputs and can handle signals that mix low and high frequency components. LSTM RNN outperformed other RNN and other sequence learning methods such as HMM in applications such as language learning{{cite journal|first1=F. A.|last1=Gers|first2=J.|last2=Schmidhuber|title=LSTM recurrent networks learn simple context free and context sensitive languages|journal=IEEE Transactions on Neural Networks|language=en|volume=12|issue=6|pages=1333–1340|year=2001|doi=10.1109/72.963769 |pmid=18249962 |url=http://elartu.tntu.edu.ua/handle/lib/30719 }} and connected handwriting recognition.{{cite conference|first1=A.|last1=Graves|first2=J.|last2=Schmidhuber|title=Offline Handwriting Recognition with Multidimensional Recurrent Neural Networks|url=https://www.cs.toronto.edu/~graves/nips_2008.pdf|conference=Advances in Neural Information Processing Systems 22, NIPS'22|language=en|pages=545–552|location=Vancouver|publisher=MIT Press|year=2009}}
=Bi-directional =
{{main|Bidirectional recurrent neural network}}
Bi-directional RNN, or BRNN, use a finite sequence to predict or label each element of a sequence based on both the past and future context of the element.{{cite journal | last1 = Schuster | first1 = Mike | last2 = Paliwal | first2 = Kuldip K. | year = 1997 | title = Bidirectional recurrent neural networks | journal = IEEE Transactions on Signal Processing | volume = 45 | issue = 11| pages = 2673–2681 | doi=10.1109/78.650093| bibcode = 1997ITSP...45.2673S | citeseerx = 10.1.1.331.9441 | s2cid = 18375389 }} This is done by adding the outputs of two RNNs: one processing the sequence from left to right, the other one from right to left. The combined outputs are the predictions of the teacher-given target signals. This technique proved to be especially useful when combined with LSTM.{{cite journal | last1 = Graves | first1 = A. | last2 = Schmidhuber | first2 = J. | year = 2005 | title = Framewise phoneme classification with bidirectional LSTM and other neural network architectures | journal = Neural Networks | volume = 18 | issue = 5–6| pages = 602–610 | doi=10.1016/j.neunet.2005.06.042| pmid = 16112549 | citeseerx = 10.1.1.331.5800 | s2cid = 1856462 }}
=Hierarchical =
{{main|Recurrent neural network#Hierarchical recurrent neural network}}
Hierarchical RNN connects elements in various ways to decompose hierarchical behavior into useful subprograms.{{cite journal | last1 = Schmidhuber | first1 = J. | year = 1992 | title = Learning complex, extended sequences using the principle of history compression | journal = Neural Computation | volume = 4 | issue = 2| pages = 234–242 | doi=10.1162/neco.1992.4.2.234| s2cid = 18271205 }}{{Cite web |url=http://www.bdc.brain.riken.go.jp/~rpaine/PaineTaniSAB2004_h.pdf |title=Dynamic Representation of Movement Primitives in an Evolved Recurrent Neural Network |access-date=2010-07-12 |archive-date=2011-07-18 |archive-url=https://web.archive.org/web/20110718025414/http://www.bdc.brain.riken.go.jp/~rpaine/PaineTaniSAB2004_h.pdf |url-status=dead }}
=Stochastic =
{{main|Artificial neural network#Stochastic neural network}}
A district from conventional neural networks, stochastic artificial neural network used as an approximation to
random functions.
= Genetic scale =
A RNN (often a LSTM) where a series is decomposed into a number of scales where every scale informs the primary length between two consecutive points. A first order scale consists of a normal RNN, a second order consists of all points separated by two indices and so on. The Nth order RNN connects the first and last node. The outputs from all the various scales are treated as a Committee of Machines and the associated scores are used genetically for the next iteration.
Modular
{{main|Modular neural network}}
Biological studies have shown that the human brain operates as a collection of small networks. This realization gave birth to the concept of modular neural networks, in which several small networks cooperate or compete to solve problems.
=Committee of machines=
{{main|Committee machine}}
A committee of machines (CoM) is a collection of different neural networks that together "vote" on a given example. This generally gives a much better result than individual networks. Because neural networks suffer from local minima, starting with the same architecture and training but using randomly different initial weights often gives vastly different results.{{Citation needed|date=October 2008}} A CoM tends to stabilize the result.
The CoM is similar to the general machine learning bagging method, except that the necessary variety of machines in the committee is obtained by training from different starting weights rather than training on different randomly selected subsets of the training data.
=Associative =
The associative neural network (ASNN) is an extension of committee of machines that combines multiple feedforward neural networks and the k-nearest neighbor technique. It uses the correlation between ensemble responses as a measure of distance amid the analyzed cases for the kNN. This corrects the Bias of the neural network ensemble. An associative neural network has a memory that can coincide with the training set. If new data become available, the network instantly improves its predictive ability and provides data approximation (self-learns) without retraining. Another important feature of ASNN is the possibility to interpret neural network results by analysis of correlations between data cases in the space of models.{{Cite web|url=http://www.vcclab.org/lab/asnn|title=Associative Neural Network|website=www.vcclab.org|access-date=2017-06-17}}
Physical
{{Main|Physical neural network}}
A physical neural network includes electrically adjustable resistance material to simulate artificial synapses. Examples include the ADALINE memristor-based neural network.{{cite book|url=https://books.google.com/books?id=-l-yim2lNRUC&q=adaline+smithsonian+widrow&pg=PA54|title=Talking Nets: An Oral History of Neural Networks|isbn=9780262511117|last1=Anderson|first1=James A.|last2=Rosenfeld|first2=Edward|year=2000|publisher=MIT Press }} An optical neural network is a physical implementation of an artificial neural network with optical components.
Dynamic
Unlike static neural networks, dynamic neural networks adapt their structure and/or parameters to the input during inferenceY. Han, G. Huang, S. Song, L. Yang, H. Wang and Y. Wang, "Dynamic Neural Networks: A Survey," in IEEE Transactions on Pattern Analysis and Machine Intelligence, vol. 44, no. 11, pp. 7436-7456, 1 Nov. 2022, doi: 10.1109/TPAMI.2021.3117837.
showing time-dependent behaviour, such as transient phenomena and delay effects.
Dynamic neural networks in which the parameters may change over time are related to the fast weights architecture (1987),{{Cite journal |last1=Hinton |first1=Geoffrey E. |last2=Plaut |first2=David C. |date=1987 |title=Using Fast Weights to Deblur Old Memories |url=https://escholarship.org/uc/item/0570j1dp |journal=Proceedings of the Annual Meeting of the Cognitive Science Society |language=en |volume=9}} where one neural network outputs the weights of another neural network.
=Cascading =
Cascade correlation is an architecture and supervised learning algorithm. Instead of just adjusting the weights in a network of fixed topology,{{cite web|last1=Fahlman|first1=Scott E.|last2=Lebiere|first2=Christian|title=The Cascade-Correlation Learning Architecture|url=http://www.cs.iastate.edu/~honavar/fahlman.pdf|publisher=Carnegie Mellon University|access-date=4 October 2014|date=August 29, 1991|archive-date=3 May 2013|archive-url=https://web.archive.org/web/20130503184045/http://www.cs.iastate.edu/~honavar/fahlman.pdf|url-status=dead}} Cascade-Correlation begins with a minimal network, then automatically trains and adds new hidden units one by one, creating a multi-layer structure. Once a new hidden unit has been added to the network, its input-side weights are frozen. This unit then becomes a permanent feature-detector in the network, available for producing outputs or for creating other, more complex feature detectors. The Cascade-Correlation architecture has several advantages: It learns quickly, determines its own size and topology, retains the structures it has built even if the training set changes and requires no backpropagation.
=Neuro-fuzzy =
{{main|Neuro-fuzzy}}
A neuro-fuzzy network is a fuzzy inference system in the body of an artificial neural network. Depending on the FIS type, several layers simulate the processes involved in a fuzzy inference-like fuzzification, inference, aggregation and defuzzification. Embedding an FIS in a general structure of an ANN has the benefit of using available ANN training methods to find the parameters of a fuzzy system.
=Compositional pattern-producing =
{{Main|Compositional pattern-producing network}}
Compositional pattern-producing networks (CPPNs) are a variation of artificial neural networks which differ in their set of activation functions and how they are applied. While typical artificial neural networks often contain only sigmoid functions (and sometimes Gaussian functions), CPPNs can include both types of functions and many others. Furthermore, unlike typical artificial neural networks, CPPNs are applied across the entire space of possible inputs so that they can represent a complete image. Since they are compositions of functions, CPPNs in effect encode images at infinite resolution and can be sampled for a particular display at whatever resolution is optimal.
Memory networks
Memory networks{{cite arXiv|eprint=1410.3916|last1=Schmidhuber|first1=Juergen|title=Memory Networks|class=cs.AI|year=2014}}{{cite arXiv|eprint=1503.08895|last1=Schmidhuber|first1=Juergen|title=End-To-End Memory Networks|class=cs.NE|year=2015}} incorporate long-term memory. The long-term memory can be read and written to, with the goal of using it for prediction. These models have been applied in the context of question answering (QA) where the long-term memory effectively acts as a (dynamic) knowledge base and the output is a textual response.{{cite arXiv|eprint=1506.02075|last1=Schmidhuber|first1=Juergen|title=Large-scale Simple Question Answering with Memory Networks|class=cs.LG|year=2015}}
In sparse distributed memory or hierarchical temporal memory, the patterns encoded by neural networks are used as addresses for content-addressable memory, with "neurons" essentially serving as address encoders and decoders. However, the early controllers of such memories were not differentiable.{{Cite web|url=http://repository.cmu.edu/cgi/viewcontent.cgi?article=2841&context=compsci|title=Distributed representations|last=Hinton|first=Geoffrey E.|date=1984|archive-url=https://web.archive.org/web/20160502213526/http://repository.cmu.edu/cgi/viewcontent.cgi?article=2841&context=compsci|archive-date=2016-05-02|url-status=dead}}
=One-shot associative memory=
This type of network can add new patterns without re-training. It is done by creating a specific memory structure, which assigns each new pattern to an orthogonal plane using adjacently connected hierarchical arrays.{{cite journal |last1=Nasution |first1=B.B. |last2=Khan |first2=A.I. |title=A Hierarchical Graph Neuron Scheme for Real-Time Pattern Recognition |journal=IEEE Transactions on Neural Networks |date=February 2008 |volume=19 |issue=2 |pages=212–229 |doi=10.1109/TNN.2007.905857|pmid=18269954 |s2cid=17573325 }} The network offers real-time pattern recognition and high scalability; this requires parallel processing and is thus best suited for platforms such as wireless sensor networks, grid computing, and GPGPUs.
=Hierarchical temporal memory=
{{main|Hierarchical temporal memory}}
Hierarchical temporal memory (HTM) models some of the structural and algorithmic properties of the neocortex. HTM is a biomimetic model based on memory-prediction theory. HTM is a method for discovering and inferring the high-level causes of observed input patterns and sequences, thus building an increasingly complex model of the world.
HTM combines existing ideas to mimic the neocortex with a simple design that provides many capabilities. HTM combines and extends approaches used in Bayesian networks, spatial and temporal clustering algorithms, while using a tree-shaped hierarchy of nodes that is common in neural networks.
= Holographic associative memory =
{{Main|Holographic associative memory}}
Holographic Associative Memory (HAM) is an analog, correlation-based, associative, stimulus-response system. Information is mapped onto the phase orientation of complex numbers. The memory is effective for associative memory tasks, generalization and pattern recognition with changeable attention. Dynamic search localization is central to biological memory. In visual perception, humans focus on specific objects in a pattern. Humans can change focus from object to object without learning. HAM can mimic this ability by creating explicit representations for focus. It uses a bi-modal representation of pattern and a hologram-like complex spherical weight state-space. HAMs are useful for optical realization because the underlying hyper-spherical computations can be implemented with optical computation.{{cite journal|last=Sutherland|first=John G.|date=1 January 1990|title=A holographic model of memory, learning and expression|journal=International Journal of Neural Systems|volume=01|issue=3|pages=259–267|doi=10.1142/S0129065790000163}}
= Neural Turing machines =
{{Main|Neural Turing machine}}
Neural Turing machines (NTM){{cite arXiv|eprint=1410.5401|last1=Schmidhuber|first1=Juergen|title=Neural Turing Machines|class=cs.NE|year=2014}} couple LSTM networks to external memory resources, with which they can interact by attentional processes. The combined system is analogous to a Turing machine but is differentiable end-to-end, allowing it to be efficiently trained by gradient descent. Preliminary results demonstrate that neural Turing machines can infer simple algorithms such as copying, sorting and associative recall from input and output examples.
Differentiable neural computers (DNC) are an NTM extension. They out-performed Neural turing machines, long short-term memory systems and memory networks on sequence-processing tasks.{{Cite news|url=https://www.wired.co.uk/article/deepmind-ai-tube-london-underground|title=DeepMind's AI learned to ride the London Underground using human-like reason and memory|last=Burgess|first=Matt|newspaper=WIRED UK|access-date=2016-10-19}}{{Cite news|url=https://www.pcmag.com/news/348701/deepmind-ai-learns-to-navigate-london-tube|title=DeepMind AI 'Learns' to Navigate London Tube|newspaper=PCMAG|access-date=2016-10-19}}{{Cite web|url=https://techcrunch.com/2016/10/13/__trashed-2/|title=DeepMind's differentiable neural computer helps you navigate the subway with its memory|last=Mannes|first=John|website=TechCrunch|date=13 October 2016 |access-date=2016-10-19}}{{Cite journal|last1=Graves|first1=Alex|last2=Wayne|first2=Greg|last3=Reynolds|first3=Malcolm|last4=Harley|first4=Tim|last5=Danihelka|first5=Ivo|last6=Grabska-Barwińska|first6=Agnieszka|last7=Colmenarejo|first7=Sergio Gómez|last8=Grefenstette|first8=Edward|last9=Ramalho|first9=Tiago|date=2016-10-12|title=Hybrid computing using a neural network with dynamic external memory|journal=Nature|volume=538|issue=7626|pages=471–476|bibcode=2016Natur.538..471G|doi=10.1038/nature20101|issn=1476-4687|pmid=27732574|s2cid=205251479|url=https://ora.ox.ac.uk/objects/uuid:dd8473bd-2d70-424d-881b-86d9c9c66b51}}{{Cite web|url=https://deepmind.com/blog/differentiable-neural-computers/|title=Differentiable neural computers {{!}} DeepMind|website=DeepMind|date=12 October 2016 |access-date=2016-10-19}}
= Semantic hashing =
Approaches that represent previous experiences directly and use a similar experience to form a local model are often called nearest neighbour or k-nearest neighbors methods.{{cite journal|last1=Atkeson|first1=Christopher G.|last2=Schaal|first2=Stefan|year=1995|title=Memory-based neural networks for robot learning|journal=Neurocomputing|volume=9|issue=3|pages=243–269|doi=10.1016/0925-2312(95)00033-6}} Deep learning is useful in semantic hashing{{cite journal|last1=Salakhutdinov|first1=Ruslan|first2=Geoffrey|last2=Hinton|url=http://www.utstat.toronto.edu/~rsalakhu/papers/sdarticle.pdf|title=Semantic hashing|journal=International Journal of Approximate Reasoning|language=en|volume=50|issue=7|year=2009|pages=969–978|doi=10.1016/j.ijar.2008.11.006 }} where a deep graphical model the word-count vectors{{Cite arXiv|eprint=1405.4053|class=cs.CL|first1=Quoc V.|last1=Le|first2=Tomas|last2=Mikolov|title=Distributed representations of sentences and documents|year=2014}} obtained from a large set of documents.{{Clarify|reason=verb missing|date=June 2017}} Documents are mapped to memory addresses in such a way that semantically similar documents are located at nearby addresses. Documents similar to a query document can then be found by accessing all the addresses that differ by only a few bits from the address of the query document. Unlike sparse distributed memory that operates on 1000-bit addresses, semantic hashing works on 32 or 64-bit addresses found in a conventional computer architecture.
= Pointer networks =
Deep neural networks can be potentially improved by deepening and parameter reduction, while maintaining trainability. While training extremely deep (e.g., 1 million layers) neural networks might not be practical, CPU-like architectures such as pointer networks{{cite arXiv|eprint=1506.03134|last1=Schmidhuber|first1=Juergen|title=Pointer Networks|class=stat.ML|year=2015}} and neural random-access machines{{cite arXiv|eprint=1511.06392|last1=Schmidhuber|first1=Juergen|title=Neural Random-Access Machines|class=cs.LG|year=2015}} overcome this limitation by using external random-access memory and other components that typically belong to a computer architecture such as registers, ALU and pointers. Such systems operate on probability distribution vectors stored in memory cells and registers. Thus, the model is fully differentiable and trains end-to-end. The key characteristic of these models is that their depth, the size of their short-term memory, and the number of parameters can be altered independently.
Hybrids
= Encoder–decoder networks =
Encoder–decoder frameworks are based on neural networks that map highly structured input to highly structured output. The approach arose in the context of machine translation,{{Cite conference |url=http://www.aclweb.org/anthology/D13-1176 |title=Recurrent continuous translation models |last1=Kalchbrenner|first1=N.|last2=Blunsom|first2=P.|date=2013|pages=1700–1709 |conference=EMNLP'2013}}{{Cite conference|last1=Sutskever|first1=I.|last2=Vinyals|first2=O.|last3=Le|first3=Q. V.|date=2014|title=Sequence to sequence learning with neural networks|url=https://papers.nips.cc/paper/5346-sequence-to-sequence-learning-with-neural-networks.pdf|book-title=Twenty-eighth Conference on Neural Information Processing Systems|eprint=1409.3215}}{{Cite arXiv |eprint=1406.1078 |last1=Schmidhuber |first1=Juergen |title=Learning Phrase Representations using RNN Encoder-Decoder for Statistical Machine Translation |class=cs.CL|year=2014}} where the input and output are written sentences in two natural languages. In that work, an LSTM RNN or CNN was used as an encoder to summarize a source sentence, and the summary was decoded using a conditional RNN language model to produce the translation.{{Cite journal |last1=Schmidhuber |first1=Juergen |last2=Courville |first2=Aaron |last3=Bengio |first3=Yoshua |year=2015 |title=Describing Multimedia Content using Attention-based Encoder—Decoder Networks |journal=IEEE Transactions on Multimedia|volume=17 |issue=11 |pages=1875–1886 |arxiv=1507.01053 |bibcode=2015arXiv150701053C |doi=10.1109/TMM.2015.2477044 |s2cid=1179542}} These systems share building blocks: gated RNNs and CNNs and trained attention mechanisms.
Other types
=Instantaneously trained =
Instantaneously trained neural networks (ITNN) were inspired by the phenomenon of short-term learning that seems to occur instantaneously. In these networks the weights of the hidden and the output layers are mapped directly from the training vector data. Ordinarily, they work on binary data, but versions for continuous data that require small additional processing exist.
=Spiking =
Spiking neural networks (SNN) explicitly consider the timing of inputs. The network input and output are usually represented as a series of spikes (delta function or more complex shapes). SNN can process information in the time domain (signals that vary over time). They are often implemented as recurrent networks. SNN are also a form of pulse computer.{{Cite web|url=http://icwww.epfl.ch/~gerstner/SPNM/SPNM.html|title=Spiking Neuron Models: Single Neurons, Populations, Plasticity|last1=Gerstner|last2=Kistler|website=icwww.epfl.ch|access-date=2017-06-18|archive-date=2017-06-04|archive-url=https://web.archive.org/web/20170604075329/http://icwww.epfl.ch/~gerstner/SPNM/SPNM.html|url-status=dead}} Freely available online textbook
Spiking neural networks with axonal conduction delays exhibit polychronization, and hence could have a very large memory capacity.{{cite journal |author=Izhikevich EM |title=Polychronization: computation with spikes |journal=Neural Computation |volume=18 |issue=2 |pages=245–82 |date=February 2006 |pmid=16378515 |doi=10.1162/089976606775093882 |s2cid=14253998 }}
SNN and the temporal correlations of neural assemblies in such networks—have been used to model figure/ground separation and region linking in the visual system.
=Spatial=
{{main|Spatial neural network}}
{{:Spatial neural network}}
= Neocognitron =
The neocognitron is a hierarchical, multilayered network that was modeled after the visual cortex. It uses multiple types of units, (originally two, called simple and complex cells), as a cascading model for use in pattern recognition tasks.{{cite book|url=https://books.google.com/books?id=8YrxWojxUA4C&pg=PA106|title=Brain and visual perception: the story of a 25-year collaboration|publisher=Oxford University Press|year=2005|isbn=978-0-19-517618-6|page=106|author=David H. Hubel and Torsten N. Wiesel}}{{cite journal|last2=Wiesel|first2=TN|date=October 1959|title=Receptive fields of single neurones in the cat's striate cortex|journal=J. Physiol.|volume=148|issue=3|pages=574–91|doi=10.1113/jphysiol.1959.sp006308|pmc=1363130|pmid=14403679|last1=Hubel|first1=DH}}{{sfn|Fukushima|1987|p=83}} Local features are extracted by S-cells whose deformation is tolerated by C-cells. Local features in the input are integrated gradually and classified at higher layers.{{sfn|Fukushima|1987|p=84}} Among the various kinds of neocognitron{{sfn|Fukushima|2007}} are systems that can detect multiple patterns in the same input by using back propagation to achieve selective attention.{{sfn|Fukushima|1987|pp=81, 85}} It has been used for pattern recognition tasks and inspired convolutional neural networks.{{cite journal|last2=Bengio|first2=Yoshua|last3=Hinton|first3=Geoffrey|year=2015|title=Deep learning|journal=Nature|volume=521|issue=7553|pages=436–444|doi=10.1038/nature14539|pmid=26017442|bibcode=2015Natur.521..436L|first1=Yann|last1=LeCun|s2cid=3074096|url=https://hal.science/hal-04206682/file/Lecun2015.pdf }}
= Compound hierarchical-deep models =
Compound hierarchical-deep models compose deep networks with non-parametric Bayesian models. Features can be learned using deep architectures such as DBNs,{{cite journal|last1=Hinton|first1=G. E.|last2=Osindero|first2=S.|last3=Teh|first3=Y.|year=2006|title=A fast learning algorithm for deep belief nets|url=http://www.cs.toronto.edu/~hinton/absps/fastnc.pdf|journal=Neural Computation|volume=18|issue=7|pages=1527–1554|citeseerx=10.1.1.76.1541|doi=10.1162/neco.2006.18.7.1527|pmid=16764513|s2cid=2309950|author-link1=Geoffrey Hinton}} deep Boltzmann machines (DBM),{{cite journal|last1=Hinton|first1=Geoffrey|last2=Salakhutdinov|first2=Ruslan|date=2009|title=Efficient Learning of Deep Boltzmann Machines|url=http://machinelearning.wustl.edu/mlpapers/paper_files/AISTATS09_SalakhutdinovH.pdf|volume=3|pages=448–455|access-date=2019-08-25|archive-date=2015-11-06|archive-url=https://web.archive.org/web/20151106235714/http://machinelearning.wustl.edu/mlpapers/paper_files/AISTATS09_SalakhutdinovH.pdf|url-status=dead}} deep auto encoders,{{cite journal|last1=Larochelle|first1=Hugo|last2=Bengio|first2=Yoshua|last3=Louradour|first3=Jerdme|last4=Lamblin|first4=Pascal|date=2009|title=Exploring Strategies for Training Deep Neural Networks|url=http://dl.acm.org/citation.cfm?id=1577070|journal=The Journal of Machine Learning Research|volume=10|pages=1–40}} convolutional variants,{{cite journal|last1=Coates|first1=Adam|last2=Carpenter|first2=Blake|date=2011|title=Text Detection and Character Recognition in Scene Images with Unsupervised Feature Learning|url=http://www.iapr-tc11.org/archive/icdar2011/fileup/PDF/4520a440.pdf|pages=440–445}}{{Cite book|last1=Lee|first1=Honglak|last2=Grosse|first2=Roger|title=Proceedings of the 26th Annual International Conference on Machine Learning |chapter=Convolutional deep belief networks for scalable unsupervised learning of hierarchical representations |date=2009|isbn=9781605585161|pages=609–616|citeseerx=10.1.1.149.6800|doi=10.1145/1553374.1553453|s2cid=12008458}} ssRBMs,{{cite conference|last1=Courville|first1=Aaron|last2=Bergstra|first2=James|last3=Bengio|first3=Yoshua|date=2011|title=Proceedings of the 28th International Conference on Machine Learning|volume=10|pages=1–8|chapter=Unsupervised Models of Images by Spike-and-Slab RBMs|chapter-url=http://machinelearning.wustl.edu/mlpapers/paper_files/ICML2011Courville_591.pdf|access-date=2019-08-25|archive-date=2016-03-04|archive-url=https://web.archive.org/web/20160304054551/http://machinelearning.wustl.edu/mlpapers/paper_files/ICML2011Courville_591.pdf|url-status=dead}} deep coding networks,{{cite book|last1=Lin|first1=Yuanqing|last2=Zhang|first2=Tong |last3=Zhu |first3=Shenghuo |last4=Yu |first4=Kai|date=2010|chapter=Deep Coding Network|chapter-url=https://papers.nips.cc/paper/3929-deep-coding-network|title=Advances in Neural Information Processing Systems 23 (NIPS 2010)|volume=23|pages=1–9}} DBNs with sparse feature learning,{{cite journal|last1=Ranzato|first1=Marc Aurelio|last2=Boureau|first2=Y-Lan|date=2007|title=Sparse Feature Learning for Deep Belief Networks|url=http://machinelearning.wustl.edu/mlpapers/paper_files/NIPS2007_1118.pdf|journal=Advances in Neural Information Processing Systems|volume=23|pages=1–8|access-date=2019-08-25|archive-date=2016-03-04|archive-url=https://web.archive.org/web/20160304121722/http://machinelearning.wustl.edu/mlpapers/paper_files/NIPS2007_1118.pdf|url-status=dead}} RNNs,{{cite journal|last1=Socher|first1=Richard|last2=Lin|first2=Clif|date=2011|title=Parsing Natural Scenes and Natural Language with Recursive Neural Networks|url=http://machinelearning.wustl.edu/mlpapers/paper_files/ICML2011Socher_125.pdf|journal=Proceedings of the 26th International Conference on Machine Learning|access-date=2019-08-25|archive-date=2016-03-04|archive-url=https://web.archive.org/web/20160304074754/http://machinelearning.wustl.edu/mlpapers/paper_files/ICML2011Socher_125.pdf|url-status=dead}} conditional DBNs,{{cite journal|last1=Taylor|first1=Graham|last2=Hinton|first2=Geoffrey|date=2006|title=Modeling Human Motion Using Binary Latent Variables|url=http://machinelearning.wustl.edu/mlpapers/paper_files/NIPS2006_693.pdf|journal=Advances in Neural Information Processing Systems|access-date=2019-08-25|archive-date=2016-03-04|archive-url=https://web.archive.org/web/20160304051321/http://machinelearning.wustl.edu/mlpapers/paper_files/NIPS2006_693.pdf|url-status=dead}} denoising autoencoders.{{Cite book|last1=Vincent|first1=Pascal|last2=Larochelle|first2=Hugo|title=Proceedings of the 25th international conference on Machine learning - ICML '08 |chapter=Extracting and composing robust features with denoising autoencoders |date=2008|isbn=9781605582054|pages=1096–1103|citeseerx=10.1.1.298.4083|doi=10.1145/1390156.1390294|s2cid=207168299}} This provides a better representation, allowing faster learning and more accurate classification with high-dimensional data. However, these architectures are poor at learning novel classes with few examples, because all network units are involved in representing the input (a {{visible anchor|distributed representation}}) and must be adjusted together (high degree of freedom). Limiting the degree of freedom reduces the number of parameters to learn, facilitating learning of new classes from few examples. Hierarchical Bayesian (HB) models allow learning from few examples, for example{{cite journal|last1=Kemp|first1=Charles|last2=Perfors|first2=Amy|last3=Tenenbaum|first3=Joshua|date=2007|title=Learning overhypotheses with hierarchical Bayesian models|journal=Developmental Science|volume=10|issue=3|pages=307–21|citeseerx=10.1.1.141.5560|doi=10.1111/j.1467-7687.2007.00585.x|pmid=17444972}}{{cite journal|last1=Xu|first1=Fei|last2=Tenenbaum|first2=Joshua|date=2007|title=Word learning as Bayesian inference|journal=Psychol. Rev.|volume=114|issue=2|pages=245–72|citeseerx=10.1.1.57.9649|doi=10.1037/0033-295X.114.2.245|pmid=17500627}}{{cite book|title=Proceedings of the 28th International Conference on International Conference on Machine Learning|last1=Chen|first1=Bo|last2=Polatkan|first2=Gungor|date=2011|publisher=Omnipress|isbn=978-1-4503-0619-5|pages=361–368|chapter=The Hierarchical Beta Process for Convolutional Factor Analysis and Deep Learning|chapter-url=http://people.ee.duke.edu/~lcarin/Bo7.pdf}}{{cite journal|last1=Fei-Fei|first1=Li|last2=Fergus|first2=Rob|date=2006|title=One-shot learning of object categories|journal=IEEE Transactions on Pattern Analysis and Machine Intelligence|volume=28|issue=4|pages=594–611|citeseerx=10.1.1.110.9024|doi=10.1109/TPAMI.2006.79|pmid=16566508|s2cid=6953475}}{{cite journal|last1=Rodriguez|first1=Abel|last2=Dunson|first2=David|date=2008|title=The Nested Dirichlet Process|journal=Journal of the American Statistical Association|volume=103|issue=483|pages=1131–1154|citeseerx=10.1.1.70.9873|doi=10.1198/016214508000000553|s2cid=13462201}} for computer vision, statistics and cognitive science.
Compound HD architectures aim to integrate characteristics of both HB and deep networks. The compound HDP-DBM architecture is a hierarchical Dirichlet process (HDP) as a hierarchical model, incorporating DBM architecture. It is a full generative model, generalized from abstract concepts flowing through the model layers, which is able to synthesize new examples in novel classes that look "reasonably" natural. All the levels are learned jointly by maximizing a joint log-probability score.{{cite journal|last1=Ruslan|first1=Salakhutdinov|last2=Joshua|first2=Tenenbaum|date=2012|title=Learning with Hierarchical-Deep Models|journal=IEEE Transactions on Pattern Analysis and Machine Intelligence|volume=35|issue=8|pages=1958–71|citeseerx=10.1.1.372.909|doi=10.1109/TPAMI.2012.269|pmid=23787346|s2cid=4508400}}
In a DBM with three hidden layers, the probability of a visible input '{{mvar|ν}}' is:
:
where is the set of hidden units, and are the model parameters, representing visible-hidden and hidden-hidden symmetric interaction terms.
A learned DBM model is an undirected model that defines the joint distribution . One way to express what has been learned is the conditional model and a prior term .
Here represents a conditional DBM model, which can be viewed as a two-layer DBM but with bias terms given by the states of :
:
= Deep predictive coding networks =
A deep predictive coding network (DPCN) is a predictive coding scheme that uses top-down information to empirically adjust the priors needed for a bottom-up inference procedure by means of a deep, locally connected, generative model. This works by extracting sparse features from time-varying observations using a linear dynamical model. Then, a pooling strategy is used to learn invariant feature representations. These units compose to form a deep architecture and are trained by greedy layer-wise unsupervised learning. The layers constitute a kind of Markov chain such that the states at any layer depend only on the preceding and succeeding layers.
DPCNs predict the representation of the layer, by using a top-down approach using the information in upper layer and temporal dependencies from previous states.{{cite arXiv|eprint=1301.3541|class=cs.LG|first1=Rakesh|last1=Chalasani|first2=Jose|last2=Principe|title=Deep Predictive Coding Networks|date=2013}}
DPCNs can be extended to form a convolutional network.
= Multilayer kernel machine =
Multilayer kernel machines (MKM) are a way of learning highly nonlinear functions by iterative application of weakly nonlinear kernels. They use kernel principal component analysis (KPCA),{{cite journal|last1=Scholkopf|first1=B|last2=Smola|first2=Alexander|date=1998|title=Nonlinear component analysis as a kernel eigenvalue problem|journal=Neural Computation|volume=44|issue=5|pages=1299–1319|citeseerx=10.1.1.53.8911|doi=10.1162/089976698300017467|s2cid=6674407}} as a method for the unsupervised greedy layer-wise pre-training step of deep learning.{{cite journal|last1=Cho|first1=Youngmin|date=2012|title=Kernel Methods for Deep Learning|url=http://cseweb.ucsd.edu/~yoc002/paper/thesis_youngmincho.pdf|pages=1–9}}
Layer learns the representation of the previous layer , extracting the principal component (PC) of the projection layer output in the feature domain induced by the kernel. To reduce the dimensionaliity of the updated representation in each layer, a supervised strategy selects the best informative features among features extracted by KPCA. The process is:
- rank the features according to their mutual information with the class labels;
- for different values of K and , compute the classification error rate of a K-nearest neighbor (K-NN) classifier using only the most informative features on a validation set;
- the value of with which the classifier has reached the lowest error rate determines the number of features to retain.
Some drawbacks accompany the KPCA method for MKMs.
A more straightforward way to use kernel machines for deep learning was developed for spoken language understanding.{{Cite journal|last1=Deng|first1=Li|last2=Tur|first2=Gokhan|last3=He|first3=Xiaodong|last4=Hakkani-Tür|first4=Dilek|author4-link=Dilek Hakkani-Tür|date=2012-12-01|title=Use of Kernel Deep Convex Networks and End-To-End Learning for Spoken Language Understanding|url=https://www.microsoft.com/en-us/research/publication/use-of-kernel-deep-convex-networks-and-end-to-end-learning-for-spoken-language-understanding/|journal=Microsoft Research}} The main idea is to use a kernel machine to approximate a shallow neural net with an infinite number of hidden units, then use a deep stacking network to splice the output of the kernel machine and the raw input in building the next, higher level of the kernel machine. The number of levels in the deep convex network is a hyper-parameter of the overall system, to be determined by cross validation.
See also
{{div col|colwidth=22em}}
- Adaptive resonance theory
- Artificial life
- Autoassociative memory
- Autoencoder
- Biologically inspired computing
- Blue brain
- Connectionist expert system
- Decision tree
- Expert system
- Genetic algorithm
- In Situ Adaptive Tabulation
- Large memory storage and retrieval neural networks
- Linear discriminant analysis
- Logistic regression
- Multilayer perceptron
- Neural gas
- Neuroevolution, NeuroEvolution of Augmented Topologies (NEAT)
- Ni1000 chip
- Optical neural network
- Particle swarm optimization
- Predictive analytics
- Principal components analysis
- Simulated annealing
- Systolic array
- Time delay neural network (TDNN)
- Graph neural network
{{div col end}}
References
{{reflist|30em}}
Bibliography
- {{cite book|first=Kunihiko|last=Fukushima|chapter=A hierarchical neural network model for selective attention|editor-last1=Eckmiller|editor-first1=R.|editor-last2=Von der Malsburg|editor-first2=C.|title=Neural computers|language=en|publisher=Springer-Verlag|pages=81–90|year=1987}}
- {{cite journal | last1 = Fukushima | first1 = Kunihiko | year = 2007 | title = Neocognitron | journal = Scholarpedia | language = en | volume = 2 | issue = 1| page = 1717 | doi=10.4249/scholarpedia.1717| bibcode = 2007SchpJ...2.1717F | doi-access = free }}
{{DEFAULTSORT:Artificial Neural Networks - types}}
Category:Computational statistics