1. Introduction
Financial time-series forecasting predicts the future movements of financial markets using time-series data and statistical methods. It can be applied to forecasting in economic areas such as stock prices, currency exchange rates, bond yields, etc. Such forecasting can help investors and financial institutions make more informed investment decisions. Generally, the primary methods for making time-series forecasts in finance are time-series and machine-learning models. Time-series models include the ARIMA [
1], VAR [
2] and GARCH [
3] models. These models can predict future trends based on the direction and pattern of historical data. Machine learning models include BP neural networks [
4], support vector machines [
5], random forests [
6], etc. These models can learn features and practices to predict future trends through training data. However, hybrid models combine multiple methods, such as time-series and machine learning models, and thus have the advantage of combining both benefits to improve their forecasting accuracy.
Data sources for financial time-series forecasting include historical market data, economic data, policy data, etc. To improve the forecasting accuracy, a series of tasks such as data cleaning, feature selection, model training and evaluation is sometimes required [
7]. Meanwhile, due to the complexity and volatility of financial markets, financial time-series forecasting faces many challenges, such as data quality problems—historical data may have missing values, outliers and other issues, which require data cleaning and pre-processing; model selection problems—selecting appropriate models and algorithms requires the consideration of data features, forecasting objectives and other factors; overfitting problems—in financial time-series forecasting, there is often the problem of sample data overfitting; model evaluation problems—for different prediction models, it is necessary to make a reasonable evaluation and comparison and choose the optimal model; and forecast error problems—changes in financial markets. Uncertainty makes forecasting errors unavoidable, so it is necessary to optimize models and algorithms to continuously improve forecasting accuracy.
To better solve the above problems, this paper proposes a financial time-series prediction model based on multiplex attention and a linear transformer based on a transformer [
8] that can use distributed CPU for parallel training to improve the training efficiency of the model. When analyzing and predicting longer time series, the semantic association of capturing more prolonged problems is better, and after adding the attention mechanism, the prediction accuracy of the model is higher and the inference speed is faster. Therefore, we use a linear transformer to reduce the complexity of the original transformer and, at the same time, introduce a multiplexed attention mechanism to increase the model’s prediction accuracy. The results show that the proposed method has better results in the financial prediction of long time series, which has promising implications for economic time-series prediction. The contribution points of this paper are as follows.
      
- In this paper, a new transformer model is used to solve the problem of financial time-series forecasting, which is highly innovative, while giving full play to the advantages of the transformer model, simplifying it and introducing the attention mechanism so that it can better solve the problem of financial time-series forecasting. 
- Compared with the traditional ARIMA, VAR, GARCH model and other models, it can more accurately predict long time-series data and improve the prediction accuracy. At the same time, it can solve the problem that historical data may have missing values and outliers. 
- Compared with machine learning models such as neural networks, support vector machines, or hybrid models such as CNN-LSTM models [ 9- ], the proposed method can be trained faster and more efficiently. They can perform more experiments and data analysis and prediction. 
In the rest of this paper, we present recent related work in 
Section 2. 
Section 3 presents our proposed methods, including an overview, the linear transformer change process and the multiplexed attention mechanism. 
Section 4 presents the experimental part, details and comparative experiments. 
Section 5 concludes.
  2. Related Work
In this section, we selected three models that are commonly used for time-series prediction to represent the different kinds of models, and each of which is briefly introduced in a section below.
  2.1. GARCH Model
The GARCH model is a standard statistical model used to model changes in volatility in time-series data, which can be used in finance to quantify risk and predict price fluctuations [
10]. The GARCH model models current volatility by introducing information about past volatility and considering the autocorrelation and heteroskedasticity of volatility. The model is an extension of the ARCH model [
11], where the ARCH stands for autoregressive conditional heteroskedasticity model. In finance, volatility is a fundamental concept because it can be used to quantify the risk of asset prices. The GARCH model is more suitable than the ARCH model to describe volatility in financial markets by establishing the relationship between current and past volatility to predict future volatility and by taking into account the autocorrelation and heteroskedasticity of volatility. However, it also has some limitations, such as being based on basic assumptions and assuming both a standard distribution and a linear relationship [
12].
  2.2. Neural Network Model
