Next Article in Journal
A Multi-Agent System for Service Provisioning in an Internet-of-Things Smart Space Based on User Preferences
Previous Article in Journal
Upgraded Three-Wavelength Lidar for Real-Time Observations of Volcanic Aerosol Optical and Microphysical Properties at Etna (Italy): Calibration Procedures and Measurement Tests
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

BiVi-GAN: Bivariate Vibration GAN

1
Department of Electric Computer Engineering, Inha University, Incheon 22212, Republic of Korea
2
Technology Research Center, RMS Technology Co., Ltd., Cheonan 31217, Republic of Korea
3
Department of Computer Engineering, Inha University, Incheon 22212, Republic of Korea
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(6), 1765; https://doi.org/10.3390/s24061765
Submission received: 15 February 2024 / Revised: 1 March 2024 / Accepted: 3 March 2024 / Published: 8 March 2024
(This article belongs to the Topic AI and Data-Driven Advancements in Industry 4.0)

Abstract

:
In the domain of prognosis and health management (PHM) for rotating machinery, the criticality of ensuring equipment reliability cannot be overstated. With developments in artificial intelligence (AI) and deep learning, there have been numerous attempts to use those methodologies in PHM. However, there are challenges to applying them in practice because they require huge amounts of data. This study explores a novel approach to augment vibration data—a primary component in traditional PHM methodologies—using a specialized generative model. Recognizing the limitations of deep learning models, which often fail to capture the intrinsic physical characteristics vital for vibration analysis, we introduce the bivariate vibration generative adversarial networks (BiVi-GAN) model. BiVi-GAN incorporates elements of a physics-informed neural network (PINN), emphasizing the specific vibration characteristics of rotating machinery. We integrate two types of physical information into our model: order analysis and cross-wavelet transform, which are crucial for dissecting the vibration characteristics of such machinery. Experimental findings show the effectiveness of our proposed model. With the incorporation of physics information (PI) input and PI loss, the BiVi-GAN showed a 70% performance improvement in terms of JS divergence compared with the baseline biwavelet-GAN model. This study maintains the potential and efficacy of complementary domain-specific insights with data-driven AI models for more robust and accurate outcomes in PHM.

1. Introduction

In industrial areas, numerous dynamic systems operate in an integrated manner, among which rotating equipment constitutes one of the most utilized types of machinery. Rotating equipment is predominantly employed in various mechanical conversion devices such as automobile engines, pumps, wind turbines, power generation systems, and gas turbines [1,2]. The failure of such equipment can potentially lead to malfunctions in the associated machinery and a loss of functionality in the overall system. Extensive research has been conducted on the diagnosis and prediction of the reliability and safety of rotating equipment [3,4,5,6]. Those approaches have evolved into the field of prognosis and health management (PHM). Particularly, research on artificial intelligence (AI)-based PHM has been actively conducted, owing to advancements in computer technology [7,8,9,10]. In the realm of AI-based PHM research, in contrast with traditional PHM approaches, which are structured around physical laws, various forms of data are acquired from the equipment. This data serves as the foundation for analyzing the equipment’s health and remaining useful life (RUL). With advancements in deep learning models, analytical methodologies have been proposed. Several studies are based on models that enable generalized analysis without the requirement for expert knowledge [11,12]. Such research endeavors utilize diverse data sources, including thermal images, high-speed camera images, vibration data, and noise data, to train AI models. Among these, vibration data have traditionally been a critical element in the analysis of rotating equipment within conventional PHM methodologies. Owing to its rich information related to the operation and condition of the equipment, vibration data are also extensively employed in deep learning studies where features contained in the data are of significant importance. However, a salient challenge with these data-driven methodologies is the conflict between the massive volume of data generally required to train AI models and the limited amount of vibration data that can realistically be collected in industrial settings.
As the prevalence of data-hungry deep learning models continues to rise, data augmentation techniques have increasingly become a significant issue in the field of AI. Numerous studies have demonstrated that training AI models on augmented data can help them outperform those trained on the limited amount of original data that can be collected in practice [13]. Vibration data have temporal correlations and can thus be classified as time series data. Studies on methods for augmenting time series data have been vigorously conducted, reflecting the growing recognition of its importance [14]. In basic approaches, various techniques such as cropping, flipping, and jittering are employed in the time series, frequency, and time–frequency domains to artificially augment the data [15]. These methodologies do not focus on understanding the inherent characteristics of the data; rather, they augment the data based on specific rules and probabilities. Recently, with the development of data analytics and learning models, techniques for analyzing the complex rules and information inherent in data have emerged [16,17]. These include decomposition methods, statistical generative models, and learning models. Particularly, deep learning-based generative models such as generative adversarial networks (GANs), variational autoencoders (VAEs), and diffusion models have high applicability across various domains. This is because they can extract the nonlinear features inherent in the data in an end-to-end manner without the requirement for specialized knowledge.
However, the black-box nature of deep learning models poses a challenge, as these generative models may not adequately capture the key physical characteristics relevant to vibration analysis [18,19]. Consequently, there are frequent instances where the generated data fail to reflect the vibration characteristics required for analyzing rotating equipment. To address these challenges raised from the perspective of field application, physics-informed neural networks (PINNs) have emerged as a solution aimed at overcoming the limitations of deep learning models, which are highly dependent on the data themselves [20]. PINNs employ a structure that guides the neural network to learn physical information and characteristics that are difficult for AI to extract by itself. This enables the leveraging of both the advantages of deep learning, which has an excellent ability to extract various features based on data, and the robust, dimensionless characteristics that can be represented by physical equations. In this study, we aim to propose a vibration data augmentation model that incorporates the structure of a PINN. Specifically, the model is designed with a structure specialized for the vibration characteristics of rotating equipment, thus enabling efficient consideration of the relevant physical features. The model proposed in this study has the objective of mapping two types of physical information onto the existing structure of a bidirectional GAN (Bidirectional GAN) [21]. One of the types of physical information aims to incorporate order analysis, a key analytical focus in rotating machinery, which analyzes harmonic frequency components based on the equipment’s rotational speed. The other type of physical information aims to utilize cross-wavelet transform, a methodology that analyzes the time–frequency axis correlation between two sets of vibration data.

2. Related Work

2.1. Time Series Data Generation Using Generative Models

