Next Article in Journal
Manoeuvre Target Tracking in Wireless Sensor Networks Using Convolutional Bi-Directional Long Short-Term Memory Neural Networks and Extended Kalman Filtering
Previous Article in Journal
Efficient Generalized Electroencephalography-Based Drowsiness Detection Approach with Minimal Electrodes
Previous Article in Special Issue
Motor Imagery EEG Signal Classification Using Distinctive Feature Fusion with Adaptive Structural LASSO
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Novel Electrical Equipment Status Diagnosis Method Based on Super-Resolution Reconstruction and Logical Reasoning

1
College of Aerospace Engineering, Chongqing University, Chongqing 400044, China
2
School of Transportation and Civil Engineering, Nantong University, Nantong 226019, China
3
Zhejiang Sanchen Electrical Company Limited, Lishui 323900, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(13), 4259; https://doi.org/10.3390/s24134259
Submission received: 18 May 2024 / Revised: 10 June 2024 / Accepted: 29 June 2024 / Published: 30 June 2024

Abstract

:
The accurate detection of electrical equipment states and faults is crucial for the reliable operation of such equipment and for maintaining the health of the overall power system. The state of power equipment can be effectively monitored through deep learning-based visual inspection methods, which provide essential information for diagnosing and predicting equipment failures. However, there are significant challenges: on the one hand, electrical equipment typically operates in complex environments, thus resulting in captured images that contain environmental noise, which significantly reduces the accuracy of state recognition based on visual perception. This, in turn, affects the comprehensiveness of the power system’s situational awareness. On the other hand, visual perception is limited to obtaining the appearance characteristics of the equipment. The lack of logical reasoning makes it difficult for purely visual analysis to conduct a deeper analysis and diagnosis of the complex equipment state. Therefore, to address these two issues, we first designed an image super-resolution reconstruction method based on the Generative Adversarial Network (GAN) to filter environmental noise. Then, the pixel information is analyzed using a deep learning-based method to obtain the spatial feature of the equipment. Finally, by constructing the logic diagram for electrical equipment clusters, we propose an interpretable fault diagnosis method that integrates the spatial features and temporal states of the electrical equipment. To verify the effectiveness of the proposed algorithm, extensive experiments are conducted on six datasets. The results demonstrate that the proposed method can achieve high accuracy in diagnosing electrical equipment faults.

1. Introduction

Electrical and power equipment are widely used throughout the entire process of power generation, transmission, and control [1]. Electrical equipment operates continuously for extended periods, often in harsh environments, thus making it susceptible to aging and failure. Rapid detection and diagnosis of the state of electrical equipment are crucial for ensuring its reliable operation and maintaining the health of the entire power system [2].
Due to the wide distribution and complex states of electrical equipment, relying solely on manual inspection methods is insufficient to meet the development needs of the power system. An intelligent inspection strategy can leverage machine vision to quickly obtain the thermal state or pixel-level information of electrical equipment [3] and then extract the operational state of the electrical equipment using deep learning-based methods [4,5]. However, several challenges exist in acquiring state information or fault characteristics of electrical equipment through machine vision. First, machine vision technology requires high-precision images to accurately recognize the fault characteristics of electrical equipment. However, the complex structure of electrical equipment, with its various irregular shapes and surface textures, increases the difficulty of image processing and feature extraction. Secondly, electrical equipment typically operates in challenging environments, such as high temperature, high pressure, and high humidity. These environmental factors can degrade image quality through blurring and noise, thus affecting the performance of the machine vision system [6]. Additionally, changes in lighting conditions can create further difficulties in image acquisition and processing [7]. All these factors present significant challenges to the stability and reliability of machine vision-based fault diagnosis algorithms.
However, most current image-based fault detection methods do not consider the clarity of the images, thus making it difficult to accurately identify subsequent equipment faults. In addition, deep learning-based fault diagnosis methods often lack effective logical reasoning capabilities and can only use abnormal patterns in images to capture machine faults. This results in relatively weak logical reasoning capabilities for diagnosing faults during actual operation. Some faults in electrical equipment require logical reasoning to detect, and it is challenging to identify such faults directly through visual image recognition, such as abnormal switch statuses and panel indication misalignments. How to coordinate the fusion detection of multiple anomalies is a problem that needs to be solved in current electrical equipment fault detection [8].
To address the above challenges, we first design a super-resolution reconstruction method based on GAN [9] to remove noise from images of electrical equipment and perform high-definition reconstruction on images with varying brightness, darkness, and degrees of blurring. Then, using a deep learning method, we analyze the pixel features of the electrical equipment to determine its actual operational status. Finally, we construct an interpretable fault logic reasoning method for power equipment clusters based on logic diagrams. Experimental validation shows that the method proposed in this paper can improve the fault recognition accuracy of electrical equipment and provide interpretability in fault diagnosis.
The contributions of this paper are as follows:
  • An image super-resolution reconstruction method based on the GAN is proposed, which introduces a third-order image degradation model to simulate the real image quality degradation process during image acquisition. A U-Net discriminator with spectral normalization is also adopted to enhance the network’s ability to process complex images. This method significantly improves the quality of power equipment images and provides robust data support for the detection of an abnormal status of power equipment.
  • A method for deriving system state transition based on C-AOG is proposed, which uses a multilayer Causal And-Or Graph Model (C-AOG) to represent the equipment state transition model under the collaborative operation of multiple equipment events, thus allowing for the inference of the specific operating status of the power system.
  • An interpretable fault logic reasoning method for power equipment clusters based on logic diagrams is proposed, which adopts the Backpropagate Through Logic (BPTL) algorithm to address incorrect or self-conflicting formulas that may arise during the inference of system state transitions based on the causal diagram architecture. This ensures that the inferred transitions consistently adhere to true rules.
The remainder of the paper is organized as follows. Section 2 provides a brief overview of related work in the area of pattern recognition and fault diagnosis for electrical equipment. The details of the proposed methods are outlined in Section 3, followed by the experiment setup and results presented in Section 4. Finally, Section 5 presents the conclusion and discussion of this study. Table 1 lists the acronyms used in the paper.

2. Related Work

2.1. Abnormal State Detection Method for Electrical Equipment

