Hostname: page-component-cd9895bd7-gbm5v Total loading time: 0 Render date: 2024-12-19T06:42:33.011Z Has data issue: false hasContentIssue false

Fault diagnosis of proton exchange membrane fuel cells based on improved YOLOv5

Published online by Cambridge University Press:  13 December 2024

Xiangshuai Deng
Affiliation:
Faculty of Automation, Huaiyin Institute of Technology, Huaian, Jiangsu, China
Dongshen Du*
Affiliation:
Faculty of Automation, Huaiyin Institute of Technology, Huaian, Jiangsu, China
Huaisong Fang
Affiliation:
Faculty of Automation, Huaiyin Institute of Technology, Huaian, Jiangsu, China
Yiming Ren
Affiliation:
Faculty of Automation, Huaiyin Institute of Technology, Huaian, Jiangsu, China
*
Corresponding author: Dongshen Du; Email: [email protected]
Rights & Permissions [Opens in a new window]

Abstract

With the widespread application of proton exchange membrane fuel cells (PEMFCs), ensuring the safe and reliable operation of the PEMFCs is becoming more and more important. Timely diagnosis of fault types and the implementation of targeted interventions are crucial for addressing these challenges. In this study, a simulated PEMFC model is firstly introduced by using Fluent, and the effectiveness is validated through experiments involving membrane dry faults, water flooding faults, normal states, and unknown states. Then, a data-driven deep learning convolutional neural network, YOLOv5-CG-AS, is developed, which employs the EfficientViT network as the backbone, incorporating lightweight improvements through the proposed CG-AS attention layer. The results demonstrate that YOLOv5-CG-AS can automatically extract fault features from images for offline fault diagnosis and can perform real-time online diagnosis of multiple parameter curves of PEMFCs. Moreover, the experimental results have validated the feasibility and effectiveness of proposed method and shown the average precision mean Average Precision (mAP) of the trained model reaches 99.50%, superior than other conventional strategies. This has significant implications for advancing fault diagnosis methods, enhancing the reliability and durability of PEMFC systems, and promoting further development in the field.

Type
Research Article
Copyright
© The Author(s), 2024. Published by Cambridge University Press

1. Introduction

Proton exchange membrane fuel cells (PEMFCs), as an emerging clean energy technology, offer advantages such as high efficiency, environmental friendliness, and low noise, making them one of the most promising clean energy sources in recent years (Zheng et al., Reference Zheng, Petrone and Péra2013; Wang et al., Reference Wang, Yang and Zeng2021). However, the occurrence of faults in fuel cells can lead to reduced reliability and durability, which remains a major challenge hindering the development of fuel cell technology. Therefore, accurate and timely fault diagnosis is crucial for maintaining the performance of PEMFCs and extending their lifespan (Jeong et al., Reference Jeong, Park and Park2019; Sinha and Mondal, Reference Sinha and Mondal2021).

Although there are various types of faults in proton exchange membrane fuel cells, the most common and typical faults are membrane dry faults and flooding faults (Huang et al., Reference Huang, Geng and Liun.d.; Zhang et al., Reference Zhang, Jiang and Sun2020). During the operation of a PEMFC, proton conductivity is closely related to membrane water content; thus, optimal output performance corresponds to a sufficiently hydrated proton exchange membrane. However, excessive internal water content in the cell can lead to flooding faults, while insufficient water content can result in membrane dry faults. Flooding in the gas diffusion layer and channels hinders the transport of reactants to reaction sites, reducing the active surface area of the catalyst due to water coverage. This results in a significant increase in activation and concentration losses in the PEMFC. Membrane dry faults lead to an increase in resistance, causing the PEMFC to generate more heat during operation, further reducing energy conversion efficiency and exacerbating membrane dry faults, potentially leading to membrane tears. This significantly impacts output performance and remaining lifespan.

