Sign in to use this feature.

Years

Between: -

Subjects

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Journals

Article Types

Countries / Regions

Search Results (94)

Search Parameters:
Keywords = wasserstein gan

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
20 pages, 1647 KiB  
Article
Research on the Enhancement of Provincial AC/DC Ultra-High Voltage Power Grid Security Based on WGAN-GP
by Zheng Shi, Yonghao Zhang, Zesheng Hu, Yao Wang, Yan Liang, Jiaojiao Deng, Jie Chen and Dingguo An
Electronics 2025, 14(14), 2897; https://doi.org/10.3390/electronics14142897 - 19 Jul 2025
Viewed by 241
Abstract
With the advancement in the “dual carbon” strategy and the integration of high proportions of renewable energy sources, AC/DC ultra-high-power grids are facing new security challenges such as commutation failure and multi-infeed coupling effects. Fault diagnosis, as an important tool for assisting power [...] Read more.
With the advancement in the “dual carbon” strategy and the integration of high proportions of renewable energy sources, AC/DC ultra-high-power grids are facing new security challenges such as commutation failure and multi-infeed coupling effects. Fault diagnosis, as an important tool for assisting power grid dispatching, is essential for maintaining the grid’s long-term stable operation. Traditional fault diagnosis methods encounter challenges such as limited samples and data quality issues under complex operating conditions. To overcome these problems, this study proposes a fault sample data enhancement method based on the Wasserstein Generative Adversarial Network with Gradient Penalty (WGAN-GP). Firstly, a simulation model of the AC/DC hybrid system is constructed to obtain the original fault sample data. Then, through the adoption of the Wasserstein distance measure and the gradient penalty strategy, an improved WGAN-GP architecture suitable for feature learning of the AC/DC hybrid system is designed. Finally, by comparing the fault diagnosis performance of different data models, the proposed method achieves up to 100% accuracy on certain fault types and improves the average accuracy by 6.3% compared to SMOTE and vanilla GAN, particularly under limited-sample conditions. These results confirm that the proposed approach can effectively extract fault characteristics from complex fault data. Full article
(This article belongs to the Special Issue Applications of Computational Intelligence, 3rd Edition)
Show Figures

Figure 1

35 pages, 11934 KiB  
Article
A Data-Driven Approach for Generating Synthetic Load Profiles with GANs
by Tsvetelina Kaneva, Irena Valova, Katerina Gabrovska-Evstatieva and Boris Evstatiev
Appl. Sci. 2025, 15(14), 7835; https://doi.org/10.3390/app15147835 - 13 Jul 2025
Viewed by 348
Abstract
The generation of realistic electrical load profiles is essential for advancing smart grid analytics, demand forecasting, and privacy-preserving data sharing. Traditional approaches often rely on large, high-resolution datasets and complex recurrent neural architectures, which can be unstable or ineffective when training data are [...] Read more.
The generation of realistic electrical load profiles is essential for advancing smart grid analytics, demand forecasting, and privacy-preserving data sharing. Traditional approaches often rely on large, high-resolution datasets and complex recurrent neural architectures, which can be unstable or ineffective when training data are limited. This paper proposes a data-driven framework based on a lightweight 1D Convolutional Wasserstein GAN with Gradient Penalty (Conv1D-WGAN-GP) for generating high-fidelity synthetic 24 h load profiles. The model is specifically designed to operate on small- to medium-sized datasets, where recurrent models often fail due to overfitting or training instability. The approach leverages the ability of Conv1D layers to capture localized temporal patterns while remaining compact and stable during training. We benchmark the proposed model against vanilla GAN, WGAN-GP, and Conv1D-GAN across four datasets with varying consumption patterns and sizes, including industrial, agricultural, and residential domains. Quantitative evaluations using statistical divergence measures, Real-vs-Synthetic Distinguishability Score, and visual similarity confirm that Conv1D-WGAN-GP consistently outperforms baselines, particularly in low-data scenarios. This demonstrates its robustness, generalization capability, and suitability for privacy-sensitive energy modeling applications where access to large datasets is constrained. Full article
(This article belongs to the Special Issue Innovations in Artificial Neural Network Applications)
Show Figures

