Skip to main content

BRIEF RESEARCH REPORT article

Front. Energy Res., 30 August 2022
Sec. Smart Grids
This article is part of the Research Topic State Perception and Fault Diagnosis of New Power Systems View all 17 articles

State identification of transfer learning based Yolov4 network for isolation switches used in substations

Xuyong HuangXuyong Huang1Biao Tang
Biao Tang1*Mengmeng ZhuMengmeng Zhu1Long ShenLong Shen1Yutang MaYutang Ma1Xin WangXin Wang2Zhou ZhangZhou Zhang3Dengyu XiaoDengyu Xiao3
  • 1Electric Power Research Institute, Yunnan Power Grid Co., Ltd., China Southern Power Grid, Kunming, China
  • 2Yunnan Power Grid Co., Ltd., China Southern Power Grid, Kunming, China
  • 3Qujing Power Supply Bureau, Yunnan Power Grid Co., Ltd., China Southern Power Grid, Qujing, China

With the steady progress of the intelligent development of power systems, as well as the higher demand for power supply reliability. It is essential to achieve the effective monitoring of substations 24 h a day. The vigorous development of deep learning network brings strong theoretical and technical support to the unmanned and intelligent construction of the substation. To identify the on/off state of the isolation switch in the substation robot inspection image, this paper proposes a method for identifying the isolation switch state of YOLOv4 (You Only Look Once V4) network based on transfer learning. Firstly, for the insufficient number of samples, transfer learning is introduced, and the network feature extraction layer is pre-trained by using public data sets. Secondly, images of isolation switch are obtained by a fixed camera and inspection robot in the substation, and data set of isolation switch is constructed. Finally, the isolation switch data set is used to train the YOLOv4 network. The test results show that compared with YOLOv3 and YOLOv4, the network can improve the identification precision of the isolation switch.

1 Introduction

As the social demand for electricity increases year by year, the reliable operation of power grid is faced with higher requirements (YAlhassan et al., 2020; Wang et al., 2021; Liu et al., 2022a; IEA, 2022). Meanwhile, the construction of smart power grid further promotes the intelligent construction of substation inspection. The isolation switch is an important part of power equipment in the substation. It will be helpful to the stable operation of the substation to know the working state of the isolation switch in real time (Hou et al., 2019; Huang et al., 2020; Judge et al., 2022). At present, most substations often use manual inspection, which is time-consuming and laborious, unable to realize real-time observation, and the observation process is easy to be affected by the subjectivity of inspection personnel. In addition, manual inspection is difficult due to the influence of ice disasters, rain and fog in some remote areas. Therefore, the monitoring and identification of typical power equipment in a substation has become an essential link in the process of intelligent substation construction. Accurate detection and identification of electrical equipment through deep learning technology will contribute to future research of unmanned substation monitoring and fault diagnosis (Li et al., 2021a; Xiong et al., 2022).

With the continuous advance and maturation of deep learning technology, it has been paid attention to by many scholars in the construction of the smart substation. The operation and maintenance of electrical equipment in the smart substation are being transitioned from traditional preventive maintenance based on time cycle to more targeted state maintenance mode (Ma and Fan, 2020). Because of the particularity and confidentiality of the power industry, the different image resolution, complex scenes, multiple interference sources and other reasons for unmanned aerial vehicle and ground cameras, there is no good public data set for power equipment images, so few research are used on recognition of electrical equipment based on deep learning model. In recent years, computer vision based on deep learning and image processing and recognition has developed by leaps and bounds and has been widely used in the inspection system. In feature extraction, the current mainstream convolutional neural network has been able to provide better representation ability and alleviate gradient disappearance (Xu et al., 2021; Du et al., 2022). Therefore, the state identification technology of the deep learning network model lays a solid foundation for the electrical equipment identification research of substations.