The neural network model is an artificial intelligence algorithm inspired by biological neuronal networks that can simulate the information transfer and computational processes between neurons in the human brain. A neural network consists of multiple artificial neurons connected by weights to form a multilayer structure. The input data are passed and processed through the network to ultimately output the prediction results of the model.
Standard neural network models include multilayer perceptron (MLP), convolutional neural network (CNN) [
13] and recurrent neural network (RNN) [
14]. Multilayer perceptrons are commonly used to solve classification and regression problems, convolutional neural networks are widely used in areas such as image and speech recognition, and recurrent neural networks are widely used to process sequential data, such as natural language processing and time-series prediction.
The advantages of neural network models include learning nonlinear relationships in the data, their suitability for processing large amounts of high-dimensional data, and the ability to train and optimize end-to-end with back-propagation algorithms. However, neural network models also have some disadvantages, such as requiring large amounts of data and computational resources for training and the poor interpretability of the models [
15].
  2.3. LSTM Model
Hochreiter and Schmidhuber first proposed the long short-term memory network (LSTM) in 1997 as a particular recurrent neural network for processing sequential data with a memory capability and long-term dependent modeling ability, which has achieved excellent performance in many tasks [
16]. The core of LSTM is the memory unit, which stores and transmits information. At each time step, the LSTM controls the inflow of input data through an input gate, which information which should be forgotten through a forgetting gate and which information is output through an output gate. This enables LSTM to avoid the gradient disappearance and gradient explosion problems when processing long-sequence data and achieved good performance in areas such as speech recognition, natural language processing and time-series prediction [
17]. In addition, there are many variants of LSTM, such as bidirectional LSTM, multilayer LSTM, LSTM with the attention mechanism, etc. These variant models make LSTM better adaptable to different tasks and scenarios and have become a widely used model in deep learning [
18].
  3. Methodology
In this section, we mainly introduce the approach of this paper: firstly, we introduce the overview, then we introduce the replacement process of the linear transformer, the principle of multi-headed attention mechanism and how we combine them.
  3.1. Overview of Proposed Network
The transformer architecture has a lot of optimization work at this stage, with the main optimization methods being linearization and sparsification. Linear transformer [
19] is a variant of the famous transformer architecture widely used for natural language processing (NLP) and other sequence modeling tasks. The main difference between the linear transformer and the original transformer is how the attention mechanism is applied to the input sequence.
Transformer is a deep learning model for natural language processing and other sequence-to-sequence problems, which was proposed by the Google team and released in 2017. Unlike traditional recurrent neural network (RNN) models, the transformer model uses a self-attention mechanism to learn relationships at various locations in the input sequence to better capture long-range dependencies in the series. The model has been widely used for multiple natural languages processing tasks, such as machine translation, language modeling and text generation. The structural flowchart of the transformer is shown in 
Figure 1 as follows:
The transformer model based on the seq2seq architecture can perform typical tasks in NLP research, such as machine translation, text generation, prediction, etc., while building pre-trained language models for the transfer learning of different jobs. The overall transformer architecture can be divided into four parts: the input part; output part; encoder part; and decoder part [
20]. The input contains the source text embedding layer and its location encoder, target text embedding layer and location encoder. The output part has a linear layer and a softmax layer. The encoder part consists of N encoder layers stacked; each encoder consists of two sub-layer connection structures; the first sub-layer connection structure includes a multi-headed self-attentive sub-layer, a normalization layer and a residual connection; the second sub-layer connection structure consists of a feed-forward fully connected sub-layer, a normalization layer and a residual link [
21]. The encoder structure is shown in 
Figure 2.
The decoder part has three sub-layers: the first sub-layer includes a multi-headed self-attentive mechanism and a normalization layer and a residual connection; the second sub-layer includes a multi-headed attention mechanism and a normalization layer and a residual link; the third sub-layer consists of a feed-forward fully connected layer and a normalization layer and a residual connection.
  3.2. Linear Transformer Transformation Process
In a standard transformer, the self-attentive mechanism simultaneously operates on the entire input sequence [
22], which can be computationally intensive for long lines. However, in the linear transformer, the input sequence is divided into smaller blocks or segments, and the attention mechanism is applied to each block separately. This approach can handle extended arrangements more quickly and efficiently without sacrificing the modeling capability of the attention mechanism [
23]. In this paper, we propose a linearly optimized transformer structure while retaining the essential multiple attention mechanisms in the transformer structure to solve problems stemming from the lack of historical data and accuracy of prediction encountered in the present stage of financial time-series prediction [
24]. The matrix operations involved in the encoder’s multiple attention mechanism will make the model’s time complexity squared. To reduce the complexity of the model and make it better adapted to time-series forecasting, this paper replaces the multiple attention module in the encoder with the linear Fourier transform. Its structure diagram is shown in 
Figure 3.
The replacement Fourier transform equation is as follows. Let the implicit layer dimension be 
 and the sequence length be 