Figure 1

23 pages, 3645 KiB  
Article
Color-Guided Mixture-of-Experts Conditional GAN for Realistic Biomedical Image Synthesis in Data-Scarce Diagnostics
by Patrycja Kwiek, Filip Ciepiela and Małgorzata Jakubowska
Electronics 2025, 14(14), 2773; https://doi.org/10.3390/electronics14142773 - 10 Jul 2025
Viewed by 265
Abstract
Background: Limited availability of high-quality labeled biomedical image datasets presents a significant challenge for training deep learning models in medical diagnostics. This study proposes a novel image generation framework combining conditional generative adversarial networks (cGANs) with a Mixture-of-Experts (MoE) architecture and color histogram-aware [...] Read more.
Background: Limited availability of high-quality labeled biomedical image datasets presents a significant challenge for training deep learning models in medical diagnostics. This study proposes a novel image generation framework combining conditional generative adversarial networks (cGANs) with a Mixture-of-Experts (MoE) architecture and color histogram-aware loss functions to enhance synthetic blood cell image quality. Methods: RGB microscopic images from the BloodMNIST dataset (eight blood cell types, resolution 3 × 128 × 128) underwent preprocessing with k-means clustering to extract the dominant colors and UMAP for visualizing class similarity. Spearman correlation-based distance matrices were used to evaluate the discriminative power of each RGB channel. A MoE–cGAN architecture was developed with residual blocks and LeakyReLU activations. Expert generators were conditioned on cell type, and the generator’s loss was augmented with a Wasserstein distance-based term comparing red and green channel histograms, which were found most relevant for class separation. Results: The red and green channels contributed most to class discrimination; the blue channel had minimal impact. The proposed model achieved 0.97 classification accuracy on generated images (ResNet50), with 0.96 precision, 0.97 recall, and a 0.96 F1-score. The best Fréchet Inception Distance (FID) was 52.1. Misclassifications occurred mainly among visually similar cell types. Conclusions: Integrating histogram alignment into the MoE–cGAN training significantly improves the realism and class-specific variability of synthetic images, supporting robust model development under data scarcity in hematological imaging. Full article
Show Figures

Figure 1

30 pages, 1351 KiB  
Article
FedSW-TSAD: SWGAN-Based Federated Time Series Anomaly Detection
by Xiuxian Zhang, Hongwei Zhao, Weishan Zhang, Shaohua Cao, Haoyun Sun and Baoyu Zhang
Sensors 2025, 25(13), 4014; https://doi.org/10.3390/s25134014 - 27 Jun 2025
Viewed by 379
Abstract
As distributed sensing technologies evolve, the collection of time series data is becoming increasingly decentralized, which introduces serious challenges for both model training and data privacy protection. In response to this trend, federated time series anomaly detection enables collaborative analysis across distributed sensing [...] Read more.
As distributed sensing technologies evolve, the collection of time series data is becoming increasingly decentralized, which introduces serious challenges for both model training and data privacy protection. In response to this trend, federated time series anomaly detection enables collaborative analysis across distributed sensing nodes without exposing raw data. However, federated anomaly detection experiences issues with unstable training and poor generalization due to client heterogeneity and the limited expressiveness of single-path detection methods. To address these challenges, this study proposes FedSW-TSAD, a federated time series anomaly detection method based on the Sobolev–Wasserstein GAN (SWGAN). It leverages the Sobolev–Wasserstein constraint to stabilize adversarial training and combines discriminative signals from both reconstruction and prediction modules, thereby improving robustness against diverse anomalies. In addition, FedSW-TSAD adopts a differential privacy mechanism with L2-norm-constrained noise injection, ensuring privacy in model updates under the federated setting. The experimental results determined using four real-world sensor datasets demonstrate that FedSW-TSAD outperforms existing methods by an average of 14.37% in the F1-score while also enhancing gradient privacy under the differential privacy mechanism. This highlights the practical value of FedSW-TSAD for privacy-preserving anomaly detection in sensor-based monitoring systems such as industrial IoT, remote diagnostics, and predictive maintenance. Full article
(This article belongs to the Special Issue AI-Driven Security and Privacy for IIoT Applications)
Show Figures