At present, image recognition methods of electrical equipment based on deep learning can be divided into: One is the dual-order method, firstly, a deep convolution neural network is constructed to extract the feature of the target, and then the traditional image segmentation and location method is used to complete the target detection, including scale-invariant feature transform, SIFT), Fast Region-Convolution Neural Network (RCNN), Faster-RCNN, etc. The other is the single-order method, which integrates feature extraction, border location and target classification into a network to build an end-to-end training mode, to effectively reduce the repeated calculation in the process of image feature extraction, including You Only Look Once (YOLO) and Single ShotMultiBox Detector (SSD) and so on (Tang et al., 2020; Mansour et al., 2021). Based on YOLOv4, reference (Lyu et al., 2021) improved the Mosaic data expansion algorithm, and studied its parameter tuning method, so as to achieve the recognition of major electrical equipment. In reference (Liu et al., 2019), pretreatment infrared imaging data such as random rotation angle, saturation and exposure were studied, and a fault detection method of insulator infrared image based on YOLOv3 algorithm was proposed. In reference (Wang et al., 2017), the Hough transform was used to detect the edge of transmission lines, and the thickness of the ice was calculated by comparing the thickness difference before and after icing. Reference (Zhang et al., 2021) studied equipment identification and state detection tasks in the power room through Faster R-CNN. In reference (Han et al., 2020; Liu et al., 2022b), YOLOv4 and Convolution Neural Network (CNN) were respectively used to locate and diagnose the fault heating area of the equipment through infrared image data of electrical equipment. Most of the above studies are mainly devoted to the monitoring of the fault state of power equipment, and there is little recognition of the working state of power equipment.

Therefore, based on the picture of the isolation switch of a 220 kV substation in southwest China, this paper adopts YOLOv4 deep-learning network model to achieve the identification of the working state of the isolation switch. Meanwhile, for the problem of insufficient sample setting, this paper introduced transfer learning to preprocess the network feature extraction layer, so that it can improve the identification precision.

The content of this paper is as follows: The second section introduces the YOLOv4 network model based on transfer learning, including the framework of the network model, activation function and loss function, etc. The third section carries on the calculation example analysis, including the experiment environment and the evaluation system, the realization result and so on. The fourth section gives the conclusion of this paper.

2 YOLOv4 network model based on transfer learning

2.1 YOLOv4 network

YOLO series model is an object recognition and location model based on a deep neural network. Because of its fast running speed, YOLO model is mostly used in real-time systems. YOLOv4 is a newer version of the YOLO series models proposed by Alexey Bochkovskiy et al., in 2020 (Gao et al., 2021; Tan et al., 2021). Compared with YOLOv3 model, YOLOv4 developed an efficient and powerful small target detection model by optimizing the trunk network, network training, activation function and other aspects combined with the previous series of models, which has a great improvement in speed and accuracy (Deng et al., 2022). The YOLOv4 network model is shown in Figure 1 (Ramachandran et al., 2017; Li et al., 2021b; Wang et al., 2022a; Sun and Xin, 2022; Xing and Chen, 2022).

FIGURE 1
www.frontiersin.org

FIGURE 1. The YOLOv4 network structure.

2.1.1 Network structure of YOLOv4

The backbone network is CSPDarkNet53, which is used to extract object features. The input image is processed by residual blocks, which can make the model lighter and ensure detection accuracy.

The receptive field of YOLOv4 can be enlarged by using Spatial Pyramid Pooling (SPP), as a variety of characteristics will be obtained by using three pools of different proportions. Path Aggregation Network (PANet) can solve the multi-scale problem in target detection. After the output of the PANet, the header module converts the features into predicted results to obtain the target and its type.

2.1.2 Activation function

Activation function is an important part of deep learning, which has an important influence on target detection. Activation functions are key to achieving high performance in a wide range of tasks. In general, activation functions can be divided into two main categories. One is the saturation activation function; The other is the non-saturated activation function. Saturation activation functions mainly include sigmoid and tanh function, and non-saturated functions include Leaky ReLU, Mish and Swish function and so on. Compared with the saturation function, the advantage of the non-saturated function is that it can be used to solve the problem of “gradient disappearance”, and the convergence speed of the unsaturated function is faster.

The swish function has attracted much attention due to its good performance on various challenging data sets under popular deep learning libraries. The non-monotone nature of the swish function distinguishes it from other common activation functions. In addition, the smoothness of the swish function is beneficial to model generation. The swish function is shown in Eq. 1 below, and the curve of the swish function is given in Figure 2B.

f(x)=xδ(x)(1)

where δ(x) represents sigmoid function.

FIGURE 2
www.frontiersin.org

FIGURE 2. Activation function curve. (A) Mish activation function; (B) Swish activation function.