Currently, there are three main methods for PEMFC fault diagnosis: experimental testing-based, model-based, and data-driven approaches (Allam et al., Reference Allam, Michael and Zhangn.d.; Zhou et al., Reference Zhou, Ren and Pei2015). Experimental testing-based methods generally have high equipment requirements and often require system shutdown, involving extensive testing and analysis. As a result, they are unsuitable for online diagnosis, continuous system monitoring, and fault prevention. Model-based approaches involve utilizing physical models to simulate and model the system, offering better interpretability and reliability. They allow safe modifications to experimental conditions, mitigating irreversible damage caused by embedded faults in real PEMFC systems (Guo et al., Reference Guo, Zhu and Wei2014; Huang and Xiang, Reference Huang and Xiang2015; Wang et al., Reference Wang, Yang and Zeng2021; Cui and Xiang, Reference Cui and Xiang2023). However, in application scenarios with high real-time requirements, model-based methods may not provide a sufficiently rapid response for fault diagnosis. Data-driven approaches, especially those using deep learning neural networks, leverage large amounts of experimental data for training, automatically learning features, reducing dependence on prior knowledge, and are suitable for diagnosing complex systems, including unknown faults (Zhong et al., Reference Zhong, Zhu and Cao2006; Zhang and Guo, Reference Zhang and Guo2021; Darzentas et al., Reference Darzentas, Wagner and Craigon2022; Lee et al., Reference Lee, Cooper and Hands2022). They are applicable when the model is incomplete or inaccurate. Data-driven models require a large number of fault samples as training data, which often face issues such as class imbalance and insufficient labeled fault samples in practical situations (Zhang et al., Reference Zhang, He and Tang2024). Typically, constructing fault models to acquire fault characteristics and generate training samples is a key to addressing this issue (Xiang et al., Reference Xiang, Zhong and Tang2016). Fault models, combined with generative adversarial networks (GAN) and GAN-based domain adaptation (DA) networks, can adjust the original simulated fault samples. Through adversarial training between the refiner and domain discriminator, the samples are made to resemble actual fault samples, which can also solve the problem of insufficient fault samples (Gao et al., Reference Gao, Liu and Xiang2021; Luo et al., Reference Luo, Kumar and Xiang2022). This paper draws on this concept, using a PEMFC simulation model and embedding faults into the model to obtain a sufficient number of fault samples, thereby addressing the issues of insufficient training data and class imbalance faced by data-driven models. YOLOv5 (You Only Look Once version 5), being a data-driven method, leverages deep learning neural networks to automatically learn features from large amounts of experimental data. This capability is beneficial for capturing intricate patterns and complex relationships within the PEMFC system. Its efficiency and speed make it suitable for real-time fault diagnosis applications, which is particularly advantageous in situations where timely responses are crucial for maintaining the performance and reliability of the PEMFC system.

Based on the above discussion, this paper combines the strengths of model-based and data-driven approaches to diagnose faults in PEMFCs. Initially, a multiphysics coupled PEMFC simulation model is established in the FLUENT environment, designed to acquire data under various PEMFC operating conditions, avoiding irreversible damage to PEMFC during fault data acquisition and issues such as class imbalance and insufficient labeled fault samples in data-driven models. Then, we first enhance the EfficientViT model by incorporating Axial Self-Attention (ASA) to reduce the computational complexity of Cascaded Group Attention (CGA). This improved EfficientViT is then used as the backbone of the YOLOv5 model (Liu et al., Reference Liu, Peng and Zhengn.d.; Ho et al., Reference Ho, Kalchbrenner and Weissenborn2019). It provides a fault diagnosis algorithm suitable for both offline and online PEMFC systems, contributing significantly to the development of PEMFC fault diagnosis. The model’s low computational complexity and small size offer a new portable algorithm for embedded devices, presenting a promising possibility for the practical application of portable devices in offline and online PEMFC fault diagnosis.

2. PEMFC simulation model

2.1. Model assumptions

It is well known that the inner chemical reactions of PEMFCs are highly complex owning to involving gases and electrolytes. In order to mitigate computational complexity and enhance computational efficiency, the following assumptions are firstly given:

  • Gases are treated as ideal gases and follow the ideal gas law.

  • The operating environment of the fuel cell is in a steady state.

  • Both the diffusion layer and the catalyst layer are considered porous media.

2.2. Physical model

The physical model of a single-cell PEMFC is illustrated in Figure 1, which is composed of the cathode/anode gas channels, the cathode/anode diffusion layers, the cathode/anode catalyst layers, the cathode/anode current collectors, and the proton exchange membrane (Guo et al., Reference Guo, Zhu and Wei2014). The model parameters are given in Table 1.

Figure 1. PEMFC model. 1. Collector plate, 2. gas channel, 3. diffusion layer, 4. catalyst layer, and 5. PEM.

Table 1. PEMFC simulation model parameters

2.3. Control equations

In the process of software modeling, the following equations are primarily utilized: 1) mass conservation equations effective for fluid flow, diffusion, and electrochemical reactions; 2) continuity equations governing fluid transport; 3) the Butler-Volmer equation describing the relationship between current and potential; 4) component conservation equations for gas-phase mixtures; and 5) the Stefan-Maxwell equation describing the gradient of molar fractions in components (Huang et al., Reference Huang, Geng and Liun.d.; Guo et al., Reference Guo, Zhu and Wei2014; Zhou et al., Reference Zhou, Ren and Pei2015; Zhang et al., Reference Zhang, Jiang and Sun2020). The specific formulas are given by equations (1) to (6).

Mass conservation equation:

(1) $$ \frac{\partial \rho }{\partial t}+\nabla \bullet \left(\rho v\right)=0 $$

Continuity equation for fluid transport:

(2) $$ \frac{\partial \left(\varepsilon \rho \right)}{\partial t}+\nabla \bullet \left(\varepsilon \rho U\right)=0 $$