Figure 1

17 pages, 2367 KiB  
Article
Designing Ship Hull Forms Using Generative Adversarial Networks
by Kazuo Yonekura, Kotaro Omori, Xinran Qi and Katsuyuki Suzuki
AI 2025, 6(6), 129; https://doi.org/10.3390/ai6060129 - 18 Jun 2025
Cited by 1 | Viewed by 656
Abstract
We proposed a GAN-based method to generate a ship hull form. Unlike mathematical hull forms that require geometrical parameters to generate ship hull forms, the proposed method requires desirable ship performance parameters, i.e., the drag coefficient and tonnage. The objective of this study [...] Read more.
We proposed a GAN-based method to generate a ship hull form. Unlike mathematical hull forms that require geometrical parameters to generate ship hull forms, the proposed method requires desirable ship performance parameters, i.e., the drag coefficient and tonnage. The objective of this study is to demonstrate the feasibility of generating hull geometries directly from performance specifications, without relying on explicit geometrical inputs. To achieve this, we implemented a conditional Wasserstein GAN with gradient penalty (cWGAN-GP) framework. The generator learns to synthesize hull geometries conditioned on target performance values, while the discriminator is trained to distinguish real hull forms from generated ones. The GAN model was trained using a ship hull form dataset generated using the generalized Wigley hull form. The proposed method was evaluated through numerical experiments and successfully generated ship data with small errors: less than 0.08 in mean average percentage error. Full article
Show Figures

Figure 1

12 pages, 2782 KiB  
Article
Platelets Image Classification Through Data Augmentation: A Comparative Study of Traditional Imaging Augmentation and GAN-Based Synthetic Data Generation Techniques Using CNNs
by Itunuoluwa Abidoye, Frances Ikeji, Charlie A. Coupland, Simon D. J. Calaminus, Nick Sander and Eva Sousa
J. Imaging 2025, 11(6), 183; https://doi.org/10.3390/jimaging11060183 - 4 Jun 2025
Viewed by 980
Abstract
Platelets play a crucial role in diagnosing and detecting various diseases, influencing the progression of conditions and guiding treatment options. Accurate identification and classification of platelets are essential for these purposes. The present study aims to create a synthetic database of platelet images [...] Read more.
Platelets play a crucial role in diagnosing and detecting various diseases, influencing the progression of conditions and guiding treatment options. Accurate identification and classification of platelets are essential for these purposes. The present study aims to create a synthetic database of platelet images using Generative Adversarial Networks (GANs) and validate its effectiveness by comparing it with datasets of increasing sizes generated through traditional augmentation techniques. Starting from an initial dataset of 71 platelet images, the dataset was expanded to 141 images (Level 1) using random oversampling and basic transformations and further to 1463 images (Level 2) through extensive augmentation (rotation, shear, zoom). Additionally, a synthetic dataset of 300 images was generated using a Wasserstein GAN with Gradient Penalty (WGAN-GP). Eight pre-trained deep learning models (DenseNet121, DenseNet169, DenseNet201, VGG16, VGG19, InceptionV3, InceptionResNetV2, and AlexNet) and two custom CNNs were evaluated across these datasets. Performance was measured using accuracy, precision, recall, and F1-score. On the extensively augmented dataset (Level 2), InceptionV3 and InceptionResNetV2 reached 99% accuracy and 99% precision/recall/F1-score, while DenseNet201 closely followed, with 98% accuracy, precision, recall and F1-score. GAN-augmented data further improved DenseNet’s performance, demonstrating the potential of GAN-generated images in enhancing platelet classification, especially where data are limited. These findings highlight the benefits of combining traditional and GAN-based augmentation techniques to improve classification performance in medical imaging tasks. Full article
(This article belongs to the Topic Machine Learning and Deep Learning in Medical Imaging)
Show Figures

Figure 1