Generally, research on methods for generating data to train AI models, particularly deep learning models, has been consistently conducted. Recently, there has been a proliferation of studies focused on utilizing deep learning generative models for data creation [22,23]. The most commonly used are VAEs and GANs. Both VAEs and GANs are similar in terms of learning the data distribution based on maximum likelihood estimation. However, VAEs belong to the explicit density model category, approximating the prior distribution of the model to estimate the data distribution. In contrast, GANs are part of the implicit density model category, which, instead of explicitly defining the model, iteratively performs sampling to converge to a specific probability distribution. VAEs have the advantage of being able to generate data similar to a given x by directly calculating the probability of x in the training set, as shown in Figure 1.
However, VAEs have the drawback of producing “blurred” generated outputs owing to the injection of noise and the imperfection of the variational bounds. Consequently, much of the recent generative research has been based on GAN models. GANs are composed of two neural networks, commonly referred to as the generator and discriminator, as shown in Figure 2.
The generator aims to produce data that are difficult to distinguish from the real data, while the discriminator’s role is to differentiate between genuine and generated data [24,25]. Although GANs have a more challenging training process compared with VAEs, they are capable of generating sharper outputs and can cover a broader range of distributions beyond the specific distributions exhibited by the given input data. These advantages have led to their widespread use in recent research. The model proposed in this study also aims to generate vibration data gathered from rotating equipment, leveraging the adversarial training approach inherent to GANs. In this study, among various GAN models, we utilize the Bidirectional GAN with a conditional GAN structure as the base model. Conditional GANs aim to overcome the limitation of the original GAN, which cannot learn different distributions for multiple labels when only sampling z from the latent space as input. To address this, conditional GANs incorporate class information along with z as additional input, enabling the GAN model to learn different distributions for each class. Conditional GANs have evolved in various directions, from the simple act of adding a condition y to using the image itself as a condition, as in the case of pix2pix. In this study, the condition is set to include the presence or absence of defects, as well as the type of defects in the rotating equipment. This allows the model to learn the distribution of data that occur under various conditions.
The Bidirectional GAN not only learns to generate x from z but also incorporates an additional encoder structure that learns the inverse mapping operation, projecting x back into the latent space as shown in Figure 3 [21].
The discriminator is trained using x and z as inputs, undergoing a process to align p G and p E . The authors claim that this structure can overcome the saddle point problem, which is a common issue in GANs. Subsequent research has indeed used the BiGAN structure to synthesize more refined and higher-quality images. In this study, the generator is required to simultaneously produce both the vibration signal itself and the continuous wavelet transform (CWT) image. Therefore, a more stable training method is required. We have configured the model to resolve the saddle point problem and reach a global optimum by employing the inverse mapping technique proposed in BiGAN.

2.2. Frequency Feature Extraction Using Wavelet

The Fourier transform operates under the assumption that any given signal can be represented as a sum of sine waves with varying frequencies and amplitudes. It is a method used to decompose a given signal into its constituent frequency components and intensities, thereby enabling data analysis in the frequency domain. Inherently designed for frequency component analysis, the Fourier transform inevitably suffers from the loss of information along the time axis [26]. To overcome this limitation, the short-time Fourier transform (STFT) was proposed, as shown in Figure 4 [27]. STFT involves dividing a signal that changes over time into short time windows and applying the Fourier transform to each window. This allows for the extraction of frequency components present within each time segment, which are then accumulated. The results of STFT can be represented as an image with a time and frequency axis, making it suitable for signal representation. Consequently, numerous machine and deep learning models have been applied to analyze given vibration signals through STFT analysis.
The wavelet transform overcome the limitation of STFT, which suffers from a trade-off between time resolution and frequency resolution owing to its reliance on sine wave-based frequency decomposition [28]. A wavelet transform involves defining a waveform function with a limited temporal extent and using it to analyze signals as shown in Figure 5.
This allows for an improved time–frequency resolution trade-off. Consequently, the wavelet transform offers the advantage of enhancing time resolution for high-frequency components and frequency resolution for low-frequency components. This enables a more balanced resolution trade-off based on the nature of the signal’s frequency components. However, the process of shifting the waveform function and calculating the similarity for the given input signal in a wavelet transform, while scaling the waveform function, results in a significantly higher computational load compared with STFT. Consequently, the wavelet transform is limited in real-world industrial applications owing to issues related to real-time processing and memory constraints.
Certainly, research utilizing similar frequency analysis methods has been conducted using multivariate time series data as well [29,30]. However, in most studies, each signal is often treated as an independent entity, applying separate transformations to each signal and subsequently concatenating them on a channel-by-channel basis [31,32]. Alternatively, these transformations are applied to multiple received inputs and utilized accordingly. In this study, in contrast with analyses that conclude with a frequency analysis of individual signals, the aim is to apply CWT to two signals after performing frequency analysis for both. This is to subsequently analyze the correlation between the two signals within the frequency domain. CWT involves applying the same mother wavelet signal and analysis technique to both signals. Following the transformation, the two values are multiplied to generate the cross-wavelet spectrum. This spectrum showcases the correlation and phase difference between the two signals in the time–frequency domain. The input signals utilized in this study are vibration data collected from the same vibration source with a phase difference of 90°. Leveraging the advantages of CWT, which effectively represents the frequency-based correlation and its strength, the study aims to analyze the bivariate vibration data and interpret the interactions between them in the frequency domain.

2.3. Learning Physical Characteristics Using PINN

Certainly, AI models, particularly methodologies such as machine learning (ML) and deep learning (DL), profoundly rely on data-driven approaches. Consequently, the dependence on the additional information inherent in the actual data diminishes. However, in domains where the underlying physical system is well-understood, leveraging predefined rules as prior knowledge before training on gathered data can lead to achieving strong performance with a limited dataset. This approach can also prevent issues arising from the application of black-box models to hidden data, which is a concern owing to the nature of such models. Recently, research aiming to combine the advantages of data-driven and physics-based approaches has gained momentum. This approach is referred to as physics-informed machine learning (PIML) or PINN. PINN is structured into two main branches, as shown in Figure 6.
One branch involves enforcing known physical information onto the AI model [33,34,35]. This can be achieved through methodologies such as incorporating the upper and lower bounds of physics information into the neural network as regularization or utilizing loss functions that leverage the physics information. The other branch involves the neural network itself mapping physical information. This is achieved through a “physics-informed (PI) architecture”, where specific nodes or layers are designed to receive or learn the physical information [36,37]. In this study, the proposed approach involves incorporating a PI input that considers frequency characteristics into the Bidirectional GAN-based generative model. Additionally, the model generates cross-wavelet transform images based on learned features during data generation. The differences between these images are used as a loss function, referred to as the PI loss, to leverage PI.