N. In the case of a long sequence input, the self-attentive computation requires the storage space of the 
 attention distribution matrix. The self-attentive module will cause a bottleneck in the model performance [
25].
The price series in this paper are discrete price data with hourly and minute frequencies in the time domain and are suitable for the discrete Fourier transform:
        where the input encoding vector dimension of the model is [Batch-size, 
]. The Fourier transform is applied to the sequence length dimension 
d. It is equivalent to decomposing the sequence into multiple sinusoidal superposition forms in this dimension; then, the Fourier transform is performed on the feature variable dimension 
, which is again decomposed into sinusoidal superposition forms in the feature variable dimension.
We use the two-dimensional Fourier transform to transform the time-domain sequence into the frequency domain and perform feature extraction based upon it. Compared with the multi-headed self-attentive mechanism, this paper adopts a linear transformer using the Fourier transform module. This linear structure, without introducing parameters, does not increase the complexity of the model but also reduces the model complexity to the linear level [
26].
In this paper, the decoder part of the transformer is replaced and the replacement process is shown in 
Figure 4.
Except for the Fourier transform, the formulas for calculating the remaining parts of the linear transformer, which are the same as the standard transformer, are as follows.
        
- (1)
- Self attention:
             - 
            where  Q-  is the query matrix;  K-  is the content to be attended;  -  is the dot product operation, which calculates the attention weight for  Q-  on  V- ; the purpose of scaling by  -  is to avoid an excessively large dot product because the gradient after  -  will be slight when the dot product is excessively large. Another advantage of  -  is that it facilitates the back-propagation gradient calculation while smoothing the results to the 0–1 interval. The initial  -  are the same, resulting from the sum of word embedding and position embedding. 
It is worth noting that K and V in the second layer of the decoder are from the encoder, and Q is from the output of the first layer of the decoder. This is the reason why the Decoder stage cannot be parallelized.
        
- (2)
- Position-wise, feed-forward networks:
             
The location fully connected to the feed-forward network provides nonlinear transformations for the two  layers via the  activation function. Position-wise means that the input and output dimensions are the same. For example, the size of the input/output is  = 512 and the size of inner fully connected layer is  = 2048.
  3.3. Multiplexed Attention Mechanism
A multiplex attention mechanism in a deep learning model is an integral part of the transformer structure that adaptively selects different subsets of input features to compute the output [
27]. Specifically, the multiplex attention mechanism can simultaneously consider different feature subspaces and add a specific weight for each subspace. These weights can be used to perform a weighted average of the features in each feature subspace to produce a summary feature representation. Eventually, the multiplexed attention mechanism combines multiple feature representations and passes them to the next layer of the network for processing—the structure of the multiplexed attention mechanism is shown 
Figure 5.
The formula for calculating multiplexed attention is as follows.
        
        where:
In the formula , , , , if , then .
Each head computes its attention so that parallel computations can be performed simultaneously and different aspects of attention can be learned in different subspaces. They are then stitched together and multiplied by  to obtain the final feature representation.
Multiplexed attention mechanisms perform well in many deep learning tasks, especially those that require the simultaneous consideration of multiple input sources. For example, in a natural language processing task, a multiplexed attention mechanism can simultaneously consider different words in a sentence to better capture their semantic relationships. In image processing tasks, multiple attention mechanisms can view the other regions of an image simultaneously and extract important features.
In the following, the training process Algorithm 1 of this paper is described in detail. In the standard transformer, the multi-headed attention in the encoder is replaced by the Fourier transform to achieve the effect of dimensionality reduction, making the transformer structure more usable for financial time-series prediction and reducing the number of operations and training time.
        
| Algorithm 1: Algorithmic representation of the training process in this paper. | 
| ![Applsci 13 05175 i001 Applsci 13 05175 i001]() | 
  4. Experiment
In this section, the main introduction is the experimental data setup, the details of the experiment and the experimental results and analysis.
  4.1. Datasets