Current methods for the abnormal state detection of electrical equipment encompass two major categories: traditional methods and artificial intelligence-based methods. Traditional methods primarily rely on physical models and empirical rules [10], including threshold-based methods, statistics-based methods, and feature engineering-based methods. In contrast, artificial intelligence-based methods include machine learning and deep learning techniques. Threshold-based methods identify equipment faults by setting specific thresholds to determine whether the equipment parameters are out of normal range [11]. Although this method is simple, it struggles to handle complex faults and noise disturbances. Statistical-based methods, on the other hand, utilize statistical principles to analyze equipment parameters such as mean, variance, correlation, and other indicators to identify abnormalities [12]. However, this method imposes high data requirements and struggles with nonlinear relationships. Feature engineering-based methods extract the features of equipment parameters, such as spectral features and time domain features, and then employ machine learning algorithms for classification or regression to achieve fault detection [13]. This approach requires manual design of the features and often relies on the experience of domain experts. Machine learning-based approaches use machine learning algorithms, such as support vector machines (SVMs), decision trees, and random forests, to model and classify equipment parameters for fault detection [14]. While this approach can automatically learn patterns and regularities in the data, it is more sensitive to data quality and feature selection. Deep learning-based methods utilize deep neural network structures [15], such as convolutional neural networks (CNNs) [16], recurrent neural networks (RNNs) [17], and long-short-term memory networks (LSTMs) [18], to learn features directly from raw data and conduct fault identification. This method excels inhandling large-scale data and complex features, thus possessing robust representational and generalization capabilities.
Most of the aforementioned methods for detecting the abnormal states of equipment using images for electrical equipment fault detection algorithms are based on the assumption that electrical equipment images exhibit high-quality accuracy for fault detection [19]. However, in practice, electrical equipment images are frequently influenced by various external factors, such as weather conditions, changes in lighting, and shooting angles [20], which may lead to local noise or overall blurring of the image. This degradation in the image quality directly affects the accuracy and efficiency of fault recognition. Therefore, image resolution reconstruction needs to be considered to enhance the accuracy and robustness of fault recognition.
In addition, deep learning-based fault diagnosis methods typically rely on a large volume of image data for training, with their models primarily emphasizing the abnormal features within images. Consequently, these deep learning methods often struggle to logically derive fault states and conduct in-depth analysis and explanation of fault causes [21]. This leads to low interpretability of the fault diagnosis results, which may not be sufficiently effective for actual maintenance and repair work. Therefore, detecting multiple anomalous states through logical reasoning with synergistic fusion poses a challenging problem in the current field of electrical equipment fault detection. Introducing logical reasoning methods can enhance the understanding of the causes and mechanisms behind fault occurrences, thereby improving the accuracy and reliability of fault diagnosis.

2.2. Image Super-Resolution Reconstruction Methods

The present image super-resolution reconstruction methods are mainly categorized into traditional and deep learning-based methods. Traditional image super-resolution methods mainly include interpolation-based, reconstruction-based, and learning-based methods. Interpolation-based methods use interpolation techniques, such as one-dimensional nearest neighbor, linear, and cubic interpolation, which can improve image magnification but may lead to uneven image boundaries and mosaic effects [22]. Reconstruction-based super-resolution methods utilize unbalanced and balanced sampling theorems to improve the spatial resolution of the image by addressing the aliasing problem, e.g., frequency domain methods and spatial domain methods [23]. In contrast, learning-based methods use a large number of images to train a super-resolution reconstruction model. This allows the model to learn a priori knowledge and recover high-frequency details. These methods typically involve two main steps: training and reconstruction [24].
Traditional image super-resolution reconstruction methods, though diverse, perform poorly in complex situations. With the rise of deep learning, image super-resolution has seen a new development. Instead of tedious feature engineering, deep learning methods learn image features directly. Among them, methods based on convolutional neural networks have made significant breakthroughs. Dong et al. proposed SRCNN [25], but its structure is relatively simple. Subsequent improvements include FSRCNN [26], VDSR [27], and so on, which led to better reconstruction and fewer network parameters [28]. Meanwhile, utilizing the advantages of the Laplace pyramid network, LapSRN [29] achieved significant results in complex scenes. In addition, Ledig et al. proposed SRGAN, which utilizes generative adversarial networks to suppress the shortcomings of traditional techniques [30] and achieve more accurate reconstruction results.

2.3. An Interpretable Electrical Equipment Fault Logic Reasoning Method Based on Time Series Fusion

The advancement of intelligence and automation in power equipment, fault diagnosis, and prediction have emerged as crucial tasks in equipment maintenance and management. Traditional fault diagnosis methods typically rely on expert experience and sensor data analysis, thus leading to issues such as low accuracy, unreliability, and susceptibility to interference. Therefore, researchers have begun to focus on the logical derivation method of interpretable electrical equipment faults based on time series fusion. This method first collects time series data of power equipment, including parameters such as current, voltage, temperature, etc., and stores them in a database. Then, using data mining and machine learning techniques, these data are analyzed and processed to extract the operational status and fault characteristics of the equipment. Then, through time series fusion technology, data from different periods are integrated to form comprehensive information about the equipment’s working state. For instance, Chen et al. [31], proposed an innovative semantic fault diagnosis method based on temporal logic, thus aiming to address the increasing complexity and vast amount of time series data in Industrial Internet of Things (IIoT) systems. By constructing a formal specification of faults, the method not only improves the accuracy of fault diagnosis but also enhances the interpretability of the diagnostic results, thereby enabling humans to intuitively understand fault situations.
For event-based causation analysis, the Structural Causal Model (SCM) stands out as a more efficient causal inference method. The SCM integrates concepts from structural equations, virtual factual models, and probabilistic graphical models, thus applying them to causal analysis [32]. Recently, causal inference models based on Bayesian networks or syntactic-directed acyclic graphs have garnered increasing attention from researchers for analyzing complex interaction behaviors and inferring system state changes. Research findings indicate that causal graph models offer promising applications in reasoning about the evolution of observations in observation-constrained scenarios [33,34,35]. Typical causal inference models include Bayesian networks, temporal analysis networks, directed graph models, and other structures. In this paper, causal methods and graphs should be revised as causal inference methods to establish the correlation between the visual recognition results and the state of the complex system [36], thus aiming to develop an interpretable fault diagnosis model for power equipment.
The interpretable electrical equipment fault logic reasoning method based on time series fusion can enhance the accuracy and reliability of fault diagnosis, thus offering robust support for the maintenance and management of electrical equipment. In the future, as artificial intelligence and big data technology continue to evolve, this method is poised to see broader adoption and deeper exploration.