26 pages, 3118 KiB  
Article
Evaluation of Different Generative Models to Support the Validation of Advanced Driver Assistance Systems
by Manasa Mariam Mammen, Zafer Kayatas and Dieter Bestle
Appl. Mech. 2025, 6(2), 39; https://doi.org/10.3390/applmech6020039 - 27 May 2025
Viewed by 856
Abstract
Validating the safety and reliability of automated driving systems is a critical challenge in the development of autonomous driving technology. Such systems must reliably replicate human driving behavior across scenarios of varying complexity and criticality. Ensuring this level of accuracy necessitates robust testing [...] Read more.
Validating the safety and reliability of automated driving systems is a critical challenge in the development of autonomous driving technology. Such systems must reliably replicate human driving behavior across scenarios of varying complexity and criticality. Ensuring this level of accuracy necessitates robust testing methodologies that can systematically assess performance under various driving conditions. Scenario-based testing addresses this challenge by recreating safety-critical situations at varying levels of abstraction, from simulations to real-world field tests. However, conventional parameterized models for scenario generation are often resource intensive, prone to bias from simplifications, and limited in capturing realistic vehicle trajectories. To overcome these limitations, the paper explores AI-based methods for scenario generation, with a focus on the cut-in maneuver. Four different approaches are trained and compared: Variational Autoencoder enhanced with a convolutional neural network (VAE), a basic Generative Adversarial Network (GAN), Wasserstein GAN (WGAN), and Time-Series GAN (TimeGAN). Their performance is assessed with respect to their ability to generate realistic and diverse trajectories for the cut-in scenario using qualitative analysis, quantitative metrics, and statistical analysis. Among the investigated approaches, VAE demonstrates superior performance, effectively generating realistic and diverse scenarios while maintaining computational efficiency. Full article
Show Figures

Figure 1

21 pages, 80544 KiB  
Article
An LCD Defect Image Generation Model Integrating Attention Mechanism and Perceptual Loss
by Sheng Zheng, Yuxin Zhao, Xiaoyue Chen and Shi Luo
Symmetry 2025, 17(6), 833; https://doi.org/10.3390/sym17060833 - 27 May 2025
Viewed by 546
Abstract
With the rise of smart manufacturing, defect detection in small-size liquid crystal display (LCD) screens has become essential for ensuring product quality. Traditional manual inspection is inefficient and labor-intensive, making it unsuitable for modern automated production. Although machine vision techniques offer improved efficiency, [...] Read more.
With the rise of smart manufacturing, defect detection in small-size liquid crystal display (LCD) screens has become essential for ensuring product quality. Traditional manual inspection is inefficient and labor-intensive, making it unsuitable for modern automated production. Although machine vision techniques offer improved efficiency, the lack of high-quality defect datasets limits their performance. To overcome this, we propose a symmetry-aware generative framework, the Squeeze-and-Excitation Wasserstein GAN with Gradient Penalty and Visual Geometry Group(VGG)-based perceptual loss (SWG-VGG), for realistic defect image synthesis.By leveraging the symmetry of feature channels through attention mechanisms and perceptual consistency, the model generates high-fidelity defect images that align with real-world structural patterns. Evaluation using the You Only Look Once version 8(YOLOv8) detection model shows that the synthetic dataset improves mAP@0.5 to 0.976—an increase of 10.5% over real-data-only training. Further assessment using Peak Signal-to-Noise Ratio (PSNR), Structural Similarity Index Measure (SSIM), Root Mean Square Error (RMSE), and Content Similarity (CS) confirms the visual and structural quality of the generated images.This symmetry-guided method provides an effective solution for defect data augmentation and aligns closely with Symmetry’s emphasis on structured pattern generation in intelligent vision systems. Full article
(This article belongs to the Section Engineering and Materials)
Show Figures

Figure 1

