1,501
Views
0
CrossRef citations to date
0
Altmetric
Efficient Deep Neural Networks for Image Processing in End Side Devices

Diagnosis of contamination discharge state of porcelain insulators based on GA-CNN

, , &
Article: 2085666 | Received 29 Apr 2022, Accepted 30 May 2022, Published online: 31 Dec 2022

ABSTRACT

Porcelain insulators play an important role in power transmission lines. It is of great significance to improve the accuracy of diagnosis of porcelain insulators’ discharge state and ensure the reliability of power supply. Therefore, this paper presents a diagnosis method of polluted discharge state of porcelain insulator based on GA-optimised CNN network structure. Firstly, the artificial pollution discharge test of porcelain insulator is carried out. According to the characteristics of leakage current, the discharge development process is divided into five stages: normal state, initial discharge, through discharge, flashover and flashover completion. GA algorithm is used to optimise the parameters of CNN model, and several single models are established simultaneously to compare the progress with the proposed model. The results show that GA has the advantages of global optimisation, less adjustment parameters, etc. It can automatically select the best structure of CNN network, avoid the problem of poor performance of artificial selection of CNN network structure, reduce the time required for parameter selection, and improve the accuracy of diagnosis of polluted discharge state of porcelain insulators, with the diagnosis accuracy as high as 99.2%. The results show that the discharge state of porcelain insulator surface can be judged by leakage current.

1. Introduction

Pollution flashover is a serious threat to the safe operation of power systems. Insulators are the electrical components with the largest number, the most abundant types, and the operating environment most affected by the atmospheric environment in power transmission and transformation equipment (Cai et al., Citation2021; Miao et al., Citation2022; Ning et al., Citation2021; Wang, Wang, et al., Citation2022). After the implementation of external insulation classification based on pollution zone classification and insulator pollution flashover withstand voltage, large-scale pollution flashover accidents no longer occur at this stage, but flashover accidents still occur near key pollution sources, which are monitored. Key areas (Bai et al., Citation2021; Qian et al., Citation2022; Wang, Sun, et al., Citation2022; Yu et al., Citation2022; Zhang et al., Citation2022).

At present, the detection methods of contamination discharge mainly include ultrasonic detection methods, infrared imaging methods, ultraviolet pulse detection methods and leakage current detection methods. The ultrasonic detection method can realise the non-contact detection of contamination discharge, but the sensitivity is not high, and it is difficult to extract the effective discharge signal due to the large electromagnetic interference of transmission lines or substations (Alia & Tsuchiya, Citation2021; Hou et al., Citation2021; Vasilev et al., Citation2021). The infrared imaging method is to observe the leakage current or the local temperature change from the infrared image. Quantitative analysis of the temperature distribution law of the infrared image can realise the monitoring of the state. However, due to the influence of sunlight and environmental temperature changes, online monitoring can be realised. There are certain difficulties (Li et al., Citation2021; Shafiei et al., Citation2021). The ultraviolet pulse detection method realises the detection of the discharge by detecting the radiation of the optical signal in the discharge process of the insulator. The advantages of the ultraviolet pulse method are fast response speed and good linearity, which is convenient for studying the characteristics and mechanism of the discharge optical radiation. It is still difficult to completely detect the solar-blind band by the method, and it is easy to be interfered with by large sunlight, and it still faces certain difficulties in practical engineering applications (Danzi et al., Citation2022; Jamali et al., Citation2020; Odeyemi et al., Citation2020; Zhong et al., Citation2022). Compared with the above methods, the leakage current has the advantages of simple equipment and mature technology, and is especially suitable for on-site real-time monitoring(Deb et al., Citation2020; Govindaraju & Muniraj, Citation2020; Sun et al., Citation2021; Vigneshwaran et al., Citation2021). Sun et al. (Citation2021) collects the leakage current of insulators, and uses exploratory factor analysis and least squares support vector machine combined model to predict the degree of contamination on the surface of insulators. However, this method requires high feature quantities, and the support vector machine model has a weak anti-noise ability. Govindaraju and Muniraj (Citation2020), Vigneshwaran et al. (Citation2021) used neural network to train the leakage current feature to evaluate the contamination of the insulator surface, but the neural network has problems such as difficulty in selecting structural parameters and long training time. Deb et al. (Citation2020) uses the determined fluctuation analysis method to extract the leakage current distortion features and then uses the clustering algorithm to identify the pollution degree, but does not consider the influence of humidity on the leakage current waveform, and does not give the specific leakage current distortion degree and insulator surface pollution degree corresponding relationship (Salem et al., Citation2020). In order to explore the essential relationship between insulator leakage current and various factors, the specific functional relationship between them is determined. Genetic algorithm (GA) was used to obtain the corresponding relationship between relative humidity, equivalent salt density, applied voltage and leakage current amplitude. The results show that the method of estimating leakage current amplitude by genetic algorithm is effective and feasible.