The YOLOv4 network model mainly uses mish activation functions. Meanwhile, mish functions are favoured by YOLOv4 because of their advantages of low cost, non-monotonic, upper and lower limits to ensure continuity of information and improve performance. The mish functions are shown in Eq. 2 and Figure 2A.

Mish=x×tanh(ln(1+ex))(2)

2.1.3 Loss function

The loss function is an operational function to calculate the difference between the predicted value f(x) and the true value y of the model. It represents by L (y, f(x)). The size of the loss function is related to the robustness of the model.

a) General loss function

The loss function often appears in the training process of model. After the trained data enters the model, the predicted value is output by forwarding propagation. Then, the difference between the f(x) and the y calculated by loss function is the loss value. Finally, the model updates the parameters by back propagation to make the predicted values as close to the real values as possible.

b) CIoU-loss

The loss function of YOLOv4 mainly cares about three factors: overlapping area, centre point distance and aspect ratio, as follows:

Lciou=1IoU+ρ2(b,bgt)c2+αv(3)

where v resprents the similarity of aspect ratio, c resprents the diagonal distance in the figure below, α resprents the weight parameter.

v=4π2(arctanwgthgtarctanwh)2(4)
α=v(1IoU)+v(5)

2.2 Transfer learning

The isolation switch image set is small due to the confidentiality of the substation and other scenes in the field of power system, as well as the differences in equipment in different levels of the substation (Cui et al., 2022). Therefore, because of the insufficient number of samples in the training process, this paper introduces transfer learning, uses imagenet and other public data sets to pre-train the network feature extraction layer, and migrates it to power equipment identification through model fine-tuning (Li et al., 2022).

As a special machine learning technology, transfer learning has attracted extensive attention in many research fields with the increasing demand for accuracy, data scale and efficiency of target task (Shao et al., 2015; Ma and Fan, 2020). Inspired by human knowledge transfer ability, the purpose of transfer learning is to minimize the required training set size, as shown in Figure 3 (Zhong and Ban, 2022). Transfer learning has a strong adaptive ability. It can process other complex tasks by using labelled data in the existing related task domain, try to learn the source task in the source domain, apply the knowledge obtained to the target domain, and solve the task in the target domain.

FIGURE 3
www.frontiersin.org

FIGURE 3. Schematic diagram of transfer learning.

Transfer learning mainly includes domain and task. Tasks are the object of learning and are mainly composed of labels and corresponding functions of labels. In particular, the transfer learning process corresponds to the source domain and the target domain. The transfer process is the transfer of knowledge from source to target (Wang et al., 2022b).

Transfer learning only needs to use the trained model to extract primary features and train the last few layers of neurons to recognize the on-off state of the isolation switch. Transfer learning can effectively reduce the training time and improve the precision of identification. Firstly, imagenet and other public data sets are used to pre-train the network feature extraction layer. Then, the features of the source domain image are transferred to the isolation switch image, the common features of the two kinds of images are compared and analyzed, and the parameters of the source domain model are transferred to the model. Finally, the model is trained according to the isolation switch data set.

2.3 Improved YOLOv4 network framework

According to the above theoretical knowledge, the YOLOv4 network model framework based on transfer learning is shown in Figure 4.

FIGURE 4
www.frontiersin.org

FIGURE 4. Framework of the proposed method.

3 Results and discussion

3.1 Experimental platform and computer configuration

This paper adopts high-definition image data of a 220 kV substation of China Southern Power Grid, including 1,331 high-definition images of isolation switches. The pictures of the unmanned inspection robot and some pictures of the isolation switches are shown in Figure 5. The data set is divided into the training set and test set in a ratio of 9:1 for network training and testing. For the preprocessing of the data set, lableimg annotation training set is used to generate. xml file containing the status, size and location information of the isolation switch. All the training environments in this paper are Intel(R) Core (TM) i5-10400F @ 2.9 GHz, NVIDIA RTX 3080 Ti GPU, and PyTorch is used to build the mathematical experiment platform.

FIGURE 5
www.frontiersin.org

FIGURE 5. Pictures of unmanned inspection robot and isolation switch. (A) Partial isolation switch pictures. (B) Pictures of unmanned inspection robot.

3.2 Evaluation indicators