15 pages, 1708 KiB  
Article
ET-Mamba: A Mamba Model for Encrypted Traffic Classification
by Jian Xu, Liangbing Chen, Wenqian Xu, Longxuan Dai, Chenxi Wang and Lei Hu
Information 2025, 16(4), 314; https://doi.org/10.3390/info16040314 - 16 Apr 2025
Viewed by 800
Abstract
With the widespread use of encryption protocols on network data, fast and effective encryption traffic classification can improve the efficiency of traffic analysis. A resampling method combining Wasserstein GAN and random selection is proposed for solving the dataset imbalance problem, and it uses [...] Read more.
With the widespread use of encryption protocols on network data, fast and effective encryption traffic classification can improve the efficiency of traffic analysis. A resampling method combining Wasserstein GAN and random selection is proposed for solving the dataset imbalance problem, and it uses Wasserstein GAN for oversampling and random selection for undersampling to achieve class equalization. Based on Mamba, an ultra-low parametric quantity model, we propose an encrypted traffic classification model, ET-Mamba, which has a pre-training phase and a fine-tuning phase. During the pre-training phase, positional embedding is used to characterize the blocks of the traffic grayscale image, and random masking is used to strengthen the learning of the intrinsic correlation among the blocks of the traffic grayscale image. During the fine-tuning phase, the agent attention mechanism is adopted in the feature extraction phase to achieve global information modeling at a low computational cost, and the SmoothLoss function is designed to solve the problem of the insufficient generalization ability of cross-entropy loss function during training. The experimental results show that the proposed model significantly reduces the number of parameters and outperforms other models in terms of classification accuracy on non-VPN datasets. Full article
(This article belongs to the Special Issue Machine Learning and Data Mining for User Classification)
Show Figures

Graphical abstract

22 pages, 5152 KiB  
Article
Hyper-CycleGAN: A New Adversarial Neural Network Architecture for Cross-Domain Hyperspectral Data Generation
by Yibo He, Kah Phooi Seng, Li Minn Ang, Bei Peng and Xingyu Zhao
Appl. Sci. 2025, 15(8), 4188; https://doi.org/10.3390/app15084188 - 10 Apr 2025
Cited by 1 | Viewed by 1148
Abstract
The scarcity of labeled training samples poses a significant challenge in hyperspectral image classification. Cross-scene classification has been shown to be an effective approach to tackle the problem of limited sample learning. This paper investigates the usage of generative adversarial networks (GANs) to [...] Read more.
The scarcity of labeled training samples poses a significant challenge in hyperspectral image classification. Cross-scene classification has been shown to be an effective approach to tackle the problem of limited sample learning. This paper investigates the usage of generative adversarial networks (GANs) to enable collaborative artificial intelligence learning on hyperspectral datasets. We propose and design a specialized architecture, termed Hyper-CycleGAN, for heterogeneous transfer learning across source and target scenes. This architecture enables the establishment of bidirectional mappings through efficient adversarial training and merges both source-to-target and target-to-source generators. The proposed Hyper-CycleGAN architecture harnesses the strengths of GANs, along with custom modifications like the integration of multi-scale attention mechanisms to enhance feature learning capabilities specifically tailored for hyperspectral data. To address training instability, the Wasserstein generative adversarial network with gradient penalty (WGAN-GP) loss discriminator is utilized. Additionally, a label smoothing technique is introduced to enhance the generalization capability of the generator, particularly in handling unlabeled samples, thus improving model robustness. Experimental results are performed to validate and confirm the effectiveness of the cross-domain Hyper-CycleGAN approach by demonstrating its applicability to two real-world cross-scene hyperspectral image datasets. Addressing the challenge of limited labeled samples in hyperspectral image classification, this research makes significant contributions and gives valuable insights for remote sensing, environmental monitoring, and medical imaging applications. Full article
Show Figures

Figure 1

17 pages, 967 KiB  
Article
Attention-Guided Wireless Channel Modeling and Generating
by Yawen He, Nan Xu, Li Cheng and Haiwen Yuan
Appl. Sci. 2025, 15(6), 3058; https://doi.org/10.3390/app15063058 - 12 Mar 2025
Viewed by 1220
Abstract
Due to the fast advancement in wireless communication technology, the demand for the modeling and generating of wireless channels is increasing. Deep learning technology is gradually applied in the wireless communication field, and the Generative Adversarial Network (GAN) framework provides a new solution [...] Read more.
Due to the fast advancement in wireless communication technology, the demand for the modeling and generating of wireless channels is increasing. Deep learning technology is gradually applied in the wireless communication field, and the Generative Adversarial Network (GAN) framework provides a new solution for channel modeling. This paper presents a method based on Wasserstein GAN with gradient penalty (WGAN-GP) guided by an attention mechanism for wireless channel modeling and generating. The feature extraction capability of the model is enhanced by adding a channel attention mechanism in WGAN-GP, and the representation capability of the model is enhanced by adaptively recalibrating the channel feature response. The experimental results demonstrate that the proposed approach accurately models the channel distribution and generates data that closely aligns with the real channel distribution. The proposed method has been shown to achieve superior qualitative and quantitative evaluation compared to the existing method. Full article
(This article belongs to the Section Electrical, Electronics and Communications Engineering)
Show Figures