2.4. Bearing Failure Detection via Deep Learning Model

Bearings are one of the critical components of rotating machinery, and the failure of bearings is so significant that it can lead to the shutdown of the entirety of the equipment. Accordingly, numerous studies have been conducted with approaches aiming to perform bearing fault detection. Early research relied on features extracted by experts, utilizing methods like Artificial Neural Networks (ANN), k-Nearest Neighbor, and Support Vector Machines (SVM) for classification and anomaly detection. The features were mainly collected based on frequency domain, including Short-Time Fourier Transform (STFT), Fast Fourier Transform (FFT), Hilbert Transform (HT), and Wavelet Transform (WT) [38,39]. However, these methodologies have limitations due to the necessity of preceding feature engineering, due to heavily relying on expert knowledge in selecting feature extraction techniques, and in determining the structure of models based on these to perform tasks.
With the development of deep learning, many studies have been conducted to utilize the capability of deep learning to extract features directly from data. In the field of bearing fault detection, research utilizing deep learning has been actively conducted [40,41,42]. Tand et al. studied a method of visualizing data for the analysis of low-speed rotating equipment [43]. Particularly, there have been many studies utilizing inputs from multiple sensor data simultaneously, including methods diagnosing bearing status using multiple sensors and a small number of filters [44], and methods mixing each sensor channel for robust learning [45].
In this study, we utilize data from two sensors attached to the bearing. We model the 90-degree phase difference between the two sensors as a feature. Additionally, we propose BiVi-GAN that synthesizes data using the frequency and temporal characteristics obtained, thereby preserving correlations that cannot be considered in single-sensor data only.

3. Methodology

In this study, we propose a new GAN model, the BiVi-GAN, which employs a Bidirectional GAN architecture combined with PI loss and PI input. The BiVi-GAN, as shown in Figure 7, comprises three sub-networks: the generator, encoder, and discriminator.
The generator accepts random noise z following a Gaussian distribution and a 1x2x feature x p h y extracted from real vibration data x, producing synthetic vibration data x′ and synthetic cross-wavelet transform images c w t ′. The encoder considers the real data x and a 1x2x feature z p h y extracted from random noise z as inputs and generates an estimated value z′ for z. The discriminator performs the task of classifying between real and fake by accepting the following as inputs: random noise z, the set of data generated by the generator from z as { z , x } ′, real data x, and random noise z′ generated by the encoder based on x, represented as { z ′, x } .
The proposed model utilizes two major types of physical information related to vibration. One is the order frequency extracted from the vibration signal x. Order frequency is a feature commonly used in order analysis, a diagnostic tool extensively employed in the field of mechanical engineering that signifies frequency values that are multiples of the equipment’s rotational speed. Numerous studies in the field of mechanical engineering have demonstrated that order analysis not only distinguishes between the normal and abnormal states of rotating equipment but also can diagnose the cause and severity of anomalies. Hence, it’s evident that the order frequency contains substantial physical information regarding defects in vibration data. In this study, we extract the 1st and 2nd order frequency and directly input them into the generator as the physical information for the given vibration data x. This can be compared to the method of incorporating physical prior knowledge, a technique frequently employed in PINN series of models. The generator is tasked with learning about frequency characteristics of x that are not described by this prior knowledge, as well as information regarding noises originating both externally and internally from the system.
The other piece of physical information is the cross-wavelet transform data extracted from the vibration signal. This study analyzes the condition of equipment based on data simultaneously collected from two sensors, each with a phase angle of 90°. The phase difference in sensors collecting data from rotating equipment allows for capturing distinct vibration characteristics owing to the rotational trajectory made by the equipment’s axis. The method of diagnosing abnormalities in the axis and bearings of rotating equipment based on a 90-degree phase difference has been substantiated through numerous prior studies. In several studies based on rotating equipment, it was common to construct and analyze an orbit, which represents the trajectory of the rotating axis, based on the vibration information acquired from two orthogonal sensors. However, in this study, we use wavelet analysis, which offers richer information than the orbit and simultaneously represents both the frequency and time domains. Among various wavelet-based analytical methodologies, we employ CWT to visualize the frequency response correlation between the two vibration signals. This visualized data are then utilized as the physical information extracted from the given pair of vibration signals. In this study, we employ a strategy where the generator, while producing the vibration signal, concurrently generates a CWT image. Through this strategy, the generator is able to simultaneously learn information in the time domain from direct analysis of the vibration signals, and information in the time–frequency domain by comparing the CWT images. Essentially, in the proposed model, the order frequency information is used as the PI input for both the generator and encoder. To compute the PI loss, we utilize the CWT image to produce the CWT loss, which in turn is used to train both the generator and encoder.

3.1. Physics Guided Generator & Encoder

Typically, a GAN considers the distribution of z as input, with the objective of having the generator learn to produce outputs that closely resemble the desired distribution of x. The goal is for the discriminator to be unable to distinguish between these generated outputs and the real data. In this study, instead of learning a direct function from z to x′, we first extract prominent features from x through order analysis. Using these frequency characteristics, we generate a baseline for x′ termed x b a s e . This x b a s e serves as an intermediate result, constructed solely based on the extracted features. While it may not be entirely identical to x, it encapsulates prior physical knowledge. Therefore, the BiVi-GAN’s generator learns the remaining frequency components and noise that x b a s e fails to represent. That is, major features that can be clarified physically are utilized as prior knowledge, while more elusive phenomena and noises are learned using the data. The encoder follows the structure of BiGAN and is designed to perform a task that is entirely opposite to that of the generator. The encoder considers the real signal x as input and synthesizes z′. In this process, similarly to the generator, it also performs the task of extracting the primary frequency components from z.
While the primary goal of this study is to synthesize vibration data themselves, as an auxiliary task, it also undertakes the generation of cross-wavelet transform images. One reason for this is that during the learning process of the cross-wavelet transform, features are extracted that consider the correlation between the two signals. Consequently, when generating vibration signals, vibrations that consider these features are produced. Each signal is recognized not as an independent entity but as data with correlations. This enables the generation of x′ to produce more realistic data.