The density, denoted by $ \rho $ , characterizes the compactness of the fluid. While the velocity vector $ v $ illuminates the dynamic motion of the fluid, the operator $ \nabla $ finds representation in $ \frac{d}{dx}+\frac{d}{dy}+\frac{d}{dz} $ . Described by the symbol e, the porosity of the porous medium reflects the openness of the material, with $ U $ signifying the vector of velocity for the inner fluid circulating. Within the porous medium, fluid motion is captured by the velocity vector $ U $ , while $ \varepsilon $ quantifies the porosity of the medium.

Butler-volmer equation:

(Anode)

(3) $$ {i}_a={i}_{0,a}\left\{\exp \left[\frac{-{\alpha}_{Rd,a}F\left({E}_a-{E}_{r,a}\right)}{RT}\right]-\exp \left[\frac{\alpha_{0x,a}F\left({E}_a-{E}_{r,a}\right)}{RT}\right]\right\} $$

(Cathode)

(4) $$ {\mathrm{\imath}}_a={i}_{0,c}\left\{\exp \left[\frac{-{\alpha}_{Rd,c}F\left({E}_c-{E}_{r,c}\right)}{RT}\right]-\exp \left[\frac{\alpha_{0x,c}F\left({E}_c-{E}_{r,c}\right)}{RT}\right]\right\} $$

Anode current density, denoted as $ {i}_a $ , characterizes the flow of current at the anode, while $ {i}_{0,a} $ represents the anode exchange current density. The transfer coefficient of the anodic reducible substance is given by $ {\alpha}_{Rd,a} $ , and $ {\alpha}_{0x,a} $ describes the transfer coefficient of the anodic oxidizable substance. $ {E}_a $ denotes the anode potential, and $ {E}_{r,a} $ signifies the anode equilibrium potential. Additionally, $ R,T $ , and $ F $ correspond to the gas constant, reaction temperature, and Faraday constant, respectively. Cathode current density, $ {i}_c $ , characterizes the flow of current at the cathode, with $ {i}_0{,}_c $ representing the cathode exchange current density. The transfer coefficient of the cathodic reducible substance is denoted as $ {\alpha}_{Rd,c} $ , and $ {\alpha}_{0x,c} $ describes the transfer coefficient of the cathodic oxidizable substance. $ {E}_c $ denotes the cathode potential, and $ {E}_{r,c} $ signifies the cathode equilibrium potential.

Species conservation equation:

(5) $$ \frac{\partial \left(\varepsilon \rho {x}_i\right)}{\partial t}+\nabla \left( v\varepsilon \rho {x}_i\right)=\nabla \left(\rho {D}_i^{eff}\nabla {x}_i\right)+{S}_i $$

The mass fraction of gas component $ {x}_i $ characterizes the portion of component $ i $ in the gas mixture. Component $ i $ experiences effective diffusion with a diffusion coefficient $ {D}_i^{eff} $ within the gas mixture. The rate of mass generation $ \left({S}_i\right) $ reflects the outcome of electrochemical reactions involving component $ i $ .

Stefan-Maxwell equation:

(6) $$ \nabla {y}_i= RT\sum \limits_j\frac{y_i{N}_j-{y}_j{N}_i}{pD_{ij}^{eff}} $$

The molar fraction of component $ i $ in the gas phase, denoted as $ {y}_i $ expresses the relative abundance of component $ i $ . Within a differential volume element, $ {N}_i $ represents the average apparent gas phase flux of component $ i $ . The partial pressure of components $ i $ and $ j $ is represented by p. The binary diffusion coefficient for components $ i $ and $ j $ is denoted as $ {D}_{ij}^{eff} $ , capturing the effective diffusion between the two species.

2.4. Model validation

To verify the accuracy of the established PEMFC simulation model, we compared its generated polarization curves with actual experimental data from an EC-type PEMFC. The results show that the voltage values of the simulation model and the experimental data are highly consistent at multiple current density points, with matching trends and errors within a reasonable range (less than 5%). This consistency and low error indicate that the model has high precision and credibility, effectively simulating the performance of actual fuel cells, as described in Figure 2.

Figure 2. Comparison of experimental and simulated V-I curve.

Figure 3. EC-type proton exchange membrane fuel cell.

In cases of low porosity, water generated by electrochemical reactions cannot be promptly expelled. The gas diffusion layer may become partially or entirely filled with liquid water, impeding the subsequent transport of oxygen and causing a decline in the efficiency of fuel cell operation, leading to flooding faults. Furthermore, a decrease in membrane humidity can result in reduced conductivity, causing membrane dry faults. Therefore, in the simulation, adjusting the porosity from 0.6 to 0.2 represents the flooding faults, while reducing cathode humidity from 1 to 0.4 indicates the membrane dry faults (Zhou et al., Reference Zhou, Ren and Pei2015; Sun et al., Reference Sun, Mao and Huang2022; Calasan et al., Reference Calasan, Micev and Hasanien2024; Ma et al., Reference Ma, Dang and Zhang2024)

3. YOLOv5 network model