Figure 1

25 pages, 2484 KiB  
Article
Automatic Fault Classification in Photovoltaic Modules Using Denoising Diffusion Probabilistic Model, Generative Adversarial Networks, and Convolutional Neural Networks
by Carlos Roberto da Silveira Junior, Carlos Eduardo Rocha Sousa and Ricardo Henrique Fonseca Alves
Energies 2025, 18(4), 776; https://doi.org/10.3390/en18040776 - 7 Feb 2025
Cited by 2 | Viewed by 977
Abstract
Current techniques for fault analysis in photovoltaic (PV) systems plants involve either electrical performance measurements or image processing, as well as line infrared thermography for visual inspection. Deep convolutional neural networks (CNNs) are machine learning algorithms that perform tasks involving images, such as [...] Read more.
Current techniques for fault analysis in photovoltaic (PV) systems plants involve either electrical performance measurements or image processing, as well as line infrared thermography for visual inspection. Deep convolutional neural networks (CNNs) are machine learning algorithms that perform tasks involving images, such as image classification and object recognition. However, to train a model effectively to recognize different patterns, it is crucial to have a sufficiently balanced dataset. Unfortunately, this is not always feasible owing to the limited availability of publicly accessible datasets for PV thermographic data and the unequal distribution of different faults in real-world systems. In this study, three data augmentation techniques—geometric transformations (GTs), generative adversarial networks (GANs), and the denoising diffusion probabilistic model (DDPM)—were combined with a CNN to classify faults in PV modules through thermographic images and identify the type of fault in 11 different classes (i.e., soiling, shadowing, and diode). Through the cross-validation method, the main results found with the Wasserstein GAN (WGAN) and DDPM networks combined with the CNN for anomaly classification achieved testing accuracies of 86.98% and 89.83%, respectively. These results demonstrate the effectiveness of both networks for accurately classifying anomalies in the dataset. The results corroborate the use of the diffusion model as a PV data augmentation technique when compared with other methods such as GANs and GTs. Full article
Show Figures

Figure 1

13 pages, 1650 KiB  
Technical Note
Pano-GAN: A Deep Generative Model for Panoramic Dental Radiographs
by Søren Pedersen, Sanyam Jain, Mikkel Chavez, Viktor Ladehoff, Bruna Neves de Freitas and Ruben Pauwels
J. Imaging 2025, 11(2), 41; https://doi.org/10.3390/jimaging11020041 - 2 Feb 2025
Cited by 1 | Viewed by 1884
Abstract
This paper presents the development of a generative adversarial network (GAN) for the generation of synthetic dental panoramic radiographs. While this is an exploratory study, the ultimate aim is to address the scarcity of data in dental research and education. A deep convolutional [...] Read more.
This paper presents the development of a generative adversarial network (GAN) for the generation of synthetic dental panoramic radiographs. While this is an exploratory study, the ultimate aim is to address the scarcity of data in dental research and education. A deep convolutional GAN (DCGAN) with the Wasserstein loss and a gradient penalty (WGAN-GP) was trained on a dataset of 2322 radiographs of varying quality. The focus of this study was on the dentoalveolar part of the radiographs; other structures were cropped out. Significant data cleaning and preprocessing were conducted to standardize the input formats while maintaining anatomical variability. Four candidate models were identified by varying the critic iterations, number of features and the use of denoising prior to training. To assess the quality of the generated images, a clinical expert evaluated a set of generated synthetic radiographs using a ranking system based on visibility and realism, with scores ranging from 1 (very poor) to 5 (excellent). It was found that most generated radiographs showed moderate depictions of dentoalveolar anatomical structures, although they were considerably impaired by artifacts. The mean evaluation scores showed a trade-off between the model trained on non-denoised data, which showed the highest subjective quality for finer structures, such as the mandibular canal and trabecular bone, and one of the models trained on denoised data, which offered better overall image quality, especially in terms of clarity and sharpness and overall realism. These outcomes serve as a foundation for further research into GAN architectures for dental imaging applications. Full article
(This article belongs to the Special Issue Tools and Techniques for Improving Radiological Imaging Applications)
Show Figures