The data for this paper were mainly obtained from the National Bureau of Statistics of China, CSMAR [
28], IMF [
29], Citigroups, Redhat Software (2021-11-09 RHSA-2021:4356 4.18.0-348) and the Standard & Poor500 stock index [
30].
The National Bureau of Statistics of China (NBSC) is the Chinese government department responsible for national economic and social statistics. Its primary responsibilities are formulating guidelines, policies and standards for statistical work, organizing and implementing national statistical surveys and reports, publishing national economic and social statistics and analyzing and interpreting data. Its statistics have essential reference value for the government in formulating financial and social development plans and making policies and decisions. At the same time, the data it publishes are widely followed and cited by scholars, enterprises and media at home and abroad. The National Bureau of Statistics of China was established in 1952 and is headquartered in Beijing. It has several departments and agencies under it, including the National Data Center, the National Statistics Information Center and the National Computer Information Center. Its statistics have financial data available for use in this paper [
31].
CSMAR is China’s financial and economic database, providing comprehensive data and research services to academic and professional researchers, government agencies and businesses. It covers various topics, including stocks, bonds, futures, options, funds, macroeconomics, industry analysis, corporate governance and social responsibility. CSMAR is widely used in academic research, investment management, risk management and financial regulation. It provides access to various financial and economic data, including historical and real-time market data, company financial statements, analyst reports and economic indicators. Its services include data cleansing, mining and analysis tools that enable researchers to efficiently process large datasets. CSMAR’s clients include academic institutions, investment banks, asset management firms, government agencies and other organizations that require accurate and comprehensive financial and economic data. Researchers use CSMAR to investigate various topics, such as asset pricing, market efficiency, corporate finance and financial regulation. Investors use CSMAR to analyze market trends, assess investment opportunities and manage risk. Regulators use CSMAR to monitor market activity, detect fraud and develop policies that promote financial stability and investor protection [
32].
The International Monetary Fund (IMF) is an international organization that promotes international monetary cooperation, facilitates international trade, promotes exchange rate stability and provides resources to help countries needing financial assistance. The IMF was founded in 1944 and is headquartered in Washington, DC. The IMF’s primary purpose is to ensure the stability of the international monetary system, which includes exchange rate stability and the promotion of balanced economic growth. The IMF provides financial assistance to member countries experiencing the balance of payment problems or other economic difficulties to achieve this goal. The IMF also offers financial advice and technical assistance to its member countries and researches global economic issues. The organization is governed by its member countries, which have the authority to make decisions regarding the policies and operations of the IMF. The IMF plays an essential role in the global economy by promoting economic stability and assisting countries in need [
33].
Citigroup is a global financial services company that provides a broad range of financial products and services to consumers, businesses, governments and institutions. The company was founded in 1998 through the merger of Citigroup and Travelers Group and is headquartered in New York City. Citigroup operates in two primary divisions: Global Consumer Banking and Institutional Clients Groups. The Global Consumer Banking segment provides a range of banking and financial services to consumers and small businesses, including credit cards, mortgages and personal loans. The Institutional Clients Group offers various financial services to corporations, governments and institutions, including investment banking, capital markets and corporate banking. Citigroup operates in over 100 countries and serves over 20 billion customer accounts. With more than 200,000 employees worldwide, the company is one of the world’s largest financial institutions. Citigroup is also known for its philanthropic efforts, including the Citigroup Foundation, which supports initiatives in education, financial inclusion and sustainable development [
34].
We took two indicators, the stock’s opening and closing prices, as our predictor, and selected data from four datasets during a specific period for training and prediction. The selected data are shown in 
Table 1 below.
  4.2. Experimental Details
In this paper, based on the characteristics of the transformer, we first compared the training time of different models with the proposed model. We also performed experiments on more complex data. We compared the prediction accuracy of other models on different datasets to check the generalization of the proposed model, and we also compared the prediction accuracy of different models on more complex datasets. Then, we compared the model’s inference speed and AUC to test the performance of the proposed model.
  4.3.  Experimental Results and Analysis