3.2. Theoretical Convergence

3.2.1. BiGAN with Auxiliary Loss

In this section, we will write generator, encoder, and discriminator as G , E , and D, respectively, and L 1 indicates L-1 Loss. The mini-max problem of the conventional BiGAN structure is expressed in Equation (1) as follows [21]:
min G , E max D V ( D , E , G ) = min G , E max D E ( x , z ) p E X [ log ( D ( x , E ( x ) ) ) ] + E ( x , z ) p G Z [ log ( 1 D ( G ( z ) , z ) ) ]
The probability distribution of ( x , z ) follows the distribution, as expressed in Equation (2).
P E X ( x , z ) = P E ( z | x ) P x ( x ) P G Z ( x , z ) = P G ( x | z ) P z ( z )

3.2.2. Optimal Discriminator

For fixed G and E, we can identify optimal discriminator D. To identify optimal D, we define D * as an optimal D.
Theorem 1. 
D * = p G ( x ) · p E X ( x , z ) p G ( x ) · p E X ( x , z ) + p d a t a ( x ) · p G Z ( x , z )
Proof of Theorem 1. 
We can rewrite the mini-max problem of BiVi in Equation (3) as follows:
min G , E max D V ( D , E , G ) = min G , E max D E z p z E ( x , z ) p E X [ log ( D ( x , E ( x , z ) ) ) ] + E x p d a t a E ( x , z ) p G Z [ log ( 1 D ( G ( x , z ) , z ) ) ] + E x p d a t a E ( x , z ) p G Z [ L 1 ( C W T ( x ) , C W T ( G ( x , z ) ) ) ]
For fixed G and E, we denote the arg max D V that maximize V as C ( G , E ) . In this case, C ( G , E ) can be expressed as an integral form in Equation (4) as follows:
C ( G , E ) = z p z ( z ) ( x , z ) p E X ( x , z ) log ( D ( x , z ) ) d ( x , z ) d z + x p d a t a ( x ) ( x , z ) p G Z ( x , z ) × log ( 1 D ( x , z ) ) + L 1 ( x , z ) d ( x , z ) d x
Because distribution of p z ( z ) is equal to distribution of p G ( x ) , C ( G , E ) , can be simplified in Equation (5) as follows:
C ( G , E ) = x [ p G ( x ) ( x , z ) p E X ( x , z ) log ( D ( x , z ) ) + p d a t a ( x ) ( x , z ) p G Z ( x , z ) [ log ( 1 D ( x , z ) ) + L 1 ( x , z ) ] ] d ( x , z ) d x
To obtain optimal D, we can rewrite the equation for G and E as equation for D in Equation (6) as follows:
C ( G , E ) = C ( D ) = a · b log ( D ) + c · d log ( 1 D ) + L 1 d μ d ϕ
where, a = p G ( x ) , b = p E X ( x , z ) , c = p d a t a ( x ) , and d = p G Z ( x , z ) . For the integral to be maximized, the integrand must be maximal. Let f ( D ) = a · b log ( D ) + c · d log ( 1 D ) + L 1 ; then, via differentiation, f ( D ) = a · b / D + c · d / ( 1 D ) . Because f has maximum value at f = 0 , we can obtain the following result:
D * = a · b a · b + c · d = p G ( x ) · p E X ( x , z ) p G ( x ) · p E X ( x , z ) + p d a t a ( x ) · p G Z ( x , z )
Therefore, D has optimal value of 1 / 2 when p G ( x ) × p E X ( x , z ) = p d a t a ( x ) · p G Z ( x , z ) . □

3.2.3. Convergence of C ( G , E )

Theorem 2. 
C ( G , E ) has global minimum of P G = P d a t a
Proof of Theorem 2. 
When rearranging the expression for C ( G , E ) at the optimal D, it is as expressed in Equation (8).
C ( G , E ) = x [ p G ( x ) ( x , z ) p E X ( x , z ) log ( D ( x , z ) ) + p d a t a ( x ) ( x , z ) p G Z ( x , z ) log ( 1 D ( x , z ) ) + L 1 ( x , z ) ] d ( x , z ) d x = x ( x , z ) p G ( x ) p E X ( x , z ) log ( D * ) + p d a t a ( x ) p G Z ( x , z ) log ( 1 D * ) + L 1 ( x , z ) ] d ( x , z ) d x
When isolating the L 1 portion, it can be expressed in Equation (9) as follows:
L 1 ( x , z ) = L 1 ( C W T ( x ) , C W T ( x ^ ) )
The L 1 fundamentally approximates the output values by inputting both the original data and the generated data into the same function. Because the wavelet transformation is based on convolution operations via FFT, its inverse transformation can be considered. This indicates that the L 1 corresponding to the wavelet transformation operates mathematically in the same manner as the actual pre-transformation loss, approximating the generated data to the real data. Consequently, approximation through the L 1 has the effect that P G P d a t a . Via the converge of L 1 , we can assume that p G ( x ) p d a t a ( x ) = p ( x ) ; then, C ( G , E ) can be rewritten as follows in Equation (10).
C ( G , E ) = x ( x , z ) p G ( x ) p E X ( x , z ) log ( D * ) + p d a t a ( x ) p G Z ( x , z ) log ( 1 D * ) + L 1 ( x , z ) d ( x , z ) d x = x p ( x ) [ ( x , z ) p E X ( x , z ) log ( D * ) + p G Z ( x , z ) log ( 1 D * ) ] d ( x , z ) d x = x p ( x ) · [ 2 J S ( P E X | | P G Z ) log 4 ] d x
where the L 1 converges to 0 and consequently vanishes. The convergence of C ( G , E ) for this case has been proven in the previously presented BiGAN paper [21]. The minimum value for this case is as follows:
2 J S ( P E X | | P G Z ) log 4 log 4 C ( G , E ) log 4 · x p ( x ) d x = log 4
In conclusion, the adversarial loss and L 1 for C ( G , E ) converge simultaneously. Owing to the properties of the two converging limits, C ( G , E ) converge to log 4 .
Therefore, the optimal D is 1 2 , and the generated data and the real data are approximated to have the same distribution as indicated by the above equation. □