To objectively evaluate the advantages and disadvantages of the recognition algorithm proposed in this paper, the most representative precision (Pre), recall (Rec), Average precision (AP) of each type of target, harmonic mean (F1) and mean average precision (mAP) were selected as the evaluation indexes of the method. Among them, Pre is used to measure the precision of the model to find samples; Rec is used to measure the ability of the algorithm to find a certain type of sample in the data set. The calculation formula is as follows:

Pre=TPTP+FP(6)
Rre=TPTP+FN(7)

where, Tp: The number of samples correctly identified as positive, FP: The number of samples incorrectly identified as positive, and FN: The number of samples wrongly identified as negative.

AP value is defined as the area enclosed by Pre-Rec curve and coordinate axis, which also measures Pre and Rec of the network model in detecting a certain type of target. The calculation formula of AP is shown in Eq. 8. The value of AP reflects the detection effect of the network model.

AP=0recallPrecision(8)

In addition, mAP and F1 are widely accepted evaluation indicators. The larger the mAP value is, the better the overall detection effect of the model is. F1 represents the average harmonic value of Pre and Rec. The closer F1 is to 1, the better the optimization effect of the network model is. The calculation formulas for mAP and F1 are as follows.

F1=2PreRcaPre+Rca(9)
mAP=1n1nAP(10)

where n is the number of categories.

3.3 Experimental results

To improve the identification accuracy of isolation switches in substations, an improved YOLOv4 network model is proposed, and the overall performance of the network model is improved by using transfer learning. After sample base training of the improved model, the final realization of the isolation switch equipment identification effect is shown in Figure 6. It can be seen that the improved YOLOv4 network can accurately identify the on/off state of the isolation switch.

FIGURE 6
www.frontiersin.org

FIGURE 6. Isolation switch identification result diagram.

In terms of the identification precision of the isolation switch, the identification precision of the network model used in this paper is shown in Figure 7. As can be seen from Figure 7, the precision of the network model in identifying the closed state is 89.62%, and the precision of the network model in identifying the open state of the isolation switch is 90.79%, indicating a high overall identification accuracy. Meanwhile, the Rec curve of this network model in the identification process of isolation the switch is shown in Figure 8.

FIGURE 7
www.frontiersin.org

FIGURE 7. Precision of improved YOLOv4 model. (A) close precision; (B) open precision.

FIGURE 8
www.frontiersin.org

FIGURE 8. Recall of improved YOLOv4 model. (A) close recall; (B) open recall.

The AP value of the network model used in this paper in the isolation switch identification test is shown in Figure 9. As shown in Figure 9, the AP value of this network model in the recognition of the closing state of the isolation switch is 92.56%, and that in the recognition of the opening state of the isolation switch is 86.80%. mAP and F1 are widely recognized indicators to evaluate the quality of network models. During the experiment in this paper, mAP values are shown in Figure 10A. The mAP value is 89.67%. The overall detection quality of the network model is excellent. In terms of F1 value, in the process of network model detection, the F1 value of the closed state is 0.9, and the F1 value of the open state is 0.8. From the perspective of F1 value, the network model has better detection and recognition effect for closed state.

FIGURE 9
www.frontiersin.org

FIGURE 9. AP of improved YOLOv4 model. (A) close AP; (B) open AP.

FIGURE 10
www.frontiersin.org

FIGURE 10. mAP and F1 of improved YOLOv4 model. (A) mAP; (B) F1 of close; (C) F1 of open.

In order to further verify the recognition effect of the improved YOLOv4 network proposed in this paper, the test results were compared with YOLOv4 and YOLOv3, as shown in Table 1. The YOLOv4 network model was improved by transfer learning in this paper. After minor changes, the overall recognition effect of the model in the isolation switch of the substation was improved.

TABLE 1
www.frontiersin.org

TABLE 1. Comparison of identification effects of different network models.

4 Conclusion

This paper presents method for detecting the open and close state of isolation switch based on YOLOv4 network model. Compared with the previous methods, YOLOv4 network model has the advantages of faster speed and higher precision. To minimize the number of samples in the training process, transfer learning method is introduced to pre-train the network feature extraction layer through the open data set, thus improving the overall performance of the model. The test results show that the mAP value reaches 89%, and the F1 value of closed state and open state recognition reaches 0.9 and 0.8 respectively. The overall performance of the proposed method is better than that of previous YOLOv3 and YOLOv4 network models.

