期刊文献+
共找到191篇文章
< 1 2 10 >
每页显示 20 50 100
A strategy for out-of-roundness damage wheels identification in railway vehicles based on sparse autoencoders
1
作者 Jorge Magalhães Tomás Jorge +7 位作者 Rúben Silva António Guedes Diogo Ribeiro Andreia Meixedo Araliya Mosleh Cecília Vale Pedro Montenegro Alexandre Cury 《Railway Engineering Science》 EI 2024年第4期421-443,共23页
Wayside monitoring is a promising cost-effective alternative to predict damage in the rolling stock. The main goal of this work is to present an unsupervised methodology to identify out-of-roundness(OOR) damage wheels... Wayside monitoring is a promising cost-effective alternative to predict damage in the rolling stock. The main goal of this work is to present an unsupervised methodology to identify out-of-roundness(OOR) damage wheels, such as wheel flats and polygonal wheels. This automatic damage identification algorithm is based on the vertical acceleration evaluated on the rails using a virtual wayside monitoring system and involves the application of a two-step procedure. The first step aims to define a confidence boundary by using(healthy) measurements evaluated on the rail constituting a baseline. The second step of the procedure involves classifying damage of predefined scenarios with different levels of severities. The proposed procedure is based on a machine learning methodology and includes the following stages:(1) data collection,(2) damage-sensitive feature extraction from the acquired responses using a neural network model, i.e., the sparse autoencoder(SAE),(3) data fusion based on the Mahalanobis distance, and(4) unsupervised feature classification by implementing outlier and cluster analysis. This procedure considers baseline responses at different speeds and rail irregularities to train the SAE model. Then, the trained SAE is capable to reconstruct test responses(not trained) allowing to compute the accumulative difference between original and reconstructed signals. The results prove the efficiency of the proposed approach in identifying the two most common types of OOR in railway wheels. 展开更多
关键词 OOR wheel damage Damage identification sparse autoencoder Passenger trains Wayside condition monitoring
下载PDF
Sparse Autoencoder-based Multi-head Deep Neural Networks for Machinery Fault Diagnostics with Detection of Novelties 被引量:2
2
作者 Zhe Yang Dejan Gjorgjevikj +3 位作者 Jianyu Long Yanyang Zi Shaohui Zhang Chuan Li 《Chinese Journal of Mechanical Engineering》 SCIE EI CAS CSCD 2021年第3期146-157,共12页
Supervised fault diagnosis typically assumes that all the types of machinery failures are known.However,in practice unknown types of defect,i.e.,novelties,may occur,whose detection is a challenging task.In this paper,... Supervised fault diagnosis typically assumes that all the types of machinery failures are known.However,in practice unknown types of defect,i.e.,novelties,may occur,whose detection is a challenging task.In this paper,a novel fault diagnostic method is developed for both diagnostics and detection of novelties.To this end,a sparse autoencoder-based multi-head Deep Neural Network(DNN)is presented to jointly learn a shared encoding representation for both unsupervised reconstruction and supervised classification of the monitoring data.The detection of novelties is based on the reconstruction error.Moreover,the computational burden is reduced by directly training the multi-head DNN with rectified linear unit activation function,instead of performing the pre-training and fine-tuning phases required for classical DNNs.The addressed method is applied to a benchmark bearing case study and to experimental data acquired from a delta 3D printer.The results show that its performance is satisfactory both in detection of novelties and fault diagnosis,outperforming other state-of-the-art methods.This research proposes a novel fault diagnostics method which can not only diagnose the known type of defect,but also detect unknown types of defects. 展开更多
关键词 Deep learning Fault diagnostics Novelty detection Multi-head deep neural network sparse autoencoder
下载PDF
Pseudo Zernike Moment and Deep Stacked Sparse Autoencoder for COVID-19 Diagnosis 被引量:1
3
作者 Yu-Dong Zhang Muhammad Attique Khan +1 位作者 Ziquan Zhu Shui-Hua Wang 《Computers, Materials & Continua》 SCIE EI 2021年第12期3145-3162,共18页
(Aim)COVID-19 is an ongoing infectious disease.It has caused more than 107.45 m confirmed cases and 2.35 m deaths till 11/Feb/2021.Traditional computer vision methods have achieved promising results on the automatic s... (Aim)COVID-19 is an ongoing infectious disease.It has caused more than 107.45 m confirmed cases and 2.35 m deaths till 11/Feb/2021.Traditional computer vision methods have achieved promising results on the automatic smart diagnosis.(Method)This study aims to propose a novel deep learning method that can obtain better performance.We use the pseudo-Zernike moment(PZM),derived from Zernike moment,as the extracted features.Two settings are introducing:(i)image plane over unit circle;and(ii)image plane inside the unit circle.Afterward,we use a deep-stacked sparse autoencoder(DSSAE)as the classifier.Besides,multiple-way data augmentation is chosen to overcome overfitting.The multiple-way data augmentation is based on Gaussian noise,salt-and-pepper noise,speckle noise,horizontal and vertical shear,rotation,Gamma correction,random translation and scaling.(Results)10 runs of 10-fold cross validation shows that our PZM-DSSAE method achieves a sensitivity of 92.06%±1.54%,a specificity of 92.56%±1.06%,a precision of 92.53%±1.03%,and an accuracy of 92.31%±1.08%.Its F1 score,MCC,and FMI arrive at 92.29%±1.10%,84.64%±2.15%,and 92.29%±1.10%,respectively.The AUC of our model is 0.9576.(Conclusion)We demonstrate“image plane over unit circle”can get better results than“image plane inside a unit circle.”Besides,this proposed PZM-DSSAE model is better than eight state-of-the-art approaches. 展开更多
关键词 Pseudo Zernike moment stacked sparse autoencoder deep learning COVID-19 multiple-way data augmentation medical image analysis
下载PDF
A Double-Weighted Deterministic Extreme Learning Machine Based on Sparse Denoising Autoencoder and Its Applications
4
作者 Liang Luo Bolin Liao +1 位作者 Cheng Hua Rongbo Lu 《Journal of Computer and Communications》 2022年第11期138-153,共16页
Extreme learning machine (ELM) is a feedforward neural network-based machine learning method that has the benefits of short training times, strong generalization capabilities, and will not fall into local minima. Howe... Extreme learning machine (ELM) is a feedforward neural network-based machine learning method that has the benefits of short training times, strong generalization capabilities, and will not fall into local minima. However, due to the traditional ELM shallow architecture, it requires a large number of hidden nodes when dealing with high-dimensional data sets to ensure its classification performance. The other aspect, it is easy to degrade the classification performance in the face of noise interference from noisy data. To improve the above problem, this paper proposes a double pseudo-inverse extreme learning machine (DPELM) based on Sparse Denoising AutoEncoder (SDAE) namely, SDAE-DPELM. The algorithm can directly determine the input weight and output weight of the network by using the pseudo-inverse method. As a result, the algorithm only requires a few hidden layer nodes to produce superior classification results when classifying data. And its combination with SDAE can effectively improve the classification performance and noise resistance. Extensive numerical experiments show that the algorithm has high classification accuracy and good robustness when dealing with high-dimensional noisy data and high-dimensional noiseless data. Furthermore, applying such an algorithm to Miao character recognition substantiates its excellent performance, which further illustrates the practicability of the algorithm. 展开更多
关键词 Extreme Learning Machine sparse Denoising autoencoder Pseudo-Inverse Method Miao Character Recognition
下载PDF
Contribution Tracking Feature Selection (CTFS) Based on the Fusion of Sparse Autoencoder and Mutual Information
5
作者 Yifan Yu Dazhi Wang +2 位作者 Yanhua Chen Hongfeng Wang Min Huang 《Computers, Materials & Continua》 SCIE EI 2024年第12期3761-3780,共20页
For data mining tasks on large-scale data,feature selection is a pivotal stage that plays an important role in removing redundant or irrelevant features while improving classifier performance.Traditional wrapper featu... For data mining tasks on large-scale data,feature selection is a pivotal stage that plays an important role in removing redundant or irrelevant features while improving classifier performance.Traditional wrapper feature selection methodologies typically require extensive model training and evaluation,which cannot deliver desired outcomes within a reasonable computing time.In this paper,an innovative wrapper approach termed Contribution Tracking Feature Selection(CTFS)is proposed for feature selection of large-scale data,which can locate informative features without population-level evolution.In other words,fewer evaluations are needed for CTFS compared to other evolutionary methods.We initially introduce a refined sparse autoencoder to assess the prominence of each feature in the subsequent wrapper method.Subsequently,we utilize an enhanced wrapper feature selection technique that merges Mutual Information(MI)with individual feature contributions.Finally,a fine-tuning contribution tracking mechanism discerns informative features within the optimal feature subset,operating via a dominance accumulation mechanism.Experimental results for multiple classification performance metrics demonstrate that the proposed method effectively yields smaller feature subsets without degrading classification performance in an acceptable runtime compared to state-of-the-art algorithms across most large-scale benchmark datasets. 展开更多
关键词 Feature selection contribution tracking sparse autoencoders mutual information
下载PDF
Alzheimer’s Disease Stage Classification Using a Deep Transfer Learning and Sparse Auto Encoder Method 被引量:1
6
作者 Deepthi K.Oommen J.Arunnehru 《Computers, Materials & Continua》 SCIE EI 2023年第7期793-811,共19页
Alzheimer’s Disease(AD)is a progressive neurological disease.Early diagnosis of this illness using conventional methods is very challenging.Deep Learning(DL)is one of the finest solutions for improving diagnostic pro... Alzheimer’s Disease(AD)is a progressive neurological disease.Early diagnosis of this illness using conventional methods is very challenging.Deep Learning(DL)is one of the finest solutions for improving diagnostic procedures’performance and forecast accuracy.The disease’s widespread distribution and elevated mortality rate demonstrate its significance in the older-onset and younger-onset age groups.In light of research investigations,it is vital to consider age as one of the key criteria when choosing the subjects.The younger subjects are more susceptible to the perishable side than the older onset.The proposed investigation concentrated on the younger onset.The research used deep learning models and neuroimages to diagnose and categorize the disease at its early stages automatically.The proposed work is executed in three steps.The 3D input images must first undergo image pre-processing using Weiner filtering and Contrast Limited Adaptive Histogram Equalization(CLAHE)methods.The Transfer Learning(TL)models extract features,which are subsequently compressed using cascaded Auto Encoders(AE).The final phase entails using a Deep Neural Network(DNN)to classify the phases of AD.The model was trained and tested to classify the five stages of AD.The ensemble ResNet-18 and sparse autoencoder with DNN model achieved an accuracy of 98.54%.The method is compared to state-of-the-art approaches to validate its efficacy and performance. 展开更多
关键词 Alzheimer’s disease mild cognitive impairment Weiner filter contrast limited adaptive histogram equalization transfer learning sparse autoencoder deep neural network
下载PDF
Battle damage assessment based on an improved Kullback-Leibler divergence sparse autoencoder 被引量:9
7
作者 Zong-feng QI Qiao-qiao LIU +1 位作者 Jun WANG Jian-xun LI 《Frontiers of Information Technology & Electronic Engineering》 SCIE EI CSCD 2017年第12期1991-2000,共10页
The nodes number of the hidden layer in a deep learning network is quite difficult to determine with traditional methods. To solve this problem, an improved Kullback-Leibler divergence sparse autoencoder (KL-SAE) is... The nodes number of the hidden layer in a deep learning network is quite difficult to determine with traditional methods. To solve this problem, an improved Kullback-Leibler divergence sparse autoencoder (KL-SAE) is proposed in this paper, which can be applied to battle damage assessment (BDA). This method can select automatically the hidden layer feature which contributes most to data reconstruction, and abandon the hidden layer feature which contributes least. Therefore, the structure of the network can be modified. In addition, the method can select automatically hidden layer feature without loss of the network prediction accuracy and increase the computation speed. Experiments on University ofCalifomia-Irvine (UCI) data sets and BDA for battle damage data demonstrate that the method outperforms other reference data-driven methods. The following results can be found from this paper. First, the improved KL-SAE regression network can guarantee the prediction accuracy and increase the speed of training networks and prediction. Second, the proposed network can select automatically hidden layer effective feature and modify the structure of the network by optimizing the nodes number of the hidden layer. 展开更多
关键词 Battle damage assessment Improved Kullback-Leibler divergence sparse autoencoder Structural optimization Feature selection
原文传递
Sparsity-Assisted Intelligent Condition Monitoring Method for Aero-engine Main Shaft Bearing 被引量:4
8
作者 DING Baoqing WU Jingyao +3 位作者 SUN Chuang WANG Shibin CHEN Xuefeng LI Yinghong 《Transactions of Nanjing University of Aeronautics and Astronautics》 EI CSCD 2020年第4期508-516,共9页
Weak feature extraction is of great importance for condition monitoring and intelligent diagnosis of aeroengine.Aimed at achieving intelligent diagnosis of aero-engine main shaft bearing,an enhanced sparsity-assisted ... Weak feature extraction is of great importance for condition monitoring and intelligent diagnosis of aeroengine.Aimed at achieving intelligent diagnosis of aero-engine main shaft bearing,an enhanced sparsity-assisted intelligent condition monitoring method is proposed in this paper.Through analyzing the weakness of convex sparse model,i.e.the tradeoff between noise reduction and feature reconstruction,this paper proposes an enhanced-sparsity nonconvex regularized convex model based on Moreau envelope to achieve weak feature extraction.Accordingly,a sparsity-assisted deep convolutional variational autoencoders network is proposed,which achieves the intelligent identification of fault state through training denoised normal data.Finally,the effectiveness of the proposed method is verified through aero-engine bearing run-to-failure experiment.The comparison results show that the proposed method is good at abnormal pattern recognition,showing a good potential for weak fault intelligent diagnosis of aero-engine main shaft bearings. 展开更多
关键词 aero-engine main shaft bearing intelligent condition monitoring feature extraction sparse model variational autoencoders deep learning
下载PDF
An integrated autoencoder-based filter for sparse big data
9
作者 Wei Peng Baogui Xin 《Journal of Control and Decision》 EI 2021年第3期260-268,共9页
We propose a novel filter for sparse big data,called an integrated autoencoder(IAE),which utilises auxiliary information to mitigate data sparsity.The proposed model achieves an appropriate balance between prediction ... We propose a novel filter for sparse big data,called an integrated autoencoder(IAE),which utilises auxiliary information to mitigate data sparsity.The proposed model achieves an appropriate balance between prediction accuracy,convergence speed,and complexity.We implement experiments on a GPS trajectory dataset,and the results demonstrate that the IAE is more accurate and robust than some state-of-the-art methods. 展开更多
关键词 sparse big data integrated autoencoder(IAE) data sparsity PREDICTION FILTER
原文传递
基于cGAN-SAE的室内定位指纹生成方法
10
作者 刘伟 王智豪 +1 位作者 李卓 韦嘉恒 《电子测量技术》 北大核心 2024年第14期57-63,共7页
针对室内定位中指纹采集成本高、构建数据集难等问题,提出了一种基于条件稀疏自编码生成对抗网络的室内定位指纹生成方法。该方法通过增加自编码器隐藏层和输出层,增强了特征提取能力,引导生成器学习并生成指纹数据的关键特征。利用指... 针对室内定位中指纹采集成本高、构建数据集难等问题,提出了一种基于条件稀疏自编码生成对抗网络的室内定位指纹生成方法。该方法通过增加自编码器隐藏层和输出层,增强了特征提取能力,引导生成器学习并生成指纹数据的关键特征。利用指纹选择算法筛选出最相关的指纹数据,扩充至指纹数据库中,并用于训练卷积长短时记忆网络模型以进行在线效果评估。实验结果表明,条件稀疏自编码生成对抗网络在不增加采集样本的情况下,提高了多栋多层建筑室内定位的精度。与原始条件生成对抗网络模型相比,在UJIIndoorLoc数据集上的预测中,定位误差降低了6%;在实际应用中,定位误差降低了14%。 展开更多
关键词 室内定位 稀疏自编码器 指纹数据库 条件生成对抗网络 卷积长短时记忆网络
下载PDF
敏感设备电压暂降故障样本增广与概率评估最大熵建模
11
作者 郑玫 肖先勇 +2 位作者 陈韵竹 郑子萱 汪颖 《工程科学与技术》 EI CAS CSCD 北大核心 2024年第2期68-79,共12页
敏感设备电压暂降故障概率评估面临样本小和先验知识不足两大难题。本文基于自编码技术和最大熵原理,提出一种适用于小样本的设备故障概率评估随机建模方法。首先,考虑敏感设备主要对暂降幅值和持续时间特征敏感,电压耐受曲线(VTC)存在... 敏感设备电压暂降故障概率评估面临样本小和先验知识不足两大难题。本文基于自编码技术和最大熵原理,提出一种适用于小样本的设备故障概率评估随机建模方法。首先,考虑敏感设备主要对暂降幅值和持续时间特征敏感,电压耐受曲线(VTC)存在不确定性的实际情况,利用自适应Kmeans聚类算法对样本暂降幅值、持续时间聚类,在稀疏自编码器(SAE)损失函数中添加VTC不确定约束进行样本特征学习,提出基于SAE–自适应Kmeans的故障样本增广方法。其次,针对先验知识不足问题,提出基于增广样本的设备故障概率评估最大熵建模方法。最后,以个人计算机为例,在VTC概率密度函数服从均匀、正态和不同指数分布且样本数仅为5的情况下进行验证,与传统最大熵法、未引入自适应Kmeans聚类进行VTC不确定区域约束的SAE样本增广进行比较,同时与先验知识不足情况下基于主观假设的评估方法进行比较。结果表明,所提方法适用于小样本和不同分布,评估结果误差低于传统最大熵法与基于主观假设的方法,验证了稀疏自编码样本增广和最大熵建模方法对于小样本设备故障概率评估的有效性、合理性和可行性。 展开更多
关键词 电压暂降 敏感设备 故障概率 小样本 稀疏自编码 最大熵建模
下载PDF
基于堆叠稀疏去噪自编码器的混合入侵检测方法
12
作者 田世林 李焕洲 +2 位作者 唐彰国 张健 李其臻 《四川师范大学学报(自然科学版)》 CAS 2024年第4期517-527,共11页
针对高维数据场景下传统入侵检测方法特征提取困难、检测准确率低等问题,提出一种集成多种深度学习模型的混合入侵检测方法.该方法由特征降维算法和混合检测模型2部分组成.首先,利用堆叠稀疏去噪自编码器对原始数据进行特征降维,从而剔... 针对高维数据场景下传统入侵检测方法特征提取困难、检测准确率低等问题,提出一种集成多种深度学习模型的混合入侵检测方法.该方法由特征降维算法和混合检测模型2部分组成.首先,利用堆叠稀疏去噪自编码器对原始数据进行特征降维,从而剔除可能存在的噪声干扰和冗余信息.然后,采用一维卷积神经网络和双向门控循环单元学习数据中的空间维度特征和时序维度特征,将融合后的空时特征通过注意力分配不同的权重系数,从而使有用的信息得到更好表达,再经由全连接层训练后进行分类.为检验方案的可行性,在UNSW-NB15数据集上进行验证.结果表明,该模型与其他同类型入侵检测算法相比,拥有更优秀的检测性能,其准确率达到99.57%,误报率仅为0.68%. 展开更多
关键词 异常检测 注意力机制 堆叠稀疏去噪自编码器 一维卷积神经网络 双向门控循环单元
下载PDF
基于堆叠稀疏自编码器的多缸喷油器堵塞定位算法
13
作者 王健 黄英 +3 位作者 高晓宇 王拓 王绪 惠嘉赫 《兵工学报》 EI CAS CSCD 北大核心 2024年第10期3706-3717,共12页
燃油喷射系统的工作质量直接影响柴油机工作过程及性能,针对多缸机不同喷油器发生堵塞故障且故障程度不一时,传统故障诊断方法难以精准定位故障喷油器的问题,提出一种基于堆叠稀疏自编码器(Stacked Sparse Autoencoder,SSAE)的故障定位... 燃油喷射系统的工作质量直接影响柴油机工作过程及性能,针对多缸机不同喷油器发生堵塞故障且故障程度不一时,传统故障诊断方法难以精准定位故障喷油器的问题,提出一种基于堆叠稀疏自编码器(Stacked Sparse Autoencoder,SSAE)的故障定位算法。通过SSAE提取不同喷油器发生堵塞故障时轨压信号的深层特征,以softmax网络实现故障部件定位。以一维轨压信号为输入,故障喷油器定位为输出,并研究算法超参数对算法精度的影响。研究结果表明,此算法能精准定位发生堵塞故障的喷油器,且精度不受堵塞程度的影响,故障诊断正确率可达96.7%。 展开更多
关键词 高压共轨 不同喷油器堵塞 堆叠稀疏自编码器 故障定位
下载PDF
Anomaly-Based Intrusion DetectionModel Using Deep Learning for IoT Networks
14
作者 Muaadh A.Alsoufi Maheyzah Md Siraj +4 位作者 Fuad A.Ghaleb Muna Al-Razgan Mahfoudh Saeed Al-Asaly Taha Alfakih Faisal Saeed 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第10期823-845,共23页
The rapid growth of Internet of Things(IoT)devices has brought numerous benefits to the interconnected world.However,the ubiquitous nature of IoT networks exposes them to various security threats,including anomaly int... The rapid growth of Internet of Things(IoT)devices has brought numerous benefits to the interconnected world.However,the ubiquitous nature of IoT networks exposes them to various security threats,including anomaly intrusion attacks.In addition,IoT devices generate a high volume of unstructured data.Traditional intrusion detection systems often struggle to cope with the unique characteristics of IoT networks,such as resource constraints and heterogeneous data sources.Given the unpredictable nature of network technologies and diverse intrusion methods,conventional machine-learning approaches seem to lack efficiency.Across numerous research domains,deep learning techniques have demonstrated their capability to precisely detect anomalies.This study designs and enhances a novel anomaly-based intrusion detection system(AIDS)for IoT networks.Firstly,a Sparse Autoencoder(SAE)is applied to reduce the high dimension and get a significant data representation by calculating the reconstructed error.Secondly,the Convolutional Neural Network(CNN)technique is employed to create a binary classification approach.The proposed SAE-CNN approach is validated using the Bot-IoT dataset.The proposed models exceed the performance of the existing deep learning approach in the literature with an accuracy of 99.9%,precision of 99.9%,recall of 100%,F1 of 99.9%,False Positive Rate(FPR)of 0.0003,and True Positive Rate(TPR)of 0.9992.In addition,alternative metrics,such as training and testing durations,indicated that SAE-CNN performs better. 展开更多
关键词 IOT anomaly intrusion detection deep learning sparse autoencoder convolutional neural network
下载PDF
A Time Series Intrusion Detection Method Based on SSAE,TCN and Bi-LSTM
15
作者 Zhenxiang He Xunxi Wang Chunwei Li 《Computers, Materials & Continua》 SCIE EI 2024年第1期845-871,共27页
In the fast-evolving landscape of digital networks,the incidence of network intrusions has escalated alarmingly.Simultaneously,the crucial role of time series data in intrusion detection remains largely underappreciat... In the fast-evolving landscape of digital networks,the incidence of network intrusions has escalated alarmingly.Simultaneously,the crucial role of time series data in intrusion detection remains largely underappreciated,with most systems failing to capture the time-bound nuances of network traffic.This leads to compromised detection accuracy and overlooked temporal patterns.Addressing this gap,we introduce a novel SSAE-TCN-BiLSTM(STL)model that integrates time series analysis,significantly enhancing detection capabilities.Our approach reduces feature dimensionalitywith a Stacked Sparse Autoencoder(SSAE)and extracts temporally relevant features through a Temporal Convolutional Network(TCN)and Bidirectional Long Short-term Memory Network(Bi-LSTM).By meticulously adjusting time steps,we underscore the significance of temporal data in bolstering detection accuracy.On the UNSW-NB15 dataset,ourmodel achieved an F1-score of 99.49%,Accuracy of 99.43%,Precision of 99.38%,Recall of 99.60%,and an inference time of 4.24 s.For the CICDS2017 dataset,we recorded an F1-score of 99.53%,Accuracy of 99.62%,Precision of 99.27%,Recall of 99.79%,and an inference time of 5.72 s.These findings not only confirm the STL model’s superior performance but also its operational efficiency,underpinning its significance in real-world cybersecurity scenarios where rapid response is paramount.Our contribution represents a significant advance in cybersecurity,proposing a model that excels in accuracy and adaptability to the dynamic nature of network traffic,setting a new benchmark for intrusion detection systems. 展开更多
关键词 Network intrusion detection bidirectional long short-term memory network time series stacked sparse autoencoder temporal convolutional network time steps
下载PDF
拉曼光谱结合改进稀疏编码器特征优选的成品油混合浓度预测方法
16
作者 董晓炜 蒋春旭 +3 位作者 李华栋 任琪 曹杰 王海龙 《分析科学学报》 CAS CSCD 北大核心 2024年第1期35-42,共8页
成品油混合浓度的预测对成品油顺序输送过程中的安全监控、混油段分割具有重要的意义。本研究配制92#汽油-3#航煤以及3#航煤-0#车柴两组包含不同浓度的混合样品,并对其进行拉曼光谱采集;依次采用归一化、多元散射校正、BaselineWavelet... 成品油混合浓度的预测对成品油顺序输送过程中的安全监控、混油段分割具有重要的意义。本研究配制92#汽油-3#航煤以及3#航煤-0#车柴两组包含不同浓度的混合样品,并对其进行拉曼光谱采集;依次采用归一化、多元散射校正、BaselineWavelet基线校正3种光谱预处理方法进行优化;之后采用改进的栈式稀疏自编码器(Stacked Sparse Autoencoder,SSAE)模型对预处理之后的拉曼光谱进行稀疏特征提取,并结合全连接层进行回归预测;最后根据均方根误差(Root Mean Square Error,RMSE)和决定系数(R^(2))两项评价指标,与偏最小二乘回归(Partial Least Square Regression,PLSR)、最小二乘支持向量回归(Least Square Support Vector Machine,LSSVR)以及SSAE 3种模型进行对比。结果表明:改进的SSAE-FC模型表现出更优的预测精度和稳定性,92#汽油-3#航煤混油测试集的R^(2)和RMSEC指标分别为0.9952和0.8932,3#航煤-0#车柴混油测试集的R^(2)和RMSEC指标分别为0.9837和1.1967,且学习得到的稀疏特征的可解释性强。 展开更多
关键词 拉曼光谱 光谱预处理 定量分析 栈式稀疏自编码器 混油浓度
下载PDF
Alpha稳定分布噪声和多径干扰下的无人机集群MIMO信号调制识别
17
作者 平嘉蓉 李赛 林云航 《系统工程与电子技术》 EI CSCD 北大核心 2024年第11期3920-3929,共10页
针对具有多径效应、大气噪声等复杂因素的无人机(unmanned aerial vehicle,UAV)集群多输入多输出(multiple-input multiple-output,MIMO)信道的信号调制方式识别问题,提出基于循环谱特征和高阶累积量特征的调制识别方法。首先,根据UAV... 针对具有多径效应、大气噪声等复杂因素的无人机(unmanned aerial vehicle,UAV)集群多输入多输出(multiple-input multiple-output,MIMO)信道的信号调制方式识别问题,提出基于循环谱特征和高阶累积量特征的调制识别方法。首先,根据UAV集群复杂通信信道环境,建立Alpha稳定分布噪声干扰和多径干扰下的UAV集群MIMO信道。其次,分析MIMO接收信号的高阶累积量特征和循环谱特征,提取出判别调制识别方式能力强的特征值,构造集群信号特征样本。最后,将特征样本输入深度稀疏自编码网络,实现6种调制方式的识别。仿真结果表明,该调制识别方法在UAV集群复杂通信环境下是有效的,当识别准确率为90%时,深度稀疏自编码网络识别性能优于多层感知机识别性能约1 dB。在存在直射径的MIMO多径信道中,当混合信噪比为0 dB时,识别准确率均能达到96%,在低信噪比下有较高的识别准确率,对复杂的信道环境下的MIMO信号识别具有鲁棒性。 展开更多
关键词 调制识别 多输入多输出 循环谱 高阶累积量 深度稀疏自编码网络
下载PDF
面向癌症亚型预测的多组学AI模型
18
作者 曹云芳 李东喜 《计算机工程与设计》 北大核心 2024年第8期2454-2460,共7页
针对癌症亚型预测中仅使用单组学数据信息有限的问题,提出一种基于稀疏自编码器和相似网络融合的多组学癌症分型预测模型(multi-omics sparse auto-encoder, MOSAE)。利用稀疏自编码器提取患者特征向量,应用相似网络融合方法构建患者的... 针对癌症亚型预测中仅使用单组学数据信息有限的问题,提出一种基于稀疏自编码器和相似网络融合的多组学癌症分型预测模型(multi-omics sparse auto-encoder, MOSAE)。利用稀疏自编码器提取患者特征向量,应用相似网络融合方法构建患者的相似度网络。基于患者特征向量和患者相似度网络利用残差图卷积网络构建预测模型。实验结果表明,在乳腺癌和卵巢癌数据上,所提模型识别亚型的准确率比现有方法分别提高了2.74%和19.74%。在TCGA的肺鳞状细胞癌和头颈部癌症数据上验证了MOSAE模型的优越性。 展开更多
关键词 稀疏自编码器 残差图卷积网络 相似网络融合 多组学数据 癌症亚型 多模态 特征提取
下载PDF
基于堆叠稀疏自编码和谱聚类分析的带式输送机托辊故障诊断
19
作者 缪江华 苑静科 王文硕 《煤矿机械》 2024年第7期163-166,共4页
针对煤矿带式输送机托辊故障数据庞大、可变性强等特点,以工业现场采集的音频数据为基础,对数据进程预处理,选用4个隐藏层,采用每层节点数分别为128、32、16、8的自编码模型进行特征值提取,计算出各特征值的相关性,提取偏度、均值、峭... 针对煤矿带式输送机托辊故障数据庞大、可变性强等特点,以工业现场采集的音频数据为基础,对数据进程预处理,选用4个隐藏层,采用每层节点数分别为128、32、16、8的自编码模型进行特征值提取,计算出各特征值的相关性,提取偏度、均值、峭度、峰值、波数和过零率6个特征,采用K-means算法和谱聚类算法进行故障诊断对比分析,建立故障诊断分级标准。实验结果表明,堆叠稀疏自编码提取特征优于时域特征,能够有效过滤干扰信息;基于堆叠稀疏自编码提取的特征值的谱聚类算法对于故障分为4类时效果最佳,故障诊断准确率高达96%。 展开更多
关键词 堆叠稀疏自编码 谱聚类算法 特征值 故障诊断
下载PDF
基于堆栈稀疏自编码器与XGBoost的电力变压器故障诊断
20
作者 梁浩语 《重庆工商大学学报(自然科学版)》 2024年第6期65-71,共7页
目的 针对变压器油中的H_(2)、CH_(4)、C_(2)H_(6)、C_(2)H_(4)、C_(2)H_(2)气体的浓度存在耦合性问题及电力变压器故障诊断精度较低的问题,提出了利用堆栈稀疏自编码器(Stacked Sparse Autoencoder,SSAE)和XGBoost模型结合的方法来提... 目的 针对变压器油中的H_(2)、CH_(4)、C_(2)H_(6)、C_(2)H_(4)、C_(2)H_(2)气体的浓度存在耦合性问题及电力变压器故障诊断精度较低的问题,提出了利用堆栈稀疏自编码器(Stacked Sparse Autoencoder,SSAE)和XGBoost模型结合的方法来提高电力变压器故障诊断的准确率。方法 首先利用堆栈稀疏自编码器(Stacked Sparse Autoencoder,SSAE)处理DGA数据;其次确定自编码器堆栈个数,确定隐含层数目;然后利用SSAE对原始数据进行数据转换,提取深层次特征信息;接着为了消除数据之间数量级差异较大的问题,对提取后的特征数据归一化进行处理;最后将处理之后得到的数据再输入XGBoost模型之中进行分类验证。结果 本文建立的基于堆栈稀疏自编码器与XGBoost的电力变压器故障诊断方法诊断准确率为91.11%,高于常用的其他机器学习模型。结论 实验结果验证了方法的有效性,表明基于堆栈稀疏自编码器与XGBoost的电力变压器故障诊断方法能够有效提高故障诊断的准确率。 展开更多
关键词 故障诊断 堆栈稀疏自编码器 特征提取 XGBoost模型 变压器
下载PDF
上一页 1 2 10 下一页 到第
使用帮助 返回顶部