With the benefit of efficiency, accuracy, and user-friendly features, the YOLOv5 model has been widely applied in object detection tasks within the field of computer vision, including object recognition, pedestrian detection, and traffic scene analysis. The model is composed of four components: input, backbone, neck, and prediction (Kim et al., Reference Kim, Kim and Park2022; Liu et al., Reference Liu, Hu and Chen2023).

3.1. Input

The input component includes three parts: Mosaic data augmentation method, adaptive anchor calculation, and adaptive image scaling. The Mosaic data augmentation method provides more background information and object context. The adaptive anchor calculation allows the model to adapt to different sizes of targets and image variations. The adaptive image scaling ensures that input images have a consistent size. These techniques collectively contribute to the input component of YOLOv5, enhancing the model’s detection performance and robustness.

3.2. Backbone

The backbone network, CSPDarknet53, employs a special CSP connection to fuse low-level and high-level features, enhancing the accuracy of object detection. CSPDarknet53 divides the input feature map into two branches: the main branch and the cross-stage connection branch. The main branch is responsible for extracting high-level semantic features, while the cross-stage connection branch focuses on extracting low-level features. The fusion of low-level features with high-level features enhances the overall feature representation capability.

3.3. Neck

The neck section consists of an FPN + PAN structure, primarily used to extract multiscale feature information by aggregating high and low-level features of the image, thereby enhancing the effectiveness of object detection.

3.4. Prediction

The prediction layer mainly consists of a loss function and Nonmaximum Suppression (NMS). GIOU_Loss is employed as the loss function to address cases where bounding boxes in previous YOLO versions do not overlap. NMS is utilized to select the box with the highest confidence as the final detection result, thereby enhancing the accuracy and reliability of object detection.

4. Improved YOLOv5 algorithm

4.1. EfficientViT

EfficientViT is a lightweight neural network model proposed (Liu et al., Reference Liu, Peng and Zhengn.d.), comprising an efficient memory sandwich layout and cascaded group attention modules. It addresses issues such as excessive memory access time caused by Multihead Self-Attention (MHSA), computational redundancy between attention heads, and inefficient model parameter allocation.

4.2. Improvements to EfficientViT

We construct a new attention layer, CG-AS Attention, by combining Cascaded Group Attention (CGA) and Axial Self-Attention (ASA). By using the EfficientViT block as the base module, the input features of each EfficientViT Block undergo $ N $ FFN layers, followed by the new attention layer CG- AS Attention, and finally, N additional FFN layers to transform the output features. Simultaneously, GSConv is employed before each FFN layer to replace the original DWConv in the model, facilitating interaction between local tokens and introducing inductive bias. Between FFN layers $ {\Phi}_i^F $ , CG-AS Attention $ {\Phi}_i^A $ is utilized for spatial fusion, with its calculation formula as follows:

(7) $$ {X}_{i+1}=\prod \limits^N{\Phi}_i^F\left({\Phi}_i^A\left(\prod \limits^N{\Phi}_i^F\left({X}_i\right)\right)\right) $$

$ {X}_i $ represents the complete input features of the i-th block. The entire structure transforms into $ {X}_{i+1} $ with $ N $ FFN layers, with $ N $ FFN layers positioned before and after the cascaded group attention layer CGA. This foundational module reduces the use of attention, alleviating the memory access time consumption issue associated with attention calculations. CG-AS Attention employs a method of splitting input features, providing only a portion of the input features to each attention head to reduce computational redundancy. Additionally, attention calculations follow a cascaded approach, with the output of each head added to the subsequent heads, gradually refining feature representations and enhancing the depth and expressive capacity of lightweight networks without introducing additional parameters. Within each subregion, ASA is applied to model the internal confidence and spatial relationships. ASA decomposes the spatial dimensions of the input features into two directions, performs self-attention calculations on each direction separately, and finally adds the outputs of the two directions. This reduces computational complexity while retaining spatial information. In a formal representation, this self-attention can be expressed as:

(8) $$ {\hat{Xrow}}_{ij}= Attn\left({X}_{ij}{W}_{ij}^Q,{X}_{ij}{W}_{ij}^K,{X}_{ij}{W}_{ij}^V\right) $$
(9) $$ {\hat{Xcol}}_{ij}= Attn\left({X}_{ij}{W}_{ij}^Q,{X}_{ij}{W}_{ij}^K,{X}_{ij}{W}_{ij}^V\right) $$
(10) $$ {\hat{X}}_{ij}={\hat{Xrol}}_{ij}+{\hat{Xrow}}_{ij} $$
(11) $$ {\hat{X}}_{i+1}= Concat{\left[{\hat{X}}_{ij}\right]}_{j=1:h}{W}_i^P $$
(12) $$ {X}_{ij}^{\prime }={X}_{ij}+{\hat{X}}_{i\left(j-1\right)} $$