3. Methods

3.1. Quality Enhancement of Electrical Plant Images

3.1.1. Light Balancing Methods for Images

In image processing, a common challenge is to balance the brightness of pictures with areas that are too dark or too bright. This can be achieved through dynamic brightness adjustment. Firstly, by analyzing the brightness histogram of the image, we can understand the distribution of brightness. Based on this distribution, we design a conversion function that can adjust the brightness of a pixel according to its current brightness value. For bright pixels ( x > H ) , we can use a linear function with a slope less than 1 to reduce its brightness. f ( x ) = x α ( x H ) , where x represents the original pixel’s brightness value, f ( x ) represents the adjusted brightness value, H is the high-brightness threshold, and α is the adjustment intensity. Similarly for dark pixels ( x < L ) , we can use a linear function with a slope less than 1 to increase their brightness levels. f ( x ) = x + β ( L x ) , L is the dark brightness threshold, and β is the adjustment intensity. For pixels of intermediate brightness, the selection ( L x H ) is kept constant. Then, we apply the conversion function f ( x ) to each pixel p _ ( i , j ) in the image, where i , j are the row and column indexes of the pixel, respectively. After adjusting the brightness of the image, we use a smoothing filter to reduce some of the noise caused by this operation, thereby making the image look clearer and smoother.

3.1.2. Super-Resolution Reconstruction Methods for Images

In practice applications, the acquisition of electrical equipment images is often affected by various factors, thus resulting in suboptimal image quality. In particular, due to weather changes, such as rain, snow, haze, and other unfavorable conditions, these may interfere with the image acquisition process, thereby resulting in blurring, color distortion, and other problems in the image. In addition, capture devices may experience jitter during operation for various reasons, thus resulting in noise in the image, which can significantly affect image quality and usability. Given the above problems, there is an urgent need for an effective image processing method to remove these noises and improve image quality. To address this need, we propose an improved super-resolution reconstruction method, whose overall flow is depicted in Figure 1. This method not only denoises the image but also generates clearer and more detailed high-resolution (HR) images through reconstruction techniques.
In comparison to previous super-resolution reconstruction methods, we have developed a novel approach by first constructing a third-order degradation model for electrical equipment images. This model simulates the real degradation process, thus producing low-resolution images that closely resemble actual degradation. The process flow is illustrated in Figure 2 and comprises four phases: blurring, stochastic scaling, noise addition, and JPEG compression. The blurring phase encompasses Gaussian and sinc blurring methods, while the stochastic scaling phase includes bicubic, bilinear, and area scaling techniques. Furthermore, the noise addition phase introduces Gaussian and Poisson noise types. Degradation kernels for these processes are randomly selected and applied in multiple iterations to mimic real-world conditions.
The generator of the super-resolution reconstruction network includes a two-pixel module, four convolutional layers, and a residual dense module group. The Residual-in-Residual Dense Block (RRDB), consisting of 32 residual-in-residual dense blocks, is used to obtain deeper and more complex structures. Each RRDB comprises five convolutional layers and four LeakyReLU activation function layers, with a convolution kernel size of 3 × 3. To better preserve details and enhance image clarity and quality, traditional upsampling and downsampling layers are replaced with Pixel shuffle and Pixel unshuffle methods. This modification improves the performance of the super-resolution reconstruction network. The generator structure is shown in Figure 3.
In the discriminator of the super-resolution reconstruction network, like Wang et al. [37], we adopted the U-Net discriminator containing spectral normalization, which includes a downsampling module, three upsampling modules, and an output module. The downsampling module includes a convolution layer and three layers of convolution with spectral normalization, and the upsampling module includes a bilinear interpolation, a LeakyReLU activation function layer, and a convolution layer with spectral normalization. The output module includes two layers of convolution with spectral normalization and a convolution output layer. By adopting this discriminator, the network’s ability to process complex image data is further enhanced, and the training stability and model generalization ability are also improved. The structure is shown in Figure 4.
By utilizing an improved super-resolution reconstruction method, we have effectively mitigated the adverse effects of factors such as weather conditions and device jitter on the image quality of the electrical equipment. This method yields a clearer and more accurate depiction of the actual equipment condition, thus offering reliable visual support for power system operation monitoring and equipment maintenance. Specifically, the improved super-resolution reconstruction technology enhances image quality at the pixel level, thereby making details more discernible. This aids in the timely detection of wear and tear, damage, or other potential issues on the equipment’s surface. The application of this technique not only boosts the efficiency of electrical equipment monitoring and maintenance but also provides more reliable and comprehensive data support for related research and applications. Ultimately, it promotes the safe and stable operation of power systems.

3.2. A Joint Learning-Based Interpretable Logic Reasoning Method for Power Equipment Faults

In the process of in-depth research on electrical equipment fault reasoning, we recognize that traditional reasoning methods are often inadequate when facing complex and changing fault patterns. In order to solve this problem more accurately and efficiently, we adopted a time series-based knowledge graph reasoning method. This method not only fully utilizes the advantages of knowledge graphs in representing and storing complex relationships, but it also introduces temporal information to make the inference process more closely related to the dynamic process of actual fault occurrence.
Specifically, the time series-based knowledge graph reasoning approach enables us to construct a comprehensive and systematic knowledge base of electrical equipment faults. This knowledge base represents various fault modes, causes, effects, and solutions in the form of a graph. Such a representation is not only intuitive and easy to understand, but it also clearly demonstrates the correlation between faults and the evolution process. Furthermore, by incorporating temporal information, we can precisely describe the sequence, duration, and trend of faults. This enables more accurate inference of fault causes and potential solutions.
In power equipment, system-level faults often arise from abnormal state transitions or clustered failures across multiple nodes. Consequently, this study investigates a fault state reasoning method based on logical reasoning to facilitate interpretable learning of power equipment faults. The state derivation structure consists of bottom-up derivation of system state transitions based on a causal graph architecture, and the state interpretability is realized through a top-down BPTL framework for fault causation prediction.