It can be seen from the above that the leakage current method is simple, easy to operate, high in use value and slightly lower in economic cost. With the rapid development of science and technology, the power system is constantly improving itself and developing towards automation and informatisation. In order to further improve the accuracy of the diagnosis of polluted discharge state of porcelain insulators, a fault diagnosis model of polluted discharge state of insulators based on convolution neural network optimised by genetic algorithm is proposed in this paper. Although convolutional neural network has powerful nonlinear feature extraction ability, its final performance depends on the optimisation algorithm in the training process. In order to further improve the diagnostic effect of convolution neural network in insulator polluted discharge state, this paper integrates genetic algorithm into the training process of network model to realise in-depth optimisation of network model parameters. Finally, this model is compared with SVM, ELM, BPNN and CNN to verify the effectiveness of this model.

2. Contaminated insulator discharge test

2.1. Test device

The artificial contamination test is carried out in a multi-factor environmental test chamber. and the parameters of the test XP-70 insulator are presented in Table . The temperature and humidity control system in the chamber can well control the temperature within ±2°C, and can The humidification process in the environmental box is quickly completed, and the dehumidification process is realised by using a desiccant. The temperature and humidity sensor with an error of ±0.01°C is used to detect and collect the environmental temperature and humidity data. The pillar insulator is placed in the test box, the lower end is connected to the high-voltage input section, and the ground wire connected to the upper end is connected with a high-precision non-inductive resistance sensor to collect the waveform and characteristic quantity of the leakage current. The test principle is shown in Figure .

Figure 1. Schematic diagram of the artificial pollution test.

Figure 1. Schematic diagram of the artificial pollution test.

Table 1. The parameters of the XP-70 insulator.

2.2. Test method

The experimental design of this paper is as follows: artificial contamination test is carried out by applying corresponding withstand voltage to different salt-dense samples. Each test was repeated for three groups, and the data that highlighted the whole process from creeping discharge to flashover breakdown were selected as the analysis object. The ESDD of the test article in this paper is 0.01, 0.02, 0.05 and 0.1 mg/cm2, respectively.

3. Model principle and prediction method

3.1. Genetic algorithm

3.1.1. GA principle

In 1969, John Holland formulated the genetic algorithm computational model by simulating the biological evolution process of Darwin’s theory of biological evolution and genetic mechanism. The model uses the extinction law of the fittest to simulate the natural evolution process, encodes the parameters in the optimised object to acquire chromosomes, and then evolves the chromosomes through selection, crossover and mutation, and finally generates the chromosomes needed by the object. Implement dynamic optimisation. According to the different optimisation objects, there are also differences in the coding methods of genetic algorithms. Researchers study different optimisation objects and obtain genetic operators suitable for various problems. Different genetic operators and coding methods form different genetic algorithms. When applying the genetic algorithm, the coding operation is performed first, and the coding method has a great influence on the subsequent genetic operation, so the choice of coding is of great significance.

3.1.2. GA process

In GA, genes are encoded to contain individuals, and several individuals form a population. An individual expresses the solution of the object to be optimised in the problem. The population represents the maximal possible solution set of the optimised object in the problem. Gener string. An individual typically consists of a character or numeric code that represents a point in space. First, the GA algorithm sets the number of individuals in the population, and forms a specific number of individuals through coding. The random process of the formation of the primary population can be artificially intervened to boost the quality of the population. Individuals in each generation of the population must be evaluated by fitness function, so that each individual in the population has a fitness value.