Therefore, the method will promote the theoretical and technical research of deep learning in substation inspection. The team plans to further study the application and performance improvement under the conditions of insufficient training sets and rain and fog images in the future.

Data availability statement

The data analyzed in this study is subject to the following licenses/restrictions: Data sets are confidential content of the company. Requests to access these datasets should be directed to Biao_Tang@outlook.com.

Author contributions

XH was responsible for writing the script and debugging the program; BT was responsible for debugging the program; MZ, LS, and YM mainly assisted in writing the manuscript; XW was responsible for debugging the program; ZZ and DX provides a photo collection of related substations.

Acknowledgments

The authors gratefully acknowledge the support of Research and innovative application of key technologies of image processing and knowledge atlas for complex scenes in Smart Grid (202202AD080004), Research and innovative application of key technologies of image processing and knowledge atlas for complex scenes in Smart Grid (YNKJXM20220019), Practical maintenance of substation inspection robot master station management platform of Yunnan Electric Power Research Institute in 2022–2023 (056200MS62210005), Yunnan technological innovation talent training object project (No. 202205AD160005).

Conflicts of interest

Authors XH, BT, MZ, LS, and YM are employed by Electric Power Research Institute of Yunnan Power Grid Co., Ltd., XW is employed by Yunnan Power Grid Co., Ltd., ZZ and DX are employed by Qujing Power Supply Bureau, Yunnan Power Grid Co., Ltd.

Publisher’s note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Abbreviations

AP, average precision; CNN, convolution Neural Network; F1, harmonic mean; mAP, mean average precision; PANet, path aggregation network; R-CNN, region-convolution neural network; SPP, spatial pyramid pooling; SSD, single shotMultiBox detector; YOLO, you only look once; Pre, precision; Rec, recall.

References

Cui, H. Y., Zhang, Y. G., Zhang, X., Chen, L., Jiang, C., and Sun, Y. H. (2022). Detection of power instruments equipment based on edge lighweight network. Power Syst. Technol. 46 (3), 1186–1193. doi:10.13335/j.1000-3673.pst.2021.0670

CrossRef Full Text | Google Scholar

Deng, F. M., Xie, Z. X., Mao, W., Li, B., Shan, Y., Wei, B. Q., et al. (2022). Research on edge intelligent recognition method oriented to transmission line insulator fault detection. Int. J. Electr. Power & Energy Syst. 139, 108054. doi:10.1016/j.ijepes.2022.108054

CrossRef Full Text | Google Scholar

Du, G. D., Zou, Y., Zhang, X. D., Guo, L. X., and Guo, N. Y. (2022). Energy management for a hybrid electric vehicle based on prioritized deep reinforcement learning framework. Energy 241, 122523. doi:10.1016/j.energy.2021.122523

CrossRef Full Text | Google Scholar

Gao, W., Zhou, C., and Guo, M. F. (2021). Insulator defect identification via improved YOLOv4 and SR-GAN algorithm. Electr. Mach. Control 25 (11), 93–104. doi:10.15938/j.emc.2021.11.011

CrossRef Full Text | Google Scholar

Han, S., Yang, F., Yang, G., Gao, B., Zhang, N., and Wang, D. W. (2020). Electrical equipment identification in infrared images based on ROI-selected CNN method. Electr. Power Syst. Res. 188, 106534. doi:10.1016/j.epsr.2020.106534

CrossRef Full Text | Google Scholar

Hou, R., Pan, M. M., Zhao, Y. H., and Yang, Y. (2019). Image anomaly detection for IoT equipment based on deep learning. J. Vis. Commun. Image Represent. 64, 102599. doi:10.1016/j.jvcir.2019.102599

CrossRef Full Text | Google Scholar

Huang, S., Wu, Z. S., Ren, Z. G., Liu, H. J., and Gui, Y. (2020). Review of electric power intelligent inspection robot. Electr. Meas. Instrum. 57 (2), 26–38. doi:10.19753/j.issn1001-1390.2020.002.005

CrossRef Full Text | Google Scholar

IEA (2022). Electricity market report. Paris: International Energy Agency.

Google Scholar