3.2.1. A Method for Deriving System State Transition Based on C-AOG

Firstly, we encoded the atomic state g based on the device’s state expression and combine multiple atomic states to form event e. We use G and E to represent the atomic state and event set of a certain device, respectively. Specifically, the switch status of the equipment is expressed as 0–1, and the fault state of a device (such as damage or overheating) is characterized by detection probability and temperature distribution. The event set formed by atomic states allows us to directly detect device faults such as wrong switch position, device overheating, etc. However, how individual devices spread faults requires further formation of a high-dimensional logical inference network to proceed. In our study, we consider the state information of electrical devices in the same layer as a timestamped Static Knowledge Graph (SKG) sequence, G = { G 1 , G 2 , . . . , G t , . . . } . Each SKG in G is denoted as G t = { N , R , T } . N , R , T denote the state set, relation set, and event set, respectively. G t consists of a set of events with the same timestamp t. Events in G t can be represented as timestamped quartets, i.e., (Subject, Relation, Object, Time), and the quartets ( s , r , o , t ) G , s E , r R , o E , t T . The event set E, on the other hand, is a collection of event occurrences under the knowledge graph data characterization, where E mainly contains the loads under the switching changes, as well as the load changes caused by faults. The probability of load change p load for all device nodes can be calculated using the following Equation (1):
p load = p s H t 1 , R t 1 , o , r
where H t 1 and R t 1 denote the embedding representation matrices of entities and relations, respectively, at the moment t 1 .
We utilized the multilayer Causal And-Or Graph Model (C-AOG) to represent the equipment state transition model under the collaborative operation of multiple equipment events, thus facilitating the inference of the specific operating status of the power system. The specific logical structure extraction is based on general FOL to abstract the C-AOG graph, and we set the middle layer as and/or logical structure to realize the logical hierarchical construction of the graph. This is shown in Figure 5.
For the construction of specific graph logic levels, we use a combination of neural perception and logical reasoning for optimization.
Define the input as semantic data x, e.g., various electrical devices (switchgear, transformers, fans, transmission cables, etc.); Attributes z, e.g., attributes of the electrical devices (e.g., color, function, brightness of the switchgear buttons); and given a label y { 0 , 1 } , we denote whether or not the attribute z of the input x satisfies a certain latent logical concept.
The goal of neural symbolic learning is to simultaneously learn p ( y x ) and explicitly discover the correct logical concept Δ , as well as the attribute mapping function from x to z. To enhance the performance and interpretability of neural logic inference, p ( y x ) is decoupled into two parts, which are neural perception and symbolic inference:
p ( y x ) = z Z p θ ( z x ) · p ϕ y z i
where the attribute mapping p θ ( z x ) is a neural network, and the logic module p ϕ y z i is modeled using the symbol system Δ ϕ . Here, z is rewritten as z i to emphasize the role of each attribute z i .
p θ ( z x ) = i σ n n θ , i ( x ) z i = i exp n n θ , i ( x ) z i z Z i exp n n θ , i ( x ) z
where n n θ , i ( x ) is a DNN with Z i outputs.
p ϕ ( y z ) = 1 , Δ ϕ z i y 0 , otherwise
where Δ ϕ z i y means that Δ ϕ z i is consistent with y.

3.2.2. Backpropagate through Logic-Based Fault Causation Inference Method for Electrical Equipment

Given that the inference of system state transitions based on causal diagram architecture may sometimes yield incorrect or even self-conflicting formulas, we employed the Backpropagate Through Logic (BPTL) algorithm [38] to solve the problem by considering these situations, as shown in Figure 6.
BPTL aims to jointly optimize and recursively iterate learning between logical and perceptual models by returning logical labels through logical modules. It resolves conflict problems arising from symbol transformation in logical reasoning until z can be corrected to z such that Δ ϕ z y .
We further harmonized the definitions of terms and formulas, as they have the same recursive format. For each step of the recursion, we denoted the set of inputs (atomic terms/formulas) as S ( i ) , the set of operations/relationships/connectors as Ψ s , and the set of outputs can be denoted as
S ( o ) = ψ s 1 , s 2 , s r f ψ Ψ s , s i S ( i )
By denoting the above process of finding a valid z from z as Q ( z z ) , we define an acceptance probability as follows:
α z , z = π z Q z z π z Q z z + π ( z ) Q z z
In practice, if Δ ϕ [ z ] y then Q ( z z ) may be 0. The acceptance probability is computed by adding a parameter δ to Q ( z z ) , and then we can obtained the following three conditions:
(1)
π ( z ) = 0 & π z > 0 α z , z = 1 (always accept).
(2)
π ( z ) = 0 & π z = 0 α z , z = 0 (always reject).
(3)
π ( z ) > 0 & π z > 0 α z , z ( 0 , 1 ) (conditional).
In Figure 6, both BPCs (Backpropagate Constraints) and BPTLs (Backpropagate Through Logics) are used to solve conflict problems in logical reasoning, but they differ in their specific roles.
BPCs ensure that the transformation of logical symbols satisfies given logical relationships and constraints by applying constraints during backpropagation. They play a crucial role in preventing the generation of inconsistent or invalid reasoning results, thus enhancing the accuracy and reliability of logical reasoning. BPTLs match target labels by recursively backpropagating and adjusting symbols to ensure that the final symbol representation satisfies the predictions of the logical model. They help to resolve conflicts and inconsistencies due to symbol transformations in logical reasoning, thereby enhancing the learning and reasoning capabilities of the overall model. For instance, if two different paths attempt to modify the same symbol to inconsistent values, the algorithm needs to resolve such conflicts rationally. At each step of the symbol transformation from z to z , the algorithm computes an acceptance probability to ensure that the final symbol representation z probabilistically matches the predictions of the logic model. The structure of the deep logic module is utilized to recursively backtrack from output to input, thereby adjusting symbols layer by layer to match the target label. The most appropriate symbol transformation path is selected through random sampling and logic model-based evaluation, with acceptance probabilities ensuring the optimization of the selected path.
Through Figure 6, the transformation from sensory data (e.g., images of electrical equipment) to logical causal reasoning of faults can be efficiently integrated and optimized to improve the performance and generalization of the model in complex logic tasks.