GA generates a new population through selection, crossover and mutation of genetic operations. The basis of specific selection is the individual’s fitness value. The higher the individual’s success, the greater the probability of being selected. The lower the individual’s fitness is, the lower the probability of the individual entering the next generation of population. Different optimisation objects apply to different selections. Operation to form a new population by selection. Individuals in the new population perform crossover operations, and new individuals are generated through crossover to supplement the original individuals, and a new population is formed through crossover. Finally, the individuals in the new population generated by the crossover are converted to mutation operations, and new individuals are formed through the mutation of individuals in the population, resulting in a new generation of populations that are different from the initial population. The fitness of the new generation of the population is evaluated, and then genetic manipulation is performed to generate the third generation of the population, and this process is continuously cycled. Termination conditions generally include: cycle limit, optimal solution, algorithm running time, individual fitness saturation, and inability to generate better individuals. The main algorithm steps of GA are as follows, and the GA process is shown in Figure .

  1. Encode the individual and randomly generate the primary population;

  2. Evaluate the fitness of each individual in the current population, so that each individual has a fitness value;

  3. Judge whether the termination condition is met, and if so, select the individual with the best fitness in the population as the execution result of GA;

  4. If the conditions are not met, the individuals in the current population are selected according to a certain selection method, and the selected individuals form a new population;

  5. Crossover the individuals in the new population formed by the selection operation according to a certain crossover operation, and the crossed individuals form a new population;

  6. Perform mutation operation on the individuals in the new population obtained through the crossover operation, and the mutated individuals form a new generation of population;

  7. Repeat steps (2) to (6) until the termination condition is satisfied.

Figure 2. GA flow chart.

Figure 2. GA flow chart.

3.1.3. Implementation method

  1. Chromosome encoding method: The encoding method can be divided into binary encoding and floating-point encoding. Because the learning rate in the CNN model is a floating-point number, the floating-point encoding is used in this paper. The floating-point number encoding method refers to using a certain range of floating-point numbers to encode the genes of the chromosome, and the number of optimisation variables is equal to the number of chromosome genes. Because the value of the floating point number on the gene is the real value of the variable, the floating point number encoding method is also called the truth value encoding method. For example, if there are 3 variables that need to be optimised in a certain problem, and the values are within [0,1], the gene of a chromosome in this optimisation problem can be directly set as (1) [0.21334,0.12313,0.54623](1) without encoding into binary form.

  2. Selection operator: The purpose of the selection operator is to capture the genes of individuals with high fitness in the population and inherit them for the next generation, so that the population can attain the optimisation goal. When selecting individuals, the proportional selection algorithm is generally used. The steps of the proportional selection algorithm are to first calculate the fitness value of all individuals in the population, and then determine the probability of the population being selected. The larger the fitness value, the higher the probability. Finally, the individuals involved in the inheritance are selected due to the probability. Individuals with higher fitness values have a higher probability of being selected, and individuals with lower fitness values also have the opportunity to participate in inheritance to avoid gaining important genes. The formula for calculating the probability of an individual being selected is as follows: (2) Pi=Fi/i=1NFi(2) where N is the size of the group;Fi – individual fitness value; Pi – the probability of being selected.

  3. Crossover operator: imitating the evolution of nature, crossover operation refers to pairing individuals in pairs and exchanging genes with each other to form two new individuals. The crossover operator is an important operator in the genetic algorithm, which ensures that new individuals in the population are closer to the optimal solution. Commonly used crossover methods include single-point crossover, double-point crossover, and arithmetic crossover. Floating-point number encoding requires high precision. Compared with single-point crossover and double-point crossover, arithmetic crossover operator is more suitable for floating-point number encoding. Arithmetic crossover refers to the weighted calculation of two paired individuals. The specific calculation method is as follows: (3) XAi+1=cXBi+(1c)XAi(3) (4) XBi+1=cXAi+(1c)XBi(4)

In the formula, XAi – the individual performing the arithmetic crossover operation; XBi – individuals performing arithmetic crossover operations; i – the number of iterations; c – constant.
  1. Mutation operator: The mutation operator includes basic bit mutation and uniform mutation. The most important step of basic bit mutation is to negate the gene value at the mutation position with a certain probability, so it is more suitable for binary coding. The uniform mutation operation is to randomly change the gene value of the mutation position into a floating point number within the set value range according to the mutation probability. The specific formula of uniform mutation operation is as follows: (5) xki+1=Umink+r(UmaxkUmink)(5)

In the formula, xk – the gene of an individual; Umin, Umax – the upper and lower limits of genes; r – A random number in the range [0,1].