In 
Figure 6, we compared the training time of LSTM [
35], transformer [
36], SVM model [
37] and the proposed model at different inference numbers to check the training time of the proposed model. The table shows no significant difference between several models at 200 or 400 inference numbers. Still, at 600 or 800 inference numbers, the inference speed of the proposed model is significantly lower compared to other models, which indicates that the advantage of the proposed model in terms of training time becomes more evident as the inference number increases.
In 
Figure 7, we compare the training time variation of LSTM, ARIMA [
38] and BP network models [
39] and on more complex data. Financial data are often more difficult, diverse, highly variable and subject to various factors. Therefore, the ability to perform well in more complex datasets is an essential indicator of a financial time-series forecasting model. The experimental results show that the proposed model has a significant advantage over other models in terms of training time on complex datasets, thanks to the distributed training structure of the linear transformer.
In 
Figure 8, we compare the prediction accuracy of the proposed model with ARIMA and BP network models for financial time series in cases with different levels of complexity; the prediction accuracy of a model is an essential indicator of a model, so we first selected three models for a comparison of the prediction accuracy.
In 
Figure 9, we compare the number of parameters of the transformer, LSTM and SVM models with the proposed model. To more intuitively represent the number of parameters of our linear transformer compared with the standard transformer structure, we selected a histogram for comparison, from which we can see that the number of parameters of the proposed model is significantly lower than that of the standard transformer model, which also has some advantages over the LSTM and SVM models.
The smaller the calculation amount of a model, the simpler the calculation process of the model and the faster the calculation speed of the model, which is one of the important criteria to measure a model. In 
Figure 10, we compare the calculation volume of different models. A comparison is made, and the experimental results show that the computational load of the proposed model is significantly lower than in other models, especially in comparison with the transformer model, the advantages of the proposed model are more obvious [
40].
In 
Figure 11, we compare the inference speed size of the model on four datasets, namely Redhat, Standard & Poor500 stock index, CSMAR and NBS, by first determining the number of inferences and then recording the inference time in different data from the figure. We can see that, compared with other models, our linear transformer model has a more significant advantage in inference speed and a better overall performance.
In 
Figure 12, to further compare the prediction accuracy of the proposed model, we selected data from NBS, CSMAR, IMF and Citigroups, four different datasets for the experiments, and three other more competitive models, namely the transformer, LSTM and GNN models [
41], which also perform well in time-series prediction. Through the experimental comparison, our linear transformer model has an excellent performance in different datasets, which can effectively prove the proposed model’s prediction accuracy and generalization to other data types’ scenarios.
As shown in 
Figure 13, to further validate the prediction accuracy of the proposed model for financial timing, we compare the AUC values of the proposed model and the LSTM model, and the results show that the proposed model performs better than the LSTM model for different data groupings, all of which are from the NBS database. This effectively measures the prediction accuracy of the proposed model. The area under the ROC curve (AUC) is a commonly used binary classification model evaluation index, whose value ranges from 0 to 1. The larger the AUC, the better the model’s performance and ability to distinguish between positive and negative samples.
In 
Table 2, we summarize the models compared in our experiments, as well as the three most intuitive metrics, namely the prediction accuracy, the number of parameters and the number of operations, to allow us to more intuitively compare the performance of the proposed model. The sources of data for each model are also summarized.
  5. Discussion
Financial time-series forecasting is essential in the financial market. The linear transformer model we proposed based on the multi-head attention mechanism is used to predict financial time series. This can help investors and financial institutions make more informed decisions, reduce risks and obtain higher returns. It plays a more critical role in the prosperity and stability of the financial market.
Financial timing forecasting is essential to investors and financial institutions because it helps them make more informed decisions, reduce risk and achieve higher returns. Economic time-series forecasting serves several purposes: risk management—financial time-series forecasting can help investors identify and avoid risks, as investors can develop better risk management strategies by forecasting market trends and price changes; investment decisions—financial time-series forecasting can help investors make more informed investment decisions, as they can choose financial products such as stocks, foreign exchange, commodities or bonds for investment based on the forecasting results; business decisions—economic time-series forecasting can also help financial institutions make better business decisions, as financial institutions can adjust their business strategies and product portfolios to meet customer needs and market changes based on forecasting results; asset pricing—financial timing forecasting can help financial institutions more accurately price financial products as they can better assess the value of their assets and liabilities by forecasting market trends and price changes; financial planning—financial timing forecasting can help investors and financial institutions make better financial plans as they can make better budgets and investment plans based on the market forecasting results
  6. Conclusions