The output features of self-attention calculations in the row direction are denoted as $ {\hat{Xrow}}_{ij} $ , while $ {\hat{Xcol}}_{ij} $ represents the output features in the column direction. The final output feature of axial self-attention is expressed as $ {\hat{X}}_{ij} $ , where $ {X}_{ij} $ signifies the j-th segment of input features $ {X}_i $ . The total number of heads is represented by $ h $ , and $ {W}_{ij}^Q $ , $ {W}_{ij}^K $ , and $ {W}_{ij}^V $ are projection layers that map input features to distinct subspaces. The linear layer $ {W}_i^P $ projects the concatenated output features back to a dimension consistent with the input, ensuring dimensional alignment. The new input feature for the j-th head, denoted as $ {X}_{ij}^{\prime } $ , replaces $ {X}_{ij} $ , facilitating self-attention to collectively capture local and global relationships, thereby enhancing feature representation. The network is illustrated in Figure 5.

Figure 4. YOLOv5 network model.

Figure 5. EfficientViT: (a) Flowchart of the EfficientViT, (b) EfficientViT Block, and (c) CG-AS Attention.

The design choice to split the input features in the CG-AS Attention layer and make only a subset available to each attention head is motivated by the desire to reduce computational redundancy. Despite the division of features, the cascading nature of the group attention layers ensures that the outputs of previous layers, which contain processed contextual information, are available to subsequent layers. This cumulative processing guarantees that even with the division of input features, the model has access to a comprehensive representation of the context as it progresses through the layers. By partitioning features, each attention head concentrates on different subsets of the input data, enabling the model to process information more efficiently. This method reduces the overlap of computations performed by each head, thus decreasing redundancy. Axial Self-Attention reduces computational load by decomposing the calculations of the traditional self-attention mechanism into two separate axes.

4.3. Adapting YOLOv5

This paper utilizes the improved version of EfficientViT as the backbone network in the YOLOv5 architecture, responsible for extracting feature representations from input images. The network structure is depicted in Figure 6, with the other components of YOLOv5 remaining unchanged.

Figure 6. Improved YOLOv5 network model: Utilizing CG-AS Attention improved EfficientVit Network as the Backbone of YOLOv5.

5. Experimental validation and result analysis

5.1. Dataset and experimental setup

Our experiments focus on fault diagnosis for four states: membrane dry faults, flooding faults, normal states, and unknown states. The dataset consists of 4400 feature curves diagrams, such as Figure 7, representing membrane dry faults, flooding faults, normal states, and unknown states. These curves include the pressure drop at the anode/cathode outlet and inlet, proton exchange membrane (PEM) water content, Membrane Electrode Assembly (MEA) current, and fuel cell current (Redmon and Farhadi, Reference Redmon and Farhadin.d.).

Figure 7. Fuel cell data curve.

5.2. Experimental equipment

The experimental environment in this paper includes the Windows 10 operating system, NVIDIA GeForce GTX 1050 GPU, i5-7300HQ CPU, and the programming environment consists of Python 3.10, PyTorch 1.12.1, and CUDA 12.2.

The model training parameters are set as follows: a total of 300 iterations for training, the weight file is efficientViT_m0.pth, the initial learning rate is 0.01, and 4 samples are selected for each training batch.

5.3. Performance metrics

To objectively evaluate the performance of the network model, this study employs Precision, Recall, and mean Average Precision (mAP) as evaluation metrics. Precision refers to the proportion of correctly predicted targets among all targets predicted by the model; recall refers to the proportion of correctly predicted targets among all actual targets; mAP is the average value of prediction accuracy across all categories. (Benjumea et al., Reference Benjumea, Teeti and Cuzzolinn.d.; Li et al., Reference Li, Wang and Jalil2023). The PR curves of the YOLOv5s model and YOLOv5-CG-AS are shown in Figure 8 and Figure 9. The PR curve demonstrates the trade-off between precision and recall. By comparing the PR curves of various models, it is possible to intuitively evaluate which model achieves a better balance between precision and recall. The greater the area under the curve (AUC-PR), the superior the model’s performance.

Figure 8. PR curves.

Figure 9. YOLOv5-CG-AS PR curve.

(13) $$ Precision=\frac{TP}{TP+ FP} $$
(14) $$ Recall=\frac{TP}{TP+ FN} $$
(15) $$ mAP=\frac{1}{N}\sum \limits_i^N\frac{TP}{TP+ FP} $$

$ TP $ represents the number of true positive samples correctly predicted by the model, $ FP $ represents the number of false positive samples incorrectly predicted by the model, and $ FN $ represents the number of false negative samples incorrectly predicted by the model.

The YOLOv5-CG-AS model has sacrificed a portion of precision to attain a more optimal balance between precision and recall, especially in the context of addressing classification issues within imbalanced datasets. This equilibrium allows the model to not only detect a greater number of positive class samples but also to minimize the misclassification of negative class samples as positive. This is critically important for applications requiring precise identification, such as medical diagnostics, fraud detection, etc.