3.2. Convolutional neural networks

3.2.1. Principle of CNN

CNN is a neural network with a deep network structure inspired by the cat’s visual mechanism. In the 1960s, the concept of receptive field was proposed, and it was not until the 1980s that the first realistic network of CNN was proposed based on RF. The network structure of CNN is closer to the structure of biological neural networks than other networks, so it is better at pattern recognition, especially image recognition. Images can be directly input into CNN without feature extraction and data reconstruction, which speeds up the processing speed. CNN was first used in the field of image recognition, and later widely used in deep learning and machine vision. Due to the powerful feature learning ability and complex data processing ability of CNN, it has been used in the field of state diagnosis in recent years. The neurons of the artificial neural network adopt a fully connected connection method. When the scale of the data processed by the artificial neural network is relatively large, it is easy to generate a large number of parameters, increase the calculation amount of the neural network, and cannot capture the change of the local data position, resulting in loss of data. Locality, which leads to data overfitting during training, and the inability to optimise the location characteristics of the learning data itself; local connections are used between adjacent neurons in the CNN convolutional layer, and some neurons in the CNN convolutional layer are connected. Weight sharing, convolutional layers reduce the number of parameters through weight sharing and local connections to speed up the learning rate. The pooling operation of CNN reduces the number of neurons and simplifies the complexity of the subsequent network. The core structure of CNN consists of alternate connections between convolutional layers and pooling layers.

3.2.2. Basic idea of CNN

CNN mainly reduces the parameters of CNN network and accelerates the learning rate through three basic ideas of local connection, weight sharing and pooling operation. As shown in Figure , the basic structure of CNN includes: input layer, convolution layer, pooling layer (also called down sampling layer), fully connected layer and output layer. This section will introduce the convolutional layers, pooling layers and fully connected layers of CNN.

Figure 3. Basic structure of CNN.

Figure 3. Basic structure of CNN.

3.2.3. CNN training process

The training process of CNN includes two stages: forward propagation of data and back propagation of errors. The forward propagation of data is the propagation of data from front to back. If the result obtained does not match the expected result after the forward propagation of the data is completed, the back propagation of the error is performed, and the error is propagated from the back to the front.

Before CNN starts training, it is necessary to initialise the network, assign connection weights, determine the maximum number of learning times and calculation accuracy, randomly select input samples, and determine output expectations. Finally, the training process of data forward propagation and error back propagation is as follows.

  1. Forward propagation of data: Calculate the input and output of each layer of neurons in the CNN, where αl is the output value of the l layer network, αl1 is the input value of the l layer network, fl is the activation function of the l layer network, and zl is the linear value before the layer network is not activated. output, Wl is the connection weight of the l layer network and the l1 layer network, bl is the bias of the l layer network;

If the l layer of CNN is a convolutional layer, the input-output relationship is: (6) αl=fl(zl)=f(Wlαl1+bl)(6)

If the l layer is a pooling layer, the input-output relationship is: (7) αl=pool(αl1)(7)

If the l layer is a fully connected, the input-output relationship is: (8) αl=fl(zl)=f(Wlαl1+bl)(8)

  1. Compare the expected output of the network with the actual output, and calculate the error, where y is the actual output of the network, and d is the expected output of the network; (9) C(W,b)=12||yd||22(9)

  2. Judge whether the error meets the requirements according to the set error accuracy or whether the set learning times meets the maximum learning times. Judge whether the algorithm process should end, and if the conditions are not met, enter the back propagation of the error.

3.2.3.1. Backpropagation of the error

  1. Using the error C(W,b) obtained from the forward propagation of the data from the last layer of the network to back-propagate the gradients of Wl and bl layer by layer, the gradient calculation formula of the error C(W,b) to the weight Wl and bias bl of the last layer of the network is as follows (10) C(W,b)=12||yd||22=12||αLd||22=12||fL(zL)d||22=12||fL(WLαL1+bL)d||22(10) (11) C(W,b)WL=C(W,b)zLzLWL=||fL(zL)d||fL(zL)(αL1)T(11) (12) C(W,b)bL=C(W,b)zLzLbL=||fL(zL)d||fL(zL)(12)