3.2.3. Attention Mechanism Driven Historical Event Embedding Module

We employed an attention-based gated loop module to encode the information sequential patterns of historical events. The primary objective of this module is to model the pattern of historical events between pairs of entities, thereby encoding temporal information and generating temporal embeddings corresponding to entities and relations. For events ( s , r , o , t ) and their inverse events ( o , r 1 , s , t ) , the underlying temporal features and patterns embedded in historical events can reveal historical trends and patterns. To adequately capture the temporal patterns of these historical events, the model needs to fully consider the temporal sequence of events. To enhance the effectiveness of capturing information related to equipment failures, we introduced a historical event attention mechanism. This mechanism enables the module to dynamically select and linearly combine the relationships between different historical events. The specific formulas are described below:
e τ = v e T tanh W e r t + U e r τ
a τ = softmax e τ exp e τ τ = 1 t exp e τ
r t = τ = 1 t a τ r τ
where v e T , W e , and U e are parameters, and a τ is used to determine which part of the historical event to focus on in the prediction. The relational embedding r t forms the embedding matrix R t of the relation at t.

3.2.4. Model Prediction

The main method of applying knowledge reasoning in entity reasoning and relationship reasoning tasks is to calculate the probability of the occurrence of entities or relationships. In this paper, we used ConvTransE [39] to calculate the probability of entities and relationships as shown in Equations (10) and (11):
p o H t 1 , R t 1 , s , r = sigmoid H t 1 ConvTrans E s t 1 , r t 1
p r H t 1 , R t 1 , s , o = sigmoid R t 1 ConvTrans E s t 1 , o t 1
where s t 1 , r t 1 , and o t 1 denote the vector form of the event subject s, the relation r, and the event object o at timestamp t 1 in H t 1 and R t 1 , respectively.
In the process of electrical fault detection, the first step is to collect detailed information related to the fault. This information is then deeply parsed to transform it into a standard quaternion form that can be easily represented using a temporal knowledge graph. Next, the query function of the graph database Neo4j is utilized to search the knowledge graph for historical records that are similar to the current fault. If a similar case is found, the data encoder and decoder will be used to quickly obtain the prediction information related to the current fault. However, if a similar case is not detected, the fault is subjected to analysis by experts. In such cases, the knowledge graph is queried to yield exhaustive analysis information, which in turn furnishes robust support for fault resolution processes.

4. Results

4.1. Verification of State Detection Methods for Power Equipment

To further enhance the resolution of electrical equipment images and augment the detailed information within them, we employed an improved super-resolution reconstruction method. This method is designed to refine electrical equipment images through advanced algorithms and techniques, thus resulting in a significant improvement in the clarity and resolution of the images. In Figure 7, we compare our method with other super-resolution reconstruction methods, which include SRCNN, SRGAN, and ESRGAN [40]. Moreover, to facilitate a quantitative comparison between different methods, we constructed a dataset containing 15,000 noisy image samples, thereby focusing on substation equipment such as power panels, control boxes, and transformers. During the dataset construction, the blurred images were caused by camera shake and poor lighting conditions. All images were captured using an 8-megapixel camera under consistent settings, with a shooting distance of 3 to 5 m and automatic adjustment of the camera’s focus. For evaluation metrics, we selected the peak signal-to-noise ratio (PSNR), structural similarity (SSIM), and natural image quality evaluator (NIQE) [41], and the comparison results are shown in Table 1.
Through the comparison in Figure 7, it is evident that our method outperformed the previous approach in eliminating blurring and artifacts surrounding the power control panel buttons. Additionally, it excelled in recovering the texture and details of the characters, which significantly improved visual clarity. Further observing the values of different evaluation metrics in Table 2, we can find that although the reconstructed images using the ESRGAN method had relatively higher PSNR and SSIM values, our method had little difference in the PSNR and SSIM values compared to the ESRGAN method and performed better in the NIQE values, which means that our reconstructed images are of higher quality.

4.2. Failure Rate Identification of Electrical Equipment

Taking the switchgear in the power system as an example, the operation of the system can be inferred by monitoring the status of the switchgear buttons. In the switchgear cabinet illustrated in Figure 8, two modules are included: the green indicator of the first module lights up continuously, while the red indicator of the second module also lights up continuously. Through logical reasoning, it can be concluded that the system is in an abnormal state. This state indicates that there may be a fault or abnormal condition that requires further inspection and treatment to ensure the safe and stable operation of the power system.
We constructed six datasets (system undervoltage, system voltage overload, system current overload, panel or line overheating, key phase abnormality, no influence abnormality, and panel display abnormality) to provide diverse fault scenarios. Each dataset contains 2000 data samples, and the data samples contain information on the device types, device number, button phase, panel light, surface temperature, and the desired system state. Part slices of the data samples are shown in Figure 9. Then, we compared the method we proposed with other commonly used methods to evaluate their performance in the task of electrical equipment fault rate recognition. The results are shown in Table 3. These comparison tests aim to validate the effectiveness and superiority of our method and provide strong support for further research.
By analyzing the data in the table, it becomes evident that our proposed method performed more superiorly in terms of fault recognition accuracy compared to the other three commonly used methods on six electrical equipment anomaly datasets. For abnormal state diagnosis on timing information such as voltage or current, the performance of our method was very close to that of other SOTA time series forecast methods. In predicting sparsely varying device voltages, our method showed some superiority. However, in the case of more densely varying device currents, the performance was slightly worse than that of the timing prediction networks such as LSTM and GRU. This is because our method is essentially based on a probabilistic model, which is less sensitive to long time variations. For more complex and trivial system states, such as specific button misalignment and panel display anomalies, our algorithm greatly outperformed other SOTA methods, mainly because our algorithm has the ability of logical deduction, which can map the system state of power equipment to specific atomic nodes through the C-AOG graph, and thanks to the strengthening of this logical correlation between the state of the buttons or the panel state and the state of the system, we can predict the state of the power equipment by using the C-AOG graph. Our diagnostic method is more sensitive to the misalignment of buttons and display anomalies of the panels. It is worth noting that, in addition to the high recognition rate, our method also has high interpretability that provides interpretation and understanding of the fault recognition results. This suggests that our method not only has higher applicability and effectiveness in electrical equipment fault identification tasks but also provides users with more intuitive and credible diagnostic results.

