Dear Editor, This letter deals with the problem of algorithm recommendation for online fault detection of spacecraft. By transforming the time series data into distributions and introducing a distribution-aware measur...Dear Editor, This letter deals with the problem of algorithm recommendation for online fault detection of spacecraft. By transforming the time series data into distributions and introducing a distribution-aware measure, a principal method is designed for quantifying the detectabilities of fault detection algorithms over special datasets.展开更多
The widespread adoption of the Internet of Things (IoT) has transformed various sectors globally, making themmore intelligent and connected. However, this advancement comes with challenges related to the effectiveness...The widespread adoption of the Internet of Things (IoT) has transformed various sectors globally, making themmore intelligent and connected. However, this advancement comes with challenges related to the effectiveness ofIoT devices. These devices, present in offices, homes, industries, and more, need constant monitoring to ensuretheir proper functionality. The success of smart systems relies on their seamless operation and ability to handlefaults. Sensors, crucial components of these systems, gather data and contribute to their functionality. Therefore,sensor faults can compromise the system’s reliability and undermine the trustworthiness of smart environments.To address these concerns, various techniques and algorithms can be employed to enhance the performance ofIoT devices through effective fault detection. This paper conducted a thorough review of the existing literature andconducted a detailed analysis.This analysis effectively links sensor errors with a prominent fault detection techniquecapable of addressing them. This study is innovative because it paves theway for future researchers to explore errorsthat have not yet been tackled by existing fault detection methods. Significant, the paper, also highlights essentialfactors for selecting and adopting fault detection techniques, as well as the characteristics of datasets and theircorresponding recommended techniques. Additionally, the paper presents amethodical overview of fault detectiontechniques employed in smart devices, including themetrics used for evaluation. Furthermore, the paper examinesthe body of academic work related to sensor faults and fault detection techniques within the domain. This reflectsthe growing inclination and scholarly attention of researchers and academicians toward strategies for fault detectionwithin the realm of the Internet of Things.展开更多
Electric motor-driven systems are core components across industries,yet they’re susceptible to bearing faults.Manual fault diagnosis poses safety risks and economic instability,necessitating an automated approach.Thi...Electric motor-driven systems are core components across industries,yet they’re susceptible to bearing faults.Manual fault diagnosis poses safety risks and economic instability,necessitating an automated approach.This study proposes FTCNNLSTM(Fine-Tuned TabNet Convolutional Neural Network Long Short-Term Memory),an algorithm combining Convolutional Neural Networks,Long Short-Term Memory Networks,and Attentive Interpretable Tabular Learning.The model preprocesses the CWRU(Case Western Reserve University)bearing dataset using segmentation,normalization,feature scaling,and label encoding.Its architecture comprises multiple 1D Convolutional layers,batch normalization,max-pooling,and LSTM blocks with dropout,followed by batch normalization,dense layers,and appropriate activation and loss functions.Fine-tuning techniques prevent over-fitting.Evaluations were conducted on 10 fault classes from the CWRU dataset.FTCNNLSTM was benchmarked against four approaches:CNN,LSTM,CNN-LSTM with random forest,and CNN-LSTM with gradient boosting,all using 460 instances.The FTCNNLSTM model,augmented with TabNet,achieved 96%accuracy,outperforming other methods.This establishes it as a reliable and effective approach for automating bearing fault detection in electric motor-driven systems.展开更多
Electrolysis tanks are used to smeltmetals based on electrochemical principles,and the short-circuiting of the pole plates in the tanks in the production process will lead to high temperatures,thus affecting normal pr...Electrolysis tanks are used to smeltmetals based on electrochemical principles,and the short-circuiting of the pole plates in the tanks in the production process will lead to high temperatures,thus affecting normal production.Aiming at the problems of time-consuming and poor accuracy of existing infrared methods for high-temperature detection of dense pole plates in electrolysis tanks,an infrared dense pole plate anomalous target detection network YOLOv5-RMF based on You Only Look Once version 5(YOLOv5)is proposed.Firstly,we modified the Real-Time Enhanced Super-Resolution Generative Adversarial Network(Real-ESRGAN)by changing the U-shaped network(U-Net)to Attention U-Net,to preprocess the images;secondly,we propose a new Focus module that introduces the Marr operator,which can provide more boundary information for the network;again,because Complete Intersection over Union(CIOU)cannot accommodate target borders that are increasing and decreasing,replace CIOU with Extended Intersection over Union(EIOU),while the loss function is changed to Focal and Efficient IOU(Focal-EIOU)due to the different difficulty of sample detection.On the homemade dataset,the precision of our method is 94%,the recall is 70.8%,and the map@.5 is 83.6%,which is an improvement of 1.3%in precision,9.7%in recall,and 7%in map@.5 over the original network.The algorithm can meet the needs of electrolysis tank pole plate abnormal temperature detection,which can lay a technical foundation for improving production efficiency and reducing production waste.展开更多
Efficient optical network management poses significant importance in backhaul and access network communicationfor preventing service disruptions and ensuring Quality of Service(QoS)satisfaction.The emerging faultsin o...Efficient optical network management poses significant importance in backhaul and access network communicationfor preventing service disruptions and ensuring Quality of Service(QoS)satisfaction.The emerging faultsin optical networks introduce challenges that can jeopardize the network with a variety of faults.The existingliterature witnessed various partial or inadequate solutions.On the other hand,Machine Learning(ML)hasrevolutionized as a promising technique for fault detection and prevention.Unlike traditional fault managementsystems,this research has three-fold contributions.First,this research leverages the ML and Deep Learning(DL)multi-classification system and evaluates their accuracy in detecting six distinct fault types,including fiber cut,fibereavesdropping,splicing,bad connector,bending,and PC connector.Secondly,this paper assesses the classificationdelay of each classification algorithm.Finally,this work proposes a fiber optics fault prevention algorithm thatdetermines to mitigate the faults accordingly.This work utilized a publicly available fiber optics dataset namedOTDR_Data and applied different ML classifiers,such as Gaussian Naive Bayes(GNB),Logistic Regression(LR),Support Vector Machine(SVM),K-Nearest Neighbor(KNN),Random Forest(RF),and Decision Tree(DT).Moreover,Ensemble Learning(EL)techniques are applied to evaluate the accuracy of various classifiers.In addition,this work evaluated the performance of DL-based Convolutional Neural Network and Long-Short Term Memory(CNN-LSTM)hybrid classifier.The findings reveal that the CNN-LSTM hybrid technique achieved the highestaccuracy of 99%with a delay of 360 s.On the other hand,EL techniques improved the accuracy in detecting fiberoptic faults.Thus,this research comprehensively assesses accuracy and delay metrics for various classifiers andproposes the most efficient attack detection system in fiber optics.展开更多
Deep learning has emerged in many practical applications,such as image classification,fault diagnosis,and object detection.More recently,convolutional neural networks(CNNs),representative models of deep learning,have ...Deep learning has emerged in many practical applications,such as image classification,fault diagnosis,and object detection.More recently,convolutional neural networks(CNNs),representative models of deep learning,have been used to solve fault detection.However,the current design of CNNs for fault detection of wind turbine blades is highly dependent on domain knowledge and requires a large amount of trial and error.For this reason,an evolutionary YOLOv8 network has been developed to automatically find the network architecture for wind turbine blade-based fault detection.YOLOv8 is a CNN-backed object detection model.Specifically,to reduce the parameter count,we first design an improved FasterNet module based on the Partial Convolution(PConv)operator.Then,to enhance convergence performance,we improve the loss function based on the efficient complete intersection over the union.Based on this,a flexible variable-length encoding is proposed,and the corresponding reproduction operators are designed.Related experimental results confirmthat the proposed approach can achieve better fault detection results and improve by 2.6%in mean precision at 50(mAP50)compared to the existing methods.Additionally,compared to training with the YOLOv8n model,the YOLOBFE model reduces the training parameters by 933,937 and decreases the GFLOPS(Giga Floating Point Operations Per Second)by 1.1.展开更多
Accurate and reliable fault detection is essential for the safe operation of electric vehicles.Support vector data description(SVDD)has been widely used in the field of fault detection.However,constructing the hypersp...Accurate and reliable fault detection is essential for the safe operation of electric vehicles.Support vector data description(SVDD)has been widely used in the field of fault detection.However,constructing the hypersphere boundary only describes the distribution of unlabeled samples,while the distribution of faulty samples cannot be effectively described and easilymisses detecting faulty data due to the imbalance of sample distribution.Meanwhile,selecting parameters is critical to the detection performance,and empirical parameterization is generally timeconsuming and laborious and may not result in finding the optimal parameters.Therefore,this paper proposes a semi-supervised data-driven method based on which the SVDD algorithm is improved and achieves excellent fault detection performance.By incorporating faulty samples into the underlying SVDD model,training deals better with the problem of missing detection of faulty samples caused by the imbalance in the distribution of abnormal samples,and the hypersphere boundary ismodified to classify the samplesmore accurately.The Bayesian Optimization NSVDD(BO-NSVDD)model was constructed to quickly and accurately optimize hyperparameter combinations.In the experiments,electric vehicle operation data with four common fault types are used to evaluate the performance with other five models,and the results show that the BO-NSVDD model presents superior detection performance for each type of fault data,especially in the imperceptible early and minor faults,which has seen very obvious advantages.Finally,the strong robustness of the proposed method is verified by adding different intensities of noise in the dataset.展开更多
To maintain the stability of the inter-satellite link for gravitational wave detection,an intelligent learning monitoring and fast warning method of the inter-satellite link control system failure is proposed.Differen...To maintain the stability of the inter-satellite link for gravitational wave detection,an intelligent learning monitoring and fast warning method of the inter-satellite link control system failure is proposed.Different from the traditional fault diagnosis optimization algorithms,the fault intelligent learning method pro-posed in this paper is able to quickly identify the faults of inter-satellite link control system despite the existence of strong cou-pling nonlinearity.By constructing a two-layer learning network,the method enables efficient joint diagnosis of fault areas and fault parameters.The simulation results show that the average identification time of the system fault area and fault parameters is 0.27 s,and the fault diagnosis efficiency is improved by 99.8%compared with the traditional algorithm.展开更多
Fault diagnosis of traction systems is important for the safety operation of high-speed trains.Long-term operation of the trains will degrade the performance of systems,which decreases the fault detection accuracy.To ...Fault diagnosis of traction systems is important for the safety operation of high-speed trains.Long-term operation of the trains will degrade the performance of systems,which decreases the fault detection accuracy.To solve this problem,this paper proposes a fault detection method developed by a Generalized Autoencoder(GAE)for systems with performance degradation.The advantage of this method is that it can accurately detect faults when the traction system of high-speed trains is affected by performance degradation.Regardless of the probability distribution,it can handle any data,and the GAE has extremely high sensitivity in anomaly detection.Finally,the effectiveness of this method is verified through the Traction Drive Control System(TDCS)platform.At different performance degradation levels,our method’s experimental results are superior to traditional methods.展开更多
This paper examines the progression and advancements in fault detection techniques for photovoltaic (PV) panels, a target for optimizing the efficiency and longevity of solar energy systems. As the adoption of PV tech...This paper examines the progression and advancements in fault detection techniques for photovoltaic (PV) panels, a target for optimizing the efficiency and longevity of solar energy systems. As the adoption of PV technology grows, the need for effective fault detection strategies becomes increasingly paramount to maximize energy output and minimize operational downtimes of solar power systems. These approaches include the use of machine learning and deep learning methodologies to be able to detect the identified faults in PV technology. Here, we delve into how machine learning models, specifically kernel-based extreme learning machines and support vector machines, trained on current-voltage characteristic (I-V curve) data, provide information on fault identification. We explore deep learning approaches by taking models like EfficientNet-B0, which looks at infrared images of solar panels to detect subtle defects not visible to the human eye. We highlight the utilization of advanced image processing techniques and algorithms to exploit aerial imagery data, from Unmanned Aerial Vehicles (UAVs), for inspecting large solar installations. Some other techniques like DeepLabV3 , Feature Pyramid Networks (FPN), and U-Net will be detailed as such tools enable effective segmentation and anomaly detection in aerial panel images. Finally, we discuss implications of these technologies on labor costs, fault detection precision, and sustainability of PV installations.展开更多
The continuous operation of On-Load Tap-Changers (OLTC) is essential for maintaining stable voltage levels in power transmission and distribution systems. Timely fault detection in OLTC is essential for preventing maj...The continuous operation of On-Load Tap-Changers (OLTC) is essential for maintaining stable voltage levels in power transmission and distribution systems. Timely fault detection in OLTC is essential for preventing major failures and ensuring the reliability of the electrical grid. This research paper proposes an innovative approach that combines voiceprint detection using MATLAB analysis for online fault monitoring of OLTC. By leveraging advanced signal processing techniques and machine learning algorithms in MATLAB, the proposed method accurately detects faults in OLTC, providing real-time monitoring and proactive maintenance strategies.展开更多
This article studies the fault detection filtering design problem for Roesser type two-dimensional(2-D)nonlinear systems described by uncertain 2-D Takagi-Sugeno(T-S)fuzzy models.Firstly,fuzzy Lyapunov functions are c...This article studies the fault detection filtering design problem for Roesser type two-dimensional(2-D)nonlinear systems described by uncertain 2-D Takagi-Sugeno(T-S)fuzzy models.Firstly,fuzzy Lyapunov functions are constructed and the 2-D Fourier transform is exploited,based on which a finite frequency fault detection filtering design method is proposed such that a residual signal is generated with robustness to external disturbances and sensitivity to faults.It has been shown that the utilization of available frequency spectrum information of faults and disturbances makes the proposed filtering design method more general and less conservative compared with a conventional nonfrequency based filtering design approach.Then,with the proposed evaluation function and its threshold,a novel mixed finite frequency H_(∞)/H_(-)fault detection algorithm is developed,based on which the fault can be immediately detected once the evaluation function exceeds the threshold.Finally,it is verified with simulation studies that the proposed method is effective and less conservative than conventional non-frequency and/or common Lyapunov function based filtering design methods.展开更多
In any industry,it is the requirement to know whether the machine is healthy or not to operate machine further.If the machine is not healthy then what is the fault in the machine and then finally its location.The pape...In any industry,it is the requirement to know whether the machine is healthy or not to operate machine further.If the machine is not healthy then what is the fault in the machine and then finally its location.The paper is proposing a 3-Steps methodology for the machine fault diagnosis to meet the industrial requirements to aid the maintenance activity.The Step-1 identifies whether machine is healthy or faulty,then Step-2 detect the type of defect and finally its location in Step-3.This method is extended further from the earlier study on the 2-Steps method for the rotor defects only to the 3-Steps methodology to both rotor and bearing defects.The method uses the optimised vibration parameters and a simple Artificial Neural Network(ANN)-based Machine Learning(ML)model from the earlier studies.The model is initially developed,tested and validated on an experimental rotating rig operating at a speed above 1st critical speed.The proposed method and model are then further validated at 2 different operating speeds,one below 1st critical speed and other above 2nd critical speed.The machine dynamics are expected to be significantly different at these speeds.This highlights the robustness of the proposed 3-Steps method.展开更多
The in-core self-powered neutron detector(SPND)acts as a key measuring device for the monitoring of parameters and evaluation of the operating conditions of nuclear reactors.Prompt detection and tolerance of faulty SP...The in-core self-powered neutron detector(SPND)acts as a key measuring device for the monitoring of parameters and evaluation of the operating conditions of nuclear reactors.Prompt detection and tolerance of faulty SPNDs are indispensable for reliable reactor management.To completely extract the correlated state information of SPNDs,we constructed a twin model based on a generalized regression neural network(GRNN)that represents the common relationships among overall signals.Faulty SPNDs were determined because of the functional concordance of the twin model and real monitoring sys-tems,which calculated the error probability distribution between the model outputs and real values.Fault detection follows a tolerance phase to reinforce the stability of the twin model in the case of massive failures.A weighted K-nearest neighbor model was employed to reasonably reconstruct the values of the faulty signals and guarantee data purity.The experimental evaluation of the proposed method showed promising results,with excellent output consistency and high detection accuracy for both single-and multiple-point faulty SPNDs.For unexpected excessive failures,the proposed tolerance approach can efficiently repair fault behaviors and enhance the prediction performance of the twin model.展开更多
Expert knowledge is the key to modeling milling fault detection systems based on the belief rule base.The construction of an initial expert knowledge base seriously affects the accuracy and interpretability of the mil...Expert knowledge is the key to modeling milling fault detection systems based on the belief rule base.The construction of an initial expert knowledge base seriously affects the accuracy and interpretability of the milling fault detection model.However,due to the complexity of the milling system structure and the uncertainty of the milling failure index,it is often impossible to construct model expert knowledge effectively.Therefore,a milling system fault detection method based on fault tree analysis and hierarchical BRB(FTBRB)is proposed.Firstly,the proposed method uses a fault tree and hierarchical BRB modeling.Through fault tree analysis(FTA),the logical correspondence between FTA and BRB is sorted out.This can effectively embed the FTA mechanism into the BRB expert knowledge base.The hierarchical BRB model is used to solve the problem of excessive indexes and avoid combinatorial explosion.Secondly,evidence reasoning(ER)is used to ensure the transparency of the model reasoning process.Thirdly,the projection covariance matrix adaptation evolutionary strategies(P-CMA-ES)is used to optimize the model.Finally,this paper verifies the validity model and the method’s feasibility techniques for milling data sets.展开更多
The complex working conditions and nonlinear characteristics of the motor drive control system of industrial robots make it difficult to detect faults.In this paper,a deep learning-based observer,which combines the co...The complex working conditions and nonlinear characteristics of the motor drive control system of industrial robots make it difficult to detect faults.In this paper,a deep learning-based observer,which combines the convolutional neural network(CNN)and the long short-term memory network(LSTM),is employed to approximate the nonlinear driving control system.CNN layers are introduced to extract dynamic features of the data,whereas LSTM layers perform time-sequential prediction of the target system.In terms of application,normal samples are fed into the observer to build an offline prediction model for the target system.The trained CNN-LSTM-based observer is then deployed along with the target system to estimate the system outputs.Online fault detection can be realized by analyzing the residuals.Finally,an application of the proposed fault detection method to a brushless DC motor drive system is given to verify the effectiveness of the proposed scheme.Simulation results indicate the impressive fault detection capability of the presented method for driving control systems of industrial robots.展开更多
When a high impedance fault(HIF)occurs in a distribution network,the detection efficiency of traditional protection devices is strongly limited by the weak fault information.In this study,a method based on S-transform...When a high impedance fault(HIF)occurs in a distribution network,the detection efficiency of traditional protection devices is strongly limited by the weak fault information.In this study,a method based on S-transform(ST)and average singular entropy(ASE)is proposed to identify HIFs.First,a wavelet packet transform(WPT)was applied to extract the feature frequency band.Thereafter,the ST was investigated in each half cycle.Afterwards,the obtained time-frequency matrix was denoised by singular value decomposition(SVD),followed by the calculation of the ASE index.Finally,an appropriate threshold was selected to detect the HIFs.The advantages of this method are the ability of fine band division,adaptive time-frequency transformation,and quantitative expression of signal complexity.The performance of the proposed method was verified by simulated and field data,and further analysis revealed that it could still achieve good results under different conditions.展开更多
This work presents a novel wavelet-based denoising technique for improving the signal-to-noise ratio(SNR)of nonsteady vibration signals in hardware redundant systems.The proposed method utilizes the relationship betwe...This work presents a novel wavelet-based denoising technique for improving the signal-to-noise ratio(SNR)of nonsteady vibration signals in hardware redundant systems.The proposed method utilizes the relationship between redundant hardware components to effectively separate fault-related components from the vibration signature,thus enhancing fault detection accuracy.The study evaluates the proposed technique on two mechanically identical subsystems that are simultaneously controlled under the same speed and load inputs,with and without the proposed denoising step.The results demonstrate an increase in detection accuracy when incorporating the proposed denoising method into a fault detection system designed for hardware redundant machinery.This work is original in its application of a new method for improving performance when using residual analysis for fault detection in hardware redundant machinery configurations.Moreover,the proposed methodology is applicable to nonstationary equipment that experiences changes in both speed and load.展开更多
Railway turnout is one of the critical equipment of Switch&Crossing(S&C)Systems in railway,related to the train’s safety and operation efficiency.With the advancement of intelligent sensors,data-driven fault ...Railway turnout is one of the critical equipment of Switch&Crossing(S&C)Systems in railway,related to the train’s safety and operation efficiency.With the advancement of intelligent sensors,data-driven fault detection technology for railway turnout has become an important research topic.However,little research in the literature has investigated the capability of data-driven fault detection technology for metro railway turnout.This paper presents a convolutional autoencoder-based fault detection method for the metro railway turnout considering human field inspection scenarios.First,the one-dimensional original time-series signal is converted into a twodimensional image by data pre-processing and 2D representation.Next,a binary classification model based on the convolutional autoencoder is developed to implement fault detection.The profile and structure information can be captured by processing data as images.The performance of our method is evaluated and tested on real-world operational current data in themetro stations.Experimental results show that the proposedmethod achieves better performance,especially in terms of error rate and specificity,and is robust in practical engineering applications.展开更多
基金supported by the National Key R&D Program of China (2021YFB1715000)the National Natural Science Foundation of China (U1811461, 62022013, 12150007, 62103450, 61832003, 62272137)。
文摘Dear Editor, This letter deals with the problem of algorithm recommendation for online fault detection of spacecraft. By transforming the time series data into distributions and introducing a distribution-aware measure, a principal method is designed for quantifying the detectabilities of fault detection algorithms over special datasets.
文摘The widespread adoption of the Internet of Things (IoT) has transformed various sectors globally, making themmore intelligent and connected. However, this advancement comes with challenges related to the effectiveness ofIoT devices. These devices, present in offices, homes, industries, and more, need constant monitoring to ensuretheir proper functionality. The success of smart systems relies on their seamless operation and ability to handlefaults. Sensors, crucial components of these systems, gather data and contribute to their functionality. Therefore,sensor faults can compromise the system’s reliability and undermine the trustworthiness of smart environments.To address these concerns, various techniques and algorithms can be employed to enhance the performance ofIoT devices through effective fault detection. This paper conducted a thorough review of the existing literature andconducted a detailed analysis.This analysis effectively links sensor errors with a prominent fault detection techniquecapable of addressing them. This study is innovative because it paves theway for future researchers to explore errorsthat have not yet been tackled by existing fault detection methods. Significant, the paper, also highlights essentialfactors for selecting and adopting fault detection techniques, as well as the characteristics of datasets and theircorresponding recommended techniques. Additionally, the paper presents amethodical overview of fault detectiontechniques employed in smart devices, including themetrics used for evaluation. Furthermore, the paper examinesthe body of academic work related to sensor faults and fault detection techniques within the domain. This reflectsthe growing inclination and scholarly attention of researchers and academicians toward strategies for fault detectionwithin the realm of the Internet of Things.
基金supported by King Abdulaziz University,Deanship of Scientific Research,Jeddah,Saudi Arabia under grant no. (GWV-8053-2022).
文摘Electric motor-driven systems are core components across industries,yet they’re susceptible to bearing faults.Manual fault diagnosis poses safety risks and economic instability,necessitating an automated approach.This study proposes FTCNNLSTM(Fine-Tuned TabNet Convolutional Neural Network Long Short-Term Memory),an algorithm combining Convolutional Neural Networks,Long Short-Term Memory Networks,and Attentive Interpretable Tabular Learning.The model preprocesses the CWRU(Case Western Reserve University)bearing dataset using segmentation,normalization,feature scaling,and label encoding.Its architecture comprises multiple 1D Convolutional layers,batch normalization,max-pooling,and LSTM blocks with dropout,followed by batch normalization,dense layers,and appropriate activation and loss functions.Fine-tuning techniques prevent over-fitting.Evaluations were conducted on 10 fault classes from the CWRU dataset.FTCNNLSTM was benchmarked against four approaches:CNN,LSTM,CNN-LSTM with random forest,and CNN-LSTM with gradient boosting,all using 460 instances.The FTCNNLSTM model,augmented with TabNet,achieved 96%accuracy,outperforming other methods.This establishes it as a reliable and effective approach for automating bearing fault detection in electric motor-driven systems.
文摘Electrolysis tanks are used to smeltmetals based on electrochemical principles,and the short-circuiting of the pole plates in the tanks in the production process will lead to high temperatures,thus affecting normal production.Aiming at the problems of time-consuming and poor accuracy of existing infrared methods for high-temperature detection of dense pole plates in electrolysis tanks,an infrared dense pole plate anomalous target detection network YOLOv5-RMF based on You Only Look Once version 5(YOLOv5)is proposed.Firstly,we modified the Real-Time Enhanced Super-Resolution Generative Adversarial Network(Real-ESRGAN)by changing the U-shaped network(U-Net)to Attention U-Net,to preprocess the images;secondly,we propose a new Focus module that introduces the Marr operator,which can provide more boundary information for the network;again,because Complete Intersection over Union(CIOU)cannot accommodate target borders that are increasing and decreasing,replace CIOU with Extended Intersection over Union(EIOU),while the loss function is changed to Focal and Efficient IOU(Focal-EIOU)due to the different difficulty of sample detection.On the homemade dataset,the precision of our method is 94%,the recall is 70.8%,and the map@.5 is 83.6%,which is an improvement of 1.3%in precision,9.7%in recall,and 7%in map@.5 over the original network.The algorithm can meet the needs of electrolysis tank pole plate abnormal temperature detection,which can lay a technical foundation for improving production efficiency and reducing production waste.
基金in part by the National Natural Science Foundation of China under Grants 62271079,61875239,62127802in part by the Fundamental Research Funds for the Central Universities under Grant 2023PY01+1 种基金in part by the National Key Research and Development Program of China under Grant 2018YFB2200903in part by the Beijing Nova Program with Grant Number Z211100002121138.
文摘Efficient optical network management poses significant importance in backhaul and access network communicationfor preventing service disruptions and ensuring Quality of Service(QoS)satisfaction.The emerging faultsin optical networks introduce challenges that can jeopardize the network with a variety of faults.The existingliterature witnessed various partial or inadequate solutions.On the other hand,Machine Learning(ML)hasrevolutionized as a promising technique for fault detection and prevention.Unlike traditional fault managementsystems,this research has three-fold contributions.First,this research leverages the ML and Deep Learning(DL)multi-classification system and evaluates their accuracy in detecting six distinct fault types,including fiber cut,fibereavesdropping,splicing,bad connector,bending,and PC connector.Secondly,this paper assesses the classificationdelay of each classification algorithm.Finally,this work proposes a fiber optics fault prevention algorithm thatdetermines to mitigate the faults accordingly.This work utilized a publicly available fiber optics dataset namedOTDR_Data and applied different ML classifiers,such as Gaussian Naive Bayes(GNB),Logistic Regression(LR),Support Vector Machine(SVM),K-Nearest Neighbor(KNN),Random Forest(RF),and Decision Tree(DT).Moreover,Ensemble Learning(EL)techniques are applied to evaluate the accuracy of various classifiers.In addition,this work evaluated the performance of DL-based Convolutional Neural Network and Long-Short Term Memory(CNN-LSTM)hybrid classifier.The findings reveal that the CNN-LSTM hybrid technique achieved the highestaccuracy of 99%with a delay of 360 s.On the other hand,EL techniques improved the accuracy in detecting fiberoptic faults.Thus,this research comprehensively assesses accuracy and delay metrics for various classifiers andproposes the most efficient attack detection system in fiber optics.
基金supported by the Liaoning Province Applied Basic Research Program Project of China(Grant:2023JH2/101300065)the Liaoning Province Science and Technology Plan Joint Fund(2023-MSLH-221).
文摘Deep learning has emerged in many practical applications,such as image classification,fault diagnosis,and object detection.More recently,convolutional neural networks(CNNs),representative models of deep learning,have been used to solve fault detection.However,the current design of CNNs for fault detection of wind turbine blades is highly dependent on domain knowledge and requires a large amount of trial and error.For this reason,an evolutionary YOLOv8 network has been developed to automatically find the network architecture for wind turbine blade-based fault detection.YOLOv8 is a CNN-backed object detection model.Specifically,to reduce the parameter count,we first design an improved FasterNet module based on the Partial Convolution(PConv)operator.Then,to enhance convergence performance,we improve the loss function based on the efficient complete intersection over the union.Based on this,a flexible variable-length encoding is proposed,and the corresponding reproduction operators are designed.Related experimental results confirmthat the proposed approach can achieve better fault detection results and improve by 2.6%in mean precision at 50(mAP50)compared to the existing methods.Additionally,compared to training with the YOLOv8n model,the YOLOBFE model reduces the training parameters by 933,937 and decreases the GFLOPS(Giga Floating Point Operations Per Second)by 1.1.
基金supported partially by NationalNatural Science Foundation of China(NSFC)(No.U21A20146)Collaborative Innovation Project of Anhui Universities(No.GXXT-2020-070)+8 种基金Cooperation Project of Anhui Future Technology Research Institute and Enterprise(No.2023qyhz32)Development of a New Dynamic Life Prediction Technology for Energy Storage Batteries(No.KH10003598)Opening Project of Key Laboratory of Electric Drive and Control of Anhui Province(No.DQKJ202304)Anhui Provincial Department of Education New Era Education Quality Project(No.2023dshwyx019)Special Fund for Collaborative Innovation between Anhui Polytechnic University and Jiujiang District(No.2022cyxtb10)Key Research and Development Program of Wuhu City(No.2022yf42)Open Research Fund of Anhui Key Laboratory of Detection Technology and Energy Saving Devices(No.JCKJ2021B06)Anhui Provincial Graduate Student Innovation and Entrepreneurship Practice Project(No.2022cxcysj123)Key Scientific Research Project for Anhui Universities(No.2022AH050981).
文摘Accurate and reliable fault detection is essential for the safe operation of electric vehicles.Support vector data description(SVDD)has been widely used in the field of fault detection.However,constructing the hypersphere boundary only describes the distribution of unlabeled samples,while the distribution of faulty samples cannot be effectively described and easilymisses detecting faulty data due to the imbalance of sample distribution.Meanwhile,selecting parameters is critical to the detection performance,and empirical parameterization is generally timeconsuming and laborious and may not result in finding the optimal parameters.Therefore,this paper proposes a semi-supervised data-driven method based on which the SVDD algorithm is improved and achieves excellent fault detection performance.By incorporating faulty samples into the underlying SVDD model,training deals better with the problem of missing detection of faulty samples caused by the imbalance in the distribution of abnormal samples,and the hypersphere boundary ismodified to classify the samplesmore accurately.The Bayesian Optimization NSVDD(BO-NSVDD)model was constructed to quickly and accurately optimize hyperparameter combinations.In the experiments,electric vehicle operation data with four common fault types are used to evaluate the performance with other five models,and the results show that the BO-NSVDD model presents superior detection performance for each type of fault data,especially in the imperceptible early and minor faults,which has seen very obvious advantages.Finally,the strong robustness of the proposed method is verified by adding different intensities of noise in the dataset.
基金This work was supported by the National Key Research and Development Program Topics(2020YFC2200902)the National Natural Science Foundation of China(11872110).
文摘To maintain the stability of the inter-satellite link for gravitational wave detection,an intelligent learning monitoring and fast warning method of the inter-satellite link control system failure is proposed.Different from the traditional fault diagnosis optimization algorithms,the fault intelligent learning method pro-posed in this paper is able to quickly identify the faults of inter-satellite link control system despite the existence of strong cou-pling nonlinearity.By constructing a two-layer learning network,the method enables efficient joint diagnosis of fault areas and fault parameters.The simulation results show that the average identification time of the system fault area and fault parameters is 0.27 s,and the fault diagnosis efficiency is improved by 99.8%compared with the traditional algorithm.
基金supported by the National Natural Science Foundation of China(Grant Nos.U20A20186 and 62372063).
文摘Fault diagnosis of traction systems is important for the safety operation of high-speed trains.Long-term operation of the trains will degrade the performance of systems,which decreases the fault detection accuracy.To solve this problem,this paper proposes a fault detection method developed by a Generalized Autoencoder(GAE)for systems with performance degradation.The advantage of this method is that it can accurately detect faults when the traction system of high-speed trains is affected by performance degradation.Regardless of the probability distribution,it can handle any data,and the GAE has extremely high sensitivity in anomaly detection.Finally,the effectiveness of this method is verified through the Traction Drive Control System(TDCS)platform.At different performance degradation levels,our method’s experimental results are superior to traditional methods.
文摘This paper examines the progression and advancements in fault detection techniques for photovoltaic (PV) panels, a target for optimizing the efficiency and longevity of solar energy systems. As the adoption of PV technology grows, the need for effective fault detection strategies becomes increasingly paramount to maximize energy output and minimize operational downtimes of solar power systems. These approaches include the use of machine learning and deep learning methodologies to be able to detect the identified faults in PV technology. Here, we delve into how machine learning models, specifically kernel-based extreme learning machines and support vector machines, trained on current-voltage characteristic (I-V curve) data, provide information on fault identification. We explore deep learning approaches by taking models like EfficientNet-B0, which looks at infrared images of solar panels to detect subtle defects not visible to the human eye. We highlight the utilization of advanced image processing techniques and algorithms to exploit aerial imagery data, from Unmanned Aerial Vehicles (UAVs), for inspecting large solar installations. Some other techniques like DeepLabV3 , Feature Pyramid Networks (FPN), and U-Net will be detailed as such tools enable effective segmentation and anomaly detection in aerial panel images. Finally, we discuss implications of these technologies on labor costs, fault detection precision, and sustainability of PV installations.
文摘The continuous operation of On-Load Tap-Changers (OLTC) is essential for maintaining stable voltage levels in power transmission and distribution systems. Timely fault detection in OLTC is essential for preventing major failures and ensuring the reliability of the electrical grid. This research paper proposes an innovative approach that combines voiceprint detection using MATLAB analysis for online fault monitoring of OLTC. By leveraging advanced signal processing techniques and machine learning algorithms in MATLAB, the proposed method accurately detects faults in OLTC, providing real-time monitoring and proactive maintenance strategies.
基金supported in part by the National Natural Science Foundation of China(62373152,62333005,U21B6001,62073143,62273121)in part by the Natural Science Funds for Excellent Young Scholars of Hebei Province in 2022(F2022202014)+1 种基金in part by Science and Technology Research Project of Colleges and Universities in Hebei Province(BJ2020017)in part by the China Postdoctoral Science Foundation(2022M711639,2023T160320).
文摘This article studies the fault detection filtering design problem for Roesser type two-dimensional(2-D)nonlinear systems described by uncertain 2-D Takagi-Sugeno(T-S)fuzzy models.Firstly,fuzzy Lyapunov functions are constructed and the 2-D Fourier transform is exploited,based on which a finite frequency fault detection filtering design method is proposed such that a residual signal is generated with robustness to external disturbances and sensitivity to faults.It has been shown that the utilization of available frequency spectrum information of faults and disturbances makes the proposed filtering design method more general and less conservative compared with a conventional nonfrequency based filtering design approach.Then,with the proposed evaluation function and its threshold,a novel mixed finite frequency H_(∞)/H_(-)fault detection algorithm is developed,based on which the fault can be immediately detected once the evaluation function exceeds the threshold.Finally,it is verified with simulation studies that the proposed method is effective and less conservative than conventional non-frequency and/or common Lyapunov function based filtering design methods.
文摘In any industry,it is the requirement to know whether the machine is healthy or not to operate machine further.If the machine is not healthy then what is the fault in the machine and then finally its location.The paper is proposing a 3-Steps methodology for the machine fault diagnosis to meet the industrial requirements to aid the maintenance activity.The Step-1 identifies whether machine is healthy or faulty,then Step-2 detect the type of defect and finally its location in Step-3.This method is extended further from the earlier study on the 2-Steps method for the rotor defects only to the 3-Steps methodology to both rotor and bearing defects.The method uses the optimised vibration parameters and a simple Artificial Neural Network(ANN)-based Machine Learning(ML)model from the earlier studies.The model is initially developed,tested and validated on an experimental rotating rig operating at a speed above 1st critical speed.The proposed method and model are then further validated at 2 different operating speeds,one below 1st critical speed and other above 2nd critical speed.The machine dynamics are expected to be significantly different at these speeds.This highlights the robustness of the proposed 3-Steps method.
基金supported by the Natural Science Foundation of Fujian Province,China(No.2022J01566).
文摘The in-core self-powered neutron detector(SPND)acts as a key measuring device for the monitoring of parameters and evaluation of the operating conditions of nuclear reactors.Prompt detection and tolerance of faulty SPNDs are indispensable for reliable reactor management.To completely extract the correlated state information of SPNDs,we constructed a twin model based on a generalized regression neural network(GRNN)that represents the common relationships among overall signals.Faulty SPNDs were determined because of the functional concordance of the twin model and real monitoring sys-tems,which calculated the error probability distribution between the model outputs and real values.Fault detection follows a tolerance phase to reinforce the stability of the twin model in the case of massive failures.A weighted K-nearest neighbor model was employed to reasonably reconstruct the values of the faulty signals and guarantee data purity.The experimental evaluation of the proposed method showed promising results,with excellent output consistency and high detection accuracy for both single-and multiple-point faulty SPNDs.For unexpected excessive failures,the proposed tolerance approach can efficiently repair fault behaviors and enhance the prediction performance of the twin model.
基金This work was supported in part by the Natural Science Foundation of China under Grant 62203461 and Grant 62203365in part by the Postdoctoral Science Foundation of China under Grant No.2020M683736+3 种基金in part by the Teaching reform project of higher education in Heilongjiang Province under Grant Nos.SJGY20210456 and SJGY20210457in part by the Natural Science Foundation of Heilongjiang Province of China under Grant No.LH2021F038in part by the graduate academic innovation project of Harbin Normal University under Grant Nos.HSDSSCX2022-17,HSDSSCX2022-18 andHSDSSCX2022-19in part by the Foreign Expert Project of Heilongjiang Province under Grant No.GZ20220131.
文摘Expert knowledge is the key to modeling milling fault detection systems based on the belief rule base.The construction of an initial expert knowledge base seriously affects the accuracy and interpretability of the milling fault detection model.However,due to the complexity of the milling system structure and the uncertainty of the milling failure index,it is often impossible to construct model expert knowledge effectively.Therefore,a milling system fault detection method based on fault tree analysis and hierarchical BRB(FTBRB)is proposed.Firstly,the proposed method uses a fault tree and hierarchical BRB modeling.Through fault tree analysis(FTA),the logical correspondence between FTA and BRB is sorted out.This can effectively embed the FTA mechanism into the BRB expert knowledge base.The hierarchical BRB model is used to solve the problem of excessive indexes and avoid combinatorial explosion.Secondly,evidence reasoning(ER)is used to ensure the transparency of the model reasoning process.Thirdly,the projection covariance matrix adaptation evolutionary strategies(P-CMA-ES)is used to optimize the model.Finally,this paper verifies the validity model and the method’s feasibility techniques for milling data sets.
基金supported in part by the Natural Science Foundation of the Jiangsu Higher Education Institutions of China under Grant 21KJA470007。
文摘The complex working conditions and nonlinear characteristics of the motor drive control system of industrial robots make it difficult to detect faults.In this paper,a deep learning-based observer,which combines the convolutional neural network(CNN)and the long short-term memory network(LSTM),is employed to approximate the nonlinear driving control system.CNN layers are introduced to extract dynamic features of the data,whereas LSTM layers perform time-sequential prediction of the target system.In terms of application,normal samples are fed into the observer to build an offline prediction model for the target system.The trained CNN-LSTM-based observer is then deployed along with the target system to estimate the system outputs.Online fault detection can be realized by analyzing the residuals.Finally,an application of the proposed fault detection method to a brushless DC motor drive system is given to verify the effectiveness of the proposed scheme.Simulation results indicate the impressive fault detection capability of the presented method for driving control systems of industrial robots.
基金financial supported by the Natural Science Foundation of Fujian,China(2021J01633).
文摘When a high impedance fault(HIF)occurs in a distribution network,the detection efficiency of traditional protection devices is strongly limited by the weak fault information.In this study,a method based on S-transform(ST)and average singular entropy(ASE)is proposed to identify HIFs.First,a wavelet packet transform(WPT)was applied to extract the feature frequency band.Thereafter,the ST was investigated in each half cycle.Afterwards,the obtained time-frequency matrix was denoised by singular value decomposition(SVD),followed by the calculation of the ASE index.Finally,an appropriate threshold was selected to detect the HIFs.The advantages of this method are the ability of fine band division,adaptive time-frequency transformation,and quantitative expression of signal complexity.The performance of the proposed method was verified by simulated and field data,and further analysis revealed that it could still achieve good results under different conditions.
文摘This work presents a novel wavelet-based denoising technique for improving the signal-to-noise ratio(SNR)of nonsteady vibration signals in hardware redundant systems.The proposed method utilizes the relationship between redundant hardware components to effectively separate fault-related components from the vibration signature,thus enhancing fault detection accuracy.The study evaluates the proposed technique on two mechanically identical subsystems that are simultaneously controlled under the same speed and load inputs,with and without the proposed denoising step.The results demonstrate an increase in detection accuracy when incorporating the proposed denoising method into a fault detection system designed for hardware redundant machinery.This work is original in its application of a new method for improving performance when using residual analysis for fault detection in hardware redundant machinery configurations.Moreover,the proposed methodology is applicable to nonstationary equipment that experiences changes in both speed and load.
基金supported in part by the National Natural Science Foundation of China under Grant U1734211.
文摘Railway turnout is one of the critical equipment of Switch&Crossing(S&C)Systems in railway,related to the train’s safety and operation efficiency.With the advancement of intelligent sensors,data-driven fault detection technology for railway turnout has become an important research topic.However,little research in the literature has investigated the capability of data-driven fault detection technology for metro railway turnout.This paper presents a convolutional autoencoder-based fault detection method for the metro railway turnout considering human field inspection scenarios.First,the one-dimensional original time-series signal is converted into a twodimensional image by data pre-processing and 2D representation.Next,a binary classification model based on the convolutional autoencoder is developed to implement fault detection.The profile and structure information can be captured by processing data as images.The performance of our method is evaluated and tested on real-world operational current data in themetro stations.Experimental results show that the proposedmethod achieves better performance,especially in terms of error rate and specificity,and is robust in practical engineering applications.