5.4. Experimental results and analysis

5.4.1. Comparison of lightweight models

Because the YOLOv5s model achieved a diagnostic accuracy of 99.6% in the experiment, showing excellent performance with little room for improvement in accuracy, this paper considers lightweight processing for it, as lightweight models are more suitable for embedding in hardware devices.

EfficientViT is used to replace the backbone network of the YOLOv5s model, denoted as YOLOv5- EfficientViT. The EfficientViT model improved with CG-AS Attention is used to replace the backbone network of the YOLOv5s model, denoted as YOLOv5-CG-AS. The popular lightweight network EMO is used to replace the backbone network of the YOLOv5s model, denoted as YOLOv5-EMO, for comparison with the YOLOv5s model (Xu et al., Reference Xu, Ai and Zhang2020; Xu and Li, Reference Xu and Li2021). The results are shown in Table 2.

Table 2. Comparison results of lightweight models: compared to the YOLOv5s model, YOLOv5-CG-AS has a slight decrease in mAP by 0.001, but the optimization levels of Parameters, GFLOPs, and model size all exceed 50%. When compared to other lightweight networks, YOLOv5-CG-AS achieves a more balanced optimization across various parameters

5.4.2. Offline fault diagnosis

Traditional machine learning algorithms such as SVM, KNN, and deep learning algorithms like CNN are widely used in fault diagnosis for bearings, motors, fuel cells, etc., and have shown good diagnostic performance (Xiang et al., Reference Xiang, Qiao and Mahmoud2012; Dang et al., Reference Dang, Ma and Zhou2020; Kattenborn et al., Reference Kattenborn, Leitloff and Schiefer2021; Du et al., Reference Du, Sheng and Zhao2023). Through the comparison of YOLOv5-CG-AS with traditional algorithms, further validation of the feasibility of this method for fault diagnosis is conducted. The experimental results are shown in Table 3. The results indicate that YOLOv5-CG-AS can be used for offline fault diagnosis, similar to traditional algorithms, and its diagnostic performance is superior to traditional methods.

Table 3. Comparison results of traditional machine learning algorithms

5.4.3. Online fault diagnosis

In real-life online fault diagnosis, taking the example of an EC-type proton exchange membrane fuel cell stack, multiple sensors are placed at various positions in the battery pack. These sensors transmit real-time data from the battery pack to the Supervisory computer. The YOLOv5-CG-AS algorithm is then employed for fault diagnosis, as shown in Figure 10. In this study, a FLUENT simulation of the PEMFC model is used to obtain real-time curves for various parameters. This simulates the process of sensors obtaining real-time data and transmitting it to the Supervisory computer. The YOLOv5-CG-AS algorithm performs fault diagnosis by capturing real-time images from the Supervisory computer, as shown in Figure 11.

Figure 10. Online fault diagnosis: (a) schematic diagram of the actual PEMFC system and sensor placement configuration and (b) flowchart of online diagnosis.

Figure 11. Online fault diagnosis diagram: through online monitoring of 200 faults, it is found that when the average FLUENT simulation is iterated six times, the YOLOv5-CG-ASA algorithm can diagnose the correct fault type with a diagnostic accuracy of 99.5%.

5.4.4. Analysis of experimental results

The YOLOv5-CG-AS algorithm proposed in this paper is compared with the original YOLOv5 model and some popular lightweight algorithms, using criteria such as parameter count, model size, GFLOPs, FPS, and mAP. The YOLOv5-CG-AS algorithm emerges as the optimal algorithm in these comparisons. Compared to machine learning algorithms used in real-life offline fault diagnosis, the algorithm proposed in this paper achieves a higher diagnostic accuracy. Moreover, this algorithm can be applied to online fault diagnosis, demonstrating fast diagnosis speed and high accuracy. This highlights the superiority of using the YOLOv5-CG-AS algorithm for fuel cell fault diagnosis.

6. Conclusion

In this study, a multiphysics field-coupled PEMFC simulation model in the FLUENT environment is developed to avoid irreversible damage caused by faults in fuel cells. The feasibility of the model is validated through experiments. The YOLOv5-CG-AS algorithm is obtained by replacing the backbone network of the YOLOv5s model with the improved EfficientViT algorithm. This algorithm can be used for both offline and online fault diagnosis of proton exchange membrane fuel cells. In offline fault diagnosis, the algorithm achieves a higher correct diagnosis rate compared to machine learning algorithms already in use. In online fault diagnosis, the algorithm demonstrates fast diagnosis speed and high accuracy.

The YOLOv5-CG-AS algorithm has the advantages of low parameter count, small size, fast response, high accuracy, and can perform fault diagnosis both offline and online. It holds the potential to be embedded in hardware devices and used as a mobile fault diagnosis tool. This has significant implications for advancing fault diagnosis methods for PEMFC and promoting further development in the field. However, the current YOLO algorithm has a significant drawback in the information fusion method at the neck, hindering effective cross-layer integration. Future work will focus on optimizing the model structure and improving the information fusion method at the neck, potentially using Gold-YOLO to enhance performance.