If δL=C(WL,b)zL: (13) C(W,b)WL=δLzLWL=δL(αL1)T(13) (14) C(W,b)bL=δLzLbL=δL(14)

  1. Calculate the gradient of weight W and bias b of error C(W,b) to the hidden layer neurons that are not activated in CNN. The hidden layer is the l-th layer. The calculation formula of weight Wl and bias bl is: (15) C(W,b)Wl=δlzlWl=δl(αl1)T(15) (16) C(W,b)bl=δlzlbl=δl(16) (17) δl=C(W,b)zl=C(W,b)zLzLzL1zl+1zl(17)

If δl+1, (18) δl=δl+1δzl+1δzl(18) (19) zl+1=Wl+1αl+bl+1=Wl+1f(zl)+bl+1(19) (20) zl+1zl=(Wl+1)Tf(zl)(20)

Substitute equation (20) into equation (18) to get: (21) δl=δl+1(Wl+1)Tf(zl)(21)

If the CNNC layer l+1 neural network is a convolutional layer, where rot180() represents a 180-degree rotation, then: (22) δl=δl+1rot180(Wl+1)f(zl)(22)

If the CNNC layer l+1 neural network is a pooling layer, whereupsample() represents a 180-degree rotation, then: (23) δl=upsample(δl+1)f(zl)(23)

  1. Calculate the gradient of the previous error C(W,b) of the data to the weight and bias;

If the l-th layer of the CNN is a convolutional layer, then: (24) C(W,b)Wl=δl(αl1)T(24) (25) C(W,b)bl=u,vδl(25) If the l-th layer of the CNN is a fully connected layer, then (26) C(W,b)Wl=δl(αl1)T(26) (27) C(W,b)bl=u,vδl(27)

  1. Update the weights and biases. If the weights and biases are updated in the first layer of neural network, the calculation formula is, where λ is the network learning rate; (28) Wl=WlλC(W,b)Wl(28) (29) bl=blλC(W,b)bl(29)

  2. Perform the next forward propagation on the updated weights and biases until the errorC(W,b) satisfies the accuracy condition, and the CNN is executed.

3.3. The basic idea and algorithm flow of GA-CNN

Using CNN’s powerful feature learning ability and complex data processing ability to diagnose the contamination discharge state of porcelain insulators, improve the accuracy of state diagnosis of insulators. However, there is still a lot of optimisation space for CNN in the field of state diagnosis. Facing different practical problems, researchers need to conduct a lot of experiments and have rich experience to choose a more suitable CNN network structure. The choice of CNN network structure affects the accuracy of state diagnosis, and the inappropriate structure is an important factor causing the low accuracy of CNN results. When choosing the CNN network structure in the face of specific practical problems, due to the numerous combinations of CNN network parameters, if only based on experience and experiments, it will take a lot of time to adjust the CNN network structure, and it may not be possible to find the most suitable CNN network structure. However, GA has few adjustable parameters and fast global search. The evaluation information based on the value of the objective function is used in the search process. The search process does not require the optimisation function to be derivable, nor does it require the optimisation function to be continuous. The idea is simple and easy to implement. Therefore, this paper proposes a GA-CNN method of GA-optimised CNN network structure for the diagnosis of insulator pollution discharge state.

The choice of GA coding methods and genetic operations has a great influence on the result. In this paper, floating-point encoding with high precision and suitable for large space search is selected as the encoding method of GA; the best reserved selection that ensures that the individuals with the highest applicability in the current population can enter the next generation is selected as the selection operation of GA; the basic single-point crossover is selected. As the crossover operation of GA; select the basic bit variation that mutates some genes randomly assigned by the individual coding with the mutation probability as the mutation operation of GA.

The GA optimisation CNN network structure algorithm proposed in this paper is mainly composed of four parts: CNN network construction, GA optimisation, CNN network structure determination and CNN state diagnosis.

The algorithm flowchart is shown in Figure and the specific process is as follows:

  1. The initial group is randomly generated using real number coding, and each individual in the group represents a CNN network structure parameter;

  2. Set the GA chromosome number, gene number, evolutionary generation, mutation rate and crossover rate;

  3. Build a CNN and use the genes on each chromosome of GA as the CNN structure;

  4. Input each chromosome into CNN for state diagnosis, and the test accuracy is used as the GA fitness function;

  5. GA evaluates the fitness of each chromosome to determine whether the chromosome meets the conditions. If the set evolutionary algebra is met, the program ends, and the optimal individual is selected as the CNN structure;

  6. If it is not satisfied, select, inherit and mutate the population, and input the chromosomes of the new generation of the population into CNN for diagnosis, and obtain the fitness value of each individual;

  7. Repeat step (5)-step (6) until the conditions are met;

  8. After the program ends, select the optimal individual as the structure of the CNN for diagnosis

