1. Introduction
Recurrent neural networks (RNNs) represent a consolidated computational abstraction for learning with variable length time series data [
1]. As a simplified paradigm of RNN, the echo state network [
2,
3] (ESN) provides a prominent reduction in the computational cost compared to other paradigms of RNNs(e.g. ([
4], LSTM), ([
5], GRU)), for which the hidden layer of ESN is constructed by a randomly generated reservoir instead of independent neurons and the output weights of ESN are trained by a simple linear regression rather than backpropagation algorithm. Thus, ESN has a successful application in various time series prediction problems (e.g. [
6,
7,
8,
9]).
Deep neural networks [
10] (DNNs) have the potential to learn data representations at various levels of abstraction and are being increasingly stressed in the machine learning community. Recently, a layer-stacked ESN model named deep echo state network (DeepESN) has been established and investigated, theoretically and experimentally, by Gallicchio, etc. The inherent characterization of the system dynamics developed at the different layers of DeepESN is experimentally analyzed in [
11] and theoretically explained in[
12]; A theoretical foundation for the study of DeepESN from a dynamical system point of view is introduced in [
13]; Further details on the analysis and advancements of DeepESN could be found in [
14]. As an interactional model of RNN and DNN, investigations of DeepESN are of significant importance in both areas. On the one hand, DeepESN expands our knowledge on how the information with memory attracted by RNN is extracted by hierarchical neural networks, on the other hand, DeepESN helps us better understand how the abstract intrinsic representations of time series extracted by DNN are recalled in reservoirs. Furthermore, DeepESN has richer nonlinear representation capacity and less computational complexity, and better predictive performance than single layer ESN [
15].
Optimizing the structure of neural networks remains a common task in artificial neural networks, and the same question of how many neurons should be used in each layer must be stressed in all types of neutral network. If the neurons are too few, the architecture does not satisfy the error demand by learning from the data, whereas if the neurons are too many, learning leads to the well-known overfitting problem [
16]. As far as we know, little research has been carried out on optimizing architecture of DeepESN. For research that has already been carried out on DeepESN, the same number is commonly assigned in each layer, which is acceptable but not optimal. In this paper, our aim is to solve the problem of choosing the optimized size of DeepESN, especially the number of neuron in different layers.
In 2014, a sensitive iterative pruning algorithm (SIPA) was proposed by Wang and Yan [
17] to optimize the simple cycle reservoir network (SCRN), the algorithm was used to prune the least sensitive neurons one by one according to the sensitive analysis, the results showed that the SIPA method can optimize the structure and improve the generalization performance of the SCRN, meanwhile, pruning out redundant neurons could contribute to reducing the calculation and improving the computing efficiency of the network. Inspired by these advantages of SIPA, we wanted to apply a similar iterative pruning approach on DeepESN. However, SCRN is a kind of minimal-complexity ESN with simple cycle topology, the topology of DeepESN is much more complex than SCRN. Pruning a neuron in the network will raise perturbations on adjacent neurons, resulting in unstable network performance, in SIPA, the perturbations could be eliminated by adjusting the input weights into the perturbed neurons to minimum the distance of its input signal before and after pruning. Due to the hierarchical structure of reservoirs in DeepESN, perturbation raised by pruning a neuron in the lower layer will propagate into higher layers layer by layer, leading to greater instability of network performance and difficulty of perturbation elimination.
In order to overcome above difficulty, a new neuronal similarity-based iterative pruning merging algorithm (NS-IPMA) is proposed to iteratively prune out or merge the most similar neurons in DeepESN. In NS-IPMA, a pair of most similar twin neurons, which is regarded as redundant neurons in the network, are selected out iteratively, then, if they exist in different layers, the one in higher layer will be pruned out, if they are in a same resverior, they will be merged into one neuron, which works as the substitution of antecedent twin neurons. Quantive estimation of neuronal similarity plays an essential role in determining the redundant neurons which should be pruned out, Four neuronal similarity estimation criteria of NS-IPMA approach were attempted, including the inverse of Euclidean distance, Pearson’s correlation, Spearman’s correlation and Kendall’s correlation. Reducing the network size is a directly effective approach to improve generalization performance of neural network, because pruning out neurons will lead to reduction of network size, to verify the effectiveness of NS-IPMA method. The The DeepESNs pruned by the NS-IPMA method were compared with unpruned DeepESNs, whose number of neurons in each reservoir is the same. The pruned DeepESN and the unpruned DeepESN were compared with equal layer number advancements equal total neruon number.The results of the experiment on two chaotic time series prediction tasks showed that the NS-IPMA method has good network structure adaptability, and the DeepESNs pruned by NS-IPMA methed have better generalization performance and better robustness than the unpruned DeepESNs, indicating that the NS-IPMA methed is a feasible and superior approach to improving the generalization performance of DeepESN. NS-IPMA method provides a novel approach for choosing the appropriate network size of DeepESN, it also has application potential in other RNNs and DNNs.
This paper is organized as follows. DeepESN and entropy quantification of reservoir richness is detailly introduced in
Section 2, SIPA and new proposed NS-IPMA are described in
Section 3, experiments and results are presented and discussed in
Section 4.
Section 5 draws the conclusions.
2. Deep echo state network
2.1. Leakey integrator echo state network
A leakey integrator echo state network [
18],(LI-ESN), as shown in
Figure 1, is a recurrent neural network with three layers: input layer
, hidden layer
, output layer
.
t notes time sequence order. The hidden layer is regarded as a reservoir, which holds the memory of foregone information, and
is refreshed by state transition function:
where
is the input weight matrix randomly generated before training,
is the reservoir weight matrix previously given before training.
is the leaky parameter.
is the activation function of the hidden layer. The reservoir weights in
must be initialized to satisfy the echo state property (ESP) [
19,
20], denoting by
the spectral radius operator (
the largest absolute eigenvalue of its matrix argument), the necessary condition for the ESP is expressed as follows:
Accordingly,the values in matrix
are randomly selected from a uniform distribution(e.g.
), and then rescaled to satisfy above condition in equation 2.
The output
can be calculated through a linear combination of reservoir states as follows:
where
is the output weight matrix.
During training, the states of reservoir neurons are collected in a training state matrix , and an output target matrix is collected correspondingly, where is the number of training samples.
The output weights in
can be calculated by ridge regression as follows:
where
represents matrix transpose,
represents matrix inversion,
is a regularization term ensuring
is invertible.
2.2. Deep echo state network
DeepESN was first introduced by Gallicchio [
11,
14], as a stacked reservoir computing (RC) architecture, multiple reservoir layers are stacked one on top of each other. The state transition functions of hidden layers in DeepESN are expressed as:
where the superscript(1 and
l) is the layer notation,with totally
L hidden layers in the network.
represents the l-th hidden layer (i.e. reservoir
) with
neurons inside,
is the input weight matrix of the first hidden layer,
is the reservoir weight matrix of the
l-th hidden layer,
is the propagate weight matrix which connects reservoir
to reservoir
.
Figure 2.
Structure of DeepESN.
Figure 2.
Structure of DeepESN.
As in the standard LI-ESN approach, the reservoir weights of a DeepESN are initialized subject to similar stability constraints. In the case of DeepESN, such constraints are expressed by the necessary condition for the ESP of deep RC networks [
13], described by the following equation:
a same leaky parameter (
) in each layer is considered in this paper.
The values in each reservoir matrix
are randomly initialized from a uniform distribution (e.g.
), after that, each
is spectral normalized by its spectral radius and rescaled by a same reservoir scaling paramerter
to meet the demand of equation
6.
The values in input weight matrix
are randomly selected from a uniform distribution
, where
is the input scaling parameter. The values in each propagate weight matrix
are randomly selected from a uniform distribution
where
is the propagate scaling parameter.
The output equation and the training equation of DeepESN are formed by concatenating all hidden neurons in each reservoirs together, denoting
and substituting
for
in equation
3 and equation
4:
2.3. Architechiecural richness of DeepESN
The components of the state should be as diverse as possible to provide a richer pool of dynamics from which the trainable part can appropriately combine. From an information-theoretic point of view, this form of richness could be measured by means of the entropy of instantaneous reservoir states [
1]. Here an efficient estimator of Renyi’s quadratic entropy is introduced: suppose that we have N independent and identically distributed samples
for the continuous random variable
, An estimation of Renyi entropy directly from sampling data is defined as:
where
is a Gauss kernel function with standard deviation
,
could be determined by Silverman’s rule:
where
is standard deviation and
d is the data dimensionality.
Average state entropy (ASE) is obtained by time average of instantaneous Renyi’s quadratic estimation of reservoir neurons.
where
S is the sample number. ASE gives us a research perspective independent of learning aspect, higher ASE values are preferable and denote richer dynamics in reservoirs[
1].
3. Pruning deep echo state network with neuronal similarity-based iterative pruning merging algorithm
3.1. Sensitive iterative pruning algorithm on simple cycle reservoir network
The simple cycle reservoir network(SCRN)is a kind of minimum complexity ESN, which has a cycle topology in the reservoir [
21]. Every reservoir neuron is unidirectionally connected to its two adjacent neurons, A SIPA method is introduced to choose the right network size of SCRN through iteratively pruning out the least sensitive neurons [
17].
SIPA method is carried out in the following steps:
- Step 1.
Establish an SCRN with a large enough reservoir and satisfactory performance.
- Step 2.
Select a neuron to be pruned using the sensitive criterion [
22] (assume
is to be pruned), as diagramed in
Figure 3, remove all weights connected to
as follows:
- Step 3.
Establish a new link between two neighbors of pruned neuron, the link weight is determined to eliminate the perturbation caused by pruning, denating the input to
before pruning
, the input to
after pruning
, the perturbation is eliminated and the original reservoir behavior is maintained as long as
is set as close as possible to
, by solving the following optimization problem:
- Step 4.
Adjust the output weights by retraining the network.Then calculate the training error.
- Step 5.
Repeat steps 2-4 until the training error or the reservoir size reaches an acceptable range.
The key to a successful application of SIPA is Step 3. In Step 2, a reservoir perturbation is triggered by pruning, making the performance of the pruned network unpredictable. Thus, the essential task of Step 3 is to reduce the effects of perturbation so that the rest neurons remain unchanged and the network performance is approximately as good as before.
3.2. Neuronal similarity-based iterative pruning merging algorithm on deep echo state network
Due to the simple topology of SCRN, only one neuron () receives input from the pruned neuron (). The perturbation elimination in SCRN is easy to perform. However, the topology of DeepESN is much more complicated, more extensive perturbation will be raised by pruning one neuron in DeepESN because, in a highly coupled reservoir, perturbation at any neuron will be diffused to every neuron of same reservoir. In addition, in hierarchically stacked reservoirs, perturbation in lower layer will be transmitted to every higher layer above. It is very difficult to eliminate all of these perturbations.
The merging method is designed to solve this difficulty, this coincides with Islam’s idea [
23], two neurons are merged by averaging their input weights. Consider the following ideal scenario: Merging two identical twin neurons in a same reservoir will derive a new neuron that is identical to anteceden two twins, this new burned neuron could act as eqivalent substitution for anteceden two twins. Conseqently, a neuron is pruned without leading any perturbation through superimposing the output weights of the merged twins as well. This ideal perturbation-free merging has the prerequisite that two identical neurons to be found in the same reservoir, the more similar the two merged neurons are, the weaker perturbation will be raised by merging. Neuronal similarity could be assessed by some quantitative relations of the collected training state matrix. Distance and correlation are commonly used to quantify similarity, four similarity estimation criteria are given in this paper including the inverse of Euclidean distance (
), Pearson’s correlation coefficient (
),Spearman’s correlation coefficient (
) and Kendall’s correlation coefficient (
) as follows:
Noting the total number of neurons in all reservoirs
, renote the train state matrix
where
is the number of training samples,
is the historical state of i-th neuron state during training. The similarity of
and
is derived by:
where
represents cross-correlation of
and
,
and
represents autocorrelation of
and
.
is the rank difference of
and
,
c is the number of concordant pairs and
d is the number of discordant pairs in
and
. NS-IPMA based on different similarity estimation criteria are named correspondingly, for instance, ES-IPMA means NS-IPMA based on the inverse of Euclidean distance criterion, etc.
The NS-IPMA method is carried out in the following steps:
- Step 1.
Initially generate a performable DeepESN with large enough reservoirs by tuning hyperparameters to minimize the average of training and validate error using Particle Swarm Optimization (PSO) algorithm, please refer to
A for more detail on hyperparameter tuning. This DeepESN is a primitive network to implement.
- Step 2.
Washout the reservoirs, activate the reservoirs using train samples to obtain the training state matrix.
- Step 3.
Quantify the similarity of each two neurons (using one criterion of equation
17 -
20) and select a pair of the most similar neurons.
- Step 4.
-
- (1).
If selected neurons are in the same reservoir (note as
and
), merge them. As diagramed in
Figure 4,
is the son neurons merged as the substitute of its parents
and
.
l is the reservoir layer where
and
exists in. Related weight matrix
,
and
is refreshed as follows
1:
- (2).
If selected neurons are in different reservoirs(note as
and
), prune one in high layer (assume
). Related weight matrix
,
and
is refreshed as follows
1:
- Step 5.
Adjust the output weights by retraining the network.Then estimate the performance of the current network.
- Step 6.
Repeat steps 2-5 until the training error or the network size reaches an acceptable range.
4. Experiments and results
4.1. Datasets
4.1.1. Mackey-Glass chaotic time-seriers
Mackey-Glass time series [
24] is a standard benchmark for chaotic time series forecast models where ESN has been successfully applied to demonstrate good performance. The 31 order Mackey-Glass time series is defined in the following differential equation:
the Mackey Glass dataset (
) is sampled with a sample frequency of 4Hz. A Python library[
25] was used to generate this dataset.
4.1.2. Lorenz chaotic time series
The Lorenz time series prediction [
26] is another benchmark problem for ESN. The Lorenz dynamic system is described by the following equations:
The initial values are set as
,the Lorenz z axis dataset (LZ) is sampled with a sample frequency of
Hz.
Before the experiments, both datasets are shifted by its mean to remove the DC bias.
4.2. Experiments
4.2.1. Next spot prediction task
In the next spot prediction experiment, the last four continuous spots were considered the input and the next spot was considered the desired output, i.e.
was used to predict
. The number of the train samples and the test samples was 1800 and 2000, 200 samples before the first training sample were used to wash out the initial transient(see
Figure 5). The reservoir diversity was quantized by the ASE(see:
2.3) of combined training and testing neuron states activated by training and testing samples. the predictive error performance was quantized by normalized root mean square error:
where
T is sample number,
is desired output,
is the readout output and
is average of
.
Two different initial reservoir size conditions of DeepESN were performed in both dataset, the first is 4 stacked reservoir with 100 neurons in each reservoir (Abbreviated to:
) and the second is 8 stacked reservoir with 50 neurons in each reservoir (Abbreviated to:
).All experiments were carried out under two different initial conditions on two datasets, model hyperparameters tuned by PSO were recorded in
Table A1.
4.2.2. Ablation experiment and control experiment
In order to demonstrate the effectiveness of different similarity estimation criteria, the worst-case scenario of NS-IPMA, Neuron iterative pruning merging algorithm without similarity estimation (IPMA), was investigated as an ablation experiment. in IPMA, the similarity of each two neurons was assigned by random values. Thus, two random neurons would be recognized as the most similar neuron pairs and would be pruned (or merged).
To verify the effectiveness of NS-IPMA method. The pruned DeepESNs were compared with a control experiment, the unpruned DeepESN, whose number of neurons in each reservoir is the same, the pruned DeepESN and the unpruned DeepESN were compared with equal layer number, equal total neruon number and same hyperparameters. The unpruned DeepESN is a standard benchmark that indicates the evolutionary characteristic of network performance by reducing network size. 90 percentage of neurons of random initalized DeepESNs were continuous pruned by different criterion based NS-IPMA methods (ED-IPMA, PC-IPMA, SC-IPMA, KC-IPMA) and non-criterion based IPMA,during pruning, networks were silhouetted and the performance were evaluated once 10 percentage of neurons had been pruned, these pruned groups were compared with unpruned DeepESN. All experiments were repeated for 20 times and all results were averaged through 20 independent replications.
Figure 6.
The number of remaining neurons in each layer of peuned DeepESN, which was processed by different similarity estimation criteria based NS-IPMA methods. The vertical axis indicates layer index, the horizontal axis indicates percentage of pruned neurons in the initial total number of neurons, the mesh color indicates the number of remained neurons, the darker color indicates more neurons are reamained. (a):Initial 4 layer reservoirs with 100 neurons in each reservoir on dataset;(b):Initial 8 layer reservoirs with 50 neurons in each reservoir on dataset; (c):Initial 4 layer reservoirs with 100 neurons in each reservoir on dataset;(d):Initial 8 layer reservoirs with 50 neurons in each reservoir on dataset.
Figure 6.
The number of remaining neurons in each layer of peuned DeepESN, which was processed by different similarity estimation criteria based NS-IPMA methods. The vertical axis indicates layer index, the horizontal axis indicates percentage of pruned neurons in the initial total number of neurons, the mesh color indicates the number of remained neurons, the darker color indicates more neurons are reamained. (a):Initial 4 layer reservoirs with 100 neurons in each reservoir on dataset;(b):Initial 8 layer reservoirs with 50 neurons in each reservoir on dataset; (c):Initial 4 layer reservoirs with 100 neurons in each reservoir on dataset;(d):Initial 8 layer reservoirs with 50 neurons in each reservoir on dataset.
4.3. Results and disscusion
4.3.1. Hierarchical structure
During pruning, the number of remaining neurons in each reservoir of pruned DeepESN, which was processed by different similarity estimation criterion based NS-IPMA, are shown in
Figure 5 As NS-IPMA goes on, we observed significantly reduction of the neuron number in high layers at a later stage, the reason was because the discard policy, of which when a redundant pair of most similar neuron in different reservoirs were found, the neuron in higher layers would be pruned out. Lower layer reservoirs are the foundation of higher layer reservoirs, too few neurons in lower layers brings risk of insufficient information presentation and extracion in higher layers. Thus, the NS-IPMA methods have good network structure adaptability.
4.3.2. Reservoir diversity and error performance
The quantitative performance comparations (ASE, training NRMSE, and testing NRMSE) of unpruned DeepESN and DeepESN, which was pruned by IPMA and different similarity estimation criterion based NS-IPMA, are illustrated in
Figure 7,
Figure 8 and
Figure 9 The results on the two datasets were similar but different. On the whole, as reservoir size reduces, ASE will decrease and training NRMSE will increase, confirming that the model with more neurons has better information representation ability and better training effect. Initially, testing NRMSE is greater than training NRMSE, this phenomenon is called overfitting. As the reservoir size reduces, The training error went down and the overfitting is improved. confirming that the reducing the network size is a directly effective approach to improve generalization performance of the network. There is no doubt that pruning neurons will lead to reduction of network size, that is the reason why the unpruned DeepESN is tested as a benchmark. A successful pruning algorithm should outperform this benchmark. Furthermore, the minimum testing NRMSE condition is choosen to compare the extreme generalization performance of each experiment group, which was recorded in
Table 1.
Similarly, from
Figure 7, the DeepESN pruned by ED-IPMA maintains a minimum ASE loss as the number of neurons decreases, we suspect that there are some hidden relationships between Euler distance and Renyi’s quadratic entropy; from
Table 1, the pruned DeepESNs have a samller standard deviation of the minimum testing NRMSE compared to the unpruned DeepESN, indicating that NS-IPMA method has good robustness.
On MG dataset: from
Figure 9a,b, In the early stage, the testing error of DeepESN pruned by SC-IPMA and KC-IPMA drops rapidly; later, DeepESN pruned by ED-IPNA and PC-IPMA out stand from crowd when the majority of neurons are pruned. From
Table 1, although ED-IPMA achieved the best extreme generalization performance, the pruned DeepESNs have no obvious improvement on the mean value of minimum testing NRMSE compared to the unpruned DeepESN.
On LZ dataset: from
Figure 8 c,d and
Figure 9c,d, and
Table 1, the taining error, testing error, and extreme generalization performance of pruned DeepESNs are all significantly improved compared with unpruned DeepESN, and the diversity of different similarity estimation criteria are not prominent, non-criterion based IPMA method perfomed as good as criterion based NS-IPMA methods.
In summary, all these experimental results showed that the NS-IPMA method is a successful approach to improving the generalization performance of DeepESN, which is specific in, under most circumstances of our designed experiments, the DeepESN pruned by NS-IPMA has better generalization performance than the standard unpruned DeepESN.
5. Conclusions
In our research, a new Iterative Pruning Merging algorithm was proposed to simplify the architecture of DeepESN. As to which neurons should be pruned out, four different similarity estimation criteria were attempted. The unpruned DeepESNs is a benchmark that indecates the evolutionary characteristic of network performance by reducing network size, the effectiveness of proposed methed was experimentally verified by comparing pruned DeepESNs with unpruned DeepESNs in the same network size. The results showed that these NS-IPMA methods have good network structure adaptability, and the DeepESNs pruned by NS-IPMA methed have better generalization performance and better robustness than unpruned DeepESNs, indicating that NS-IPMA methed is a feasible and superior approach to improving the generalization performance of DeepESN. The NS-IPMA method provides a novel approach for choosing the appropriate network size of DeepESN, one could start with a larger model than necessary reservoir size, then prune or merge some similar neurons to obtain a better DeepESN model, one could select a simple architecture with small computation requirements while keeping the testing error acceptable.
However, there are still some shortcomings in our work: First, the problem of how to choose the redundant neurons to be pruned out, or what the best neuronal similarity estimation criterion should be, remains unsolved. Second, only the hierarchical structure, the reservoir diversity, and the overall error performance are investigated, more evolutionary characteristics of different reservoirs, such as their spectral radius, resulting from the NS-IPMA method are not analyzed. Third, the effects of pruning and merging are not clearly distinguished. Further research on the NS-IPMA method is expected to be carried out.
Appendix A. Hyperparameter tuning
Table A1.
Hyperparameters applied under different initial resverior size on different datasets.
Table A1.
Hyperparameters applied under different initial resverior size on different datasets.
Dataset |
|
|
|
|
Initial size |
|
|
|
|
|
0.92 |
0.92 |
0.92 |
0.92 |
|
0.8 |
0.8 |
0.8 |
0.8 |
|
0.373 84 |
0.253 14 |
0.096 31 |
0.064 94 |
|
0.211 36 |
0.241 62 |
0.335 51 |
0.347 11 |
|
|
|
|
|
As defined in
Section 2.2, hyperparameters(
,
,
,
and
) play essential roles in the performance of DeepESN, so as in the successful application of NS-IPMA.
and
affect stability of reservoirs,
and
are set to satisfy equation
6;
affects the generalization performance, a small regularization facter
is chosen to make the output weights better fit the training samples.
adjusts the strength of input signal into the first layer of DeepESN,
adjusts the strength of input signal into higher layers of DeepESN, thus,
is optimized on the LI-ESN which is the first layer of DeepESN, after that
is optimized on the DeepESN after higher layers hierarchically stacked on original LI-ESN. The tuned results are recorded in
Table A1.
References
- Gallicchio, C.; Micheli, A. Architectural richness in deep reservoir computing. Neural Computing and Applications 2022. [Google Scholar] [CrossRef]
- Jaeger, H.; Haas, H. Harnessing Nonlinearity: Predicting Chaotic Systems and Saving Energy in Wireless Communication. Science 2004, 304, 78–80. [Google Scholar] [CrossRef] [PubMed]
- Zhang, S.; He, K.; Cabrera, D.; Li, C.; Bai, Y.; Long, J. Transmission Condition Monitoring of 3D Printers Based on the Echo State Network. Applied Sciences 2019, 9. [Google Scholar] [CrossRef]
- Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Computation 1997, 9, 1735–1780. [Google Scholar] [CrossRef] [PubMed]
- Che, Z.P.; Purushotham, S.; Cho, K.; Sontag, D.; Liu, Y. Recurrent Neural Networks for Multivariate Time Series with Missing Values. Scientific Reports 2018, 8. [Google Scholar] [CrossRef] [PubMed]
- Xu, X.; Ren, W. Prediction of Air Pollution Concentration Based on mRMR and Echo State Network. Applied Sciences 2019, 9. [Google Scholar] [CrossRef]
- Zhang, M.; Wang, B.; Zhou, Y.; Sun, H. WOA-Based Echo State Network for Chaotic Time Series Prediction. Journal of the Korean Physical Society 2020, 76, 384–391. [Google Scholar] [CrossRef]
- Zhang, M.; Wang, B.; Zhou, Y.; Gu, J.; Wu, Y. Prediction of Chaotic Time Series Based on SALR Model with Its Application on Heating Load Prediction. Arabian Journal for Science and Engineering 2021, 46, 8171–8187. [Google Scholar] [CrossRef]
- Zhou, J.; Wang, H.; Xiao, F.; Yan, X.; Sun, L. Network traffic prediction method based on echo state network with adaptive reservoir. Software-Practice & Experience 2021, 51, 2238–2251. [Google Scholar] [CrossRef]
- Baek, J.; Choi, Y. Deep Neural Network for Predicting Ore Production by Truck-Haulage Systems in Open-Pit Mines. Applied Sciences 2020, 10. [Google Scholar] [CrossRef]
- Gallicchio, C.; Micheli, A.; Pedrelli, L. Deep reservoir computing: A critical experimental analysis. Neurocomputing 2017, 268, 87–99. [Google Scholar] [CrossRef]
- Gallicchio, C.; Micheli, A.; Silvestri, L. Local Lyapunov exponents of deep echo state networks. Neurocomputing 2018, 298, 34–45. [Google Scholar] [CrossRef]
- Gallicchio, C.; Micheli, A. Echo State Property of Deep Reservoir Computing Networks. Cognitive Computation 2017, 9, 337–350. [Google Scholar] [CrossRef]
- Gallicchio, C.; Micheli, A. Deep Echo State Network (DeepESN): A Brief Survey. ArXiv 2017, abs/1712.04323. [CrossRef]
- Gallicchio, C.; Micheli, A. Why Layering in Recurrent Neural Networks? A DeepESN Survey. In Proceedings of the 2018 International Joint Conference on Neural Networks (IJCNN); pp. 1–8. [CrossRef]
- Thomas, P.; Suhner, M.C. A New Multilayer Perceptron Pruning Algorithm for Classification and Regression Applications. Neural Processing Letters 2015, 42, 437–458. [Google Scholar] [CrossRef]
- Wang, H.; Yan, X. Improved simple deterministically constructed Cycle Reservoir Network with Sensitive Iterative Pruning Algorithm. Neurocomputing 2014, 145, 353–362. [Google Scholar] [CrossRef]
- Jaeger, H.; Lukoševičius, M.; Popovici, D.; Siewert, U. Optimization and applications of echo state networks with leaky- integrator neurons. Neural networks: the official journal of the International Neural Network Society 2007, 20 3, 335–52. [Google Scholar] [CrossRef]
- Yildiz, I.B.; Jaeger, H.; Kiebel, S.J. Re-visiting the echo state property. Neural Networks 2012, 35, 1–9. [Google Scholar] [CrossRef] [PubMed]
- Gallicchio, C.; Micheli, A. Architectural and Markovian factors of echo state networks. Neural Networks 2011, 24, 440–456. [Google Scholar] [CrossRef]
- Rodan, A.; Tino, P. Minimum complexity echo state network. newblock IEEE Transactions on Neural Networks 2011, 22, 131–144. [Google Scholar] [CrossRef]
- Castellano, G.; Fanelli, A.; Pelillo, M. An iterative pruning algorithm for feedforward neural networks. IEEE Transactions on Neural Networks 1997, 8, 519–531. [Google Scholar] [CrossRef]
- Islam, M.M.; Sattar, M.A.; Amin, M.F.; Yao, X.; Murase, K. A New Adaptive Merging and Growing Algorithm for Designing Artificial Neural Networks. IEEE Transactions on Systems, Man, and Cybernetics, Part B (Cybernetics) 2009, 39, 705–722. [Google Scholar] [CrossRef] [PubMed]
- Mackey, M.C.; Glass, L. Oscillation and chaos in physiological control systems. Science 1977, 197 4300, 287–9. [Google Scholar] [CrossRef]
- Maat, J.R.; Malali, A.; Protopapas, P. TimeSynth: A Multipurpose Library for Synthetic Time Series in Python, 2017. https://github.com/TimeSynth/TimeSynthh.
- Chao, K.H.; Chang, L.Y.; Xu, F.Q. Smart Fault-Tolerant Control System Based on Chaos Theory and Extension Theory for Locating Faults in a Three-Level T-Type Inverter. Applied Sciences 2019, 9. [Google Scholar] [CrossRef]
1 |
if , perform as ;if , does not exist. |
|
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2023 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (http://creativecommons.org/licenses/by/4.0/).