In this paper, we propose a financial time-series prediction model based on multiplexed attention and a linear transformer structure for economic time-series prediction to solve some problems of the missing historical data of traditional models and machine learning models in long time-series prediction and to improve the training rate and accuracy of financial time-series prediction in machine learning. Since the traditional transformer structure is complicated, in this paper, we simplify the transformer structure, replace the original transformer structure with the linear transformer and replace the multi-headed attention module in the encoder part of the transformer set structure with a linear Fourier transform. To make the transformer more applicable to the prediction of financial timing while retaining the multi-headed attention part in the decoder, we can improve the model’s training speed and prediction accuracy based on our work. At the same time, due to the linear transformer structure, the number of operations and the number of parameters of the proposed model are reduced compared with the standard transformer model, which significantly improves the computational speed of the model. In the field of financial time-series forecasting, this occurs by specific revelation.
Linear transformer models based on multi-headed attention mechanisms are highly effective in various natural language processing tasks, including language modeling, machine translation and text classification. However, they also have some limitations and potential directions for future research. One limitation of linear transformer models is that they can be computationally expensive, especially when dealing with long time-series sequences. This can slow training and inference times, which can be a problem in real-time applications. To address this, researchers are exploring ways to optimize the computation of attention weights, such as using scant attention or pruning attention heads. Another limitation is that linear transformers must be better suited for tasks requiring reasoning or inference, such as question-answering or dialogue generation. This is because they lack explicit mechanisms for representing and manipulating structured knowledge. Researchers are exploring ways to incorporate external knowledge sources, such as knowledge graphs or ontologies, into the model architecture to address this. In terms of future directions, one promising area of research is the development of hybrid models that combine the strengths of linear transformers with other neural network architectures, such as convolutional neural networks or graph neural networks. Another direction is the exploration of unsupervised pre-training techniques, such as generative pre-training or contrastive learning, to improve the efficiency and effectiveness of linear transformer models.
   
  
    Author Contributions