4. Experiment

4.1. Experiment Setting

4.1.1. Evaluation Method

When two probability distributions, P and Q, exist, KL divergence and JS divergence are representative quantitative metrics to measure the similarity of the two distributions. The KL divergence, or Kullback–Leibler divergence, calculates the difference between a reference probability distribution and a target probability distribution and is defined as follows [46].
K L ( p q ) = i p i log p i q i = i p i log q i p i p ( x ) log p ( x ) q ( x ) d x = p ( x ) log q ( x ) p ( x ) d x
where P is the reference distribution and Q is the target distribution. The KL divergence has two notable characteristics, and one of them indicates that KL divergence cannot be used as a distance measure between two probability distributions.
K L ( p q ) 0 K L ( p q ) K L ( q p )
The inability to use KL divergence as a distance concept is a critical issue when employing it as an evaluation metric for AI models. This is because different values can emerge based on how the reference probability distribution is set. That is, the model performance can be measured differently based on whether the reference probability distribution is from the distribution of values generated by the model or the actual data distribution. Therefore, using KL divergence as a metric to measure the performance of an AI model can be challenging. Consequently, we utilize the Jensen–-Shannon divergence, which expands upon the concept of distance inherent in KL divergence [47].
J S ( p q ) = 1 2 K L ( p 1 2 ( p + q ) ) + 1 2 K L ( q 1 2 ( p + q ) )
JS divergence is defined as mentioned above, and because it satisfies the commutative property, it is suitable for representing the distance between two distributions. That is, in contrast with KL divergence, it outputs the same value regardless of which distribution is set as the reference point. Therefore, in this study, JS divergence was used as a quantitative evaluation metric for the proposed model.

4.1.2. Dataset

This study aimed to generate 2D vibration data originating from rotating machinery. To evaluate the performance of the proposed BiVi-GAN, we conducted training and testing using the ‘Rotating Machinery Fault Type AI Dataset’ (Ministry of SMEs and Startups, Korea AI Manufacturing Platform (KAMP), KAIST, 23 December 2022). The dataset, as shown in Figure 8, was acquired at a rotational speed of 1500 RPM using a rotor testbed. The specifications of the equipment used for data collection are listed in Table 1.
The collected data consisted of four conditions: normal, imbalance, mechanical looseness, and a combination of imbalance and mechanical looseness. Imbalance refers to the most common cause of vibration in rotating machinery. It signifies a condition where the center of mass of the motor does not align with the center of its rotational axis. Mechanical looseness refers to a condition where the equipment is not securely anchored to a flat surface or ground, causing the misalignment or tilting of the equipment. In this study, the four conditions were organized into separate classes, and one-hot encoding was applied. This encoded information was then concatenated with the latent z, forming a class-based GAN structure.
The original data were collected over 140 s from four sensors with a phase difference of 90°. It consisted of a total of 3,772,385 points from four channels. For training, a pair of two sensors with a phase difference of 90° was configured. The window size was set to 1024, and slicing was performed using a stride of 200. In addition to slicing, no other signal processing or preprocessing techniques were applied. The data were used in their original state with considerable noise as input to maintain them in as similar as possible a state to the data collected in a real environment. The training dataset was composed of 7080 slices, with each class being represented equally. Additionally, a test dataset was formed with 2280 slices.

4.1.3. Implementation

BiVi-GAN was implemented using the PyTorch framework, and experiments were conducted in the following computing environment. The generator, discriminator, and encoder of BiVi-GAN were constructed based on one-dimensional convolutional neural networks (1D-CNN) and implemented using a feature pyramid structure for both the encoder and discriminator. However, in the generator, the part responsible for generating cross-wavelet transform images was based on two-dimensional CNN (2D-CNN). It was structured with a network depth identical to the other networks. The generator, encoder, and discriminator networks used convolutional networks with a kernel size of four. Only the final layer of the discriminator included a sigmoid layer to make a binary discrimination between real and fake samples.
Training was conducted in batches, with each training iteration using a batch size of 128. The generator performed the CWT, and, owing to the inherent nature of GANs, where the generator tended to learn more slowly than the discriminator, there might be a risk of model collapse owing to differences in learning speeds. To compare and analyze the performance of the proposed BiVi-GAN, an ablation study was conducted. A total of six experiments were set up, each consisting of 500 epochs of training and validation under the same conditions. These experiments varied based on whether the CWT loss was used, whether the order frequency was used, and how many order features were chosen to utilize.

4.2. Ablation Study

The proposed BiVi-GAN is built on the foundation of the existing Bidirectional GAN and introduces two key contributions to advance the model. One of the contributions is the utilization of the PI input, which extracts the first-order phase information through order analysis from the input x and incorporates it into the model. The other contribution involves training the model’s ability to reconstruct the cross-wavelet transform and use it as an auxiliary task with a PI loss. An ablation study was conducted to assess the impact of these two methodologies on the model’s performance and determine the improvement compared with the baseline model. The analysis of the performance variation concerning the utilization of rotational synchrony components involves three conditions: using only the 1x component, using both the 1x and 2x components, and not using any component, thus examining the effect of these configurations on the PI input’s performance. Additionally, by examining the conditions of using and not using the cross-wavelet transform loss, the performance changes related to PI loss were analyzed. A total of six experiments were conducted, and the results of each experiment can be quantitatively analyzed using JS divergence. The JS divergence value approaching zero indicated that the data generated by the model were similar to the original data, while a value close to one indicated dissimilarity with the original data. The results of each experiment are listed in Table 2.
Based on the experimental results, the average JS divergence for the model using the PI input was 0.35, while the model that did not use it had an average JS divergence of 0.79. On average, this represents a 55.26% improvement in performance. Particularly, it should be noted that there was a 47.71% improvement in performance when using only the 1x component and 62.82% improvement when using both the 1x and 2x components. This suggests that using the PI input assisted in effectively capturing the vibration characteristics, contributing to improved performance. Furthermore, when using PI loss with cross-wavelet transform images, the average JS divergence was 0.45, which is approximately a 17.73% improvement compared with the model’s average of 0.55 when not using PI loss. Both sets of results provided experimental evidence that the two contributions proposed in BiVi-GAN indeed contributed to improved performance. Finally, when both PI input and PI loss are applied in BiVi-GAN, it achieves a JS divergence of 0.23. This represents a 70% improvement compared with the baseline model, Bidirectional GAN, which had a JS divergence of 0.77. It is evident that applying domain-specific expertise to data-driven deep learning models yielded significantly better performance compared with only using data.