5. Conclusions

In this article, we have dedicated its work to solving the problems of low image quality and the lack of logical deduction ability in deep learning-based electrical equipment fault state recognition methods. We proposed an electrical equipment image quality enhancement method that effectively enhances the quality of electrical equipment images by integrating image light balancing with super-resolution reconstruction techniques. Additionally, we introduced an interpretable electrical equipment fault logic reasoning method by combining the C-AOG-based system state change derivation approach with BPTL and integrating a history embedding module driven by an attention mechanism. The experimental results demonstrate the superiority of our proposed image quality enhancement method in eliminating blurring and artifacts around power control panel buttons compared to alternative methods. Moreover, our method exhibited enhanced capability in recovering texture and character details. On the six abnormal datasets of power equipment we constructed, our proposed method outperformed the other three commonly used methods in terms of the fault recognition rate and interpretability.
The research in this paper also has some shortcomings. In our study, we mainly performed fault diagnosis by capturing external features such as the appearance of the device, panel, buttons, temperature characteristics, etc., and we did not consider the internal features of some devices, which makes it difficult for our method to be applied to some special scenarios. In addition, as a class of probabilistic inference models, the fault inference model built based on C-AOG suffered from the problem of low knowledge granularity. Therefore, when dealing with continuous dense data, the diagnostic performance of our method was slightly weaker than some SOTA time series analysis algorithms.

Author Contributions

Conceptualization, P.P. and C.L.; methodology, P.P., Q.Y. and W.G.; software, P.P. and Q.Y.; validation, P.P., Q.Y. and W.G.; formal analysis, W.G.; investigation, W.G.; resources, W.G.; data curation, Q.Y.; writing—original draft preparation, P.P. and Q.Y.; writing—review and editing, P.P., Q.Y. and C.L.; visualization, Q.Y.; supervision, C.L.; project administration, P.P. and C.L.; funding acquisition, C.L. and W.G. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the National Natural Science Foundation of China under Grant 62001254 and 52202496, and the Natural Science Foundation of the Higher Education Institutions of Jiangsu Province under Grants 22KJB510040, the Basic Science Research Program of Nantong City under Grant JC12022028, and the Nantong Social Livelihood Science and Technology Project under Grant MS12022015.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are contained within the article.

Conflicts of Interest

Author Wei Guo was employed by the Zhejiang Sanchen Electrical Company Limited. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