Figure 4. GA-CNN algorithm flow chart.

Figure 4. GA-CNN algorithm flow chart.

4. Experimental comparison and analysis

In order to prove the accuracy of the GA-CNN-based diagnosing model for the contamination discharge state of porcelain insulators, this paper establishes a support vector machine, BP neural network, ELM neural network and artificial random selection of the CNN network structure parameter model and the GA-CNN model to compare the accuracy.

4.1. GA-CNN model diagnostic accuracy

In the five-category classification problem, the confusion matrix of the GA-CNN model is shown in Figure . In the figure, state1∼state5 represent normal state, initial discharge, through discharge, flashover and flashover completion, respectively. It can be seen from Figure . that the recognition accuracy rates of the GA-CNN model for normal state, initial discharge, through discharge, flashover and flashover completion are 100%, 98%, 99%, 99%, and 100%, respectively. The GA-CNN model achieved good diagnostic results.

Figure 5. Confusion matrix of GA-CNN model.

Figure 5. Confusion matrix of GA-CNN model.

4.2. Diagnostic accuracy of a single model

The confusion matrix of the SVM state diagnosis model is shown in Figure . The SVM state diagnosis model has an accuracy rate of 68% per cent for the normal state, 66% per cent for the initial discharge state, 58% per cent for the through-discharge state, and 61% per cent for the flashover state and the flashover completion state respectively and 60%. The SVM model has a good diagnostic effect on the normal state and the initial discharge state; the diagnostic effect on the flashover state and the flashover completion state is average; the diagnostic effect on the through discharge state is poor.

Figure 6. Confusion matrix of SVM model.

Figure 6. Confusion matrix of SVM model.

As can be seen from Figure , the overall accuracy of the Bp neural network state diagnosis model is 89.8%, of which the Bp neural network state diagnosis model has an accuracy of 92% for the normal state and 91% for the initial discharge state diagnosis. The accuracy rate of the through-discharge state is 87%, and the accuracy rates of the flashover state and the flashover completion state are 89% and 90%, respectively. The BP neural network model has good prediction effect on normal working condition, initial discharge state and flashover completion state, but poor diagnosis effect on initial discharge state and through discharge state.

Figure 7. Confusion matrix of Bp model.

Figure 7. Confusion matrix of Bp model.

It can be observed from Figure that the diagnostic accuracy of the ELM model is 91.4%. The diagnostic accuracy rates of ELM model for normal state, initial discharge state, through discharge state, flashover state and flashover completion state are 92%, 91%, 89%, 92%, and 93%, respectively. The accuracy of the ELM diagnostic model is higher than that of the Bp model and the CNN model.

Figure 8. Confusion matrix of ELM model.

Figure 8. Confusion matrix of ELM model.

The diagnostic accuracy of SVM, BP, ELM and GA-CNN models are plotted in Table . The diagnostic accuracy of SVM, BP and ELM models is 62.6%, 89.8% and 91.4% respectively. On the whole, GA-CNN has the best diagnostic accuracy, with an accuracy of 99.2%, so the diagnostic accuracy of GA-CNN model is the highest. The accuracy of SVM test set is not high, and the diagnosis of different states is quite different.

Table 2. Accuracy comparison of different models.

4.3. Diagnostic accuracy of unoptimised CNN models

Table shows the state diagnosis results after GA optimises the CNN network structure and the diagnosis results after manually selecting the CNN network structure randomly. Parameters C1 and C2 are the number of convolution kernels in each layer of the first and second convolution layers, and F1 and F2 are the number of neurons in each layer of the first and second fully connected layers.

Table 3. GA and manually selected CNN structure parameters.

The experimental results show that the GA-CNN studied in this paper has the highest state diagnosis accuracy. The recognition accuracy of artificially randomly selected CNN network structure is lower than that of GA-CNN. The recognition accuracy rate of manually selected CNN network structure has strong uncertainty, because the relationship between network parameters and recognition accuracy rate is difficult to describe by mathematical formulas, researchers can only adjust parameters based on their own experience, while GA is suitable. It is used to solve such optimisation problems of unanalytical objective functions. Therefore, the GA-CNN method proposed in this paper reduces the difficulty and complexity of CNN network structure parameter selection, and at the same time improves the accuracy of state diagnosis based on the CNN method.

5. Conclusion

In this paper, the pollution discharge of insulators is studied, and the leakage current is directly input into the GA-CNN model after segmentation. The advantages of the proposed model are verified by comparison with the traditional single diagnostic model and the unoptimised CNN model. The main conclusions are as follows:

  1. The diagnostic accuracy of GA-CNN model for insulator normal state, initial discharge state, through discharge state, flashover state and flashover completed state is 100%, 98%, 99%, 99% and 100% respectively, and the overall diagnostic accuracy is 99.2%, which is superior to the traditional single model.

  2. It is difficult to establish an accurate mathematical relationship between CNN parameters and diagnostic accuracy, which leads to the uncertainty of randomly selected CNN parameters in diagnosis. GA optimises the structural parameters of CNN, which solves the problem that the parameters in CNN model are difficult to choose, and improves the diagnostic accuracy.

  3. Analysis of the diagnostic results shows that the diagnostic state of the GA-CNN model is basically consistent with the actual state, and the recognition accuracy meets the diagnostic requirements of the contamination discharge state of the insulator.

In this paper, a diagnosis model of insulator discharge state based on GA-CNN is proposed. It is a data-driven method. Although it can identify insulator discharge type with high accuracy, it has poor generalisation performance in practical application because it is too dependent on data set quality. In order to further improve the generalisation ability of this model, we will do in-depth research from the perspective of mechanism to mine more characteristic data and information in the discharge process.

Disclosure statement

No potential conflict of interest was reported by the author(s).