Footnotes

This work is supported by the National Natural Science Foundation of China (Grant No. 61873107), and the Qinglan Program to Cultivate Middle-aged and Young Science Leaders of Colleges and Universities of Jiangsu Province, China.

References

Allam, A, Michael, M, and Zhang, P. Fault diagnosis of proton exchange membrane fuel cells. 2021 5th International Conference on Control and Fault-Tolerant Systems (SysTol). IEEE, Saint- Raphael, France, 29 September 2021.Google Scholar
Benjumea, A, Teeti, I, Cuzzolin, F, et al. YOLO-Z: Improving small object detection in YOLOv5 for autonomous vehicles. arXiv preprint arXiv: 2112.11798, 2021.Google Scholar
Calasan, M, Micev, M, Hasanien, HM, et al. (2024) PEM fuel cells: Two novel approaches for mathematical modeling and parameter estimation. Energy 290, 130130CrossRefGoogle Scholar
Cui, D and Xiang, Z (2023) Nonsingular fixed-time fault-tolerant fuzzy control for switched uncertain nonlinear systems. IEEE Transactions on Fuzzy Systems 31(1), 174183CrossRefGoogle Scholar
Dang, H, Ma, R, Zhou, J, et al. (2020) CNN-based fault diagnosis of proton exchange membrane fuel cell. Power Electronics Technology 54(12), 5255Google Scholar
Darzentas, D, Wagner, H, Craigon, P, et al. (2022) Data-inspired co-design for museum and gallery visitor experiences. Artificial Intelligence for Engineering Design, Analysis and Manufa,cturing 36, e3CrossRefGoogle Scholar
Du, D, Sheng, Y, Zhao, H, et al. (2023) Fault diagnosis of proton exchange membrane fuel cell system based on VMD. Control Engineering of China 30(07), 11901197Google Scholar
Gao, Y, Liu, X and Xiang, J (2021) Fault detection in gears using fault samples enlarged by a combination of numerical simulation and a generative adversarial network. IEEE/ASME Transactions on Mechatronics 27(5), 37983805CrossRefGoogle Scholar
Guo, B, Zhu, H, Wei, Y, et al. (2014) 3-D steady-state numerical simulation of proton exchange membrane fuel cells. Computer and Applied Chemistry 31(2), 135139Google Scholar
Ho, J, Kalchbrenner, N, Weissenborn, D, et al. Axial attention in multidimensional transformers. arXiv preprint arXiv: 1912.12180, 2019.Google Scholar
Huang, F, Geng, L, Liu, F, et al. A review of water fault diagnosis of the proton exchange membrane fuel cell. 2023 IEEE 7th Information Technology and Mechatronics Engineering Conference (ITOEC). IEEE, Chongqing, China, 15 September 2023.Google Scholar
Huang, S and Xiang, Z (2015) Finite-time stabilization of a class of switched stochastic nonlinear systems under arbitrary switching. International Journal of Robust and Nonlinear Control 26(10), 21362152Google Scholar
Jeong, H, Park, B, Park, S, et al. (2019) Fault detection and identification method using observer-based residuals. Reliability Engineering and System Safety 184, 2740CrossRefGoogle Scholar
Kattenborn, T, Leitloff, J, Schiefer, F, et al. (2021) Review on convolutional neural networks (CNN) in vegetation remote sensing. ISPRS Journal of Photogrammetry and Remote Sensing 173, 2449CrossRefGoogle Scholar
Kim, J, Kim, N, Park, Y, et al. (2022) Object detection and classification based on YOLO-V5 with improved maritime dataset. Journal of Marine Science and Engineering 10(3), 377CrossRefGoogle Scholar
Lee, B, Cooper, R, Hands, D, et al. (2022) Continuous cycles of data-enabled design: Reimagining the IoT development process. Artificial Intelligence for Engineering Design, Analysis and Manufacturing 36, e11CrossRefGoogle Scholar
Li, K, Wang, J, Jalil, H, et al. (2023) A fast and lightweight detection algorithm for passion fruit pests based on improved YOLOv5. Computers and Electronics in Agriculture 204, 107534CrossRefGoogle Scholar
Liu, G, Hu, Y, Chen, Z, et al. (2023) Lightweight object detection algorithm for robots with improved YOLOv5. Engineering Applications of Artificial Intelligence 123, 106217CrossRefGoogle Scholar
Liu, X, Peng, H, Zheng, N, et al. EfficientViT: Memory efficient vision transformer with cascaded group attention. Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Vancouver, BC, Canada, 17 June 2023.CrossRefGoogle Scholar
Luo, Y, Kumar, A and Xiang, J (2022) Machinery fault diagnosis based on domain adaptation to bridge the gap between simulation and measured signals. IEEE Transactions on Instrumentation and Measurement 71, 19Google Scholar
Ma, R, Dang, H, Zhang, Y, et al. (2024) A review on failure mechanism analysis and diagnosis for proton exchange membrane fuel cell systems. Proceedings of the CSEE 44(01), 407427Google Scholar
Redmon, J, Farhadi, A. Yolov3: An incremental improvement. arXiv preprint arXiv: 1804.02767, 2018.Google Scholar
Sinha, V and Mondal, S (2021) Adaptive unknown input observer approach for multi-fault diagnosis of PEM fuel cell system with time-delays. Journal of Control and Decision 8(2), 222232CrossRefGoogle Scholar
Sun, Y, Mao, L, Huang, W, et al. (2022) Fault diagnosis of proton exchange membrane fuel cell using magnetic field data. Journal of Mechanical Engineering 58(22), 106114Google Scholar
Wang, J, Yang, B, Zeng, C, et al. (2021) Recent advances and summarization of fault diagnosis techniques for proton exchange membrane fuel cell systems: A critical overview. CIESC Journal 500, 229932Google Scholar
Xiang, J, Zhong, Y and Tang, H (2016) A novel personalized diagnosis methodology using numerical simulation and an intelligent method to detect faults in a shaft. Applied Sciences 6(12), 414CrossRefGoogle Scholar
Xiang, Z, Qiao, C and Mahmoud, M (2012) Finite-time analysis and H control for switched stochastic systems. Journal of the Franklin Institute 349(3), 915927CrossRefGoogle Scholar
Xu, H, Ai, Z and Zhang, Z (2020) A lightweight target detection network based on channel rescheduling. Computer and Modernization (02), 9498Google Scholar
Xu, Y and Li, C (2021) Lightweight object detection network based on YOLO optimization. Computer Science 48(S2, 265269Google Scholar
Zhang, X and Guo, X (2021) Fault diagnosis of proton exchange membrane fuel cell system of tram based on information fusion and deep learning. International Journal of Hydrogen Energy 46(60), 3082830840CrossRefGoogle Scholar
Zhang, X, Jiang, Y, Sun, T, et al. (2020) Review of flooding and membrane drying fault diagnosis in proton exchange membrane fuel cells. Journal of Southwest Jiaotong University 55(04), 828838Google Scholar
Zhang, Y, He, Y, Tang, H, et al. 2024 Adversarial domain adaptation approach for axial piston pump fault diagnosis under small sample condition based on measured and simulated signals. IEEE Transactions on Instrumentation and Measurement.CrossRefGoogle Scholar
Zheng, Z, Petrone, R, Péra, MC, et al. (2013) A review on non-model based diagnosis methodologies for PEM fuel cell stacks and systems. International Journal of Hydrogen Energy 38(21), 89148926CrossRefGoogle Scholar
Zhong, Z, Zhu, X and Cao, G (2006) Modeling a PEMFC by a support vector machine. Journal of Power Sources 160(01), 293298CrossRefGoogle Scholar
Zhou, S, Ren, H and Pei, F (2015) Research on PEMFC fault diagnosis method based on COMSOL model. Chemical Industry and Engineering 32(4), 5662Google Scholar
Figure 0

Figure 1. PEMFC model. 1. Collector plate, 2. gas channel, 3. diffusion layer, 4. catalyst layer, and 5. PEM.

Figure 1

Table 1. PEMFC simulation model parameters

Figure 2

Figure 2. Comparison of experimental and simulated V-I curve.

Figure 3

Figure 3. EC-type proton exchange membrane fuel cell.

Figure 4

Figure 4. YOLOv5 network model.

Figure 5

Figure 5. EfficientViT: (a) Flowchart of the EfficientViT, (b) EfficientViT Block, and (c) CG-AS Attention.

Figure 6

Figure 6. Improved YOLOv5 network model: Utilizing CG-AS Attention improved EfficientVit Network as the Backbone of YOLOv5.

Figure 7

Figure 7. Fuel cell data curve.

Figure 8

Figure 8. PR curves.

Figure 9

Figure 9. YOLOv5-CG-AS PR curve.

Figure 10

Table 2. Comparison results of lightweight models: compared to the YOLOv5s model, YOLOv5-CG-AS has a slight decrease in mAP by 0.001, but the optimization levels of Parameters, GFLOPs, and model size all exceed 50%. When compared to other lightweight networks, YOLOv5-CG-AS achieves a more balanced optimization across various parameters

Figure 11

Table 3. Comparison results of traditional machine learning algorithms

Figure 12

Figure 10. Online fault diagnosis: (a) schematic diagram of the actual PEMFC system and sensor placement configuration and (b) flowchart of online diagnosis.

Figure 13

Figure 11. Online fault diagnosis diagram: through online monitoring of 200 faults, it is found that when the average FLUENT simulation is iterated six times, the YOLOv5-CG-ASA algorithm can diagnose the correct fault type with a diagnostic accuracy of 99.5%.