Judge, M. K., Khan, A., Manzoor, A., and Khattak, H. A. (2022). Overview of smart grid implementation: Frameworks, impact, performance and challenges. J. Energy Storage 49, 104056. doi:10.1016/j.est.2022.10405610.1016/j.est.2022.104056

CrossRef Full Text | Google Scholar

Li, C. F., Cai, J. J., Qiu, S. H., and Liang, H. J. (2021). “Defects detection of steel based on YOLOv4,” in 2021 China automation congress (CAC) (Beijing, China: IEEE), 22–24. doi:10.1109/CAC53003.2021.9728621

CrossRef Full Text | Google Scholar

Li, H., Dong, Y., Liu, X., Wang, H., and Xu, L. W. (2021). Transmission line abnormal object detection method based on deep network of two-stage. Liaoning, China: Control and Decision. doi:10.13195/j.kzyjc.2020.1840

CrossRef Full Text | Google Scholar

Li, J. K., Lin, M., Li, Y. K., and Wang, X. (2022). Transfer learning network for nuclear power plant fault diagnosis with unlabeled data under varying operating conditions. Energy 254 (8), 124358. doi:10.1016/j.energy.2022.124358

CrossRef Full Text | Google Scholar

Liu, J., Caporin, M., Zheng, Y. L., and Yu, S. W. (2022). The effect of renewable energy development on China’s energy intensity: Evidence from partially linear functional-coefficient panel data analyses. J. Clean. Prod. 350, 131505. doi:10.1016/j.jclepro.2022.131505

CrossRef Full Text | Google Scholar

Liu, T., Li, G. L., and Gao, Y. (2022). Fault diagnosis method of substation equipment based on You Only Look once algorithm and infrared imaging. Energy Rep. 8 (7), 171–180. doi:10.1016/j.egyr.2022.05.074

CrossRef Full Text | Google Scholar

Liu, Y. P., Ji, X. X., Pei, S. T., Ma, Z. R., Zhang, G. H., Lin, Y., et al. (2019). Research on automatic location and recognition of insulators in substation based on YOLO-v3. High. Volt. 5 (1), 62–68. doi:10.1049/hve.2019.0091

CrossRef Full Text | Google Scholar

Lyu, F. C., Niu, L. L., Wang, S. H., Xie, Q., and Wang, Z. H. (2021). Research on intelligent detection and parameter adjustment strategy of major electrical equipment based on optimized YOLOv4. Trans. China Electrotech. Soc. 36 (21), 203–214. doi:10.19595/j.cnki.1000-6753.tces.201595

CrossRef Full Text | Google Scholar

Ma, P., and Fan, Y. F. (2020). Small sample smart substation power equipment component detection based on deep transfer learning. Power Syst. Technol. 44 (3), 1148–1159. doi:10.13335/j.1000-3673.pst.2018.2793

CrossRef Full Text | Google Scholar

Mansour, R. F., Escorcia-Gutierrez, J., Gamarra, M., Villanueva, J. A., and Leal, N. (2021). Intelligent video anomaly detection and classification using faster RCNN with deep reinforcement learning model. Image Vis. Comput. 112, 104229. doi:10.1016/j.imavis.2021.104229

CrossRef Full Text | Google Scholar

Ramachandran, P., Zoph, B., and Le, V. Q. (2017). Searching for activation functions. Ithaca, NY: arXiv preprint. arXiv:1710.05941.

Google Scholar

Shao, L., Zhu, F., and Li, X. L. (2015). Transfer learning for visual categorization: A survey. IEEE Trans. Neural Netw. Learn. Syst. 26 (5), 1019–1034. doi:10.1109/TNNLS.2014.2330900

PubMed Abstract | CrossRef Full Text | Google Scholar

Sun, X. Q., and Xin, S. J. (2022). “Flame detection algorithm based on YOLOv4,” in 2022 7th international conference on intelligent computing and signal processing (ICSP) (Xian, China: IEEE), 15–17. doi:10.1109/ICSP54964.2022.9778559

CrossRef Full Text | Google Scholar

Tan, L., Lv, X. Y., Lian, X. F., and Wang, G. (2021). YOLOv4_Drone: UAV image target detection based on an improved YOLOv4 algorithm. Comput. Electr. Eng. 93, 107261. doi:10.1016/j.compeleceng.2021.107261

CrossRef Full Text | Google Scholar

Tang, W. H., Niu, Z. W., Zhao, B. N., Ji, T. Y., Li, M. S., and Wu, Q. H. (2020). Research and application of data-driven artificial intelligence technology for condition analysis of power equipment. High. Volt. Eng. 46 (9), 2985–2999. doi:10.13336/j.1003-6520.hve.20191902

CrossRef Full Text | Google Scholar

Wang, B., Xiong, H. J., and Liu, L. S. (2022). “Safety helmet wearing recognition based on improved YOLOv4 algorithm,” in 2022 IEEE 6th information technology and mechatronics engineering conference (ITOEC) (Chongqing, China: IEEE), 4–6. doi:10.1109/ITOEC53115.2022.9734707

CrossRef Full Text | Google Scholar

Wang, J. J., Wang, J. H., Shao, J. W., and Li, J. G. (2017). Image recognition of icing thickness on power transmission lines based on a least squares Hough transform. Energies 10 (4), 415–430. doi:10.3390/en10040415

CrossRef Full Text | Google Scholar

Wang, Y. X., Chen, Z. H., and Zhang, W. (2022). Lithium-ion battery state-of-charge estimation for small target sample sets using the improved GRU-based transfer learning. Energy 244 (B), 123178. doi:10.1016/j.energy.2022.123178

CrossRef Full Text | Google Scholar

Wang, Z. W., Cheng, Z. Y., Yang, K. J., Zhang, T. Z., Liu, Q., Zhang, F., et al. (2021). Combined inspection strategy of bionic substation inspection robot based on improved Biological Inspired Neural Network. Energy Rep. 7, 549–558. doi:10.1016/j.egyr.2021.10.007

CrossRef Full Text | Google Scholar

Xing, Z. Q., and Chen, X. (2022). Lightweight algorithm of insulator identification applicable to electric power engineering. Energy Rep. 8 (4), 353–362. doi:10.1016/j.egyr.2022.01.209

CrossRef Full Text | Google Scholar

Xiong, K. F., Fan, S. S., and Wu, J. (2022). Identification method of power equipment in foggy substation based on improved YOLOv4. Shijiazhuang, China: Radio Engineering.

Google Scholar

Xu, L., Song, Y. K., Zhang, W. S., An, Y. Y., Wang, Y., and Ning, H. S. (2021). An efficient foreign objects detection network for power substation. Image Vis. Comput. 109, 104159. doi:10.1016/j.imavis.2021.104159

CrossRef Full Text | Google Scholar

YAlhassan, A. B., Zhang, X. D., Shen, H. M., and Xu, H. B. (2020). Power transmission line inspection robots: A review, trends and challenges for future research. Int. J. Electr. Power & Energy Syst. 118, 105862. doi:10.1016/j.ijepes.2020.10586210.1016/j.ijepes.2020.105862

CrossRef Full Text | Google Scholar

Zhang, Q. Y., Chang, X. R., Meng, Z. N., and Li, Y. (2021). Equipment detection and recognition in electric power room based on faster R-CNN. Procedia Comput. Sci. 183, 324–330. doi:10.1016/j.procs.2021.02.066

CrossRef Full Text | Google Scholar

Zhong, X. P., and Ban, H. (2022). Pre-trained network-based transfer learning: A small-sample machine learning approach to nuclear power plant classification problem. Ann. Nucl. Energy 175, 109201. doi:10.1016/j.anucene.2022.109201

CrossRef Full Text | Google Scholar

Keywords: YOLOv4, transfer learning, deep learning, isolation switch, smart grid

Citation: Huang X, Tang B, Zhu M, Shen L, Ma Y, Wang X, Zhang Z and Xiao D (2022) State identification of transfer learning based Yolov4 network for isolation switches used in substations. Front. Energy Res. 10:1000459. doi: 10.3389/fenrg.2022.1000459

Received: 22 July 2022; Accepted: 09 August 2022;
Published: 30 August 2022.

Edited by:

Xiaoshun Zhang, Northeastern University, China

Reviewed by:

Da Xu, China University of Geosciences Wuhan, China
Feixiong Chen, Fuzhou University, China

Copyright © 2022 Huang, Tang, Zhu, Shen, Ma, Wang, Zhang and Xiao. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Biao Tang, Biao_Tang@outlook.com

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.