4.3. Validation of GAN Data via Training

To verify whether the vibration data generated through the proposed BiV-GAN are effective as input data for actual learning-based methodologies, experiments were conducted to train one of the most representative deep learning models used in data analysis methodologies based on deep learning. The deep learning model used in the experiment utilizes a CNN model consisting of 3 Conv layers and 1 FC layer. The data were trained in the same learning environment, using the same model and the same hyperparameters as outlined in the following Table 3. The performance of the proposed methodology was validated using the learning dataset by training under three different dataset environments and performing tests on real data to evaluate the performance of the trained model.
In the first training, the learning was conducted using only the data actually acquired. In the second training, learning was performed using only the data generated through the proposed methodology, and in the final experiment, both the generated data and the actual data were utilized for the training. A classification task was carried out for a total of four classes (normal, imbalance, mechanical looseness, and a combination of imbalance and mechanical looseness), and to evaluate the quantitative performance, Precision, Recall, and F1 score were used. Precision represents the ratio of actual positives among the positive judgments made by the model, while Recall represents the ratio of positives correctly identified by the model out of the actual positives. The F1 score is obtained through the harmonic mean of Precision and Recall, with all three indicators having values between 0 and 1, where values closer to 1 indicate better model performance. The results of the experiments are listed in Table 4.
According to the experimental results, training with only real data resulted in an F1 score of 0.722, while training with only generated data achieved an F1 score of 0.683. When both types of data were used for training, an F1 score of 0.816 was achieved, resulting in an approximate 13-percent improvement in performance, marking the highest performance achieved. These results demonstrate that in cases where there is insufficient or a lack of diversity in the available data, using the proposed BiVi model to synthesize data and incorporating it into the training can be beneficial, especially for utilizing bearing vibration data.

5. Conclusions

In this study, we proposed BiVi-GAN for generating vibration data in rotating machinery. Our proposed model leveraged the strengths of deep learning in capturing data characteristics and combined them with the physical knowledge of PINN. Consequently, we were able to generate data that closely resembled real-world data. Using the cross-wavelet transform as PI loss and order-analysis results as PI input, we observed a dramatic improvement in performance, particularly when applying PI input. In the future, we aim to conduct a study on methodologies that allow the application of physical information to other tasks. We intend to explore how expertise in machine engineering, where substantial physical knowledge is required, can be effectively complemented by AI technologies.

Author Contributions

Conceptualization, H.J. and S.J.; methodology, H.J. and J.K.; software, S.J.; validation, H.J. and S.J.; formal analysis, H.L.; investigation, H.J.; resources, J.K.; data curation, H.L.; writing—original draft preparation, H.J. and S.J.; writing—review and editing, S.J.; visualization, H.J.; supervision, J.K.; project administration, H.J.; funding acquisition, H.L. and J.K. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by Korea Institute of Energy Technology Evaluation and Planning (KETEP) grant funded by the Korea government (MOTIE) (20224B10100060, Development of Artificial Intelligence Vibration Monitoring System for Rotating Machinery).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available in KAMP (Korea AI Manufacturing Platform) at https://www.kamp-ai.kr/aidataDetail?.

Conflicts of Interest

