1. Introduction
High-dimensional time series forecasting has been an important problem in many real-world applications, such as stock prediction [
1,
2], retail demand forecasting [
3] and traffic forecasting [
4], disease prediction [
5,
6], and robotics control [
7,
8]. An example is stock returns in S&P 500 index, while the return series has 500 dimensions, and most of the series could be explained by just a few factors. It is of considerable scientific and financial impact to provide accurate forecasting based on intra-series and inter-series correlation. However, accurate modeling of such in-context dependencies is often challenging for multivariate time series, due to complicated inter-series relationships when the dimension of the problem increases.
Traditional statistical methods operate on individual time series or a subset of time series, which are not scalable to high-dimension problems and can easily cause over-fitting issues. Some statistical methods for high-dimensional forecasting apply dimension reduction methods to select a subset of series with high correlation, such as LASSO regularization [
9] and factor modeling [
9] to transfer a high-dimensional problem to a regular forecast problem through a low-dimensional representation. However, statistical methods may struggle to model complicated nonlinear temporal correlation, as they rely on strong distribution assumptions.
Although deep neural network approaches have illustrated stronger ability of representation than statistical methods, they also have their respective limitations. Early works such as Recurrent Neural Networks (RNNs) and Long Short-Term Memory (LSTM) [
10] networks may suffer from the gradient vanishing and exploding problems in training and are not readily available for multivariate or high-dimensional time series. Double residual networks have illustrated strong predictive power and achieved state-of-the-art performance in various forecast tasks. Such networks efficiently capture multi-resolution characteristics of the series and provide interpretable stack output from a series decomposition perspective, but as a univariate approach it applies simple concatenation on multivariate series as the input, and therefore fails to effectively capture correlation information among series, especially when the input dimension is large. Transformer-based approaches have achieved roaring success in time series forecasting, especially in long-time forecast (LTSF) tasks. However, most Transformer-based approaches only provide univariate prediction, and the most recent research has demonstrated that Transformer-based approaches often fail to capture even very simple causal dependencies among series, as they often struggle to achieve disentanglement between series. This indicates a clear gap: existing approaches either lack the ability to efficiently capture inter-series dependencies at scale, or fail to provide a principled way to couple sparsity, multi-resolution, and decomposition within a unified backbone.
To overcome such limitations, this work proposes SM-TCN, a Sparse Multi-scale Temporal Convolutional Network, which explicitly integrates sparse cross-channel convolutions, multi-resolution dilation, and a light continuity regularization into a single temporal–convolutional backbone, allowing each mechanism to play a distinct role rather than being a simple aggregation. SM-TCN addresses the high-dimension challenge through a regularized temporal convolutional neural network, which also effectively captures inter-series relationships to further enhance forecast accuracy. Moreover, by utilizing a backward-forward residual network with linear smoothing mechanism, SM-TCN decomposes original series into meaningful stack outputs, such as trends and seasonalities.
2. Summary of Contributions
In high-dimensional time series analysis, it is desirable for an approach to achieve the following properties:
- (1)
Computationally efficient and applicable for most forecast scenarios, especially when there is limited computation resources.
- (2)
Effectively capture the inter-series relationship, while focusing on multi-scale series characteristics.
- (3)
As a prerequisite to explore interpretability, the network should be extendable towards making its outputs human-interpretable, for example, be able to decompose series into interpretable partial outputs.
SM-TCN is, to our best knowledge, the first paper that accomplishes all the advantages above, thanks to the following highlights in the structure design.
2.1. Backward–Forward Output with Double Residual Stacking
We introduce a hierarchical framework to capture multi-resolution patterns from time series, especially from a long sequence history. The double residual stacking design also enhances the model interpretability from an series decomposition perspective [
11], but the level of decomposition is automatically optimized without the necessity to pre-define the output basis functions.
2.2. Sparse Temporal Convolutional Neural Network for Multi-Resolution Extraction
We propose a sparse temporal convolutional neural network as an acceleration and regularization tool, which is shown to be effective in multivariate, especially high-dimensional problems. A sparse convolution operation effectively captures in-context information between series without incurring too much calculation cost. In each stack, this work chooses convolutional kernels with different sizes to capture multi-resolution inter-series patterns separately.
2.3. Linear Expansion Smoothing
We design a linear smoothing mechanism to project the convolution output to stack output, while only preserving the trend/seasonality characteristics. Through the introduction of continuity loss, this work harnesses the level of smoothness of different stack outputs to achieve a meaningful decomposition. A linear layer is also known to be cost efficient and easy to optimize.
3. Related Works
We mainly focus on the deep learning literature for time series analysis in this paper, and refer to [
12,
13,
14,
15,
16,
17,
18] as statistical methods for time series. Based on application scenarios, time series techniques can be divided into three major categories: univariate techniques [
2,
19], multivariate techniques [
20,
21,
22,
23,
24,
25,
26,
27], and high-dimensional time series approaches [
28,
29,
30]. Although univariate techniques can be applied to multivariate scenarios with simple series concatenation, they focus on each individual time series separately without extracting the correlations among time series, which limits the model’s performance. For example, FC-LSTM [
31] forecasts univariate time series based on LSTM structure [
10]. N-BEATS [
11] proposes a deep backward–forward architecture based on a double residual network and fully connected layers with basis expansion. N-HITS [
32] combines N-BEATS with a hierarchical interpolation technique to efficiently approximate arbitrarily long horizons.
Multivariate techniques consider a collection of multiple time series as a unified entity [
9,
25]. However, they are not easily scalable to large datasets, therefore may struggle when problem size is large due to high cost, over-fitting, and training difficulty. Temporal convolutional network (TCN) [
20] utilizes 1D dilated convolution and treats the data entirely as a tensor input. LSTNet [
33] combines convolution neural network (CNN) and recurrent neural network (RNN) to extract short-term local dependence patterns among variables and discover long-term patterns of time series. DeepState [
23] combines parameterized linear state space models with a recurrent neural network (RNN). The introduction of Transformer [
34] has enlightened many following studies in time series analysis, especially in long-horizon forecasting [
35], which has dominated the landscape in the recent years. Most of the Transformer-based approaches (Autoformer [
36], LogTrans [
37], Reformer [
38], Informer [
39], FedFormer [
40]) focus on improving computation efficiency and memory usage to improve prediction speed in long-horizon forecasting. Although Transformer-based approaches achieve dominant success in long-sequence forecasting, they still fail to dominate in the classical time series forecast tasks. Meanwhile, the newest literature [
41,
42] has brought the effect of Transformer architecture in time series forecasting to controversy. Recent work on Spatial Deep Convolutional Neural Networks (SD-CNN) [
43] further emphasizes the role of spatial structures in time series modeling. Time series forecasting shares methodological relevance with structural detection tasks [
44,
45].
Modeling high-dimensional time series is always challenging. In particular, unregularized methods often suffer from the challenges of over-parameterization and lack of identifiability [
46]. Consequently, deep learning approaches are often combined with dimension reduction or structural specification techniques. For example, ref. [
28] is based on matrix factorization and is able to capture global patterns by representing each time series as a linear combination of basis components. The leading spectrum of the transition operator [
47] is widely used to extract information from high-dimensional data with slow dynamics, such as a coarse-grained Markov state model. Another popular tool for dimension reduction is diffusion maps [
48], which considers constructing a random walk on a graph and uses a spectrum of transition probability functions to define diffusion distance and coordinates for clustering and graph partitioning. Diffusion maps [
49] can also be extended further to high-dimensional time series driven by stochastic differential equations for dimension reduction. Other techniques for high-dimensional analysis include the low-rank transition kernel representation method [
50], LASSO regularization of VAR models [
9], factor modeling [
51], etc.
4. Methodology
An overview of the main structure of our framework is shown in
Figure 1. For notation facility, our framework uses capital letters with bold faces
A to denote matrix, bold faces
a for vectors and regular letter
for real numbers. In many scientific scenarios, practitioners are more interested in the forecast of certain time series while treating other series as auxiliary data. Therefore, without loss of generality, our framework first divides the multivariate time series input as
, where
denotes the subset of series (channels) for forecast and
L is the historical length.
denotes the series treated as exogenous variables (auxiliary data), where
is the raw input dimension (total number of channels). Our framework assumes the goal is to provide
H-step-ahead forecast for series in
X, denoted as
, where
H denotes the forecast horizon. In high-dimensional time series tasks,
can be very large, while in long time series forecast (LSTF), one may have
. To overcome the limitations of existing methods that are incapable of efficiently dealing with multivariate, especially high-dimensional data, we propose an in-context multi-resolution framework, which incorporates channel pruning, double residual framework, a sparse temporal convolutional network, and linear expansion smoothing.
4.1. Channel Pruning
In high-dimensional analysis, over-representing inter-series dependencies may result in over-fitting as too much inter-series information is involved, especially when in high-dimensional datasets where inter-series correlation is weak. This paper proposes a simple yet powerful mechanism,
channel pruning, which enforces the model to adaptively choose only the most significantly correlated time series, thus improving model stability and performance without additional computation cost. In this paper we adopt a hybrid channel pruning technology, which consists of two techniques: random dropping (hard dropping) and channel-wise attention mechanism (soft dropping) as shown in
Figure 2.
4.1.1. Random Dropping
We adopt a random dropping strategy to train multivariate time series without increasing computational complexity. In each ensemble sub-model, the original input , which contains series, will be randomly shuffled and selected on channels of auxiliary data A to obtain pruned input , where is the randomly selected channel into the first stack. The method only keeps channels in total after pruning, where . For notation facility, the method is denoted as in the following sections. From an ensemble perspective, in each sub-model, SM-TCN learns the contributions of a specific subset to the forecasting of series of interest. This random selection approach helps the model to identify the most influential series in the forecasting of other series, while efficiently alleviating the over-fitting issue. Combined with model ensemble, the method construct a pool of forecasting models to capture inter-series relationships at a subset level.
4.1.2. Channel-Wise Attention Mechanism
Channel attention mechanism was first proposed in convolutional neural networks for exploiting the inter-channel relationship of features, and is widely used in computer vision [
52,
53,
54]. This method aggregates the input channels and calculates an attention score for each input channel. Soft attention scores are adopted to alleviate the challenges in gradient propagation. For the stack input
, each input channel is first aggregated through a linear layer to obtain the corresponding vector
, which then passes through a one-layer MLP with a modified sigmoid activation function to obtain a soft attention score for each channel
i, which can be formulated as:
where
. Finally, the attention-enhanced input is obtained as
. Compared to conventional attention scores, one key advantage of Equation (
1) is that the channel input of
X will not be changed after multiplication as the score will always be 1, therefore preserving the properties of the residual network. Another advantage is that the information of all channels in
X is preserved after the attention manipulation.
4.2. Sparse Multi-Scale TCN
The structure of the building components of each stack is introduced in
Figure 1.
To illustrate, the first stack is taken as a special case. The input
is reshaped to
, assuming that the input has
D channels. Sparse kernels are then constructed in each stack
s for 1D convolution with size
, where
is the preset kernel width in stack
as shown in
Figure 3. The convolution is assumed to be performed with no padding zeros and stride equal to 1. Therefore, the output feature matrix of a convolutional layer
is given by:
While the conventional convolution operation might be expensive, the calculation is accelerated using a faster sparse version based on multiplication of sparse matrices. The key idea is to approximate dense matrix I with a low-rank matrix J and the convolutional kernel K with a low-rank matrix R, such that .
Viewing convolution as a linear operator, the approximation error can be bounded as
which shows that the total error stems from both kernel pruning (
) and input reduction (
). This bound explains why accuracy remains stable under moderate sparsity, but deteriorates if pruning or rank reduction is too aggressive.
In the next procedure, for each input channel
,
is decomposed into the product of a matrix
and
, where
is a small number that denotes the number of bases:
Summing up all the results above, the final approximation of the output matrix
O is obtained:
There are many advantages to using sparse convolution in high-dimensional scenarios. First, the computational complexity has significantly reduced to
[
55]. Second, similar to regularization approaches, the introduction of a sparse kernel effectively alleviates over-fitting issue for high-dimensional series. Moreover, it is observed that sparsity in the range of 30–50% maintains stable performance, while 60% shows mild degradation and 70% degrades more clearly; thus, sparsity is typically kept in the mid-range and increased only when efficiency is prioritized.
The convoluted output will then go through a dilated temporal convolutional network (TCN). To focus on analyzing the components of the stack input with different resolution scales, a dilated 1D-convolution layer with kernel size is introduced. Larger kernel size will filter out high frequency components (local patterns) and force the stack to focus on low frequency (global) patterns. This acts as a first-difference continuity regularizer, which attenuates high-frequency components more strongly and stabilizes learning under sparsity. Inclusion of a convolution layer in each stack also helps to reduce the size of inputs to each stack and limit the number of learnable parameters in the network. Moreover, the multi-resolution mechanism can be seen as a regularization approach, which alleviates the effect of over-fitting, while still keeping the original receptive field. In the SM-TCN, stacks with larger index i are designed to capture higher frequency patterns. Therefore, the sequence of kernel size should be monotonically decreasing. The outputs after convolution layer are denoted as for each stack s, with size depending on the choice of kernel size and dilation parameters.
4.3. Linear Expansion Smoothing
The output size is aligned by transforming the length of
to
, generating a stack output which consists of both partial backcast and forecast without introducing too much computational complexity. The simple idea is to introduce a one-layer linear model to generate backcast and forecast time series directly. Such an idea has been proven simple yet powerful in many forecast tasks [
11,
32,
42], outperforming complex Transformer-based models by a large margin, especially when extracting temporal relations from long sequences. The feature
is first decomposed into a trend component and a seasonal component, which are then fitted with a one-layer linear model separately. Finally, the two components are summed to obtain the final stack output
and
.
To control the variability of the stack output, a continuity loss term
is applied to harness the smoothness of
:
where
is a factor that adjusts the influence of the continuity loss in the overall loss function.
is the empirical standard deviation of the
channel in
X for
. By applying the continuity loss, temporal details and noise are smoothed out, while overall trends described by inter-series dependencies are emphasized, and the remaining intra-series details are left to higher-level stacks.
4.4. Doubly Residual Network
Doubly residual topology is widely applied for time series analysis due to its efficient structure and high forecast accuracy. The architecture of the double residual network comprises two residual branches, one running over the backcast prediction of each layer and the other running over the forecast branch of each layer. Double residual networks can also alleviate the challenge of gradient back-propagation and are easier to optimize. More importantly, the smoothing linear expansion ensures that each block outputs a meaningful partial forecast with a different level of variability, representing a hierarchical decomposition of the series ranging from low volatility to high volatility. All partial forecasts obtained at each stack are then summed up to provide the final forecast. Following [
11,
32], a double residual network structure is adopted, where the input of each stack is defined as the difference between the input to the previous stack and the corresponding stack backcast. As previously mentioned, in the special case of the first stack, the stack input is the original time series after random dropping and the attention mechanism, i.e.,
, with
. For all subsequent stacks, the previous stacks remove the portion of the signal that can be well approximated.
where
is independently selected from
A in different stacks. The method then conduct a sequential analysis of the time series residual as the stack input, generating a backcast series to fit the historical input and a forecast series to predict the future series. The final output of the model is given by
.
This work optimize the MSE loss between the ground truth
and
Y, while adding regularization to ensure the sparsity introduced through the kernel and smoothness (continuity) of the stack output. Our framework finally qcquire the final constrained optimization problem as:
5. Experimental Results
Comprehensive experiments were conducted on nine widely used multivariate time series forecasting datasets, including ETT, Traffic, Electricity, Weather, Exchange Rate, and Multi. This paper compared SM-TCN with six state-of-the-art baseline models: ARM, PatchTST, DLinear, FedFormer, Autoformer, and Informer. To ensure a fair comparison, the experimental setup was aligned with those used in these baseline models.
5.1. Training Methodology
In the SM-TCN configuration, the number of stacks is set to six, as experiments have shown this achieves the best balance between prediction accuracy and model complexity. The kernel width follows a moderate linear growth rate of , ensuring a well-balanced receptive field. Sparse convolution is applied with a sparsity level of 30–50%, improving efficiency while maintaining performance. The dilation rate follows an increasing schedule, allowing the model to capture both short-term and long-term dependencies effectively. Preprocessing: per-channel z-score using training-split statistics only; missing values handled by forward fill + linear interpolation, with seasonal mean (hour-of-day/day-of-week) as fallback for long gaps; windows with unresolved entries are dropped.
SM-TCN is optimized for long-sequence forecasting, with the input tensor size set to a fixed lookback window of , ensuring effective modeling of long-term dependencies without excessive computational overhead. The prediction window size H is adjusted based on task requirements, with a default of 96 for most time series forecasting applications. The batch size is set to 64, but for extremely long sequences (), the batch size is reduced to optimize memory usage. Channel pruning is implemented with a pruning ratio of 20%, which has been shown to improve stability and generalization. Splits and sampling: chronological train/validation/test; sliding window with lookback , default horizon H = 96, training stride 1; windowing, batch size, and scheduler are identical across all baselines.
The model is trained using the AdamW optimizer with an initial learning rate of , employing a cosine annealing scheduler over 100 epochs, with early stopping patience set at 10 epochs. The loss function consists of MSE loss with additional sparse decomposition and continuity regularization to ensure smoothness and structured feature selection. Gradient clipping is applied with a max norm of 5 to prevent exploding gradients. The model runs on a single NVIDIA RTX 4090 GPU, with a default dropout rate of 0.1 to prevent overfitting, while Xavier initialization and batch normalization are used as default settings.
Table 1 summarizes the forecasting performance of SM-TCN and several baselines across eight multivariate time series datasets under multiple prediction horizons. SM-TCN consistently achieves top results, ranking first in MSE on seven datasets and in MAE on six datasets. It attains the lowest average ranks (1.25 for both MSE and MAE) and outperforms all other models, especially on challenging datasets like ETTm1, Weather, and ETTh2. ARM is the closest competitor, ranking second overall and winning on the Exchange dataset.
Among Transformer-based models, iTransformer achieves relatively stronger results compared with FedFormer, Autoformer, and Informer, but still falls short of SM-TCN and ARM. PatchTST and DLinear obtain moderate results but fail to consistently surpass SM-TCN or ARM. Overall, the results demonstrate SM-TCN’s strong generalization ability and robustness across diverse forecasting tasks.
5.2. Ablation Study
In this subsection, we conduct ablation studies on the four primary modules of SM-TCN to demonstrate their specific mechanisms for performance enhancement. Experiments are conducted under the same settings, with the input length fixed at 720. Specifically, this work compares the full SM-TCN model with versions where each of the four primary modules is removed, and the experimental results across different datasets are shown in
Table 2. Furthermore, we perform additional ablation studies on the internal details of each module, such as hyperparameters.
5.2.1. Efficacy of Channel Pruning
Channel pruning significantly enhances forecasting accuracy and computational efficiency by selectively retaining the most relevant channels, as shown in
Table 3. The pruned model demonstrates better generalization to unseen data, effectively reducing overfitting and improving overall performance compared to models without pruning. To achieve an optimal trade-off between accuracy and computational cost, the main model adopts a pruning ratio of 20%, ensuring both high efficiency and reliable predictions.
Further analysis in
Table 3 reveals the impact of different pruning levels, indicating that a 20% pruning ratio provides the best balance. At this level, the model retains the most informative features, achieving the lowest prediction error and the highest computational efficiency. Lower pruning ratios preserve more information but introduce redundancy that weakens performance, while higher pruning ratios risk the loss of critical information, leading to decreased accuracy.
5.2.2. Efficacy of Linear Expansion Smoothing
Linear expansion smoothing (LES) plays a crucial role in improving forecasting accuracy and stability by effectively capturing overall trends. The model with LES achieves lower prediction errors and more consistent results, while removing LES leads to increased errors and greater variability. These findings confirm the importance of LES in generating reliable forecasts, as shown in
Table 2.
5.2.3. Selection of Sparse Convolutional Kernels
Table 4 provides an analysis of how different growth rates of kernel width
with respect to stack index
s affect model performance. The table compares various linear growth rates and an exponential growth strategy.
The findings indicate that using a moderate linear growth rate, where increases by 2 units with each stack (), results in the best prediction accuracy and model stability. Slower linear growth rates, such as increasing by one, are insufficient for capturing long-term dependencies, while faster rates, increasing by three or more, cause the model to miss short-term details.
In contrast, the exponential growth strategy () leads to excessive focus on long-term trends, neglecting critical short-term patterns, and thus performs the worst. This analysis suggests that a moderate, steady increase in kernel width is most effective for balancing short-term and long-term feature extraction.
5.2.4. Number of Stacks
In the doubly residual network, the number of stacks plays a crucial role in balancing model complexity, prediction accuracy, and stability. Each stack in the network architecture progressively refines the input by removing components that can be well approximated, achieving a hierarchical decomposition from low to high volatility. By sequentially processing residual signals, the model gradually enhances the representation of underlying patterns, ultimately improving forecasting accuracy.
Table 5 presents the impact of different stack numbers (4, 5, 6, 7, and 8) on model performance. The results indicate that when the number of stacks is set to 6, the model achieves the optimal balance between accuracy and complexity. As the number of stacks increases from 4 to 6, the forecasting performance improves significantly, with a notable reduction in mean squared error (MSE). This improvement is attributed to the network’s enhanced ability to capture both short-term and long-term dependencies while effectively managing noise through the residual structure. However, beyond 6 stacks, the performance gains plateau, and further increasing the number of stacks leads to diminishing returns and potential overfitting, as excessive decomposition may capture noise rather than meaningful patterns.
5.3. Visualization
To gain insight into how the channel-wise attention evolves throughout training, we visualizes the attention weights assigned to each input variable at different training stages on the Weather dataset. As illustrated in
Figure 4, this paper collect snapshots of the learned channel attention every 10 epochs, ranging from Epoch 10 to Epoch 100.
In the early stages (e.g., Epochs 10–40), the attention distribution is relatively dynamic, indicating that the model is still exploring the relevance of different input variables. As training progresses, the attention weights gradually stabilize and converge to a consistent pattern. From Epoch 80 onwards, the attention distributions remain largely unchanged, suggesting that the model has identified a reliable set of important variables. This observation aligns with our attention design in Equation (
1), which softly reweights auxiliary channels while preserving the core forecasting input
X. The visualization provides intuitive evidence that our model adaptively refines its focus on meaningful input features over time.
In addition to attention dynamics, we also visualize the sparsity pattern of the learned convolutional decomposition matrix
, which encodes the contribution of each input channel to the output channels in the sparse kernel structure. As shown in
Figure 5, the kernel matrix exhibits a high degree of sparsity, with many weights pruned to zero. This confirms the effectiveness of the sparsity-inducing regularization terms in our loss function and highlights that the model learns to activate only a small subset of relevant input features, thereby improving interpretability and computational efficiency.
5.4. Computational Experimental
To comprehensively evaluate efficiency, this paper compares SM-TCN with representative Transformer-based baselines, including Autoformer, Informer, and iTransformer. This paper report parameters, FLOPs, average training time per epoch (s/epoch), and average inference time per batch (s/batch) under different horizons (
). Unless otherwise stated, all timings are measured on the Electricity dataset, on a single NVIDIA RTX 3090, with identical dataloaders and training loops. We average over three runs after warm-up and synchronize the GPU before timing; timings exclude I/O and validation to ensure fairness. Results are summarized in
Table 6.
From
Table 6, SM-TCN achieves a favorable trade-off between efficiency and size compared with Transformer-based baselines. Autoformer and Informer incur notably higher FLOPs and longer training/inference times, especially for larger
H. iTransformer improves efficiency compared to other Transformer models, but still requires more FLOPs and time than SM-TCN. By contrast, SM-TCN maintains consistently lower computational cost while preserving accuracy, confirming its suitability for high-dimensional, long-horizon forecasting tasks.
6. Conclusions
In this work, this paper introduces SM-TCN, a Sparse Multi-scale Temporal Convolutional Network, to address the challenges of high-dimensional time series forecasting. Traditional statistical methods, while effective in low-dimensional settings, struggle with scalability and nonlinear dependencies, while deep learning approaches often fail to capture inter-series relationships effectively. To bridge this gap, SM-TCN combines a sparse temporal convolutional network and double residual stacking to enhance both efficiency and predictive accuracy.
SM-TCN leverages a hierarchical residual framework to extract multi-scale temporal patterns, allowing it to capture long-range dependencies while maintaining computational efficiency. Its sparse convolutional design reduces unnecessary computations, making the model scalable for high-dimensional forecasting tasks, while maintaining strong generalization capabilities.
Experimental results demonstrate that SM-TCN consistently outperforms existing methods in high-dimensional forecasting, providing efficient and accurate predictions. By balancing computational efficiency and inter-series correlation modeling, SM-TCN represents a significant advancement in time series forecasting. Future research will focus on further enhancing the model’s ability to decompose time series into interpretable trend components and disentangle causal relationships between series, paving the way for more transparent and robust forecasting models.
Author Contributions
Conceptualization, Z.G.; methodology, Z.G.; software, Z.G. and Y.S.; validation, Z.G.; formal analysis, Z.G.; investigation, Z.G. and Y.S.; resources, Z.G. and Y.S.; data curation, Z.G.; writing—original draft, Z.G.; writing—review and editing, Z.G., Y.S. and T.W.; visualization, Z.G.; supervision, T.W. All authors have read and agreed to the published version of the manuscript.
Funding
This research was funded by the National Key Research and Development Program of China grant number 2022YFB3103702.
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
Conflicts of Interest
The authors declare no conflicts of interest.
References
- Idrees, S.M.; Alam, M.A.; Agarwal, P. A prediction approach for stock market volatility based on time series data. IEEE Access 2019, 7, 17287–17298. [Google Scholar] [CrossRef]
- Zhang, L.; Aggarwal, C.; Qi, G.J. Stock price prediction via discovering multi-frequency trading patterns. In Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Halifax, NS, Canada, 13–17 August 2017; pp. 2141–2149. [Google Scholar]
- Seeger, M.W.; Salinas, D.; Flunkert, V. Bayesian intermittent demand forecasting for large inventories. In Proceedings of the 30th Conference on Neural Information Processing System, Barcelona, Spain, 5–10 December 2016; pp. 4653–4661. [Google Scholar]
- Chatfield, C. Time-Series Forecasting; CRC Press: New York, NY, USA, 2000; p. 280. [Google Scholar]
- Dong, G.; Cai, L.; Kumar, S.; Datta, D.; Barnes, L.E.; Boukhechba, M. Detection and analysis of interrupted behaviors by public policy interventions during COVID-19. In Proceedings of the 2021 IEEE/ACM Conference on Connected Health: Applications, Systems and Engineering Technologies (CHASE), Washington, DC, USA, 16–17 December 2021; pp. 46–57. [Google Scholar]
- Dong, G.; Cai, L.; Datta, D.; Kumar, S.; Barnes, L.E.; Boukhechba, M. Influenza-like symptom recognition using mobile sensing and graph neural networks. In Proceedings of the Conference on Health, Inference, and Learning, New York, NY, USA, 8–10 April 2021; pp. 291–300. [Google Scholar]
- Gao, L.; Danielson, C.; Fierro, R. Adaptive Robot Detumbling of a Non-Rigid Satellite. arXiv 2024, arXiv:2407.17617. [Google Scholar] [CrossRef]
- Gao, L.; Cordova, G.; Danielson, C.; Fierro, R. Autonomous multi-robot servicing for spacecraft operation extension. In Proceedings of the 2023 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Detroit, MI, USA, 1–5 October 2023; pp. 10729–10735. [Google Scholar]
- Shojaie, A.; Michailidis, G. Discovering graphical Granger causality using the truncating lasso penalty. Bioinformatics 2010, 26, i517–i523. [Google Scholar] [CrossRef]
- Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef] [PubMed]
- Oreshkin, B.N.; Carpov, D.; Chapados, N.; Bengio, Y. N-BEATS: Neural basis expansion analysis for interpretable time series forecasting. arXiv 2019, arXiv:1905.10437. [Google Scholar]
- Box, G.E.; Jenkins, G.M. Some recent advances in forecasting and control. J. R. Stat. Soc. Ser. C (Appl. Stat.) 1968, 17, 91–109. [Google Scholar] [CrossRef]
- Hamilton, J.D. Time Series Analysis; Princeton University Press: Princeton, NJ, USA, 2020; p. 816. [Google Scholar]
- Hyndman, R.; Koehler, A.B.; Ord, J.K.; Snyder, R.D. Forecasting with Exponential Smoothing: The State Space Approach; Springer: Berlin/Heidelberg, Germany, 2008; p. 362. [Google Scholar]
- Lütkepohl, H. New Introduction to Multiple Time Series Analysis; Springer: Berlin/Heidelberg, Germany, 2005; p. 764. [Google Scholar]
- Winters, P.R. Forecasting sales by exponentially weighted moving averages. Manag. Sci. 1960, 6, 324–342. [Google Scholar] [CrossRef]
- Adamek, R.; Smeekes, S.; Wilms, I. Lasso inference for high-dimensional time series. J. Econom. 2023, 235, 1114–1143. [Google Scholar] [CrossRef]
- Deshpande, Y.; Javanmard, A.; Mehrabi, M. Online debiasing for adaptively collected high-dimensional data with applications to time series analysis. J. Am. Stat. Assoc. 2023, 118, 1126–1139. [Google Scholar] [CrossRef]
- Montero-Manso, P.; Athanasopoulos, G.; Hyndman, R.J.; Talagala, T.S. FFORMA: Feature-based forecast model averaging. Int. J. Forecast. 2020, 36, 86–92. [Google Scholar] [CrossRef]
- Bai, S.; Kolter, J.Z.; Koltun, V. An empirical evaluation of generic convolutional and recurrent networks for sequence modeling. arXiv 2018, arXiv:1803.01271. [Google Scholar] [CrossRef]
- Li, J.; Ma, H.; Zhang, Z.; Tomizuka, M. Social-wagdat: Interaction-aware trajectory prediction via wasserstein graph double-attention network. arXiv 2020, arXiv:1803.01271. [Google Scholar]
- Li, J.; Yang, F.; Tomizuka, M.; Choi, C. Evolvegraph: Multi-agent trajectory prediction with dynamic relational reasoning. Adv. Neural Inf. Process. Syst. 2020, 33, 19783–19794. [Google Scholar]
- Rangapuram, S.S.; Seeger, M.W.; Gasthaus, J.; Stella, L.; Wang, Y.; Januschowski, T. Deep state space models for time series forecasting. Proocedings of the 32nd International Conference on Neural Information Processing Systems, NIPS’18, Montreal, QC, Canada, 3–8 December 2018; pp. 7796–7805. [Google Scholar]
- Salinas, D.; Flunkert, V.; Gasthaus, J.; Januschowski, T. DeepAR: Probabilistic forecasting with autoregressive recurrent networks. Int. J. Forecast. 2020, 36, 1181–1191. [Google Scholar] [CrossRef]
- Wu, Z.; Pan, S.; Long, G.; Jiang, J.; Zhang, C. Graph wavenet for deep spatial-temporal graph modeling. arXiv 2019, arXiv:1906.00121. [Google Scholar]
- Yu, B.; Yin, H.; Zhu, Z. Spatio-temporal graph convolutional networks: A deep learning framework for traffic forecasting. arXiv 2017, arXiv:1709.04875. [Google Scholar]
- Cao, D.; Wang, Y.; Duan, J.; Zhang, C.; Zhu, X.; Huang, C.; Tong, Y.; Xu, B.; Bai, J.; Tong, J.; et al. Spectral temporal graph neural network for multivariate time-series forecasting. Adv. Neural Inf. Process. Syst. 2020, 33, 17766–17778. [Google Scholar]
- Sen, R.; Yu, H.F.; Dhillon, I.S. Think globally, act locally: A deep neural network approach to high-dimensional time series forecasting. In Proceedings of the NeurIPS 2019: Advances in Neural Information Processing Systems 32, Vancouver, BC, Canada, 8–14 December 2019. [Google Scholar]
- Chen, E.Y.; Fan, J.; Zhu, X. Community network auto-regression for high-dimensional time series. J. Econom. 2023, 235, 1239–1256. [Google Scholar] [CrossRef]
- Feng, S.; Zhao, L.; Shi, H.; Wang, M.; Shen, S.; Wang, W. One-dimensional VGGNet for high-dimensional data. Appl. Soft Comput. 2023, 135, 110035. [Google Scholar] [CrossRef]
- Shi, X.; Chen, Z.; Wang, H.; Yeung, D.Y.; Wong, W.K.; Woo, W.c. Convolutional LSTM network: A machine learning approach for precipitation nowcasting. In Proceedings of the 29th International Conference on Neural Information Processing Systems, Montreal, QC, Canada, 7–12 December 2015; Volume 1, pp. 802–810. [Google Scholar]
- Challu, C.; Olivares, K.; Oreshkin, B.; Garza, F.; Mergenthaler, M.; Dubrawski, A. N-hits: Neural hierarchical interpolation for time series forecasting. arXiv 2022, arXiv:2201.12886. [Google Scholar]
- Lai, G.; Chang, W.C.; Yang, Y.; Liu, H. Modeling long-and short-term temporal patterns with deep neural networks. In Proceedings of the 41st International ACM SIGIR Conference on Research & Development in Information Retrieval, Ann Arbor, MI, USA, 8–12 July 2018; pp. 95–104. [Google Scholar]
- Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the 31st Conference on Neural Information Processing Systems (NIPS 2017), Long Beach, CA, USA, 4–9 December 2017; pp. 6000–6010. [Google Scholar]
- Das, A.; Kong, W.; Leach, A.; Sen, R.; Yu, R. Long-term Forecasting with TiDE: Time-series Dense Encoder. arXiv 2023, arXiv:2304.08424. [Google Scholar]
- Wu, H.; Xu, J.; Wang, J.; Long, M. Autoformer: Decomposition transformers with auto-correlation for long-term series forecasting. Adv. Neural Inf. Process. Syst. 2021, 34, 22419–22430. [Google Scholar]
- Li, S.; Jin, X.; Xuan, Y.; Zhou, X.; Chen, W.; Wang, Y.X.; Yan, X. Enhancing the locality and breaking the memory bottleneck of transformer on time series forecasting. In Proceedings of the 33rd International Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 5243–5253. [Google Scholar]
- Kitaev, N.; Kaiser, Ł.; Levskaya, A. Reformer: The efficient transformer. arXiv 2020, arXiv:2001.04451. [Google Scholar] [CrossRef]
- Zhou, H.; Zhang, S.; Peng, J.; Zhang, S.; Li, J.; Xiong, H.; Zhang, W. Informer: Beyond efficient transformer for long sequence time-series forecasting. In Proceedings of the AAAI Conference on Artificial Intelligence, Philadelphia, PA, USA, 25 February–4 March 2025; Volume 35, pp. 11106–11115. [Google Scholar]
- Zhou, T.; Ma, Z.; Wen, Q.; Wang, X.; Sun, L.; Jin, R. Fedformer: Frequency enhanced decomposed transformer for long-term series forecasting. arXiv 2022, arXiv:2201.12740. [Google Scholar] [CrossRef]
- Nie, Y.; Nguyen, N.H.; Sinthong, P.; Kalagnanam, J. A time series is worth 64 words: Long-term forecasting with transformers. arXiv 2022, arXiv:2211.14730. [Google Scholar]
- Zeng, A.; Chen, M.; Zhang, L.; Xu, Q. Are transformers effective for time series forecasting? arXiv 2022, arXiv:2205.13504. [Google Scholar] [CrossRef]
- Wang, Q.; Parker, P.A.; Lund, R. Spatial deep convolutional neural networks. Spat. Stat. 2025, 66, 100883. [Google Scholar] [CrossRef]
- Wu, Y.; Huang, Z.; Zhang, J.; Zhang, X. Grouting defect detection of bridge tendon ducts using impact echo and deep learning via a two-stage strategy. Mech. Syst. Signal Process. 2025, 235, 112955. [Google Scholar] [CrossRef]
- Wu, Y.; Wang, Y.; Wang, T.; Zhang, J. Grouting quality detection of prestressed tendon ducts using array ultrasonic tomography. NDT E Int. 2025, 155, 103429. [Google Scholar] [CrossRef]
- Tiao, G.C.; Tsay, R.S. Model specification in multivariate time series. J. R. Stat. Soc. Ser. B (Methodol.) 1989, 51, 157–195. [Google Scholar] [CrossRef]
- Schütte, C.; Noé, F.; Lu, J.; Sarich, M.; Vanden-Eijnden, E. Markov state models based on milestoning. J. Chem. Phys. 2011, 134, 204105. [Google Scholar] [CrossRef]
- Lafon, S.; Lee, A.B. Diffusion maps and coarse-graining: A unified framework for dimensionality reduction, graph partitioning, and data set parameterization. IEEE Trans. Pattern Anal. Mach. Intell. 2006, 28, 1393–1403. [Google Scholar] [CrossRef] [PubMed]
- Coifman, R.R.; Kevrekidis, I.G.; Lafon, S.; Maggioni, M.; Nadler, B. Diffusion maps, reduction coordinates, and low dimensional representation of stochastic systems. Multiscale Model. Simul. 2008, 7, 842–864. [Google Scholar] [CrossRef]
- Zhang, A.; Wang, M. Spectral state compression of markov processes. IEEE Trans. Inf. Theory 2019, 66, 3202–3231. [Google Scholar] [CrossRef] [PubMed]
- Bai, J.; Ng, S. Determining the number of factors in approximate factor models. Econometrica 2002, 70, 191–221. [Google Scholar] [CrossRef]
- Li, H.; Qiu, K.; Chen, L.; Mei, X.; Hong, L.; Tao, C. SCAttNet: Semantic segmentation network with spatial and channel attention mechanism for high-resolution remote sensing images. IEEE Geosci. Remote Sens. Lett. 2020, 18, 905–909. [Google Scholar] [CrossRef]
- Huang, G.; Zhu, J.; Li, J.; Wang, Z.; Cheng, L.; Liu, L.; Li, H.; Zhou, J. Channel-attention U-Net: Channel attention mechanism for semantic segmentation of esophagus and esophageal cancer. IEEE Access 2020, 8, 122798–122810. [Google Scholar] [CrossRef]
- Qin, Z.; Zhang, P.; Wu, F.; Li, X. Fcanet: Frequency channel attention networks. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Montreal, QC, Canada, 10–17 October 2021; pp. 783–792. [Google Scholar]
- Liu, B.; Wang, M.; Foroosh, H.; Tappen, M.; Pensky, M. Sparse convolutional neural networks. In Proceedings of the Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 806–814. [Google Scholar]
Figure 1.
Overview of the proposed framework. The framework processes a multivariate time series input , where represents the target series for forecasting, and denotes auxiliary data. The objective is to predict , an H-step-ahead forecast of X. Given the challenges of high-dimensional time series and long-term forecasting ().
Figure 1.
Overview of the proposed framework. The framework processes a multivariate time series input , where represents the target series for forecasting, and denotes auxiliary data. The objective is to predict , an H-step-ahead forecast of X. Given the challenges of high-dimensional time series and long-term forecasting ().
Figure 2.
The input undergoes random dropping (hard pruning), where a subset of channels is randomly selected, reducing the dimension from to . The pruned input is then processed by the channel-wise attention mechanism (soft pruning), which preserves the dimensionality. The final weighted input maintains the same number of channels as I.
Figure 2.
The input undergoes random dropping (hard pruning), where a subset of channels is randomly selected, reducing the dimension from to . The pruned input is then processed by the channel-wise attention mechanism (soft pruning), which preserves the dimensionality. The final weighted input maintains the same number of channels as I.
Figure 3.
The input matrix is transformed into the output matrix through the sparse convolutional kernel , which reduces computation while preserving key features.
Figure 3.
The input matrix is transformed into the output matrix through the sparse convolutional kernel , which reduces computation while preserving key features.
Figure 4.
Evolution of channel-wise attention weights during training on the Weather dataset. Attention gradually shifts toward more informative variables.
Figure 4.
Evolution of channel-wise attention weights during training on the Weather dataset. Attention gradually shifts toward more informative variables.
Figure 5.
Sparsity pattern of the learned kernel matrix . Only a subset of input channels contributes significantly to the output, validating the effectiveness of sparse regularization.
Figure 5.
Sparsity pattern of the learned kernel matrix . Only a subset of input channels contributes significantly to the output, validating the effectiveness of sparse regularization.
Table 1.
A summary of multivariate time series forecasting results for SM-TCN and its comparison methods, including iTransformer, under prediction horizons . Average rankings (AvgRank) of each model and the count of first-place rankings (#Win) are also included.
Table 1.
A summary of multivariate time series forecasting results for SM-TCN and its comparison methods, including iTransformer, under prediction horizons . Average rankings (AvgRank) of each model and the count of first-place rankings (#Win) are also included.
Models | SM-TCN | ARM | iTransformer | PatchTST | DLinear | FedFormer | Autoformer | Informer |
---|
Dataset | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE |
---|
Electricity | 0.149 | 0.244 | 0.150 | 0.247 | 0.148 | 0.246 | 0.159 | 0.253 | 0.166 | 0.264 | 0.214 | 0.327 | 0.227 | 0.338 | 0.311 | 0.397 |
ETTm1 | 0.342 | 0.374 | 0.348 | 0.375 | 0.349 | 0.377 | 0.353 | 0.382 | 0.357 | 0.379 | 0.382 | 0.422 | 0.515 | 0.493 | 0.872 | 0.691 |
ETTm2 | 0.243 | 0.308 | 0.251 | 0.312 | 0.246 | 0.310 | 0.256 | 0.317 | 0.267 | 0.332 | 0.305 | 0.349 | 0.324 | 0.368 | 1.410 | 0.823 |
ETTh1 | 0.404 | 0.430 | 0.407 | 0.426 | 0.401 | 0.433 | 0.413 | 0.434 | 0.423 | 0.437 | 0.428 | 0.454 | 0.473 | 0.477 | 1.032 | 0.799 |
ETTh2 | 0.320 | 0.374 | 0.329 | 0.376 | 0.333 | 0.379 | 0.331 | 0.381 | 0.431 | 0.447 | 0.388 | 0.434 | 0.422 | 0.443 | 3.303 | 1.439 |
Weather | 0.214 | 0.256 | 0.215 | 0.261 | 0.216 | 0.258 | 0.226 | 0.264 | 0.246 | 0.300 | 0.309 | 0.360 | 0.338 | 0.382 | 0.634 | 0.548 |
Traffic | 0.379 | 0.265 | 0.384 | 0.268 | 0.375 | 0.263 | 0.391 | 0.264 | 0.434 | 0.295 | 0.609 | 0.376 | 0.628 | 0.379 | 0.764 | 0.416 |
Exchange | 0.247 | 0.340 | 0.242 | 0.345 | 0.260 | 0.343 | 0.375 | 0.413 | 0.297 | 0.378 | 0.519 | 0.500 | 0.613 | 0.539 | 1.550 | 0.998 |
AvgRank | 1.50 | 1.50 | 2.62 | 2.75 | 2.50 | 2.38 | 4.00 | 3.88 | 5.12 | 5.25 | 5.75 | 5.88 | 6.88 | 6.88 | 8.00 | 8.00 |
#Win | 5 | 5 | 1 | 0 | 2 | 2 | 0 | 1 | 0 | 0 | 0 | 0 | 0 | 0 | 0 | 0 |
Table 2.
Performance comparison of SM-TCN and ablated variants (w/o CP, TCN, LES) on various datasets with input length 720.
Table 2.
Performance comparison of SM-TCN and ablated variants (w/o CP, TCN, LES) on various datasets with input length 720.
Models | SM-TCN | w/o CP | w/o TCN | w/o LES |
---|
Dataset | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE |
---|
Electricity | 0.149 | 0.244 | 0.167 | 0.262 | 0.175 | 0.270 | 0.162 | 0.258 |
ETTm1 | 0.342 | 0.374 | 0.368 | 0.399 | 0.350 | 0.385 | 0.358 | 0.390 |
ETTm2 | 0.243 | 0.308 | 0.268 | 0.332 | 0.260 | 0.327 | 0.252 | 0.318 |
ETTh1 | 0.404 | 0.430 | 0.432 | 0.458 | 0.417 | 0.442 | 0.426 | 0.450 |
ETTh2 | 0.320 | 0.374 | 0.342 | 0.395 | 0.350 | 0.402 | 0.334 | 0.388 |
Weather | 0.214 | 0.256 | 0.232 | 0.272 | 0.224 | 0.265 | 0.238 | 0.278 |
Traffic | 0.379 | 0.265 | 0.410 | 0.290 | 0.392 | 0.275 | 0.403 | 0.284 |
Exchange | 0.247 | 0.340 | 0.277 | 0.372 | 0.267 | 0.362 | 0.259 | 0.353 |
Table 3.
Performance comparison of different channel pruning levels (0–30%). The 20% pruning level yields the best trade-off with the lowest prediction error.
Table 3.
Performance comparison of different channel pruning levels (0–30%). The 20% pruning level yields the best trade-off with the lowest prediction error.
Pruning Level | 0% | 10% | 20% | 30% |
---|
Dataset | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE |
---|
Electricity | 0.202 | 0.291 | 0.180 | 0.270 | 0.149 | 0.244 | 0.185 | 0.273 |
ETTm1 | 0.393 | 0.415 | 0.369 | 0.395 | 0.342 | 0.374 | 0.378 | 0.399 |
ETTm2 | 0.297 | 0.356 | 0.276 | 0.337 | 0.243 | 0.308 | 0.281 | 0.345 |
ETTh1 | 0.471 | 0.489 | 0.437 | 0.461 | 0.404 | 0.430 | 0.443 | 0.463 |
ETTh2 | 0.369 | 0.417 | 0.353 | 0.397 | 0.320 | 0.374 | 0.357 | 0.401 |
Weather | 0.277 | 0.307 | 0.248 | 0.279 | 0.214 | 0.256 | 0.251 | 0.281 |
Traffic | 0.431 | 0.311 | 0.411 | 0.289 | 0.379 | 0.265 | 0.415 | 0.291 |
Exchange | 0.302 | 0.402 | 0.285 | 0.377 | 0.247 | 0.340 | 0.293 | 0.375 |
Table 4.
Comparison of different kernel width growth strategies. Linear and exponential growth formulas are tested for their impact on model performance.
Table 4.
Comparison of different kernel width growth strategies. Linear and exponential growth formulas are tested for their impact on model performance.
Kernel Width | | | | |
---|
Dataset | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE |
---|
Electricity | 0.159 | 0.252 | 0.149 | 0.244 | 0.168 | 0.260 | 0.185 | 0.278 |
ETTm1 | 0.350 | 0.382 | 0.342 | 0.374 | 0.360 | 0.390 | 0.380 | 0.405 |
ETTm2 | 0.252 | 0.316 | 0.243 | 0.308 | 0.261 | 0.325 | 0.275 | 0.340 |
ETTh1 | 0.412 | 0.438 | 0.404 | 0.430 | 0.425 | 0.452 | 0.445 | 0.470 |
ETTh2 | 0.328 | 0.382 | 0.320 | 0.374 | 0.338 | 0.395 | 0.355 | 0.412 |
Weather | 0.223 | 0.263 | 0.214 | 0.256 | 0.230 | 0.272 | 0.248 | 0.288 |
Traffic | 0.387 | 0.272 | 0.379 | 0.265 | 0.398 | 0.280 | 0.420 | 0.295 |
Exchange | 0.258 | 0.348 | 0.247 | 0.340 | 0.270 | 0.365 | 0.285 | 0.380 |
Table 5.
Impact of different numbers of stacks on model performance. Increasing stacks improves performance up to 6, beyond which gains diminish or degrade.
Table 5.
Impact of different numbers of stacks on model performance. Increasing stacks improves performance up to 6, beyond which gains diminish or degrade.
Stacks | 4 | 5 | 6 | 7 | 8 |
---|
Dataset | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE | MSE | MAE |
---|
Electricity | 0.192 | 0.285 | 0.165 | 0.257 | 0.149 | 0.244 | 0.158 | 0.249 | 0.163 | 0.253 |
ETTm1 | 0.389 | 0.412 | 0.352 | 0.377 | 0.342 | 0.374 | 0.350 | 0.376 | 0.359 | 0.385 |
ETTm2 | 0.268 | 0.336 | 0.254 | 0.320 | 0.243 | 0.308 | 0.251 | 0.315 | 0.259 | 0.321 |
ETTh1 | 0.432 | 0.466 | 0.412 | 0.444 | 0.404 | 0.430 | 0.418 | 0.439 | 0.425 | 0.446 |
ETTh2 | 0.347 | 0.404 | 0.328 | 0.385 | 0.320 | 0.374 | 0.331 | 0.381 | 0.339 | 0.389 |
Weather | 0.239 | 0.276 | 0.222 | 0.265 | 0.214 | 0.256 | 0.225 | 0.266 | 0.231 | 0.271 |
Traffic | 0.401 | 0.287 | 0.386 | 0.273 | 0.379 | 0.265 | 0.388 | 0.271 | 0.395 | 0.275 |
Exchange | 0.278 | 0.365 | 0.260 | 0.349 | 0.247 | 0.340 | 0.252 | 0.344 | 0.258 | 0.352 |
Table 6.
Comparison of computational costs between SM-TCN and representative benchmarks on Electricity (per-epoch train time and per-batch inference time).
Table 6.
Comparison of computational costs between SM-TCN and representative benchmarks on Electricity (per-epoch train time and per-batch inference time).
Model | SM-TCN | Autoformer | Informer | iTransformer |
---|
FLOPs/Params | Train/Infer (s) | FLOPs/Params | Train/Infer (s) | FLOPs/Params | Train/Infer (s) | FLOPs/Params | Train/Infer (s) |
---|
H = 160 | 6.85G/8.9M | 42/0.38 | 11.2G/15.5M | 61/0.55 | 9.72G/11.3M | 57/0.50 | 8.10G/9.8M | 49/0.44 |
H = 320 | 8.73G/9.1M | 45/0.40 | 12.5G/15.5M | 66/0.59 | 11.0G/11.3M | 61/0.54 | 9.25G/10.0M | 53/0.47 |
H = 480 | 10.54G/9.5M | 48/0.42 | 13.9G/15.5M | 70/0.62 | 11.8G/11.3M | 65/0.57 | 10.2G/10.3M | 56/0.49 |
| 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. |
© 2025 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/).