The rapid development and widespread adoption of Internet technology have significantly increased Internet traffic,highlighting the growing importance of network security.Intrusion Detection Systems(IDS)are essential ...The rapid development and widespread adoption of Internet technology have significantly increased Internet traffic,highlighting the growing importance of network security.Intrusion Detection Systems(IDS)are essential for safeguarding network integrity.To address the low accuracy of existing intrusion detection models in identifying network attacks,this paper proposes an intrusion detection method based on the fusion of Spatial Attention mechanism and Residual Neural Network(SA-ResNet).Utilizing residual connections can effectively capture local features in the data;by introducing a spatial attention mechanism,the global dependency relationships of intrusion features can be extracted,enhancing the intrusion recognition model’s focus on the global features of intrusions,and effectively improving the accuracy of intrusion recognition.The proposed model in this paper was experimentally verified on theNSL-KDD dataset.The experimental results showthat the intrusion recognition accuracy of the intrusion detection method based on SA-ResNet has reached 99.86%,and its overall accuracy is 0.41% higher than that of traditional Convolutional Neural Network(CNN)models.展开更多
In the field of image processing,the analysis of Synthetic Aperture Radar(SAR)images is crucial due to its broad range of applications.However,SAR images are often affected by coherent speckle noise,which significantl...In the field of image processing,the analysis of Synthetic Aperture Radar(SAR)images is crucial due to its broad range of applications.However,SAR images are often affected by coherent speckle noise,which significantly degrades image quality.Traditional denoising methods,typically based on filter techniques,often face challenges related to inefficiency and limited adaptability.To address these limitations,this study proposes a novel SAR image denoising algorithm based on an enhanced residual network architecture,with the objective of enhancing the utility of SAR imagery in complex electromagnetic environments.The proposed algorithm integrates residual network modules,which directly process the noisy input images to generate denoised outputs.This approach not only reduces computational complexity but also mitigates the difficulties associated with model training.By combining the Transformer module with the residual block,the algorithm enhances the network's ability to extract global features,offering superior feature extraction capabilities compared to CNN-based residual modules.Additionally,the algorithm employs the adaptive activation function Meta-ACON,which dynamically adjusts the activation patterns of neurons,thereby improving the network's feature extraction efficiency.The effectiveness of the proposed denoising method is empirically validated using real SAR images from the RSOD dataset.The proposed algorithm exhibits remarkable performance in terms of EPI,SSIM,and ENL,while achieving a substantial enhancement in PSNR when compared to traditional and deep learning-based algorithms.The PSNR performance is enhanced by over twofold.Moreover,the evaluation of the MSTAR SAR dataset substantiates the algorithm's robustness and applicability in SAR denoising tasks,with a PSNR of 25.2021 being attained.These findings underscore the efficacy of the proposed algorithm in mitigating speckle noise while preserving critical features in SAR imagery,thereby enhancing its quality and usability in practical scenarios.展开更多
Objective N6-methyladenosine(m6A),the most prevalent epigenetic modification in eukaryotic RNA,plays a pivotal role in regulating cellular differentiation and developmental processes,with its dysregulation implicated ...Objective N6-methyladenosine(m6A),the most prevalent epigenetic modification in eukaryotic RNA,plays a pivotal role in regulating cellular differentiation and developmental processes,with its dysregulation implicated in diverse pathological conditions.Accurate prediction of m6A sites is critical for elucidating their regulatory mechanisms and informing drug development.However,traditional experimental methods are time-consuming and costly.Although various computational approaches have been proposed,challenges remain in feature learning,predictive accuracy,and generalization.Here,we present m6A-PSRA,a dual-branch residual-network-based predictor that fully exploits RNA sequence information to enhance prediction performance and model generalization.Methods m6A-PSRA adopts a parallel dual-branch network architecture to comprehensively extract RNA sequence features via two independent pathways.The first branch applies one-hot encoding to transform the RNA sequence into a numerical matrix while strictly preserving positional information and sequence continuity.This ensures that the biological context conveyed by nucleotide order is retained.A bidirectional long short-term memory network(BiLSTM)then processes the encoded matrix,capturing both forward and backward dependencies between bases to resolve contextual correlations.The second branch employs a k-mer tokenization strategy(k=3),decomposing the sequence into overlapping 3-mer subsequences to capture local sequence patterns.A pre-trained Doc2vec model maps these subsequences into fixeddimensional vectors,reducing feature dimensionality while extracting latent global semantic information via context learning.Both branches integrate residual networks(ResNet)and a self-attention mechanism:ResNet mitigates vanishing gradients through skip connections,preserving feature integrity,while self-attention adaptively assigns weights to focus on sequence regions most relevant to methylation prediction.This synergy enhances both feature learning and generalization capability.Results Across 11 tissues from humans,mice,and rats,m6A-PSRA consistently outperformed existing methods in accuracy(ACC)and area under the curve(AUC),achieving>90%ACC and>95%AUC in every tissue tested,indicating strong cross-species and cross-tissue adaptability.Validation on independent datasets—including three human cell lines(MOLM1,HEK293,A549)and a long-sequence dataset(m6A_IND,1001 nt)—confirmed stable performance across varied biological contexts and sequence lengths.Ablation studies demonstrated that the dual-branch architecture,residual network,and self-attention mechanism each contribute critically to performance,with their combination reducing interference between pathways.Motif analysis revealed an enrichment of m6A sites in guanine(G)and cytosine(C),consistent with known regulatory patterns,supporting the model’s biological plausibility.Conclusion m6A-PSRA effectively captures RNA sequence features,achieving high prediction accuracy and robust generalization across tissues and species,providing an efficient computational tool for m6A methylation site prediction.展开更多
Residual neural network (ResNet) is a powerful neural network architecture that has proven to be excellent in extracting spatial and channel-wise information of images. ResNet employs a residual learning strategy that...Residual neural network (ResNet) is a powerful neural network architecture that has proven to be excellent in extracting spatial and channel-wise information of images. ResNet employs a residual learning strategy that maps inputs directly to outputs, making it less difficult to optimize. In this paper, we incorporate differential information into the original residual block to improve the representative ability of the ResNet, allowing the modified network to capture more complex and metaphysical features. The proposed DFNet preserves the features after each convolutional operation in the residual block, and combines the feature maps of different levels of abstraction through the differential information. To verify the effectiveness of DFNet on image recognition, we select six distinct classification datasets. The experimental results show that our proposed DFNet has better performance and generalization ability than other state-of-the-art variants of ResNet in terms of classification accuracy and other statistical analysis.展开更多
Abnormal network traffic, as a frequent security risk, requires a series of techniques to categorize and detect it. Existing network traffic anomaly detection still faces challenges: the inability to fully extract loc...Abnormal network traffic, as a frequent security risk, requires a series of techniques to categorize and detect it. Existing network traffic anomaly detection still faces challenges: the inability to fully extract local and global features, as well as the lack of effective mechanisms to capture complex interactions between features;Additionally, when increasing the receptive field to obtain deeper feature representations, the reliance on increasing network depth leads to a significant increase in computational resource consumption, affecting the efficiency and performance of detection. Based on these issues, firstly, this paper proposes a network traffic anomaly detection model based on parallel dilated convolution and residual learning (Res-PDC). To better explore the interactive relationships between features, the traffic samples are converted into two-dimensional matrix. A module combining parallel dilated convolutions and residual learning (res-pdc) was designed to extract local and global features of traffic at different scales. By utilizing res-pdc modules with different dilation rates, we can effectively capture spatial features at different scales and explore feature dependencies spanning wider regions without increasing computational resources. Secondly, to focus and integrate the information in different feature subspaces, further enhance and extract the interactions among the features, multi-head attention is added to Res-PDC, resulting in the final model: multi-head attention enhanced parallel dilated convolution and residual learning (MHA-Res-PDC) for network traffic anomaly detection. Finally, comparisons with other machine learning and deep learning algorithms are conducted on the NSL-KDD and CIC-IDS-2018 datasets. The experimental results demonstrate that the proposed method in this paper can effectively improve the detection performance.展开更多
In the burgeoning field of anomaly detection within attributed networks,traditional methodologies often encounter the intricacies of network complexity,particularly in capturing nonlinearity and sparsity.This study in...In the burgeoning field of anomaly detection within attributed networks,traditional methodologies often encounter the intricacies of network complexity,particularly in capturing nonlinearity and sparsity.This study introduces an innovative approach that synergizes the strengths of graph convolutional networks with advanced deep residual learning and a unique residual-based attention mechanism,thereby creating a more nuanced and efficient method for anomaly detection in complex networks.The heart of our model lies in the integration of graph convolutional networks that capture complex structural relationships within the network data.This is further bolstered by deep residual learning,which is employed to model intricate nonlinear connections directly from input data.A pivotal innovation in our approach is the incorporation of a residual-based attention mech-anism.This mechanism dynamically adjusts the importance of nodes based on their residual information,thereby significantly enhancing the sensitivity of the model to subtle anomalies.Furthermore,we introduce a novel hypersphere mapping technique in the latent space to distinctly separate normal and anomalous data.This mapping is the key to our model’s ability to pinpoint anomalies with greater precision.An extensive experimental setup was used to validate the efficacy of the proposed model.Using attributed social network datasets,we demonstrate that our model not only competes with but also surpasses existing state-of-the-art methods in anomaly detection.The results show the exceptional capability of our model to handle the multifaceted nature of real-world networks.展开更多
Handling missing data accurately is critical in clinical research, where data quality directly impacts decision-making and patient outcomes. While deep learning (DL) techniques for data imputation have gained attentio...Handling missing data accurately is critical in clinical research, where data quality directly impacts decision-making and patient outcomes. While deep learning (DL) techniques for data imputation have gained attention, challenges remain, especially when dealing with diverse data types. In this study, we introduce a novel data imputation method based on a modified convolutional neural network, specifically, a Deep Residual-Convolutional Neural Network (DRes-CNN) architecture designed to handle missing values across various datasets. Our approach demonstrates substantial improvements over existing imputation techniques by leveraging residual connections and optimized convolutional layers to capture complex data patterns. We evaluated the model on publicly available datasets, including Medical Information Mart for Intensive Care (MIMIC-III and MIMIC-IV), which contain critical care patient data, and the Beijing Multi-Site Air Quality dataset, which measures environmental air quality. The proposed DRes-CNN method achieved a root mean square error (RMSE) of 0.00006, highlighting its high accuracy and robustness. We also compared with Low Light-Convolutional Neural Network (LL-CNN) and U-Net methods, which had RMSE values of 0.00075 and 0.00073, respectively. This represented an improvement of approximately 92% over LL-CNN and 91% over U-Net. The results showed that this DRes-CNN-based imputation method outperforms current state-of-the-art models. These results established DRes-CNN as a reliable solution for addressing missing data.展开更多
Physics-informed neural networks(PINNs)have shown remarkable prospects in solving the forward and inverse problems involving partial differential equations(PDEs).The method embeds PDEs into the neural network by calcu...Physics-informed neural networks(PINNs)have shown remarkable prospects in solving the forward and inverse problems involving partial differential equations(PDEs).The method embeds PDEs into the neural network by calculating the PDE loss at a set of collocation points,providing advantages such as meshfree and more convenient adaptive sampling.However,when solving PDEs using nonuniform collocation points,PINNs still face challenge regarding inefficient convergence of PDE residuals or even failure.In this work,we first analyze the ill-conditioning of the PDE loss in PINNs under nonuniform collocation points.To address the issue,we define volume weighting residual and propose volume weighting physics-informed neural networks(VW-PINNs).Through weighting the PDE residuals by the volume that the collocation points occupy within the computational domain,we embed explicitly the distribution characteristics of collocation points in the loss evaluation.The fast and sufficient convergence of the PDE residuals for the problems involving nonuniform collocation points is guaranteed.Considering the meshfree characteristics of VW-PINNs,we also develop a volume approximation algorithm based on kernel density estimation to calculate the volume of the collocation points.We validate the universality of VW-PINNs by solving the forward problems involving flow over a circular cylinder and flow over the NACA0012 airfoil under different inflow conditions,where conventional PINNs fail.By solving the Burgers’equation,we verify that VW-PINNs can enhance the efficiency of existing the adaptive sampling method in solving the forward problem by three times,and can reduce the relative L 2 error of conventional PINNs in solving the inverse problem by more than one order of magnitude.展开更多
The fifth-generation (5G) communication requires a highly accurate estimation of the channel state information (CSI)to take advantage of the massive multiple-input multiple-output(MIMO) system. However, traditional ch...The fifth-generation (5G) communication requires a highly accurate estimation of the channel state information (CSI)to take advantage of the massive multiple-input multiple-output(MIMO) system. However, traditional channel estimation methods do not always yield reliable estimates. The methodology of this paper consists of deep residual shrinkage network (DRSN)neural network-based method that is used to solve this problem.Thus, the channel estimation approach, based on DRSN with its learning ability of noise-containing data, is first introduced. Then,the DRSN is used to train the noise reduction process based on the results of the least square (LS) channel estimation while applying the pilot frequency subcarriers, where the initially estimated subcarrier channel matrix is considered as a three-dimensional tensor of the DRSN input. Afterward, a mixed signal to noise ratio (SNR) training data strategy is proposed based on the learning ability of DRSN under different SNRs. Moreover, a joint mixed scenario training strategy is carried out to test the multi scenarios robustness of DRSN. As for the findings, the numerical results indicate that the DRSN method outperforms the spatial-frequency-temporal convolutional neural networks (SF-CNN)with similar computational complexity and achieves better advantages in the full SNR range than the minimum mean squared error (MMSE) estimator with a limited dataset. Moreover, the DRSN approach shows robustness in different propagation environments.展开更多
Geomagnetic data hold significant value in fields such as earthquake monitoring and deep earth exploration.However,the increasing severity of anthropogenic noise contamination in existing geomagnetic observatory data ...Geomagnetic data hold significant value in fields such as earthquake monitoring and deep earth exploration.However,the increasing severity of anthropogenic noise contamination in existing geomagnetic observatory data poses substantial challenges to high-precision computational analysis of geomagnetic data.To overcome this problem,we propose a denoising method for geomagnetic data based on the Residual Shrinkage Network(RSN).We construct a sample library of simulated and measured geomagnetic data develop and train the RSN denoising network.Through its unique soft thresholding module,RSN adaptively learns and removes noise from the data,effectively improving data quality.In experiments with noise-added measured data,RSN enhances the quality of the noisy data by approximately 12 dB on average.The proposed method is further validated through denoising analysis on measured data by comparing results of time-domain sequences,multiple square coherence and geomagnetic transfer functions.展开更多
针对机场鸟类识别过程中存在识别难度较大、准确率较低等问题,该文提出了一种改进ResNet的SA-ResNet(SPDConv and Attention-ResNet)模型。模型采用空间到深度卷积(SPDConv)替换ResNet18中的跨步卷积层,避免信息的过度丢失,增强模型特...针对机场鸟类识别过程中存在识别难度较大、准确率较低等问题,该文提出了一种改进ResNet的SA-ResNet(SPDConv and Attention-ResNet)模型。模型采用空间到深度卷积(SPDConv)替换ResNet18中的跨步卷积层,避免信息的过度丢失,增强模型特征提取能力;使用高效通道注意力(ECA)改进卷积块注意力模块(CBAM),并提出高效卷积块注意力模块(ECBAM)进一步提高模型识别准确率。通过自建的ADB-20机场鸟类数据集验证表明,SA-ResNet模型的准确率达到了95.9%,能够很好地识别机场鸟类,为机场开展鸟击防范工作奠定基础。展开更多
为解决网络训练复杂度高的问题并改进语音情感特征提取,提出了基于双嵌套残差网络(DNResNet11)与通道注意残差网络(CRNet)的双支路特征提取模型。首先,设计了低复杂度的DN-ResNet11以高效提取语谱图的融合情感特征,提升情感识别率;然后...为解决网络训练复杂度高的问题并改进语音情感特征提取,提出了基于双嵌套残差网络(DNResNet11)与通道注意残差网络(CRNet)的双支路特征提取模型。首先,设计了低复杂度的DN-ResNet11以高效提取语谱图的融合情感特征,提升情感识别率;然后,结合多尺度引导滤波和局部二值模式(local binary pattern,LBP)算法对语谱图进行细节增强;最后,融合两组特征进行情感分类,形成双支路加权融合模型(weighted fusion model based on dual nested residual and channel residual network,WFDN_CRNet),进一步提升情感表征能力。在CASIA、EMO-DB、IEMOCAP等语音情感数据集上情感识别率分别达到94.58%、85.59%、65.72%,所提方法在情感识别率优于ResNet18等基准方法的同时,显著降低了计算成本,验证了模型的有效性。展开更多
Regular exercise is a crucial aspect of daily life, as it enables individuals to stay physically active, lowers thelikelihood of developing illnesses, and enhances life expectancy. The recognition of workout actions i...Regular exercise is a crucial aspect of daily life, as it enables individuals to stay physically active, lowers thelikelihood of developing illnesses, and enhances life expectancy. The recognition of workout actions in videostreams holds significant importance in computer vision research, as it aims to enhance exercise adherence, enableinstant recognition, advance fitness tracking technologies, and optimize fitness routines. However, existing actiondatasets often lack diversity and specificity for workout actions, hindering the development of accurate recognitionmodels. To address this gap, the Workout Action Video dataset (WAVd) has been introduced as a significantcontribution. WAVd comprises a diverse collection of labeled workout action videos, meticulously curated toencompass various exercises performed by numerous individuals in different settings. This research proposes aninnovative framework based on the Attention driven Residual Deep Convolutional-Gated Recurrent Unit (ResDCGRU)network for workout action recognition in video streams. Unlike image-based action recognition, videoscontain spatio-temporal information, making the task more complex and challenging. While substantial progresshas been made in this area, challenges persist in detecting subtle and complex actions, handling occlusions,and managing the computational demands of deep learning approaches. The proposed ResDC-GRU Attentionmodel demonstrated exceptional classification performance with 95.81% accuracy in classifying workout actionvideos and also outperformed various state-of-the-art models. The method also yielded 81.6%, 97.2%, 95.6%, and93.2% accuracy on established benchmark datasets, namely HMDB51, Youtube Actions, UCF50, and UCF101,respectively, showcasing its superiority and robustness in action recognition. The findings suggest practicalimplications in real-world scenarios where precise video action recognition is paramount, addressing the persistingchallenges in the field. TheWAVd dataset serves as a catalyst for the development ofmore robust and effective fitnesstracking systems and ultimately promotes healthier lifestyles through improved exercise monitoring and analysis.展开更多
基金supported by National Natural Science Foundation of China(62473341)Key Research and Development Special Project of Henan Province(221111210500)Key Research and Development Special Project of Henan Province(242102211071,242102210142,232102211053).
文摘The rapid development and widespread adoption of Internet technology have significantly increased Internet traffic,highlighting the growing importance of network security.Intrusion Detection Systems(IDS)are essential for safeguarding network integrity.To address the low accuracy of existing intrusion detection models in identifying network attacks,this paper proposes an intrusion detection method based on the fusion of Spatial Attention mechanism and Residual Neural Network(SA-ResNet).Utilizing residual connections can effectively capture local features in the data;by introducing a spatial attention mechanism,the global dependency relationships of intrusion features can be extracted,enhancing the intrusion recognition model’s focus on the global features of intrusions,and effectively improving the accuracy of intrusion recognition.The proposed model in this paper was experimentally verified on theNSL-KDD dataset.The experimental results showthat the intrusion recognition accuracy of the intrusion detection method based on SA-ResNet has reached 99.86%,and its overall accuracy is 0.41% higher than that of traditional Convolutional Neural Network(CNN)models.
文摘In the field of image processing,the analysis of Synthetic Aperture Radar(SAR)images is crucial due to its broad range of applications.However,SAR images are often affected by coherent speckle noise,which significantly degrades image quality.Traditional denoising methods,typically based on filter techniques,often face challenges related to inefficiency and limited adaptability.To address these limitations,this study proposes a novel SAR image denoising algorithm based on an enhanced residual network architecture,with the objective of enhancing the utility of SAR imagery in complex electromagnetic environments.The proposed algorithm integrates residual network modules,which directly process the noisy input images to generate denoised outputs.This approach not only reduces computational complexity but also mitigates the difficulties associated with model training.By combining the Transformer module with the residual block,the algorithm enhances the network's ability to extract global features,offering superior feature extraction capabilities compared to CNN-based residual modules.Additionally,the algorithm employs the adaptive activation function Meta-ACON,which dynamically adjusts the activation patterns of neurons,thereby improving the network's feature extraction efficiency.The effectiveness of the proposed denoising method is empirically validated using real SAR images from the RSOD dataset.The proposed algorithm exhibits remarkable performance in terms of EPI,SSIM,and ENL,while achieving a substantial enhancement in PSNR when compared to traditional and deep learning-based algorithms.The PSNR performance is enhanced by over twofold.Moreover,the evaluation of the MSTAR SAR dataset substantiates the algorithm's robustness and applicability in SAR denoising tasks,with a PSNR of 25.2021 being attained.These findings underscore the efficacy of the proposed algorithm in mitigating speckle noise while preserving critical features in SAR imagery,thereby enhancing its quality and usability in practical scenarios.
基金supported by grants from The National Natural Science Foundation of China(12361104)Yunnan Fundamental Research Projects(202301AT070016,202401AT070036)+2 种基金the Youth Talent Program of Xingdian Talent Support Plan(XDYC-QNRC-2022-0514)the Yunnan Province International Joint Laboratory for Intelligent Integration and Application of Ethnic Multilingualism(202403AP140014)the Open Research Fund of Yunnan Key Laboratory of Statistical Modeling and Data Analysis,Yunnan University(SMDAYB2023004)。
文摘Objective N6-methyladenosine(m6A),the most prevalent epigenetic modification in eukaryotic RNA,plays a pivotal role in regulating cellular differentiation and developmental processes,with its dysregulation implicated in diverse pathological conditions.Accurate prediction of m6A sites is critical for elucidating their regulatory mechanisms and informing drug development.However,traditional experimental methods are time-consuming and costly.Although various computational approaches have been proposed,challenges remain in feature learning,predictive accuracy,and generalization.Here,we present m6A-PSRA,a dual-branch residual-network-based predictor that fully exploits RNA sequence information to enhance prediction performance and model generalization.Methods m6A-PSRA adopts a parallel dual-branch network architecture to comprehensively extract RNA sequence features via two independent pathways.The first branch applies one-hot encoding to transform the RNA sequence into a numerical matrix while strictly preserving positional information and sequence continuity.This ensures that the biological context conveyed by nucleotide order is retained.A bidirectional long short-term memory network(BiLSTM)then processes the encoded matrix,capturing both forward and backward dependencies between bases to resolve contextual correlations.The second branch employs a k-mer tokenization strategy(k=3),decomposing the sequence into overlapping 3-mer subsequences to capture local sequence patterns.A pre-trained Doc2vec model maps these subsequences into fixeddimensional vectors,reducing feature dimensionality while extracting latent global semantic information via context learning.Both branches integrate residual networks(ResNet)and a self-attention mechanism:ResNet mitigates vanishing gradients through skip connections,preserving feature integrity,while self-attention adaptively assigns weights to focus on sequence regions most relevant to methylation prediction.This synergy enhances both feature learning and generalization capability.Results Across 11 tissues from humans,mice,and rats,m6A-PSRA consistently outperformed existing methods in accuracy(ACC)and area under the curve(AUC),achieving>90%ACC and>95%AUC in every tissue tested,indicating strong cross-species and cross-tissue adaptability.Validation on independent datasets—including three human cell lines(MOLM1,HEK293,A549)and a long-sequence dataset(m6A_IND,1001 nt)—confirmed stable performance across varied biological contexts and sequence lengths.Ablation studies demonstrated that the dual-branch architecture,residual network,and self-attention mechanism each contribute critically to performance,with their combination reducing interference between pathways.Motif analysis revealed an enrichment of m6A sites in guanine(G)and cytosine(C),consistent with known regulatory patterns,supporting the model’s biological plausibility.Conclusion m6A-PSRA effectively captures RNA sequence features,achieving high prediction accuracy and robust generalization across tissues and species,providing an efficient computational tool for m6A methylation site prediction.
基金supported by the Japan Society for the Promotion of Science(JSPS)KAKENHI under Grant JP22H03643Japan Science and Technology Agency(JST)Support for Pioneering Research Initiated by the Next Generation(SPRING)under Grant JPMJSP2145JST through the Establishment of University Fellowships towards the Creation of Science Technology Innovation under Grant JPMJFS2115.
文摘Residual neural network (ResNet) is a powerful neural network architecture that has proven to be excellent in extracting spatial and channel-wise information of images. ResNet employs a residual learning strategy that maps inputs directly to outputs, making it less difficult to optimize. In this paper, we incorporate differential information into the original residual block to improve the representative ability of the ResNet, allowing the modified network to capture more complex and metaphysical features. The proposed DFNet preserves the features after each convolutional operation in the residual block, and combines the feature maps of different levels of abstraction through the differential information. To verify the effectiveness of DFNet on image recognition, we select six distinct classification datasets. The experimental results show that our proposed DFNet has better performance and generalization ability than other state-of-the-art variants of ResNet in terms of classification accuracy and other statistical analysis.
基金supported by the Xiamen Science and Technology Subsidy Project(No.2023CXY0318).
文摘Abnormal network traffic, as a frequent security risk, requires a series of techniques to categorize and detect it. Existing network traffic anomaly detection still faces challenges: the inability to fully extract local and global features, as well as the lack of effective mechanisms to capture complex interactions between features;Additionally, when increasing the receptive field to obtain deeper feature representations, the reliance on increasing network depth leads to a significant increase in computational resource consumption, affecting the efficiency and performance of detection. Based on these issues, firstly, this paper proposes a network traffic anomaly detection model based on parallel dilated convolution and residual learning (Res-PDC). To better explore the interactive relationships between features, the traffic samples are converted into two-dimensional matrix. A module combining parallel dilated convolutions and residual learning (res-pdc) was designed to extract local and global features of traffic at different scales. By utilizing res-pdc modules with different dilation rates, we can effectively capture spatial features at different scales and explore feature dependencies spanning wider regions without increasing computational resources. Secondly, to focus and integrate the information in different feature subspaces, further enhance and extract the interactions among the features, multi-head attention is added to Res-PDC, resulting in the final model: multi-head attention enhanced parallel dilated convolution and residual learning (MHA-Res-PDC) for network traffic anomaly detection. Finally, comparisons with other machine learning and deep learning algorithms are conducted on the NSL-KDD and CIC-IDS-2018 datasets. The experimental results demonstrate that the proposed method in this paper can effectively improve the detection performance.
文摘In the burgeoning field of anomaly detection within attributed networks,traditional methodologies often encounter the intricacies of network complexity,particularly in capturing nonlinearity and sparsity.This study introduces an innovative approach that synergizes the strengths of graph convolutional networks with advanced deep residual learning and a unique residual-based attention mechanism,thereby creating a more nuanced and efficient method for anomaly detection in complex networks.The heart of our model lies in the integration of graph convolutional networks that capture complex structural relationships within the network data.This is further bolstered by deep residual learning,which is employed to model intricate nonlinear connections directly from input data.A pivotal innovation in our approach is the incorporation of a residual-based attention mech-anism.This mechanism dynamically adjusts the importance of nodes based on their residual information,thereby significantly enhancing the sensitivity of the model to subtle anomalies.Furthermore,we introduce a novel hypersphere mapping technique in the latent space to distinctly separate normal and anomalous data.This mapping is the key to our model’s ability to pinpoint anomalies with greater precision.An extensive experimental setup was used to validate the efficacy of the proposed model.Using attributed social network datasets,we demonstrate that our model not only competes with but also surpasses existing state-of-the-art methods in anomaly detection.The results show the exceptional capability of our model to handle the multifaceted nature of real-world networks.
基金supported by the Intelligent System Research Group(ISysRG)supported by Universitas Sriwijaya funded by the Competitive Research 2024.
文摘Handling missing data accurately is critical in clinical research, where data quality directly impacts decision-making and patient outcomes. While deep learning (DL) techniques for data imputation have gained attention, challenges remain, especially when dealing with diverse data types. In this study, we introduce a novel data imputation method based on a modified convolutional neural network, specifically, a Deep Residual-Convolutional Neural Network (DRes-CNN) architecture designed to handle missing values across various datasets. Our approach demonstrates substantial improvements over existing imputation techniques by leveraging residual connections and optimized convolutional layers to capture complex data patterns. We evaluated the model on publicly available datasets, including Medical Information Mart for Intensive Care (MIMIC-III and MIMIC-IV), which contain critical care patient data, and the Beijing Multi-Site Air Quality dataset, which measures environmental air quality. The proposed DRes-CNN method achieved a root mean square error (RMSE) of 0.00006, highlighting its high accuracy and robustness. We also compared with Low Light-Convolutional Neural Network (LL-CNN) and U-Net methods, which had RMSE values of 0.00075 and 0.00073, respectively. This represented an improvement of approximately 92% over LL-CNN and 91% over U-Net. The results showed that this DRes-CNN-based imputation method outperforms current state-of-the-art models. These results established DRes-CNN as a reliable solution for addressing missing data.
基金supported by the National Natural Science Foundation of China(Grant No.92152301)the National Key Research and Development Program of China(Grant No.2022YFB4300200)the Shaanxi Provincial Key Research and Development Program(Grant No.2023-ZDLGY-27).
文摘Physics-informed neural networks(PINNs)have shown remarkable prospects in solving the forward and inverse problems involving partial differential equations(PDEs).The method embeds PDEs into the neural network by calculating the PDE loss at a set of collocation points,providing advantages such as meshfree and more convenient adaptive sampling.However,when solving PDEs using nonuniform collocation points,PINNs still face challenge regarding inefficient convergence of PDE residuals or even failure.In this work,we first analyze the ill-conditioning of the PDE loss in PINNs under nonuniform collocation points.To address the issue,we define volume weighting residual and propose volume weighting physics-informed neural networks(VW-PINNs).Through weighting the PDE residuals by the volume that the collocation points occupy within the computational domain,we embed explicitly the distribution characteristics of collocation points in the loss evaluation.The fast and sufficient convergence of the PDE residuals for the problems involving nonuniform collocation points is guaranteed.Considering the meshfree characteristics of VW-PINNs,we also develop a volume approximation algorithm based on kernel density estimation to calculate the volume of the collocation points.We validate the universality of VW-PINNs by solving the forward problems involving flow over a circular cylinder and flow over the NACA0012 airfoil under different inflow conditions,where conventional PINNs fail.By solving the Burgers’equation,we verify that VW-PINNs can enhance the efficiency of existing the adaptive sampling method in solving the forward problem by three times,and can reduce the relative L 2 error of conventional PINNs in solving the inverse problem by more than one order of magnitude.
基金supported by the National Key Scientific Instrument and Equipment Development Project(61827801).
文摘The fifth-generation (5G) communication requires a highly accurate estimation of the channel state information (CSI)to take advantage of the massive multiple-input multiple-output(MIMO) system. However, traditional channel estimation methods do not always yield reliable estimates. The methodology of this paper consists of deep residual shrinkage network (DRSN)neural network-based method that is used to solve this problem.Thus, the channel estimation approach, based on DRSN with its learning ability of noise-containing data, is first introduced. Then,the DRSN is used to train the noise reduction process based on the results of the least square (LS) channel estimation while applying the pilot frequency subcarriers, where the initially estimated subcarrier channel matrix is considered as a three-dimensional tensor of the DRSN input. Afterward, a mixed signal to noise ratio (SNR) training data strategy is proposed based on the learning ability of DRSN under different SNRs. Moreover, a joint mixed scenario training strategy is carried out to test the multi scenarios robustness of DRSN. As for the findings, the numerical results indicate that the DRSN method outperforms the spatial-frequency-temporal convolutional neural networks (SF-CNN)with similar computational complexity and achieves better advantages in the full SNR range than the minimum mean squared error (MMSE) estimator with a limited dataset. Moreover, the DRSN approach shows robustness in different propagation environments.
基金Deep Earth Probe and Mineral Resources ExplorationNational Science and Technology Major Project(2024ZD1000208)SinoProbe Laboratory Fund of Chinese Academy of Geological Sciences(SL202401)+3 种基金Project of the Nuclear Technology Application Engineering Research Center of the Ministry of Education(HJSJYB2021-3)2022 Fuzhou Science and Technology Plan Project(Research on High Voltage Electrostatic Atomization New Air Sterilization and Purification Technology and Equipment)Jiangxi Province Major Science and Technology Special Project(20233AAE02008)Fuzhou Unveiling and Leading Project(Jiangxi Gandian)-Online Diagnosis and Intelligent Cloud Platform for the Health Status of Transformer and Distribution Equipment。
文摘Geomagnetic data hold significant value in fields such as earthquake monitoring and deep earth exploration.However,the increasing severity of anthropogenic noise contamination in existing geomagnetic observatory data poses substantial challenges to high-precision computational analysis of geomagnetic data.To overcome this problem,we propose a denoising method for geomagnetic data based on the Residual Shrinkage Network(RSN).We construct a sample library of simulated and measured geomagnetic data develop and train the RSN denoising network.Through its unique soft thresholding module,RSN adaptively learns and removes noise from the data,effectively improving data quality.In experiments with noise-added measured data,RSN enhances the quality of the noisy data by approximately 12 dB on average.The proposed method is further validated through denoising analysis on measured data by comparing results of time-domain sequences,multiple square coherence and geomagnetic transfer functions.
文摘针对机场鸟类识别过程中存在识别难度较大、准确率较低等问题,该文提出了一种改进ResNet的SA-ResNet(SPDConv and Attention-ResNet)模型。模型采用空间到深度卷积(SPDConv)替换ResNet18中的跨步卷积层,避免信息的过度丢失,增强模型特征提取能力;使用高效通道注意力(ECA)改进卷积块注意力模块(CBAM),并提出高效卷积块注意力模块(ECBAM)进一步提高模型识别准确率。通过自建的ADB-20机场鸟类数据集验证表明,SA-ResNet模型的准确率达到了95.9%,能够很好地识别机场鸟类,为机场开展鸟击防范工作奠定基础。
文摘为解决网络训练复杂度高的问题并改进语音情感特征提取,提出了基于双嵌套残差网络(DNResNet11)与通道注意残差网络(CRNet)的双支路特征提取模型。首先,设计了低复杂度的DN-ResNet11以高效提取语谱图的融合情感特征,提升情感识别率;然后,结合多尺度引导滤波和局部二值模式(local binary pattern,LBP)算法对语谱图进行细节增强;最后,融合两组特征进行情感分类,形成双支路加权融合模型(weighted fusion model based on dual nested residual and channel residual network,WFDN_CRNet),进一步提升情感表征能力。在CASIA、EMO-DB、IEMOCAP等语音情感数据集上情感识别率分别达到94.58%、85.59%、65.72%,所提方法在情感识别率优于ResNet18等基准方法的同时,显著降低了计算成本,验证了模型的有效性。
文摘Regular exercise is a crucial aspect of daily life, as it enables individuals to stay physically active, lowers thelikelihood of developing illnesses, and enhances life expectancy. The recognition of workout actions in videostreams holds significant importance in computer vision research, as it aims to enhance exercise adherence, enableinstant recognition, advance fitness tracking technologies, and optimize fitness routines. However, existing actiondatasets often lack diversity and specificity for workout actions, hindering the development of accurate recognitionmodels. To address this gap, the Workout Action Video dataset (WAVd) has been introduced as a significantcontribution. WAVd comprises a diverse collection of labeled workout action videos, meticulously curated toencompass various exercises performed by numerous individuals in different settings. This research proposes aninnovative framework based on the Attention driven Residual Deep Convolutional-Gated Recurrent Unit (ResDCGRU)network for workout action recognition in video streams. Unlike image-based action recognition, videoscontain spatio-temporal information, making the task more complex and challenging. While substantial progresshas been made in this area, challenges persist in detecting subtle and complex actions, handling occlusions,and managing the computational demands of deep learning approaches. The proposed ResDC-GRU Attentionmodel demonstrated exceptional classification performance with 95.81% accuracy in classifying workout actionvideos and also outperformed various state-of-the-art models. The method also yielded 81.6%, 97.2%, 95.6%, and93.2% accuracy on established benchmark datasets, namely HMDB51, Youtube Actions, UCF50, and UCF101,respectively, showcasing its superiority and robustness in action recognition. The findings suggest practicalimplications in real-world scenarios where precise video action recognition is paramount, addressing the persistingchallenges in the field. TheWAVd dataset serves as a catalyst for the development ofmore robust and effective fitnesstracking systems and ultimately promotes healthier lifestyles through improved exercise monitoring and analysis.