Author HyunJun Lee was employed by the company RMS Technology Co., Ltd. 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. Shen, C.; Wang, D.; Kong, F.; Tse, P.W. Fault diagnosis of rotating machinery based on the statistical parameters of wavelet packet paving and a generic support vector regressive classifier. Measurement 2013, 46, 1551–1564. [Google Scholar] [CrossRef]
  2. Ebrahimi, B.M.; Faiz, J.; Roshtkhari, M.J. Static-, Dynamic-, and Mixed-Eccentricity Fault Diagnoses in Permanent-Magnet Synchronous Motors. IEEE Trans. Ind. Electron. 2009, 56, 4727–4739. [Google Scholar] [CrossRef]
  3. Lei, Y.; Lin, J.; He, Z.; Zuo, M.J. A review on empirical mode decomposition in fault diagnosis of rotating machinery. Mech. Syst. Signal Process. 2013, 35, 108–126. [Google Scholar] [CrossRef]
  4. Yin, S.; Kaynak, O. Big Data for Modern Industry: Challenges and Trends [Point of View]. Proc. IEEE 2015, 103, 143–146. [Google Scholar] [CrossRef]
  5. Qiao, W.; Lu, D. A Survey on Wind Turbine Condition Monitoring and Fault Diagnosis—Part I: Components and Subsystems. IEEE Trans. Ind. Electron. 2015, 62, 6536–6545. [Google Scholar] [CrossRef]
  6. Lei, Y.; Lin, J.M.; Zuo, J.; He, Z. Condition monitoring and fault diagnosis of planetary gearboxes: A review. Measurement 2014, 48, 292–305. [Google Scholar] [CrossRef]
  7. Samanta, B. Gear fault detection using artificial neural networks and support vector machines with genetic algorithms. Mech. Syst. Signal Process. 2004, 18, 625–644. [Google Scholar] [CrossRef]
  8. Hajnayeb, A.; Ghasemloonia, A.; Khadem, S.E.; Moradi, M.H. Application and comparison of an ANN-based feature selection method and the genetic algorithm in gearbox fault diagnosis. Expert Syst. Appl. 2011, 38, 10205–10209. [Google Scholar] [CrossRef]
  9. Zhang, X.; Wang, B.; Chen, X. Intelligent fault diagnosis of roller bearings with multivariable ensemble-based incremental support vector machine. Knowl.-Based Syst. 2015, 89, 56–85. [Google Scholar] [CrossRef]
  10. Jegadeeshwaran, R.; Sugumaran, V. Fault diagnosis of automobile hydraulic brake system using statistical features and support vector machines. Mech. Syst. Signal Process. 2015, 52–53, 436–446. [Google Scholar] [CrossRef]
  11. Jia, F.; Lei, Y.; Lin, J.; Zhou, X.; Lu, N. Deep neural networks: A promising tool for fault characteristic mining and intelligent diagnosis of rotating machinery with massive data. Mech. Syst. Signal Process. 2016, 72–73, 303–315. [Google Scholar] [CrossRef]
  12. Li, Y.; Lekamalage, C.K.L.; Liu, T.; Chen, P.-A.; Huang, G.-B. Learning Representations With Local and Global Geometries Preserved for Machine Fault Diagnosis. IEEE Trans. Ind. Electron. 2020, 67, 2360–2370. [Google Scholar] [CrossRef]
  13. Mikolajczyk, A.; Grochowski, M. Data augmentation for improving deep learning in image classification problem. In Proceedings of the 2018 International Interdisciplinary PhD Workshop (IIPhDW), Swinoujście, Poland, 9–12 May 2018; pp. 117–122. [Google Scholar] [CrossRef]
  14. Bandara, K.; Hewamalage, H.; Liu, Y.-H.; Kang, Y.; Bergmeir, C. Improving the accuracy of global forecasting models using time series data augmentation. Pattern Recognit. 2021, 120, 108148. [Google Scholar] [CrossRef]
  15. Cui, X.; Goel, V.; Kingsbury, B. Data Augmentation for Deep Neural Network Acoustic Modeling. IEEE/ACM Trans. Audio Speech Lang. Process. 2015, 23, 1469–1477. [Google Scholar] [CrossRef]
  16. Kang, Y.; Hyndman, R.J.; Li, F. GRATIS: GeneRAting TIme Series with diverse and controllable characteristics. Stat. Anal. Data Min. Asa Data Sci. J. 2020, 13, 354–376. [Google Scholar] [CrossRef]
  17. Keylock, C.J. Constrained surrogate time series with preservation of the mean and variance structure. Phys. Rev. E 2006, 73, 036707. [Google Scholar] [CrossRef] [PubMed]
  18. Zio, E. Prognostics and Health Management (PHM): Where are we and where do we (need to) go in theory and practice. Reliab. Eng. Syst. Saf. 2022, 218, 108119. [Google Scholar] [CrossRef]
  19. Chao, M.A.; Kulkarni, C.; Goebel, K.; Fink, O. Fusing physics-based and deep learning models for prognostics. Reliab. Eng. Syst. Saf. 2022, 217, 107961. [Google Scholar] [CrossRef]
  20. Karpatne, A.; Atluri, G.; Faghmous, J.H.; Steinbach, M.; Banerjee, A.; Ganguly, A.; Shekhar, S.; Samatova, N.; Kumar, V. Theory-Guided Data Science: A New Paradigm for Scientific Discovery from Data. IEEE Trans. Knowl. Data Eng. 2017, 29, 2318–2331. [Google Scholar] [CrossRef]
  21. Donahue, J.; Krähenbühl, P.; Darrell, T. Adversarial Feature Learning. arXiv 2017, arXiv:1605.09782. [Google Scholar]
  22. Frid-Adar, M.; Klang, E.; Amitai, M.; Goldberger, J.; Greenspan, H. Synthetic data augmentation using GAN for improved liver lesion classification. In Proceedings of the 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018), Washington, DC, USA, 4–7 April 2018; pp. 289–293. [Google Scholar] [CrossRef]
  23. Patel, M.; Wang, X.; Mao, S. Data augmentation with conditional GAN for automatic modulation classification. In Proceedings of the 2nd ACM Workshop on Wireless Security and Machine Learning, Linz, Austria, 13 July 2020; pp. 31–36. [Google Scholar] [CrossRef]
  24. Goodfellow, I.J.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial networks. Commun. ACM 2020, 63, 139–144. [Google Scholar] [CrossRef]
  25. Antoniou; Antreas; Storkey, A.; Edwards, H. Data augmentation generative adversarial networks. arXiv 2017, arXiv:1711.04340. [Google Scholar]
  26. Nussbaumer, H.J. The Fast Fourier Transform. In Fast Fourier Transform and Convolution Algorithms; Springer Series in Information Sciences; Springer: Berlin/Heidelberg, Germnay, 1982; Volume 2. [Google Scholar]
  27. Oppenheim, A.V. Discrete-Time Signal Processing; Pearson Education: Bangalore, India, 1999. [Google Scholar]
  28. Zhang, D. Wavelet transform. Fundam. Image Data Min. Anal. Featur. Classif. Retr. 2019, 35–44. [Google Scholar]
  29. Saito, Y.; Takamichi, S.; Saruwatari, H. Text-to-Speech Synthesis Using STFT Spectra Based on Low-/Multi-Resolution Generative Adversarial Networks. In Proceedings of the 2018 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Calgary, AB, Canada, 15–20 April 2018; pp. 5299–5303. [Google Scholar] [CrossRef]
  30. Lan, T.; Hu, Q.; Liu, X.; He, K.; Yang, C. Arrhythmias Classification Using Short-Time Fourier Transform and GAN Based Data Augmentation. In Proceedings of the 2020 42nd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC), Montreal, QC, Canada, 20–24 July 2020; pp. 308–311. [Google Scholar] [CrossRef]
  31. Bashar, S.K.; Bhuiyan, M.I.H. Classification of motor imagery movements using multivariate empirical mode decomposition and short time Fourier transform based hybrid method. Eng. Sci. Technol. Int. J. 2016, 19, 1457–1464. [Google Scholar] [CrossRef]
  32. Roy, S.; Dora, S.; McCreadie, K.; Prasad, G. MIEEG-GAN: Generating Artificial Motor Imagery Electroencephalography Signals. In Proceedings of the 2020 International Joint Conference on Neural Networks (IJCNN), Glasgow, UK, 19–24 July 2020; pp. 1–8. [Google Scholar] [CrossRef]
  33. Raissi, M.; Perdikaris, P.; Karniadakis, G.E. Physics-informed neural networks: A deep learning framework for solving forward and inverse problems involving nonlinear partial differential equations. J. Comput. Phys. 2019, 378, 686–707. [Google Scholar] [CrossRef]
  34. Li, W.; Bazant, M.Z.; Zhu, J. A physics-guided neural network framework for elastic plates: Comparison of governing equations-based and energy-based approaches. Comput. Methods Appl. Mech. Eng. 2021, 383, 113933. [Google Scholar] [CrossRef]
  35. Cho, I.H. A framework for self-evolving computational material models inspired by deep learning. Int. J. Numer. Methods Eng. 2019, 120, 1202–1226. [Google Scholar] [CrossRef]
  36. Lagergren, J.H.; Nardini, J.T.; Baker, R.E.; Simpson, M.J.; Flores, K.B. Biologically-informed neural networks guide mechanistic modeling from sparse experimental data. PLoS Comput. Biol. 2020, 16, e1008462. [Google Scholar] [CrossRef] [PubMed]
  37. Yucesan, Y.A.; Viana, F.A.C. Hybrid physics-informed neural networks for main bearing fatigue prognosis with visual grease inspection. Comput. Ind. 2021, 125, 103386. [Google Scholar] [CrossRef]
  38. Jiang, Z.; Zhang, K.; Xiang, L.; Yu, G.; Xu, Y. A time-frequency spectral amplitude modulation method and its applications in rolling bearing fault diagnosis. Mech. Syst. Signal Process. 2023, 185, 109832. [Google Scholar] [CrossRef]
  39. Chen, B.; Shen, B.; Chen, F.; Tian, H.; Xiao, W.; Zhang, F.; Zhao, C. Fault diagnosis method based on integration of RSSD and wavelet transform to rolling bearing. Measurement 2019, 131, 400–411. [Google Scholar] [CrossRef]
  40. Shao, H.; Xia, M.; Wan, J.; de Silva, C.W. Modified Stacked Autoencoder Using Adaptive Morlet Wavelet for Intelligent Fault Diagnosis of Rotating Machinery. IEEE/ASME Trans. Mechatronics 2022, 27, 24–33. [Google Scholar] [CrossRef]
  41. Han, S.; Shao, H.; Cheng, J.; Yang, X.; Cai, B. Convformer-NSE: A Novel End-to-End Gearbox Fault Diagnosis Framework Under Heavy Noise Using Joint Global and Local Information. IEEE/ASME Trans. Mechatronics 2023, 28, 340–349. [Google Scholar] [CrossRef]
  42. Goyal, D.; Dhami, S.S.; Pabla, B.S. Non-Contact Fault Diagnosis of Bearings in Machine Learning Environment. IEEE Sens. J. 2020, 20, 4816–4823. [Google Scholar] [CrossRef]
  43. Tang, H.; Liao, Z.; Chen, P.; Zuo, D.; Yi, S. A novel convolutional neural network for low-speed structural fault diagnosis under different operating condition and its understanding via visualization. IEEE Trans. Instrum. Meas. 2020, 70, 3501611. [Google Scholar] [CrossRef]
  44. Tang, H.; Tang, Y.; Su, Y.; Feng, W.; Wang, B.; Chen, P.; Zuo, D. Feature extraction of multi-sensors for early bearing fault diagnosis using deep learning based on minimum unscented kalman filter. Eng. Appl. Artif. Intell. 2024, 127, 107138. [Google Scholar] [CrossRef]
  45. Tang, H.; Liao, Z.; Chen, P.; Zuo, D.; Yi, S. A robust deep learning network for low-speed machinery fault diagnosis based on multikernel and RPCA. IEEE/ASME Trans. Mechatronics 2021, 27, 1522–1532. [Google Scholar] [CrossRef]
  46. Kullback, S.; Leibler, R.A. On Information and Sufficiency. Ann. Math. Stat. 1951, 22, 79–86. [Google Scholar] [CrossRef]
  47. Lin, J. Divergence measures based on the Shannon entropy. IEEE Trans. Inf. Theory 1991, 37, 145–151. [Google Scholar] [CrossRef]