Figure 1

14 pages, 17020 KiB  
Article
A Long Short-Term Memory–Wasserstein Generative Adversarial Network-Based Data Imputation Method for Photovoltaic Power Output Prediction
by Zhu Liu, Lingfeng Xuan, Dehuang Gong, Xinlin Xie and Dongguo Zhou
Energies 2025, 18(2), 399; https://doi.org/10.3390/en18020399 - 17 Jan 2025
Cited by 2 | Viewed by 735
Abstract
To address the challenges of the issue of inaccurate prediction results due to missing data in PV power records, a photovoltaic power data imputation method based on a Wasserstein Generative Adversarial Network (WGAN) and Long Short-Term Memory (LSTM) network is proposed. This method [...] Read more.
To address the challenges of the issue of inaccurate prediction results due to missing data in PV power records, a photovoltaic power data imputation method based on a Wasserstein Generative Adversarial Network (WGAN) and Long Short-Term Memory (LSTM) network is proposed. This method introduces a data-driven GAN framework with quasi-convex characteristics to ensure the smoothness of the imputed data with the existing data and employs a gradient penalty mechanism and a single-batch multi-iteration strategy for stable training. Finally, through frequency domain analysis, t-Distributed Stochastic Neighbor Embedding (t-SNE) metrics, and prediction performance validation of the generated data, the proposed method can improve the continuity and reliability of data in photovoltaic prediction tasks. Full article
(This article belongs to the Special Issue Forecasting of Photovoltaic Power Generation and Model Optimization)
Show Figures

Figure 1

20 pages, 42222 KiB  
Article
WGAN-GP for Synthetic Retinal Image Generation: Enhancing Sensor-Based Medical Imaging for Classification Models
by Héctor Anaya-Sánchez, Leopoldo Altamirano-Robles, Raquel Díaz-Hernández and Saúl Zapotecas-Martínez
Sensors 2025, 25(1), 167; https://doi.org/10.3390/s25010167 - 31 Dec 2024
Cited by 3 | Viewed by 2180
Abstract
Accurate synthetic image generation is crucial for addressing data scarcity challenges in medical image classification tasks, particularly in sensor-derived medical imaging. In this work, we propose a novel method using a Wasserstein Generative Adversarial Network with Gradient Penalty (WGAN-GP) and nearest-neighbor interpolation to [...] Read more.
Accurate synthetic image generation is crucial for addressing data scarcity challenges in medical image classification tasks, particularly in sensor-derived medical imaging. In this work, we propose a novel method using a Wasserstein Generative Adversarial Network with Gradient Penalty (WGAN-GP) and nearest-neighbor interpolation to generate high-quality synthetic images for diabetic retinopathy classification. Our approach enhances training datasets by generating realistic retinal images that retain critical pathological features. We evaluated the method across multiple retinal image datasets, including Retinal-Lesions, Fine-Grained Annotated Diabetic Retinopathy (FGADR), Indian Diabetic Retinopathy Image Dataset (IDRiD), and the Kaggle Diabetic Retinopathy dataset. The proposed method outperformed traditional generative models, such as conditional GANs and PathoGAN, achieving the best performance on key metrics: a Fréchet Inception Distance (FID) of 15.21, a Mean Squared Error (MSE) of 0.002025, and a Structural Similarity Index (SSIM) of 0.89 in the Kaggle dataset. Additionally, expert evaluations revealed that only 56.66% of synthetic images could be distinguished from real ones, demonstrating the high fidelity and clinical relevance of the generated data. These results highlight the effectiveness of our approach in improving medical image classification by generating realistic and diverse synthetic datasets. Full article
(This article belongs to the Collection Medical Applications of Sensor Systems and Devices)
Show Figures

Figure 1

Back to TopTop