Conceptualization, J.L. and C.X.; methodology, B.F. and B.L.; software, J.L., C.X. and B.F.; validation, C.X., B.F. and B.L.; formal analysis, C.X., B.F. and B.L.; investigation, C.X., B.F. and B.L.; data curation, C.X. and B.F.; writing—original draft preparation, J.L., C.X. and B.L.; writing—review and editing, J.L. and B.F.; visualization, J.L., C.X. and B.F.; supervision, J.L.; funding acquisition, B.L. All authors have read and agreed to the published version of the manuscript.
Funding
This work is supported by National Key R&D Program of China (2020AAA0105200).
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
Not applicable.
Conflicts of Interest
The authors declare no conflict of interest.
References
- Ho, S.L.; Xie, M. The use of ARIMA models for reliability forecasting and analysis. Comput. Ind. Eng. 1998, 35, 213–216. [Google Scholar] [CrossRef]
- Dueker, M. Dynamic forecasts of qualitative variables: A Qual VAR model of US recessions. J. Bus. Econ. Stat. 2005, 23, 96–104. [Google Scholar] [CrossRef]
- Badescu, A.; Elliott, R.J.; Ortega, J.P. Non–Gaussian GARCH option pricing models and their diffusion limits. Eur. J. Oper. Res. 2015, 247, 820–830. [Google Scholar] [CrossRef]
- Wang, J.Z.; Wang, J.J.; Zhang, Z.G.; Guo, S.P. Forecasting stock indices with back propagation neural network. Expert Syst. Appl. 2011, 38, 14346–14355. [Google Scholar] [CrossRef]
- Kim, K.j. Financial time series forecasting using support vector machines. Neurocomputing 2003, 55, 307–319. [Google Scholar] [CrossRef]
- Luong, C.; Dokuchaev, N. Forecasting of realised volatility with the random forests algorithm. J. Risk Financ. Manag. 2018, 11, 61. [Google Scholar] [CrossRef]
- Ning, X.; Gong, K.; Li, W.; Zhang, L. JWSAA: Joint weak saliency and attention aware for person re-identification. Neurocomputing 2021, 453, 801–811. [Google Scholar] [CrossRef]
- Cai, W.; Ning, X.; Zhou, G.; Bai, X.; Jiang, Y.; Li, W.; Qian, P. A Novel Hyperspectral Image Classification Model Using Bole Convolution with Three-Directions Attention Mechanism: Small sample and Unbalanced Learning. IEEE Trans. Geosci. Remote Sens. 2022, 61, 5500917. [Google Scholar] [CrossRef]
- Widiputra, H.; Mailangkay, A.; Gautama, E. Multivariate cnn-lstm model for multiple parallel financial time-series prediction. Complexity 2021, 2021, 9903518. [Google Scholar] [CrossRef]
- Tang, B.; Matteson, D.S. Probabilistic transformer for time series analysis. Adv. Neural Inf. Process. Syst. 2021, 34, 23592–23608. [Google Scholar]
- Ning, X.; Tian, W.; He, F.; Bai, X.; Sun, L.; Li, W. Hyper-sausage coverage function neuron model and learning algorithm for image classification. Pattern Recognit. 2023, 136, 109216. [Google Scholar] [CrossRef]
- He, F.; Ye, Q. A bearing fault diagnosis method based on wavelet packet transform and convolutional neural network optimized by simulated annealing algorithm. Sensors 2022, 22, 1410. [Google Scholar] [CrossRef] [PubMed]
- Chen, Z.; Silvestri, F.; Wang, J.; Zhu, H.; Ahn, H.; Tolomei, G. ReLAX: Reinforcement Learning Agent Explainer for Arbitrary Predictive Models. In Proceedings of the 31st ACM International Conference on Information & Knowledge Management, Atlanta, GA, USA, 17–21 October 2022; pp. 252–261. [Google Scholar]
- Wei, X.; Saha, D. KNEW: Key Generation using NEural Networks from Wireless Channels. In Proceedings of the 2022 ACM Workshop on Wireless Security and Machine Learning, San Antonio, TX, USA, 19 May 2022; pp. 45–50. [Google Scholar]
- Heidari, M.; Rafatirad, S. Bidirectional transformer based on online text-based information to implement convolutional neural network model for secure business investment. In Proceedings of the 2020 IEEE International Symposium on Technology and Society (ISTAS), Tempe, AZ, USA, 12–15 November 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 322–329. [Google Scholar]
- Zou, Z.B.; Song, L.P.; Song, Z.L. Labeled box-particle PHD filter for multi-target tracking. In Proceedings of the 2017 3rd IEEE International Conference on Computer and Communications (ICCC), Chengdu, China, 13–16 December 2017; IEEE: Piscataway, NJ, USA, 2017; pp. 1725–1730. [Google Scholar]
- Zou, Z.; Careem, M.; Dutta, A.; Thawdar, N. Joint spatio-temporal precoding for practical non-stationary wireless channels. IEEE Trans. Commun. 2023, 71, 2396–2409. [Google Scholar] [CrossRef]
- Mohanrajan, S.N.; Loganathan, A. Novel vision transformer–based bi-LSTM model for LU/LC prediction—Javadi Hills, India. Appl. Sci. 2022, 12, 6387. [Google Scholar] [CrossRef]
- Peng, H.; Huang, S.; Chen, S.; Li, B.; Geng, T.; Li, A.; Jiang, W.; Wen, W.; Bi, J.; Liu, H.; et al. A length adaptive algorithm-hardware co-design of transformer on fpga through sparse attention and dynamic pipelining. In Proceedings of the 59th ACM/IEEE Design Automation Conference, San Francisco, CA, USA, 10–14 July 2022; pp. 1135–1140. [Google Scholar]
- Zhang, Y.; Mu, L.; Shen, G.; Yu, Y.; Han, C. Fault diagnosis strategy of CNC machine tools based on cascading failure. J. Intell. Manuf. 2019, 30, 2193–2202. [Google Scholar] [CrossRef]
- Shen, G.; Zeng, W.; Han, C.; Liu, P.; Zhang, Y. Determination of the average maintenance time of CNC machine tools based on type II failure correlation. Eksploat. I Niezawodn. Ść 2017, 19, 604–614. [Google Scholar] [CrossRef]
- Shen, G.; Han, C.; Chen, B.; Dong, L.; Cao, P. Fault analysis of machine tools based on grey relational analysis and main factor analysis. In Proceedings of the 3rd Annual International Conference on Information System and Artificial Intelligence (ISAI2018), Suzhou, China, 22–24 June 2018; Volume 1069, p. 012112. [Google Scholar]
- Shen, G.-x.; Zhao, X.-z.; Zhang, Y.-z.; Han, C.-y. Research on criticality analysis method of CNC machine tools components under fault rate correlation. In Proceedings of the International Conference on Mechanical Engineering and Applied Composite Materials, Hong Kong, China, 23–24 November 2017; Volume 307, p. 012023. [Google Scholar]
- Song, Z.; Johnston, R.M.; Ng, C.P. Equitable healthcare access during the pandemic: The impact of digital divide and other sociodemographic and systemic factors. Appl. Res. Artif. Intell. Cloud Comput. 2021, 4, 19–33. [Google Scholar]
- Song, Z.; Mellon, G.; Shen, Z. Relationship between racial bias exposure, financial literacy, and entrepreneurial intention: An empirical investigation. J. Artif. Intell. Mach. Learn. Manag. 2020, 4, 42–55. [Google Scholar]
- Zhang, H.; Zhang, F.; Gong, B.; Zhang, X.; Zhu, Y. The Optimization of Supply Chain Financing for Bank Green Credit Using Stackelberg Game Theory in Digital Economy Under Internet of Things. J. Organ. End User Comput. (JOEUC) 2023, 35, 1–16. [Google Scholar] [CrossRef]
- Hollis, T.; Viscardi, A.; Yi, S.E. A comparison of LSTMs and attention mechanisms for forecasting financial time series. arXiv 2018, arXiv:1812.07699. [Google Scholar]
- Zhang, Y.l.; Yang, Z.w. Research on the Relationship between CEO’s Overconfidence and Corporate Investment Financing Behavior. J. Model. Optim. 2018, 10, 8–14. [Google Scholar] [CrossRef]
- Steinwand, M.C.; Stone, R.W. The International Monetary Fund: A review of the recent evidence. Rev. Int. Organ. 2008, 3, 123–149. [Google Scholar] [CrossRef]
- Elhini, M.; Hammam, R. The impact of COVID-19 on the standard & poor 500 index sectors: A multivariate generalized autoregressive conditional heteroscedasticity model. J. Chin. Econ. Foreign Trade Stud. 2021, 14, 1. [Google Scholar] [CrossRef]
- Niu, H.; Lin, Z.; Zhang, X.; Jia, T. Image Segmentation For pneumothorax disease Based On based on Nested Unet Model. In Proceedings of the 2022 3rd International Conference on Computer Vision, Image and Deep Learning & International Conference on Computer Engineering and Applications (CVIDL & ICCEA), Changchun, China, 20–22 May 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 756–759. [Google Scholar]
- Li, Y.; Wei, D.; Chen, X.; Song, Z.; Wu, R.; Li, Y.; Jin, X.; Xu, W. Dumbnet: A smart data center network fabric with dumb switches. In Proceedings of the Thirteenth EuroSys Conference, Porto, Portugal, 23–26 April 2018; pp. 1–13. [Google Scholar]
- Li, C.; Chen, Z.; Jiao, Y. Vibration and Bandgap Behavior of Sandwich Pyramid Lattice Core Plate with Resonant Rings. Materials 2023, 16, 2730. [Google Scholar] [CrossRef] [PubMed]
- Chen, B.R.; Liu, Z.; Song, J.; Zeng, F.; Zhu, Z.; Bachu, S.P.K.; Hu, Y.C. FlowTele: Remotely shaping traffic on internet-scale networks. In Proceedings of the 18th International Conference on emerging Networking EXperiments and Technologies, Roma, Italy, 6–9 December 2022; pp. 349–368. [Google Scholar]
- Siami-Namini, S.; Tavakoli, N.; Namin, A.S. A comparative analysis of forecasting financial time series using arima, lstm, and bilstm. arXiv 2019, arXiv:1911.09512. [Google Scholar]
- Wu, S.; Xiao, X.; Ding, Q.; Zhao, P.; Wei, Y.; Huang, J. Adversarial sparse transformer for time series forecasting. Adv. Neural Inf. Process. Syst. 2020, 33, 17105–17115. [Google Scholar]
- Okasha, M.K. Using support vector machines in financial time series forecasting. Int. J. Stat. Appl. 2014, 4, 28–39. [Google Scholar]
- Siami-Namini, S.; Namin, A.S. Forecasting economics and financial time series: ARIMA vs. LSTM. arXiv 2018, arXiv:1803.06386. [Google Scholar]
- Tarsauliya, A.; Kant, S.; Kala, R.; Tiwari, R.; Shukla, A. Analysis of artificial neural network for financial time series forecasting. Int. J. Comput. Appl. 2010, 9, 16–22. [Google Scholar] [CrossRef]
- Cao, J.; Li, Z.; Li, J. Financial time series forecasting model based on CEEMDAN and LSTM. Phys. A Stat. Mech. Its Appl. 2019, 519, 127–139. [Google Scholar] [CrossRef]
- Scarselli, F.; Gori, M.; Tsoi, A.C.; Hagenbuchner, M.; Monfardini, G. The graph neural network model. IEEE Trans. Neural Netw. 2008, 20, 61–80. [Google Scholar] [CrossRef] [PubMed]
|  | 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 (https://creativecommons.org/licenses/by/4.0/).