Figure 1. Architecture of VAE.
Figure 1. Architecture of VAE.
Sensors 24 01765 g001
Figure 2. Architecture of GAN.
Figure 2. Architecture of GAN.
Sensors 24 01765 g002
Figure 3. Architecture of Bidirectional GAN.
Figure 3. Architecture of Bidirectional GAN.
Sensors 24 01765 g003
Figure 4. Short-Time Fourier Transform (STFT).
Figure 4. Short-Time Fourier Transform (STFT).
Sensors 24 01765 g004
Figure 5. Wavelet Transform.
Figure 5. Wavelet Transform.
Sensors 24 01765 g005
Figure 6. (Left): Physics-informed loss model; (Right): Physics-informed architecture.
Figure 6. (Left): Physics-informed loss model; (Right): Physics-informed architecture.
Sensors 24 01765 g006
Figure 7. Architecture of BiVi-GAN.
Figure 7. Architecture of BiVi-GAN.
Sensors 24 01765 g007
Figure 8. Rotor testbed.
Figure 8. Rotor testbed.
Sensors 24 01765 g008
Table 1. Rotor testbed setting.
Table 1. Rotor testbed setting.
Size673 mm (W) × 280 mm (D) × 281 mm (H)
Weight25 kg
MaterialAluminum
Bearing6202ZZ × 2EA
MotorDC 12V × 0.25HP (0.2 W), 0~3000 RPM
Main power220 VAC
Table 2. Ablation study result.
Table 2. Ablation study result.
Experiment No.Order AnalysisCross-Wavelet TransformJS Div
1xo0.774
2xx0.821
31xo0.360
41xx0.474
52xo0.230
62xx0.363
Table 3. Train parameter setting.
Table 3. Train parameter setting.
ParameterSetting
o0.774
x0.821
o0.360
x0.474
o0.230
x0.363
Table 4. Data validation experiment result.
Table 4. Data validation experiment result.
Experiment No.Train DataPrecisionRecallF1 Score
1Real Only0.7280.7150.722
2Generated Only0.6810.6850.683
3Real + Generated0.8150.8160.816
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

Jeong, H.; Jeung, S.; Lee, H.; Kwon, J. BiVi-GAN: Bivariate Vibration GAN. Sensors 2024, 24, 1765. https://doi.org/10.3390/s24061765

AMA Style

Jeong H, Jeung S, Lee H, Kwon J. BiVi-GAN: Bivariate Vibration GAN. Sensors. 2024; 24(6):1765. https://doi.org/10.3390/s24061765

Chicago/Turabian Style

Jeong, HoeJun, SeongYeon Jeung, HyunJun Lee, and JangWoo Kwon. 2024. "BiVi-GAN: Bivariate Vibration GAN" Sensors 24, no. 6: 1765. https://doi.org/10.3390/s24061765

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