Speech signals play an essential role in communication and provide an efficient way to exchange information between humans and machines.Speech Emotion Recognition(SER)is one of the critical sources for human evaluatio...Speech signals play an essential role in communication and provide an efficient way to exchange information between humans and machines.Speech Emotion Recognition(SER)is one of the critical sources for human evaluation,which is applicable in many real-world applications such as healthcare,call centers,robotics,safety,and virtual reality.This work developed a novel TCN-based emotion recognition system using speech signals through a spatial-temporal convolution network to recognize the speaker’s emotional state.The authors designed a Temporal Convolutional Network(TCN)core block to recognize long-term dependencies in speech signals and then feed these temporal cues to a dense network to fuse the spatial features and recognize global information for final classification.The proposed network extracts valid sequential cues automatically from speech signals,which performed better than state-of-the-art(SOTA)and traditional machine learning algorithms.Results of the proposed method show a high recognition rate compared with SOTAmethods.The final unweighted accuracy of 80.84%,and 92.31%,for interactive emotional dyadic motion captures(IEMOCAP)and berlin emotional dataset(EMO-DB),indicate the robustness and efficiency of the designed model.展开更多
Essential proteins are an indispensable part of cells and play an extremely significant role in genetic disease diagnosis and drug development.Therefore,the prediction of essential proteins has received extensive atte...Essential proteins are an indispensable part of cells and play an extremely significant role in genetic disease diagnosis and drug development.Therefore,the prediction of essential proteins has received extensive attention from researchers.Many centrality methods and machine learning algorithms have been proposed to predict essential proteins.Nevertheless,the topological characteristics learned by the centrality method are not comprehensive enough,resulting in low accuracy.In addition,machine learning algorithms need sufficient prior knowledge to select features,and the ability to solve imbalanced classification problems needs to be further strengthened.These two factors greatly affect the performance of predicting essential proteins.In this paper,we propose a deep learning framework based on temporal convolutional networks to predict essential proteins by integrating gene expression data and protein-protein interaction(PPI)network.We make use of the method of network embedding to automatically learn more abundant features of proteins in the PPI network.For gene expression data,we treat it as sequence data,and use temporal convolutional networks to extract sequence features.Finally,the two types of features are integrated and put into the multi-layer neural network to complete the final classification task.The performance of our method is evaluated by comparing with seven centrality methods,six machine learning algorithms,and two deep learning models.The results of the experiment show that our method is more effective than the comparison methods for predicting essential proteins.展开更多
Thrust estimation is a significant part of aeroengine thrust control systems.The traditional estimation methods are either low in accuracy or large in computation.To further improve the estimation effect,a thrust esti...Thrust estimation is a significant part of aeroengine thrust control systems.The traditional estimation methods are either low in accuracy or large in computation.To further improve the estimation effect,a thrust estimator based on Multi-layer Residual Temporal Convolutional Network(M-RTCN)is proposed.To solve the problem of dead Rectified Linear Unit(ReLU),the proposed method uses the Gaussian Error Linear Unit(GELU)activation function instead of ReLU in residual block.Then the overall architecture of the multi-layer convolutional network is adjusted by using residual connections,so that the network thrust estimation effect and memory consumption are further improved.Moreover,the comparison with seven other methods shows that the proposed method has the advantages of higher estimation accuracy and faster convergence speed.Furthermore,six neural network models are deployed in the embedded controller of the micro-turbojet engine.The Hardware-in-the-Loop(HIL)testing results demonstrate the superiority of M-RTCN in terms of estimation accuracy,memory occupation and running time.Finally,an ignition verification is conducted to confirm the expected thrust estimation and real-time performance.展开更多
Time series forecasting plays an important role in various fields, such as energy, finance, transport, and weather. Temporal convolutional networks (TCNs) based on dilated causal convolution have been widely used in t...Time series forecasting plays an important role in various fields, such as energy, finance, transport, and weather. Temporal convolutional networks (TCNs) based on dilated causal convolution have been widely used in time series forecasting. However, two problems weaken the performance of TCNs. One is that in dilated casual convolution, causal convolution leads to the receptive fields of outputs being concentrated in the earlier part of the input sequence, whereas the recent input information will be severely lost. The other is that the distribution shift problem in time series has not been adequately solved. To address the first problem, we propose a subsequence-based dilated convolution method (SDC). By using multiple convolutional filters to convolve elements of neighboring subsequences, the method extracts temporal features from a growing receptive field via a growing subsequence rather than a single element. Ultimately, the receptive field of each output element can cover the whole input sequence. To address the second problem, we propose a difference and compensation method (DCM). The method reduces the discrepancies between and within the input sequences by difference operations and then compensates the outputs for the information lost due to difference operations. Based on SDC and DCM, we further construct a temporal subsequence-based convolutional network with difference (TSCND) for time series forecasting. The experimental results show that TSCND can reduce prediction mean squared error by 7.3% and save runtime, compared with state-of-the-art models and vanilla TCN.展开更多
In this paper,we investigate a spectrumsensing system in the presence of a satellite,where the satellite works as a sensing node.Considering the conventional energy detection method is sensitive to the noise uncertain...In this paper,we investigate a spectrumsensing system in the presence of a satellite,where the satellite works as a sensing node.Considering the conventional energy detection method is sensitive to the noise uncertainty,thus,a temporal convolutional network(TCN)based spectrum-sensing method is designed to eliminate the effect of the noise uncertainty and improve the performance of spectrum sensing,relying on the offline training and the online detection stages.Specifically,in the offline training stage,spectrum data captured by the satellite is sent to the TCN deployed on the gateway for training purpose.Moreover,in the online detection stage,the well trained TCN is utilized to perform real-time spectrum sensing,which can upgrade spectrum-sensing performance by exploiting the temporal features.Additionally,simulation results demonstrate that the proposed method achieves a higher probability of detection than that of the conventional energy detection(ED),the convolutional neural network(CNN),and deep neural network(DNN).Furthermore,the proposed method outperforms the CNN and the DNN in terms of a lower computational complexity.展开更多
Since the oil production of single well in water flooding reservoir varies greatly and is hard to predict, an oil production prediction method of single well based on temporal convolutional network(TCN) is proposed an...Since the oil production of single well in water flooding reservoir varies greatly and is hard to predict, an oil production prediction method of single well based on temporal convolutional network(TCN) is proposed and verified. This method is started from data processing, the correspondence between water injectors and oil producers is determined according to the influence radius of the water injectors, the influence degree of a water injector on an oil producer in the month concerned is added as a model feature, and a Random Forest(RF) model is built to fill the dynamic data of water flooding. The single well history is divided into 4 stages according to its water cut, that is, low water cut, middle water cut, high water cut and extra-high water cut stages. In each stage, a TCN based prediction model is established, hyperparameters of the model are optimized by the Sparrow Search Algorithm(SSA). Finally, the models of the 4 stages are integrated into one whole-life model of the well for production prediction. The application of this method in Daqing Oilfield, NE China shows that:(1) Compared with conventional data processing methods, the data obtained by this processing method are more close to the actual production, and the data set obtained is more authentic and complete.(2) The TCN model has higher prediction accuracy than other 11 models such as Long Short Term Memory(LSTM).(3) Compared with the conventional full-life-cycle models, the model of integrated stages can significantly reduce the error of production prediction.展开更多
A lightweight multi-layer residual temporal convolutional network model(RTCN)is proposed to target the highly complex kinematics and temporal correlation of human motion.RTCN uses 1-D convolution to efficiently obtain...A lightweight multi-layer residual temporal convolutional network model(RTCN)is proposed to target the highly complex kinematics and temporal correlation of human motion.RTCN uses 1-D convolution to efficiently obtain the spatial structure information of human motion and extract the correlation in the time series of human motion.The residual structure is applied to the proposed network model to alleviate the problem of gradient disappearance in the deep network.Experiments on the Human 3.6M dataset demonstrate that the proposed method effectively reduces the errors of motion prediction compared with previous methods,especially of long-term prediction.展开更多
In order to reduce the physical impairment caused by signal distortion,in this paper,we investigate symbol detection with Deep Learning(DL)methods to improve bit-error performance in the optical communication system.M...In order to reduce the physical impairment caused by signal distortion,in this paper,we investigate symbol detection with Deep Learning(DL)methods to improve bit-error performance in the optical communication system.Many DL-based methods have been applied to such systems to improve bit-error performance.Referring to the speech-to-text method of automatic speech recognition,this paper proposes a signal-to-symbol method based on DL and designs a receiver for symbol detection on single-polarized optical communications modes.To realize this detection method,we propose a non-causal temporal convolutional network-assisted receiver to detect symbols directly from the baseband signal,which specifically integrates most modules of the receiver.Meanwhile,we adopt three training approaches for different signal-to-noise ratios.We also apply a parametric rectified linear unit to enhance the noise robustness of the proposed network.According to the simulation experiments,the biterror-rate performance of the proposed method is close to or even superior to that of the conventional receiver and better than the recurrent neural network-based receiver.展开更多
In the field of speech bandwidth exten-sion,it is difficult to achieve high speech quality based on the shallow statistical model method.Although the application of deep learning has greatly improved the extended spee...In the field of speech bandwidth exten-sion,it is difficult to achieve high speech quality based on the shallow statistical model method.Although the application of deep learning has greatly improved the extended speech quality,the high model complex-ity makes it infeasible to run on the client.In order to tackle these issues,this paper proposes an end-to-end speech bandwidth extension method based on a temporal convolutional neural network,which greatly reduces the complexity of the model.In addition,a new time-frequency loss function is designed to en-able narrowband speech to acquire a more accurate wideband mapping in the time domain and the fre-quency domain.The experimental results show that the reconstructed wideband speech generated by the proposed method is superior to the traditional heuris-tic rule based approaches and the conventional neu-ral network methods for both subjective and objective evaluation.展开更多
Diabetes,as a chronic disease,is caused by the increase of blood glucose concentration due to pancreatic insulin production failure or insulin resistance in the body.Predicting the change trend of blood glucose level ...Diabetes,as a chronic disease,is caused by the increase of blood glucose concentration due to pancreatic insulin production failure or insulin resistance in the body.Predicting the change trend of blood glucose level in advance brings convenience for prompt treatment,so as to maintain blood glucose level within the recommended levels.Based on the flash glucose monitoring data,we propose a method that combines prophet with temporal convolutional networks(TCN)to achieve good experimental results in predicting patient blood glucose.The proposed model achieves high accuracy in the long-term and short-term prediction of blood glucose,and outperforms other models on the adaptability to non-stationary and detection capability of periodic changes.展开更多
Action recognition has been recognized as an activity in which individuals’behaviour can be observed.Assembling profiles of regular activities such as activities of daily living can support identifying trends in the ...Action recognition has been recognized as an activity in which individuals’behaviour can be observed.Assembling profiles of regular activities such as activities of daily living can support identifying trends in the data during critical events.A skeleton representation of the human body has been proven to be effective for this task.The skeletons are presented in graphs form-like.However,the topology of a graph is not structured like Euclideanbased data.Therefore,a new set of methods to perform the convolution operation upon the skeleton graph is proposed.Our proposal is based on the Spatial Temporal-Graph Convolutional Network(ST-GCN)framework.In this study,we proposed an improved set of label mapping methods for the ST-GCN framework.We introduce three split techniques(full distance split,connection split,and index split)as an alternative approach for the convolution operation.The experiments presented in this study have been trained using two benchmark datasets:NTU-RGB+D and Kinetics to evaluate the performance.Our results indicate that our split techniques outperform the previous partition strategies and aremore stable during training without using the edge importance weighting additional training parameter.Therefore,our proposal can provide a more realistic solution for real-time applications centred on daily living recognition systems activities for indoor environments.展开更多
The ever-growing available visual data(i.e.,uploaded videos and pictures by internet users)has attracted the research community’s attention in the computer vision field.Therefore,finding efficient solutions to extrac...The ever-growing available visual data(i.e.,uploaded videos and pictures by internet users)has attracted the research community’s attention in the computer vision field.Therefore,finding efficient solutions to extract knowledge from these sources is imperative.Recently,the BlazePose system has been released for skeleton extraction from images oriented to mobile devices.With this skeleton graph representation in place,a Spatial-Temporal Graph Convolutional Network can be implemented to predict the action.We hypothesize that just by changing the skeleton input data for a different set of joints that offers more information about the action of interest,it is possible to increase the performance of the Spatial-Temporal Graph Convolutional Network for HAR tasks.Hence,in this study,we present the first implementation of the BlazePose skeleton topology upon this architecture for action recognition.Moreover,we propose the Enhanced-BlazePose topology that can achieve better results than its predecessor.Additionally,we propose different skeleton detection thresholds that can improve the accuracy performance even further.We reached a top-1 accuracy performance of 40.1%on the Kinetics dataset.For the NTU-RGB+D dataset,we achieved 87.59%and 92.1%accuracy for Cross-Subject and Cross-View evaluation criteria,respectively.展开更多
With the increasing complexity of industrial automation,planetary gearboxes play a vital role in largescale equipment transmission systems,directly impacting operational efficiency and safety.Traditional maintenance s...With the increasing complexity of industrial automation,planetary gearboxes play a vital role in largescale equipment transmission systems,directly impacting operational efficiency and safety.Traditional maintenance strategies often struggle to accurately predict the degradation process of equipment,leading to excessive maintenance costs or potential failure risks.However,existing prediction methods based on statistical models are difficult to adapt to nonlinear degradation processes.To address these challenges,this study proposes a novel condition-based maintenance framework for planetary gearboxes.A comprehensive full-lifecycle degradation experiment was conducted to collect raw vibration signals,which were then processed using a temporal convolutional network autoencoder with multi-scale perception capability to extract deep temporal degradation features,enabling the collaborative extraction of longperiod meshing frequencies and short-term impact features from the vibration signals.Kernel principal component analysis was employed to fuse and normalize these features,enhancing the characterization of degradation progression.A nonlinear Wiener process was used to model the degradation trajectory,with a threshold decay function introduced to dynamically adjust maintenance strategies,and model parameters optimized through maximum likelihood estimation.Meanwhile,the maintenance strategy was optimized to minimize costs per unit time,determining the optimal maintenance timing and preventive maintenance threshold.The comprehensive indicator of degradation trends extracted by this method reaches 0.756,which is 41.2%higher than that of traditional time-domain features;the dynamic threshold strategy reduces the maintenance cost per unit time to 55.56,which is 8.9%better than that of the static threshold optimization.Experimental results demonstrate significant reductions in maintenance costs while enhancing system reliability and safety.This study realizes the organic integration of deep learning and reliability theory in the maintenance of planetary gearboxes,provides an interpretable solution for the predictive maintenance of complex mechanical systems,and promotes the development of condition-based maintenance strategies for planetary gearboxes.展开更多
Ship motion attitude is influenced by dynamic marine conditions,presenting significant challenges in developing effective prediction networks.Contemporary prediction networks demonstrate limitations in hidden feature ...Ship motion attitude is influenced by dynamic marine conditions,presenting significant challenges in developing effective prediction networks.Contemporary prediction networks demonstrate limitations in hidden feature extraction,long-term dependency maintenance,and frequency characteristic incorporation.This paper presents an enhanced model integrating the informer network with a Time Convolutional Network(TCN)and a Frequency-Enhanced Channel Attention Mechanism(FECAM).The model employs a TCN for multi-feature extraction and applies Dimension-Segment-Wise(DSW)embedding for comprehensive multi-dimensional sequence analysis.Furthermore,it incorporates discrete cosine transform within the FECAM module for thorough data frequency analysis.The model integrates these components with the informer model for multivariate prediction.This approach maintains the informer model's capabilities in long-term multivariate prediction while enhancing feature extraction and local frequency information capture from ship motion attitude data,thus improving long-term multivariate prediction accuracy.Experimental results indicate that the proposed model outperforms traditional ship motion attitude prediction methods in forecasting future motion,reducing attitude prediction errors,and improving prediction accuracy.展开更多
Nonlinear wave runup could result in serious wave impact on the local structures of offshore platforms in rough seas.The reliable and efficient wave runup prediction is beneficial to provide essential information for ...Nonlinear wave runup could result in serious wave impact on the local structures of offshore platforms in rough seas.The reliable and efficient wave runup prediction is beneficial to provide essential information for the design and operation of offshore platforms.This work aims to develop a novel data-driven method to achieve the nonlinear mapping underlying the wave-structure interactions.The Temporal Convolution Network(TCN)model was employed to predict the wave runup along the column of a semi-submersible in head seas.The incident wave and vertical motions including heave,roll,and pitch were fed into the TCN model to predict the wave runup.Experimental datasets were provided for training and test.Tak-ing both temporal and spatial dependency into consideration,the input tensor space was optimized from the perspective of physical meaning and practicality.Sensitivity analyses were conducted to obtain the optimum length of time window and evaluate the relative importance of input variables to wave runup prediction.Moreover,the effects of characteristics and size of the training dataset on the model perfor-mance were investigated to provide guidelines for training dataset construction.Finally,upon validation,the generated TCN model showed a strong ability to provide stable and accurate wave runup results un-der various wave conditions,and it is a potential alternative tool to achieve efficient but low-cost wave runup prediction.展开更多
Electricity prices have complex features,such as high frequency,multiple seasonality,and nonlinearity.These factors will make the prediction of electricity prices difficult.However,accurate electricity price predictio...Electricity prices have complex features,such as high frequency,multiple seasonality,and nonlinearity.These factors will make the prediction of electricity prices difficult.However,accurate electricity price prediction is important for energy producers and consumers to develop bidding strategies.To improve the accuracy of prediction by using each algorithms’advantages,this paper proposes a hybrid model that uses the Empirical Mode Decomposition(EMD),Autoregressive Integrated Moving Average(ARIMA),and Temporal Convolutional Network(TCN).EMD is used to decompose the electricity prices into low and high frequency components.Low frequency components are forecasted by the ARIMA model and the high frequency series are predicted by the TCN model.Experimental results using the realistic electricity price data from Pennsylvania-New Jersey-Maryland(PJM)electricity markets show that the proposed method has a higher prediction accuracy than other single methods and hybrid methods.展开更多
Activity recognition is a challenging topic in the field of computer vision that has various applications,including surveillance systems,industrial automation,and human-computer interaction.Today,the demand for automa...Activity recognition is a challenging topic in the field of computer vision that has various applications,including surveillance systems,industrial automation,and human-computer interaction.Today,the demand for automation has greatly increased across industries worldwide.Real-time detection requires edge devices with limited computational time.This study proposes a novel hybrid deep learning system for human activity recognition(HAR),aiming to enhance the recognition accuracy and reduce the computational time.The proposed system combines a pretrained image classification model with a sequence analysis model.First,the dataset was divided into a training set(70%),validation set(10%),and test set(20%).Second,all the videos were converted into frames and deep-based features were extracted from each frame using convolutional neural networks(CNNs)with a vision transformer.Following that,bidirectional long short-term memory(BiLSTM)-and temporal convolutional network(TCN)-based models were trained using the training set,and their performances were evaluated using the validation set and test set.Four benchmark datasets(UCF11,UCF50,UCF101,and JHMDB)were used to evaluate the performance of the proposed HAR-based system.The experimental results showed that the combination of ConvNeXt and the TCN-based model achieved a recognition accuracy of 97.73%for UCF11,98.81%for UCF50,98.46%for UCF101,and 83.38%for JHMDB,respectively.This represents improvements in the recognition accuracy of 4%,2.67%,3.67%,and 7.08%for the UCF11,UCF50,UCF101,and JHMDB datasets,respectively,over existing models.Moreover,the proposed HAR-based system obtained superior recognition accuracy,shorter computational times,and minimal memory usage compared to the existing models.展开更多
EEG signals are widely used in emotion recognition due to their ability to reflect involuntary physiological responses.However,the high dimensionality of EEG signals and their continuous variability in the time-freque...EEG signals are widely used in emotion recognition due to their ability to reflect involuntary physiological responses.However,the high dimensionality of EEG signals and their continuous variability in the time-frequency plane make their analysis challenging.Therefore,advanced deep learning methods are needed to extract meaningful features and improve classification performance.This study proposes a hybrid model that integrates the Swin Transformer and Temporal Convolutional Network(TCN)mechanisms for EEG-based emotion recognition.EEG signals are first converted into scalogram images using Continuous Wavelet Transform(CWT),and classification is performed on these images.Swin Transformer is used to extract spatial features in scalogram images,and the TCN method is used to learn long-term dependencies.In addition,attention mechanisms are integrated to highlight the essential features extracted from both models.The effectiveness of the proposed model has been tested on the SEED dataset,widely used in the field of emotion recognition,and it has consistently achieved high performance across all emotional classes,with accuracy,precision,recall,and F1-score values of 97.53%,97.54%,97.53%,and 97.54%,respectively.Compared to traditional transfer learning models,the proposed approach achieved an accuracy increase of 1.43%over ResNet-101,1.81%over DenseNet-201,and 2.44%over VGG-19.In addition,the proposed model outperformed many recent CNN,RNN,and Transformer-based methods reported in the literature.展开更多
To address the challenge of cyberattacks,intrusion detection systems(IDSs)are introduced to recognize intrusions and protect computer networks.Among all these IDSs,conventional machine learning methods rely on shallow...To address the challenge of cyberattacks,intrusion detection systems(IDSs)are introduced to recognize intrusions and protect computer networks.Among all these IDSs,conventional machine learning methods rely on shallow learning and have unsatisfactory performance.Unlike machine learning methods,deep learning methods are the mainstream methods because of their capability to handle mass data without prior knowledge of specific domain expertise.Concerning deep learning,long short-term memory(LSTM)and temporal convolutional networks(TCNs)can be used to extract temporal features from different angles,while convolutional neural networks(CNNs)are valuable for learning spatial properties.Based on the above,this paper proposes a novel interlaced and spatiotemporal deep learning model called CRGT-SA,which combines CNN with gated TCN and recurrent neural network(RNN)modules to learn spatiotemporal properties,and imports the self-attention mechanism to select significant features.More specifically,our proposed model splits the feature extraction into multiple steps with a gradually increasing granularity,and executes each step with a combined CNN,LSTM,and gated TCN module.Our proposed CRGT-SA model is validated using the UNSW-NB15 dataset and is compared with other compelling techniques,including traditional machine learning and deep learning models as well as state-of-the-art deep learning models.According to the simulation results,our proposed model exhibits the highest accuracy and F1-score among all the compared methods.More specifically,our proposed model achieves 91.5%and 90.5%accuracy for binary and multi-class classifications respectively,and demonstrates its ability to protect the Internet from complicated cyberattacks.Moreover,we conduct another series of simulations on the NSL-KDD dataset;the simulation results of comparison with other models further prove the generalization ability of our proposed model.展开更多
Accurate predictions of the Remaining useful life(RUL)of mechanical equipment are vital for lowering maintenance costs and maintaining equipment reliability and safety.Datadriven RUL prediction methods have made signi...Accurate predictions of the Remaining useful life(RUL)of mechanical equipment are vital for lowering maintenance costs and maintaining equipment reliability and safety.Datadriven RUL prediction methods have made significant progress,but they often assume that the training and testing data have the same distribution,which is often not the case in practical engineering applications.To address this issue,this paper proposes a residual useful life prediction model that combines deep learning and transfer learning.In this model,called transfer convolutional attention mechanism for early-life stage time convolutional network(TCAM-EASTCN),an unsupervised domain adaptation strategy is introduced based on the characterization of subspace distances and orthogonal basis mismatch penalties in the convolutional attention mechanism for early-life stage time convolutional network(CAMEASTCN).This approach minimizes the distribution differences between different domains,enhancing the learning of cross-domain invariant features and effectively reducing the distribution gap between the source and target domains,thereby improving the accuracy of RUL prediction under varying conditions.Experimental results demonstrate that TCAMEASTCN outperforms other models in terms of RUL prediction accuracy and generalization.展开更多
文摘Speech signals play an essential role in communication and provide an efficient way to exchange information between humans and machines.Speech Emotion Recognition(SER)is one of the critical sources for human evaluation,which is applicable in many real-world applications such as healthcare,call centers,robotics,safety,and virtual reality.This work developed a novel TCN-based emotion recognition system using speech signals through a spatial-temporal convolution network to recognize the speaker’s emotional state.The authors designed a Temporal Convolutional Network(TCN)core block to recognize long-term dependencies in speech signals and then feed these temporal cues to a dense network to fuse the spatial features and recognize global information for final classification.The proposed network extracts valid sequential cues automatically from speech signals,which performed better than state-of-the-art(SOTA)and traditional machine learning algorithms.Results of the proposed method show a high recognition rate compared with SOTAmethods.The final unweighted accuracy of 80.84%,and 92.31%,for interactive emotional dyadic motion captures(IEMOCAP)and berlin emotional dataset(EMO-DB),indicate the robustness and efficiency of the designed model.
基金the National Natural Science Foundation of China(Nos.11861045 and 62162040)。
文摘Essential proteins are an indispensable part of cells and play an extremely significant role in genetic disease diagnosis and drug development.Therefore,the prediction of essential proteins has received extensive attention from researchers.Many centrality methods and machine learning algorithms have been proposed to predict essential proteins.Nevertheless,the topological characteristics learned by the centrality method are not comprehensive enough,resulting in low accuracy.In addition,machine learning algorithms need sufficient prior knowledge to select features,and the ability to solve imbalanced classification problems needs to be further strengthened.These two factors greatly affect the performance of predicting essential proteins.In this paper,we propose a deep learning framework based on temporal convolutional networks to predict essential proteins by integrating gene expression data and protein-protein interaction(PPI)network.We make use of the method of network embedding to automatically learn more abundant features of proteins in the PPI network.For gene expression data,we treat it as sequence data,and use temporal convolutional networks to extract sequence features.Finally,the two types of features are integrated and put into the multi-layer neural network to complete the final classification task.The performance of our method is evaluated by comparing with seven centrality methods,six machine learning algorithms,and two deep learning models.The results of the experiment show that our method is more effective than the comparison methods for predicting essential proteins.
基金co-supported by the National Natural Science Foundation of China(Nos.61890920,61890921)。
文摘Thrust estimation is a significant part of aeroengine thrust control systems.The traditional estimation methods are either low in accuracy or large in computation.To further improve the estimation effect,a thrust estimator based on Multi-layer Residual Temporal Convolutional Network(M-RTCN)is proposed.To solve the problem of dead Rectified Linear Unit(ReLU),the proposed method uses the Gaussian Error Linear Unit(GELU)activation function instead of ReLU in residual block.Then the overall architecture of the multi-layer convolutional network is adjusted by using residual connections,so that the network thrust estimation effect and memory consumption are further improved.Moreover,the comparison with seven other methods shows that the proposed method has the advantages of higher estimation accuracy and faster convergence speed.Furthermore,six neural network models are deployed in the embedded controller of the micro-turbojet engine.The Hardware-in-the-Loop(HIL)testing results demonstrate the superiority of M-RTCN in terms of estimation accuracy,memory occupation and running time.Finally,an ignition verification is conducted to confirm the expected thrust estimation and real-time performance.
基金supported by the National Key Research and Development Program of China(No.2018YFB2101300)the National Natural Science Foundation of China(Grant No.61871186)the Dean’s Fund of Engineering Research Center of Software/Hardware Co-Design Technology and Application,Ministry of Education(East China Normal University).
文摘Time series forecasting plays an important role in various fields, such as energy, finance, transport, and weather. Temporal convolutional networks (TCNs) based on dilated causal convolution have been widely used in time series forecasting. However, two problems weaken the performance of TCNs. One is that in dilated casual convolution, causal convolution leads to the receptive fields of outputs being concentrated in the earlier part of the input sequence, whereas the recent input information will be severely lost. The other is that the distribution shift problem in time series has not been adequately solved. To address the first problem, we propose a subsequence-based dilated convolution method (SDC). By using multiple convolutional filters to convolve elements of neighboring subsequences, the method extracts temporal features from a growing receptive field via a growing subsequence rather than a single element. Ultimately, the receptive field of each output element can cover the whole input sequence. To address the second problem, we propose a difference and compensation method (DCM). The method reduces the discrepancies between and within the input sequences by difference operations and then compensates the outputs for the information lost due to difference operations. Based on SDC and DCM, we further construct a temporal subsequence-based convolutional network with difference (TSCND) for time series forecasting. The experimental results show that TSCND can reduce prediction mean squared error by 7.3% and save runtime, compared with state-of-the-art models and vanilla TCN.
基金the National Science Foundation of China (No.91738201, 61971440)the Jiangsu Province Basic Research Project (No.BK20192002)+1 种基金the China Postdoctoral Science Foundation (No.2018M632347)the Natural Science Research of Higher Education Institutions of Jiangsu Province (No.18KJB510030)。
文摘In this paper,we investigate a spectrumsensing system in the presence of a satellite,where the satellite works as a sensing node.Considering the conventional energy detection method is sensitive to the noise uncertainty,thus,a temporal convolutional network(TCN)based spectrum-sensing method is designed to eliminate the effect of the noise uncertainty and improve the performance of spectrum sensing,relying on the offline training and the online detection stages.Specifically,in the offline training stage,spectrum data captured by the satellite is sent to the TCN deployed on the gateway for training purpose.Moreover,in the online detection stage,the well trained TCN is utilized to perform real-time spectrum sensing,which can upgrade spectrum-sensing performance by exploiting the temporal features.Additionally,simulation results demonstrate that the proposed method achieves a higher probability of detection than that of the conventional energy detection(ED),the convolutional neural network(CNN),and deep neural network(DNN).Furthermore,the proposed method outperforms the CNN and the DNN in terms of a lower computational complexity.
基金Major Unified Construction Project of Petro China(2019-40210-000020-02)。
文摘Since the oil production of single well in water flooding reservoir varies greatly and is hard to predict, an oil production prediction method of single well based on temporal convolutional network(TCN) is proposed and verified. This method is started from data processing, the correspondence between water injectors and oil producers is determined according to the influence radius of the water injectors, the influence degree of a water injector on an oil producer in the month concerned is added as a model feature, and a Random Forest(RF) model is built to fill the dynamic data of water flooding. The single well history is divided into 4 stages according to its water cut, that is, low water cut, middle water cut, high water cut and extra-high water cut stages. In each stage, a TCN based prediction model is established, hyperparameters of the model are optimized by the Sparrow Search Algorithm(SSA). Finally, the models of the 4 stages are integrated into one whole-life model of the well for production prediction. The application of this method in Daqing Oilfield, NE China shows that:(1) Compared with conventional data processing methods, the data obtained by this processing method are more close to the actual production, and the data set obtained is more authentic and complete.(2) The TCN model has higher prediction accuracy than other 11 models such as Long Short Term Memory(LSTM).(3) Compared with the conventional full-life-cycle models, the model of integrated stages can significantly reduce the error of production prediction.
文摘A lightweight multi-layer residual temporal convolutional network model(RTCN)is proposed to target the highly complex kinematics and temporal correlation of human motion.RTCN uses 1-D convolution to efficiently obtain the spatial structure information of human motion and extract the correlation in the time series of human motion.The residual structure is applied to the proposed network model to alleviate the problem of gradient disappearance in the deep network.Experiments on the Human 3.6M dataset demonstrate that the proposed method effectively reduces the errors of motion prediction compared with previous methods,especially of long-term prediction.
基金supported by the National Key R&D Program of China under Grant 2018YFB1801500.
文摘In order to reduce the physical impairment caused by signal distortion,in this paper,we investigate symbol detection with Deep Learning(DL)methods to improve bit-error performance in the optical communication system.Many DL-based methods have been applied to such systems to improve bit-error performance.Referring to the speech-to-text method of automatic speech recognition,this paper proposes a signal-to-symbol method based on DL and designs a receiver for symbol detection on single-polarized optical communications modes.To realize this detection method,we propose a non-causal temporal convolutional network-assisted receiver to detect symbols directly from the baseband signal,which specifically integrates most modules of the receiver.Meanwhile,we adopt three training approaches for different signal-to-noise ratios.We also apply a parametric rectified linear unit to enhance the noise robustness of the proposed network.According to the simulation experiments,the biterror-rate performance of the proposed method is close to or even superior to that of the conventional receiver and better than the recurrent neural network-based receiver.
文摘In the field of speech bandwidth exten-sion,it is difficult to achieve high speech quality based on the shallow statistical model method.Although the application of deep learning has greatly improved the extended speech quality,the high model complex-ity makes it infeasible to run on the client.In order to tackle these issues,this paper proposes an end-to-end speech bandwidth extension method based on a temporal convolutional neural network,which greatly reduces the complexity of the model.In addition,a new time-frequency loss function is designed to en-able narrowband speech to acquire a more accurate wideband mapping in the time domain and the fre-quency domain.The experimental results show that the reconstructed wideband speech generated by the proposed method is superior to the traditional heuris-tic rule based approaches and the conventional neu-ral network methods for both subjective and objective evaluation.
文摘Diabetes,as a chronic disease,is caused by the increase of blood glucose concentration due to pancreatic insulin production failure or insulin resistance in the body.Predicting the change trend of blood glucose level in advance brings convenience for prompt treatment,so as to maintain blood glucose level within the recommended levels.Based on the flash glucose monitoring data,we propose a method that combines prophet with temporal convolutional networks(TCN)to achieve good experimental results in predicting patient blood glucose.The proposed model achieves high accuracy in the long-term and short-term prediction of blood glucose,and outperforms other models on the adaptability to non-stationary and detection capability of periodic changes.
文摘Action recognition has been recognized as an activity in which individuals’behaviour can be observed.Assembling profiles of regular activities such as activities of daily living can support identifying trends in the data during critical events.A skeleton representation of the human body has been proven to be effective for this task.The skeletons are presented in graphs form-like.However,the topology of a graph is not structured like Euclideanbased data.Therefore,a new set of methods to perform the convolution operation upon the skeleton graph is proposed.Our proposal is based on the Spatial Temporal-Graph Convolutional Network(ST-GCN)framework.In this study,we proposed an improved set of label mapping methods for the ST-GCN framework.We introduce three split techniques(full distance split,connection split,and index split)as an alternative approach for the convolution operation.The experiments presented in this study have been trained using two benchmark datasets:NTU-RGB+D and Kinetics to evaluate the performance.Our results indicate that our split techniques outperform the previous partition strategies and aremore stable during training without using the edge importance weighting additional training parameter.Therefore,our proposal can provide a more realistic solution for real-time applications centred on daily living recognition systems activities for indoor environments.
文摘The ever-growing available visual data(i.e.,uploaded videos and pictures by internet users)has attracted the research community’s attention in the computer vision field.Therefore,finding efficient solutions to extract knowledge from these sources is imperative.Recently,the BlazePose system has been released for skeleton extraction from images oriented to mobile devices.With this skeleton graph representation in place,a Spatial-Temporal Graph Convolutional Network can be implemented to predict the action.We hypothesize that just by changing the skeleton input data for a different set of joints that offers more information about the action of interest,it is possible to increase the performance of the Spatial-Temporal Graph Convolutional Network for HAR tasks.Hence,in this study,we present the first implementation of the BlazePose skeleton topology upon this architecture for action recognition.Moreover,we propose the Enhanced-BlazePose topology that can achieve better results than its predecessor.Additionally,we propose different skeleton detection thresholds that can improve the accuracy performance even further.We reached a top-1 accuracy performance of 40.1%on the Kinetics dataset.For the NTU-RGB+D dataset,we achieved 87.59%and 92.1%accuracy for Cross-Subject and Cross-View evaluation criteria,respectively.
基金funded by scientific research projects under Grant JY2024B011.
文摘With the increasing complexity of industrial automation,planetary gearboxes play a vital role in largescale equipment transmission systems,directly impacting operational efficiency and safety.Traditional maintenance strategies often struggle to accurately predict the degradation process of equipment,leading to excessive maintenance costs or potential failure risks.However,existing prediction methods based on statistical models are difficult to adapt to nonlinear degradation processes.To address these challenges,this study proposes a novel condition-based maintenance framework for planetary gearboxes.A comprehensive full-lifecycle degradation experiment was conducted to collect raw vibration signals,which were then processed using a temporal convolutional network autoencoder with multi-scale perception capability to extract deep temporal degradation features,enabling the collaborative extraction of longperiod meshing frequencies and short-term impact features from the vibration signals.Kernel principal component analysis was employed to fuse and normalize these features,enhancing the characterization of degradation progression.A nonlinear Wiener process was used to model the degradation trajectory,with a threshold decay function introduced to dynamically adjust maintenance strategies,and model parameters optimized through maximum likelihood estimation.Meanwhile,the maintenance strategy was optimized to minimize costs per unit time,determining the optimal maintenance timing and preventive maintenance threshold.The comprehensive indicator of degradation trends extracted by this method reaches 0.756,which is 41.2%higher than that of traditional time-domain features;the dynamic threshold strategy reduces the maintenance cost per unit time to 55.56,which is 8.9%better than that of the static threshold optimization.Experimental results demonstrate significant reductions in maintenance costs while enhancing system reliability and safety.This study realizes the organic integration of deep learning and reliability theory in the maintenance of planetary gearboxes,provides an interpretable solution for the predictive maintenance of complex mechanical systems,and promotes the development of condition-based maintenance strategies for planetary gearboxes.
文摘Ship motion attitude is influenced by dynamic marine conditions,presenting significant challenges in developing effective prediction networks.Contemporary prediction networks demonstrate limitations in hidden feature extraction,long-term dependency maintenance,and frequency characteristic incorporation.This paper presents an enhanced model integrating the informer network with a Time Convolutional Network(TCN)and a Frequency-Enhanced Channel Attention Mechanism(FECAM).The model employs a TCN for multi-feature extraction and applies Dimension-Segment-Wise(DSW)embedding for comprehensive multi-dimensional sequence analysis.Furthermore,it incorporates discrete cosine transform within the FECAM module for thorough data frequency analysis.The model integrates these components with the informer model for multivariate prediction.This approach maintains the informer model's capabilities in long-term multivariate prediction while enhancing feature extraction and local frequency information capture from ship motion attitude data,thus improving long-term multivariate prediction accuracy.Experimental results indicate that the proposed model outperforms traditional ship motion attitude prediction methods in forecasting future motion,reducing attitude prediction errors,and improving prediction accuracy.
基金support of the National Natural Science Foundation of China(Grant Nos.52031006,51879158)Shanghai Sailing Program,China(Grant No.20YF1419800).
文摘Nonlinear wave runup could result in serious wave impact on the local structures of offshore platforms in rough seas.The reliable and efficient wave runup prediction is beneficial to provide essential information for the design and operation of offshore platforms.This work aims to develop a novel data-driven method to achieve the nonlinear mapping underlying the wave-structure interactions.The Temporal Convolution Network(TCN)model was employed to predict the wave runup along the column of a semi-submersible in head seas.The incident wave and vertical motions including heave,roll,and pitch were fed into the TCN model to predict the wave runup.Experimental datasets were provided for training and test.Tak-ing both temporal and spatial dependency into consideration,the input tensor space was optimized from the perspective of physical meaning and practicality.Sensitivity analyses were conducted to obtain the optimum length of time window and evaluate the relative importance of input variables to wave runup prediction.Moreover,the effects of characteristics and size of the training dataset on the model perfor-mance were investigated to provide guidelines for training dataset construction.Finally,upon validation,the generated TCN model showed a strong ability to provide stable and accurate wave runup results un-der various wave conditions,and it is a potential alternative tool to achieve efficient but low-cost wave runup prediction.
基金supported by the Sichuan Science and Technology Program under Grant 2020JDJQ0037 and 2020YFG0312.
文摘Electricity prices have complex features,such as high frequency,multiple seasonality,and nonlinearity.These factors will make the prediction of electricity prices difficult.However,accurate electricity price prediction is important for energy producers and consumers to develop bidding strategies.To improve the accuracy of prediction by using each algorithms’advantages,this paper proposes a hybrid model that uses the Empirical Mode Decomposition(EMD),Autoregressive Integrated Moving Average(ARIMA),and Temporal Convolutional Network(TCN).EMD is used to decompose the electricity prices into low and high frequency components.Low frequency components are forecasted by the ARIMA model and the high frequency series are predicted by the TCN model.Experimental results using the realistic electricity price data from Pennsylvania-New Jersey-Maryland(PJM)electricity markets show that the proposed method has a higher prediction accuracy than other single methods and hybrid methods.
基金funded by the Ongoing Research Funding Program(ORF-2025-890),King Saud University,Riyadh,Saudi Arabia.
文摘Activity recognition is a challenging topic in the field of computer vision that has various applications,including surveillance systems,industrial automation,and human-computer interaction.Today,the demand for automation has greatly increased across industries worldwide.Real-time detection requires edge devices with limited computational time.This study proposes a novel hybrid deep learning system for human activity recognition(HAR),aiming to enhance the recognition accuracy and reduce the computational time.The proposed system combines a pretrained image classification model with a sequence analysis model.First,the dataset was divided into a training set(70%),validation set(10%),and test set(20%).Second,all the videos were converted into frames and deep-based features were extracted from each frame using convolutional neural networks(CNNs)with a vision transformer.Following that,bidirectional long short-term memory(BiLSTM)-and temporal convolutional network(TCN)-based models were trained using the training set,and their performances were evaluated using the validation set and test set.Four benchmark datasets(UCF11,UCF50,UCF101,and JHMDB)were used to evaluate the performance of the proposed HAR-based system.The experimental results showed that the combination of ConvNeXt and the TCN-based model achieved a recognition accuracy of 97.73%for UCF11,98.81%for UCF50,98.46%for UCF101,and 83.38%for JHMDB,respectively.This represents improvements in the recognition accuracy of 4%,2.67%,3.67%,and 7.08%for the UCF11,UCF50,UCF101,and JHMDB datasets,respectively,over existing models.Moreover,the proposed HAR-based system obtained superior recognition accuracy,shorter computational times,and minimal memory usage compared to the existing models.
文摘EEG signals are widely used in emotion recognition due to their ability to reflect involuntary physiological responses.However,the high dimensionality of EEG signals and their continuous variability in the time-frequency plane make their analysis challenging.Therefore,advanced deep learning methods are needed to extract meaningful features and improve classification performance.This study proposes a hybrid model that integrates the Swin Transformer and Temporal Convolutional Network(TCN)mechanisms for EEG-based emotion recognition.EEG signals are first converted into scalogram images using Continuous Wavelet Transform(CWT),and classification is performed on these images.Swin Transformer is used to extract spatial features in scalogram images,and the TCN method is used to learn long-term dependencies.In addition,attention mechanisms are integrated to highlight the essential features extracted from both models.The effectiveness of the proposed model has been tested on the SEED dataset,widely used in the field of emotion recognition,and it has consistently achieved high performance across all emotional classes,with accuracy,precision,recall,and F1-score values of 97.53%,97.54%,97.53%,and 97.54%,respectively.Compared to traditional transfer learning models,the proposed approach achieved an accuracy increase of 1.43%over ResNet-101,1.81%over DenseNet-201,and 2.44%over VGG-19.In addition,the proposed model outperformed many recent CNN,RNN,and Transformer-based methods reported in the literature.
基金Project supported by the Young Scientists Fund of the National Natural Science Foundation of China(No.62102241)。
文摘To address the challenge of cyberattacks,intrusion detection systems(IDSs)are introduced to recognize intrusions and protect computer networks.Among all these IDSs,conventional machine learning methods rely on shallow learning and have unsatisfactory performance.Unlike machine learning methods,deep learning methods are the mainstream methods because of their capability to handle mass data without prior knowledge of specific domain expertise.Concerning deep learning,long short-term memory(LSTM)and temporal convolutional networks(TCNs)can be used to extract temporal features from different angles,while convolutional neural networks(CNNs)are valuable for learning spatial properties.Based on the above,this paper proposes a novel interlaced and spatiotemporal deep learning model called CRGT-SA,which combines CNN with gated TCN and recurrent neural network(RNN)modules to learn spatiotemporal properties,and imports the self-attention mechanism to select significant features.More specifically,our proposed model splits the feature extraction into multiple steps with a gradually increasing granularity,and executes each step with a combined CNN,LSTM,and gated TCN module.Our proposed CRGT-SA model is validated using the UNSW-NB15 dataset and is compared with other compelling techniques,including traditional machine learning and deep learning models as well as state-of-the-art deep learning models.According to the simulation results,our proposed model exhibits the highest accuracy and F1-score among all the compared methods.More specifically,our proposed model achieves 91.5%and 90.5%accuracy for binary and multi-class classifications respectively,and demonstrates its ability to protect the Internet from complicated cyberattacks.Moreover,we conduct another series of simulations on the NSL-KDD dataset;the simulation results of comparison with other models further prove the generalization ability of our proposed model.
基金supported in part by the Key Research and Development Program of Shaanxi Province under Grant 2020GY-104in part by the Key Laboratory of Highway Construction Machinery of Shaanxi Province,Key Laboratory of Road Construction Technology and Equipment(Chang'an University),MOE,under Grant 300102250503in part by the Fundamental Research Funds for the Central Universities under Grant CHD 300102250503.
文摘Accurate predictions of the Remaining useful life(RUL)of mechanical equipment are vital for lowering maintenance costs and maintaining equipment reliability and safety.Datadriven RUL prediction methods have made significant progress,but they often assume that the training and testing data have the same distribution,which is often not the case in practical engineering applications.To address this issue,this paper proposes a residual useful life prediction model that combines deep learning and transfer learning.In this model,called transfer convolutional attention mechanism for early-life stage time convolutional network(TCAM-EASTCN),an unsupervised domain adaptation strategy is introduced based on the characterization of subspace distances and orthogonal basis mismatch penalties in the convolutional attention mechanism for early-life stage time convolutional network(CAMEASTCN).This approach minimizes the distribution differences between different domains,enhancing the learning of cross-domain invariant features and effectively reducing the distribution gap between the source and target domains,thereby improving the accuracy of RUL prediction under varying conditions.Experimental results demonstrate that TCAMEASTCN outperforms other models in terms of RUL prediction accuracy and generalization.