References

  1. Xia, C.; Ren, M.; Wang, B.; Dong, M.; Xu, G.; Xie, J.; Zhang, C. Infrared thermography-based diagnostics on power equipment: State-of-the-art. High Volt. 2021, 6, 387–407. [Google Scholar] [CrossRef]
  2. Babak, V.P.; Babak, S.V.; Eremenko, V.S.; Kuts, Y.V.; Myslovych, M.V.; Scherbak, L.M.; Zaporozhets, A.O.; Babak, V.P.; Babak, S.V.; Eremenko, V.S.; et al. Models and measures for the diagnosis of electric power equipment. In Models and Measures in Measurements and Monitoring; Springer: Berlin/Heidelberg, Germany, 2021; pp. 99–126. [Google Scholar]
  3. Yang, L.; Fan, J.; Liu, Y.; Li, E.; Peng, J.; Liang, Z. A review on state-of-the-art power line inspection techniques. IEEE Trans. Instrum. Meas. 2020, 69, 9350–9365. [Google Scholar] [CrossRef]
  4. Yang, Z.; Yue, J.; Ghamisi, P.; Zhang, S.; Ma, J.; Fang, L. Open Set Recognition in Real World. Int. J. Comput. Vis. 2024, 1–24. [Google Scholar] [CrossRef]
  5. Wang, C.Y.; Yeh, I.H.; Liao, H.Y.M. YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information. arXiv 2024, arXiv:2402.13616. [Google Scholar]
  6. Furse, C.M.; Kafal, M.; Razzaghi, R.; Shin, Y.J. Fault diagnosis for electrical systems and power networks: A review. IEEE Sens. J. 2020, 21, 888–906. [Google Scholar] [CrossRef]
  7. Bellazzi, A.; Bellia, L.; Chinazzo, G.; Corbisiero, F.; D’Agostino, P.; Devitofrancesco, A.; Fragliasso, F.; Ghellere, M.; Megale, V.; Salamone, F. Virtual reality for assessing visual quality and lighting perception: A systematic review. Build. Environ. 2022, 209, 108674. [Google Scholar] [CrossRef]
  8. Sahu, A.; Mao, Z.; Wlazlo, P.; Huang, H.; Davis, K.; Goulart, A.; Zonouz, S. Multi-source multi-domain data fusion for cyberattack detection in power systems. IEEE Access 2021, 9, 119118–119138. [Google Scholar] [CrossRef]
  9. Creswell, A.; White, T.; Dumoulin, V.; Arulkumaran, K.; Sengupta, B.; Bharath, A.A. Generative adversarial networks: An overview. IEEE Signal Process. Mag. 2018, 35, 53–65. [Google Scholar] [CrossRef]
  10. Ma, J.; Jiang, J. Applications of fault detection and diagnosis methods in nuclear power plants: A review. Prog. Nucl. Energy 2011, 53, 255–266. [Google Scholar] [CrossRef]
  11. Dhiman, H.S.; Deb, D.; Muyeen, S.; Kamwa, I. Wind turbine gearbox anomaly detection based on adaptive threshold and twin support vector machines. IEEE Trans. Energy Convers. 2021, 36, 3462–3469. [Google Scholar] [CrossRef]
  12. Gu, X.; Akoglu, L.; Rinaldo, A. Statistical analysis of nearest neighbor methods for anomaly detection. Adv. Neural Inf. Process. Syst. 2019, 32, 10923–10933. [Google Scholar]
  13. Carta, S.; Podda, A.S.; Recupero, D.R.; Saia, R. A local feature engineering strategy to improve network anomaly detection. Future Internet 2020, 12, 177. [Google Scholar] [CrossRef]
  14. Ibrahim, M.; Alsheikh, A.; Awaysheh, F.M.; Alshehri, M.D. Machine learning schemes for anomaly detection in solar power plants. Energies 2022, 15, 1082. [Google Scholar] [CrossRef]
  15. Zhao, H.; Liu, H.; Hu, W.; Yan, X. Anomaly detection and fault analysis of wind turbine components based on deep learning network. Renew. Energy 2018, 127, 825–834. [Google Scholar] [CrossRef]
  16. Gao, M.; Zhang, W. Power transmission line anomaly detection scheme based on CNN-transformer model. Int. J. Grid Util. Comput. 2021, 12, 388–395. [Google Scholar] [CrossRef]
  17. Kwon, S.; Yoo, H.; Shon, T. IEEE 1815.1-based power system security with bidirectional RNN-based network anomalous attack detection for cyber-physical system. IEEE Access 2020, 8, 77572–77586. [Google Scholar] [CrossRef]
  18. Hu, D.; Zhang, C.; Yang, T.; Chen, G. Anomaly detection of power plant equipment using long short-term memory based autoencoder neural network. Sensors 2020, 20, 6164. [Google Scholar] [CrossRef]
  19. Hou, R.; Pan, M.; Zhao, Y.; Yang, Y. Image anomaly detection for IoT equipment based on deep learning. J. Vis. Commun. Image Represent. 2019, 64, 102599. [Google Scholar] [CrossRef]
  20. Ding, X.; Gong, Y.; Wang, C.; Zheng, Z. Artificial intelligence based abnormal detection system and method for wind power equipment. Int. J. Thermofluids 2024, 21, 100569. [Google Scholar] [CrossRef]
  21. Waldrop, M.M. What are the limits of deep learning? Proc. Natl. Acad. Sci. USA 2019, 116, 1074–1077. [Google Scholar] [CrossRef]
  22. Xiong, M.; Song, Y.; Xiang, Y.; Xie, B.; Deng, Z. Anchor neighborhood embedding based single-image super-resolution reconstruction with similarity threshold adjustment. In Proceedings of the 2021 2nd International Conference on Artificial Intelligence and Information Systems, Shanghai, China, 15–17 October 2021; pp. 1–8. [Google Scholar]
  23. Liang, M.; Du, J.; Li, L.; Xue, Z.; Wang, X.; Kou, F.; Wang, X. Video super-resolution reconstruction based on deep learning and spatio-temporal feature self-similarity. IEEE Trans. Knowl. Data Eng. 2020, 34, 4538–4553. [Google Scholar] [CrossRef]
  24. Jiang, J.; Wang, C.; Liu, X.; Ma, J. Deep learning-based face super-resolution: A survey. ACM Comput. Surv. (CSUR) 2021, 55, 1–36. [Google Scholar] [CrossRef]
  25. Dong, C.; Loy, C.C.; He, K.; Tang, X. Image super-resolution using deep convolutional networks. IEEE Trans. Pattern Anal. Mach. Intell. 2015, 38, 295–307. [Google Scholar] [CrossRef]
  26. Dong, C.; Loy, C.C.; Tang, X. Accelerating the super-resolution convolutional neural network. In Proceedings of the Computer Vision–ECCV 2016: 14th European Conference, Amsterdam, The Netherlands, 11–14 October 2016; Proceedings, Part II 14. Springer: Berlin/Heidelberg, Germany, 2016; pp. 391–407. [Google Scholar]
  27. Kim, J.; Lee, J.K.; Lee, K.M. Accurate image super-resolution using very deep convolutional networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 1646–1654. [Google Scholar]
  28. Lim, B.; Son, S.; Kim, H.; Nah, S.; Mu Lee, K. Enhanced deep residual networks for single image super-resolution. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops, Honolulu, HI, USA, 21–26 July 2017; pp. 136–144. [Google Scholar]
  29. Lai, W.S.; Huang, J.B.; Ahuja, N.; Yang, M.H. Deep laplacian pyramid networks for fast and accurate super-resolution. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 624–632. [Google Scholar]
  30. Ledig, C.; Theis, L.; Huszár, F.; Caballero, J.; Cunningham, A.; Acosta, A.; Aitken, A.; Tejani, A.; Totz, J.; Wang, Z.; et al. Photo-realistic single image super-resolution using a generative adversarial network. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 4681–4690. [Google Scholar]
  31. Chen, G.; Liu, M.; Kong, Z. Temporal-logic-based semantic fault diagnosis with time-series data from industrial internet of things. IEEE Trans. Ind. Electron. 2020, 68, 4393–4403. [Google Scholar] [CrossRef]
  32. Yao, L.; Chu, Z.; Li, S.; Li, Y.; Gao, J.; Zhang, A. A survey on causal inference. ACM Trans. Knowl. Discov. Data (TKDD) 2021, 15, 1–46. [Google Scholar] [CrossRef]
  33. Meddage, D.; Ekanayake, I.U.; Herath, S.; Gobirahavan, R.; Muttil, N.; Rathnayake, U. Predicting bulk average velocity with rigid vegetation in open channels using tree-based machine learning: A novel approach using explainable artificial intelligence. Sensors 2022, 22, 4398. [Google Scholar] [CrossRef]
  34. Ping, P.; Huang, C.; Ding, W.; Liu, Y.; Chiyomi, M.; Kazuya, T. Distracted driving detection based on the fusion of deep learning and causal reasoning. Inf. Fusion 2023, 89, 121–142. [Google Scholar] [CrossRef]
  35. Liu, D.; Qin, Y.; Zhao, Y.; Yang, W.; Hu, H.; Yang, N.; Liu, B. Fault Early Warning Model for High-Speed Railway Train Based on Feature Contribution and Causal Inference. Sensors 2022, 22, 9184. [Google Scholar] [CrossRef]
  36. Xu, Y.; Qin, L.; Liu, X.; Xie, J.; Zhu, S.C. A causal and-or graph model for visibility fluent reasoning in tracking interacting objects. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–23 June 2018; pp. 2178–2187. [Google Scholar]
  37. Wang, X.; Xie, L.; Dong, C.; Shan, Y. Real-esrgan: Training real-world blind super-resolution with pure synthetic data. In Proceedings of the IEEE/CVF International Conference on Computer Vision, Virtual, 11–17 October 2021; pp. 1905–1914. [Google Scholar]
  38. Duan, X.; Wang, X.; Zhao, P.; Shen, G.; Zhu, W. Deeplogic: Joint learning of neural perception and logical reasoning. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 45, 4321–4334. [Google Scholar] [CrossRef]
  39. Shang, C.; Tang, Y.; Huang, J.; Bi, J.; He, X.; Zhou, B. End-to-end structure-aware convolutional networks for knowledge base completion. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 3060–3067. [Google Scholar] [CrossRef]
  40. Wang, X.; Yu, K.; Wu, S.; Gu, J.; Liu, Y.; Dong, C.; Qiao, Y.; Change Loy, C. Esrgan: Enhanced super-resolution generative adversarial networks. In Proceedings of the European Conference on Computer Vision (ECCV) Workshops, Munich, Germany, 8–14 September 2018; pp. 63–79. [Google Scholar]
  41. Mittal, A.; Soundararajan, R.; Bovik, A.C. Making a “completely blind” image quality analyzer. IEEE Signal Process. Lett. 2012, 20, 209–212. [Google Scholar] [CrossRef]
  42. Speiser, J.L.; Miller, M.E.; Tooze, J.; Ip, E. A comparison of random forest variable selection methods for classification prediction modeling. Expert Syst. Appl. 2019, 134, 93–101. [Google Scholar] [CrossRef] [PubMed]
  43. Yang, S.; Yu, X.; Zhou, Y. Lstm and gru neural network performance comparison study: Taking yelp review dataset as an example. In Proceedings of the 2020 International Workshop on Electronic Communication and Artificial Intelligence (IWECAI), Shanghai, China, 12–14 June 2020; pp. 98–101. [Google Scholar]