References

  • Alia, A., & Tsuchiya, T. (2021). Simulation of pulsed ultrasonic diffraction in viscous fluids using transmission line matrix method. Acoustical Society of America (ASA), 149(1), 2988–2996. https://doi.org/10.1121/10.0004825.
  • Bai, X., Wang, X., Liu, X., Liu, Q., Song, J., Sebe, N., & Kim, B. (2021). Explainable deep learning for efficient and robust pattern recognition: A survey of recent developments. Pattern Recognition, 120, 108102. https://doi.org/10.1016/j.patcog.2021.108102
  • Cai, W., Zhai, B., Liu, Y., Liu, R., & Ning, X. (2021). Quadratic polynomial guided fuzzy C-means and dual attention mechanism for medical image segmentation. DISPLAYS, 70, 102106. https://doi.org/10.1016/j.displa.2021.102106
  • Danzi, D., De Paola, D., Petrozza, A., Summerer, S., Cellini, F., Pignone, D., & Janni, M. (2022). The use of near-infrared imaging (NIR) as a fast non-destructive screening tool to identify drought-tolerant wheat genotypes. Agriculture, 12(4), 537. https://doi.org/10.3390/agriculture12040537
  • Deb, S., Das, S., Pradhan, A. K., Banik, A., Chatterjee, B., & Dalai, S. (2020). Estimation of contamination level of overhead insulators based on surface leakage current employing detrended fluctuation analysis. IEEE Transactions on Industrial Electronics, 67(7), 5729–5736. https://doi.org/10.1109/TIE.2019.2934008
  • Govindaraju, P., & Muniraj, C. (2020). Monitoring and optimizing the state of pollution of high voltage insulators using wireless sensor network based convolutional neural network. Microprocessors and Microsystems, 79, 103299. https://doi.org/10.1016/j.micpro.2020.103299
  • Hou, H., Lu, D., Zhang, S., Zhang, Y., & Cheng, C. (2021). Research on on-line ultrasonic testing of small diameter thin wall stainless steel straight welded pipe. Journal of Physics: Conference Series, 1820(1), 12086. https://doi.org/10.1088/1742-6596/1820/1/012086
  • Jamali, M., Niasati, M., & Jazaeri, M. (2020). Lightning analysis of adjacent grounding systems using multi-conductor transmission line method. IET Science, Measurement & Technology, 14(10), 848–852. https://doi.org/10.1049/iet-smt.2019.0267
  • Li, Z., Luo, S., Chen, M., Wu, H., Wang, T., & Cheng, L. (2021). Infrared thermal imaging denoising method based on second-order channel attention mechanism. Infrared Physics & Technology, 116, 103789. https://doi.org/10.1016/j.infrared.2021.103789
  • Miao, J., Wang, Z., Ning, X., Xiao, N., Cai, W., & Liu, R. (2022). Practical and secure multifactor authentication protocol for autonomous vehicles in5G. Software: Practice and Experience. https://doi.org/10.1002/spe.3087
  • Ning, X., Gong, K., Li, W., & Zhang, L. (2021). JWSAA: Joint weak saliency and attention aware for person re-identification. Neurocomputing, 453, 801–811. https://doi.org/10.1016/j.neucom.2020.05.106
  • Odeyemi, J., Smartt, C., Vukovic, A., M. Benson, T., & Sewell, P. (2020). PML effectiveness in the transmission line modelling method for radiation and scattering applications.
  • Qian, T., Chen, X., Xin, Y., Tang, W., & Wang, L. (2022). Resilient decentralized optimization of chance constrained electricity-gas systems over lossy communication networks. Energy, 239, 122158. https://doi.org/10.1016/j.energy.2021.122158
  • Salem, A. A., Abd-Rahman, R., & Al-Gailani, A. (2020). Risk assessment of polluted glass insulator using leakage current index under different operating conditions. IEEE Access, 8, 175827–175839. https://doi.org/10.1109/ACCESS.2020.3026136
  • Shafiei, I., Tavassoli, S. P., Rahmatollahi, H. R., Ghasemian, R., & Salehzadeh, A. (2021). A novel copper oxide nanoparticle conjugated by thiosemicarbazone promote apoptosis in human breast cancer Cell line. Journal of Cluster Science, 33(6), 2697–2706. https://doi.org/10.1007/s10876-021-02187-1
  • Sun, J., Zhang, H., Li, Q., Liu, H., Lu, X., & Hou, K. (2021). Contamination degree prediction of insulator surface based on exploratory factor analysis-least square support vector machine combined model. High Voltage, 6(2), 264–277. https://doi.org/10.1049/hve2.12019
  • Vasilev, M., MacLeod, C., Galbraith, W., Javadi, Y., Foster, E., Dobie, G., Pierce, G., & Gachagan, A. (2021). Non-contact in-process ultrasonic screening of thin fusion welded joints. Journal of Manufacturing Processes, 64, 445–454. https://doi.org/10.1016/j.jmapro.2021.01.033
  • Vigneshwaran, B., Maheswari, R. V., Kalaivani, L., Shanmuganathan, V., Rho, S., Kadry, S., & Lee, M. Y. (2021). Recognition of pollution layer location in 11 kV polymer insulators used in smart power grid using dual-input VGG convolutional neural network. Energy Reports, 7, 7878–7889. https://doi.org/10.1016/j.egyr.2020.12.044
  • Wang, C., Wang, X., Zhang, J., Zhang, L., Bai, X., Ning, X., Zhou, J., & Hancock, E. (2022). Uncertainty estimation for stereo matching based on evidential deep learning. Pattern Recognition, 124, 108498. https://doi.org/10.1016/j.patcog.2021.108498
  • Wang, M., Sun, T., Song, K., Li, S., Jiang, J., & Sun, L. (2022). An efficient sparse pruning method for human pose estimation. Connection Science, 34(1), 960–974. https://doi.org/10.1080/09540091.2021.2012423
  • Yu, Z., Li, S., Sun, L., Liu, L., & Haining, W. (2022). Multi-distribution noise quantisation: An extreme compression scheme for transformer according to parameter distribution. Connection Science, 34(1), 990–1004. https://doi.org/10.1080/09540091.2021.2024510
  • Zhang, Y., Qian, T., & Tang, W. (2022). Buildings-to-distribution-network integration considering power transformer loading capability and distribution network reconfiguration. Energy, 244, 123104. https://doi.org/10.1016/j.energy.2022.123104
  • Zhong, L., Gao, L., Li, L., Nei, L., Wei, Y., Zhang, K., Zhang, H., Yin, W., Xu, D., & Zang, H. (2022). Method development and validation of a near-infrared spectroscopic method for in-line API quantification during fluidized bed granulation. Spectrochimica Acta Part A: Molecular and Biomolecular Spectroscopy, 274, 121078. https://doi.org/10.1016/j.saa.2022.121078