Figure 1. Flowchart of the super-resolution reconstruction method.
Figure 1. Flowchart of the super-resolution reconstruction method.
Sensors 24 04259 g001
Figure 2. Third-order degradation model for electrical equipment images.
Figure 2. Third-order degradation model for electrical equipment images.
Sensors 24 04259 g002
Figure 3. Generator network structure.
Figure 3. Generator network structure.
Sensors 24 04259 g003
Figure 4. Discriminator network structure.
Figure 4. Discriminator network structure.
Sensors 24 04259 g004
Figure 5. Logical hierarchical construction of equipment state change. Different colors in the boxes represent the different status of the electrical devices. And the colors in the and-or node represent the trigger state; red means not triggered and green means triggered.
Figure 5. Logical hierarchical construction of equipment state change. Different colors in the boxes represent the different status of the electrical devices. And the colors in the and-or node represent the trigger state; red means not triggered and green means triggered.
Sensors 24 04259 g005
Figure 6. The workflow diagram of Algorithm.
Figure 6. The workflow diagram of Algorithm.
Sensors 24 04259 g006
Figure 7. Comparison of super-resolution reconstruction effects using different methods on five different electrical devices.
Figure 7. Comparison of super-resolution reconstruction effects using different methods on five different electrical devices.
Sensors 24 04259 g007
Figure 8. Schematic diagram for identifying the abnormal state of power switchgear equipment.
Figure 8. Schematic diagram for identifying the abnormal state of power switchgear equipment.
Sensors 24 04259 g008
Figure 9. Image samples for the electrical equipment.
Figure 9. Image samples for the electrical equipment.
Sensors 24 04259 g009
Table 1. The abbreviations list.
Table 1. The abbreviations list.
AbbreviationMeaning
GANGenerative Adversarial Network
SVMSupport Vector Machine
CNNConvolutional Neural Network
RNNRecurrent Neural Network
LSTMLong Short-Term Memory Network
SCMStructural Causal Model
HRHigh-Resolution
RRDBResidual-in-Residual Dense Block
C-AOGCausal And-Or Graph Model
BPCsBackpropagate Constraints
BPTLsBackpropagate Through Logic
Table 2. Quantitative comparison of our method with other methods on different evaluation indicators.
Table 2. Quantitative comparison of our method with other methods on different evaluation indicators.
OrderIndexBicubicSRCNNSRGANESRGANOurs
PSNR35.8435.8331.9437.7836.74
SSIM0.90190.910.94250.94650.9420
NIQE4.69474.12384.20273.59573.4186
PSNR32.3632.4230.9133.2132.30
SSIM0.72770.75600.77430.84140.8430
NIQE4.11253.46263.05372.60532.6497
PSNR30.7330.7530.4531.5231.24
SSIM0.60200.62150.69490.68790.6825
NIQE4.52874.22395.00303.24442.2891
PSNR35.3635.7133.0134.3336.55
SSIM0.88960.90590.99080.99640.9579
NIQE4.22333.93624.17593.30943.2087
PSNR35.4035.3531.3836.3535.27
SSIM0.88540.89550.91040.91520.8894
NIQE4.77894.19813.81773.33873.2100
Table 3. Electrical equipment failure recognition accuracy comparison.
Table 3. Electrical equipment failure recognition accuracy comparison.
DatasetRF [42]LSTM [18]GRU [43]Ours(C-AOG+SR)
System Undervoltage79.4%80.2%82.5%83.1%
System Voltage Overload80.7%84.4%86.3%87.5%
System Current Overload81.2%82.8%83.4%82.6%
Panel or Line Overheating91.3%93.6%95.7%96.4%
Button Phase Abnormality71.2%75.9%76.8%83.2%
Panel Display Abnormality76.9%78.5%79.3%82.6%
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Ping, P.; Yao, Q.; Guo, W.; Liao, C. A Novel Electrical Equipment Status Diagnosis Method Based on Super-Resolution Reconstruction and Logical Reasoning. Sensors 2024, 24, 4259. https://doi.org/10.3390/s24134259

AMA Style

Ping P, Yao Q, Guo W, Liao C. A Novel Electrical Equipment Status Diagnosis Method Based on Super-Resolution Reconstruction and Logical Reasoning. Sensors. 2024; 24(13):4259. https://doi.org/10.3390/s24134259

Chicago/Turabian Style

Ping, Peng, Qida Yao, Wei Guo, and Changrong Liao. 2024. "A Novel Electrical Equipment Status Diagnosis Method Based on Super-Resolution Reconstruction and Logical Reasoning" Sensors 24, no. 13: 4259. https://doi.org/10.3390/s24134259

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop