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

remove_circle_outline
remove_circle_outline
remove_circle_outline

Article Types

Countries / Regions

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Search Results (242)

Search Parameters:
Keywords = neuro-fuzzy technique

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
25 pages, 8468 KB  
Article
Robust Backstepping Super-Twisting MPPT Controller for Photovoltaic Systems Under Dynamic Shading Conditions
by Kamran Ali, Shafaat Ullah and Eliseo Clementini
Energies 2025, 18(19), 5134; https://doi.org/10.3390/en18195134 - 26 Sep 2025
Abstract
In this research article, a fast and efficient hybrid Maximum Power Point Tracking (MPPT) control technique is proposed for photovoltaic (PV) systems. The method combines two phases—offline and online—to estimate the appropriate duty cycle for operating the converter at the maximum power point [...] Read more.
In this research article, a fast and efficient hybrid Maximum Power Point Tracking (MPPT) control technique is proposed for photovoltaic (PV) systems. The method combines two phases—offline and online—to estimate the appropriate duty cycle for operating the converter at the maximum power point (MPP). In the offline phase, temperature and irradiance inputs are used to compute the real-time reference peak power voltage through an Adaptive Neuro-Fuzzy Inference System (ANFIS). This estimated reference is then utilized in the online phase, where the Robust Backstepping Super-Twisting (RBST) controller treats it as a set-point to generate the control signal and continuously adjust the converter’s duty cycle, driving the PV system to operate near the MPP. The proposed RBST control scheme offers a fast transient response, reduced rise and settling times, low tracking error, enhanced voltage stability, and quick adaptation to changing environmental conditions. The technique is tested in MATLAB/Simulink under three different scenarios: continuous variation in meteorological parameters, sudden step changes, and partial shading. To demonstrate the superiority of the RBST method, its performance is compared with classical backstepping and integral backstepping controllers. The results show that the RBST-based MPPT controller achieves the minimum rise time of 0.018s, the lowest squared error of 0.3015V, the minimum steady-state error of 0.29%, and the highest efficiency of 99.16%. Full article
(This article belongs to the Special Issue Experimental and Numerical Analysis of Photovoltaic Inverters)
Show Figures

Figure 1

30 pages, 4822 KB  
Article
Combining Deep Learning Architectures with Fuzzy Logic for Robust Pneumonia Detection in Chest X-Rays
by Azeddine Mjahad and Alfredo Rosado-Muñoz
Appl. Sci. 2025, 15(19), 10321; https://doi.org/10.3390/app151910321 - 23 Sep 2025
Viewed by 186
Abstract
Early and accurate detection of pneumonia from chest X-ray images is essential for improving treatment and clinical outcomes. Medical imaging datasets often exhibit class imbalance and uncertainty in feature extraction, which complicates conventional classification methods and motivates the use of advanced approaches combining [...] Read more.
Early and accurate detection of pneumonia from chest X-ray images is essential for improving treatment and clinical outcomes. Medical imaging datasets often exhibit class imbalance and uncertainty in feature extraction, which complicates conventional classification methods and motivates the use of advanced approaches combining deep learning and fuzzy logic. This study proposes a hybrid approach that combines deep learning architectures (VGG16, EfficientNetV2, MobileNetV2, ResNet50) for feature extraction with fuzzy logic-based classifiers, including Fuzzy C-Means, Fuzzy Decision Tree, Fuzzy KNN, Fuzzy SVM, and ANFIS (Adaptive Neuro-Fuzzy Inference System). Feature selection techniques were also applied to enhance the discriminative power of the extracted features. The best-performing model, ANFIS with MobileNetV2 features and Gaussian membership functions, achieved an overall accuracy of 98.52%, with Normal class precision of 97.07%, recall of 97.48%, and F1-score of 97.27%, and Pneumonia class precision of 99.06%, recall of 98.91%, and F1-score of 98.99%. Among the fuzzy classifiers, Fuzzy SVM and Fuzzy KNN also showed strong performance with accuracy above 96%, while Fuzzy Decision Tree and Fuzzy C-Means achieved moderate results. These findings demonstrate that integrating deep feature extraction with neuro-fuzzy reasoning significantly improves diagnostic accuracy and robustness, providing a reliable tool for clinical decision support. Future research will focus on optimizing model efficiency, interpretability, and real-time applicability. Full article
(This article belongs to the Special Issue Machine Learning-Based Feature Extraction and Selection: 2nd Edition)
Show Figures

Figure 1

43 pages, 2944 KB  
Article
A Novel Approach to SPAM Detection in Social Networks-Light-ANFIS: Integrating Gradient-Based One-Sided Sampling and Random Forest-Based Feature Clustering Techniques with Adaptive Neuro-Fuzzy Inference Systems
by Oğuzhan Çıtlak, İsmail Atacak and İbrahim Alper Doğru
Appl. Sci. 2025, 15(18), 10049; https://doi.org/10.3390/app151810049 - 14 Sep 2025
Viewed by 415
Abstract
With today’s technological advancements and the widespread use of the Internet, social networking platforms that allow users to interact with each other are increasing rapidly. The popular social network X (formerly Twitter) has become a target for malicious actors, and spam is one [...] Read more.
With today’s technological advancements and the widespread use of the Internet, social networking platforms that allow users to interact with each other are increasing rapidly. The popular social network X (formerly Twitter) has become a target for malicious actors, and spam is one of its biggest challenges. The filters employed by such platforms to protect users struggle to keep up with evolving spam techniques, the diverse behaviors of platform users, the dynamic tactics of spam accounts, and the need for updates in spam detection algorithms. The literature shows that many effective solutions rely on computationally expensive methods that are limited by dataset constraints. This study addresses the spam challenges of social networks by proposing a novel detection framework, Light-ANFIS, which combines ANFIS with gradient-based one-side sampling (GOSS) and random forest-based clustering (RFBFC) techniques. The proposed approach employs the RFBFC technique to achieve efficient feature reduction, yielding an ANFIS model with reduced input requirements. This optimized ANFIS structure enables a simpler system configuration by minimizing parameter usage. In this context, dimensionality reduction enables a faster ANFIS training. The GOSS technique further accelerates ANFIS training by reducing the sample size without sacrificing accuracy. The proposed Light-ANFIS architecture was evaluated using three datasets: two public benchmarks and one custom dataset. To demonstrate the impact of GOSS, its performance was benchmarked against that of RFBFC-ANFIS, which relies solely on RFBFC. Experiments comparing the training durations of the Light-ANFIS and RFBFC-ANFIS architectures revealed that the GOSS technique improved the training time efficiency by 38.77% (Dataset 1), 40.86% (Dataset 2), and 38.79% (Dataset 3). The Light-ANFIS architecture has also achieved successful results in terms of accuracy, precision, recall, F1-score, and AUC performance metrics. The proposed architecture has obtained scores of 0.98748, 0.98821, 0.99091, 0.98956, and 0.98664 in Dataset 1; 0.98225, 0.97412, 0.99043, 0.98221, and 0.98233 in Dataset 2; and 0.98552, 0.98915, 0.98720, 0.98818, and 0.98503 in Dataset 3 for these performance metrics, respectively. The Light-ANFIS architecture has been observed to demonstrate performance above existing methods when compared with methods in studies using similar datasets and methodologies based on the literature. Even in Dataset 1 and Dataset 3, it achieved a slightly better performance in terms of confusion matrix metrics compared to current deep learning (DL)-based hybrid and fusion methods, which are known as high-performance complex models in this field. Additionally, the proposed model not only exhibits high performance but also features a simpler configuration than structurally equivalent models, providing it with a competitive edge. This makes it a valuable for safeguarding social media users from harmful content. Full article
Show Figures

Figure 1

22 pages, 4234 KB  
Article
Speaker Recognition Based on the Combination of SincNet and Neuro-Fuzzy for Intelligent Home Service Robots
by Seo-Hyun Kim, Tae-Wan Kim and Keun-Chang Kwak
Electronics 2025, 14(18), 3581; https://doi.org/10.3390/electronics14183581 - 9 Sep 2025
Viewed by 391
Abstract
Speaker recognition has become a critical component of human–robot interaction (HRI), enabling personalized services based on user identity, as the demand for home service robots increases. In contrast to conventional speech recognition tasks, recognition in home service robot environments is affected by varying [...] Read more.
Speaker recognition has become a critical component of human–robot interaction (HRI), enabling personalized services based on user identity, as the demand for home service robots increases. In contrast to conventional speech recognition tasks, recognition in home service robot environments is affected by varying speaker–robot distances and background noises, which can significantly reduce accuracy. Traditional approaches rely on hand-crafted features, which may lose essential speaker-specific information during extraction like mel-frequency cepstral coefficients (MFCCs). To address this, we propose a novel speaker recognition technique for intelligent robots that combines SincNet-based raw waveform processing with an adaptive neuro-fuzzy inference system (ANFIS). SincNet extracts relevant frequency features by learning low- and high-cutoff frequencies in its convolutional filters, reducing parameter complexity while retaining discriminative power. To improve interpretability and handle non-linearity, ANFIS is used as the classifier, leveraging fuzzy rules generated by fuzzy c-means (FCM) clustering. The model is evaluated on a custom dataset collected in a realistic home environment with background noise, including TV sounds and mechanical noise from robot motion. Our results show that the proposed model outperforms existing CNN, CNN-ANFIS, and SincNet models in terms of accuracy. This approach offers robust performance and enhanced model transparency, making it well-suited for intelligent home robot systems. Full article
(This article belongs to the Special Issue Control and Design of Intelligent Robots)
Show Figures

Figure 1

20 pages, 3333 KB  
Article
A New Hybrid Intelligent System for Predicting Bottom-Hole Pressure in Vertical Oil Wells: A Case Study
by Kheireddine Redouane and Ashkan Jahanbani Ghahfarokhi
Algorithms 2025, 18(9), 549; https://doi.org/10.3390/a18090549 - 1 Sep 2025
Viewed by 477
Abstract
The evaluation of pressure drops across the length of production wells is a crucial task, as it influences both the cost-effective selection of tubing and the development of an efficient production strategy, both of which are vital for maximizing oil recovery while minimizing [...] Read more.
The evaluation of pressure drops across the length of production wells is a crucial task, as it influences both the cost-effective selection of tubing and the development of an efficient production strategy, both of which are vital for maximizing oil recovery while minimizing operational expenses. To address this, our study proposes an innovative hybrid intelligent system designed to predict bottom-hole flowing pressure in vertical multiphase conditions with superior accuracy compared to existing methods using a data set of 150 field measurements amassed from Algerian fields. In this work, the applied hybrid framework is the Adaptive Neuro-Fuzzy Inference System (ANFIS), which integrates artificial neural networks (ANN) with fuzzy logic (FL). The ANFIS model was constructed using a subtractive clustering technique after data filtering, and then its outcomes were evaluated against the most widely utilized correlations and mechanistic models. Graphical inspection and error statistics confirmed that ANFIS consistently outperformed all other approaches in terms of precision, reliability, and effectiveness. For further improvement of the ANFIS performance, a particle swarm optimization (PSO) algorithm is employed to refine the model and optimize the design of the antecedent Gaussian memberships along with the consequent linear coefficient vector. The results achieved by the hybrid ANFIS-PSO model demonstrated greater accuracy in bottom-hole pressure estimation than the conventional hybrid approach. Full article
(This article belongs to the Special Issue AI and Computational Methods in Engineering and Science)
Show Figures

Figure 1

32 pages, 7668 KB  
Article
Hybrid CNN-Fuzzy Approach for Automatic Identification of Ventricular Fibrillation and Tachycardia
by Azeddine Mjahad and Alfredo Rosado-Muñoz
Appl. Sci. 2025, 15(17), 9289; https://doi.org/10.3390/app15179289 - 24 Aug 2025
Cited by 1 | Viewed by 520
Abstract
Ventricular arrhythmias such as ventricular fibrillation (VF) and ventricular tachycardia (VT) are among the leading causes of sudden cardiac death worldwide, making their timely and accurate detection a critical task in modern cardiology. This study presents an advanced framework for the automatic detection [...] Read more.
Ventricular arrhythmias such as ventricular fibrillation (VF) and ventricular tachycardia (VT) are among the leading causes of sudden cardiac death worldwide, making their timely and accurate detection a critical task in modern cardiology. This study presents an advanced framework for the automatic detection of critical cardiac arrhythmias—specifically ventricular fibrillation (VF) and ventricular tachycardia (VT)—by integrating deep learning techniques with neuro-fuzzy systems. Electrocardiogram (ECG) signals from the MIT-BIH and AHA databases were preprocessed through denoising, alignment, and segmentation. Convolutional neural networks (CNNs) were employed for deep feature extraction, and the resulting features were used as input for various fuzzy classifiers, including Fuzzy ARTMAP and the Adaptive Neuro-Fuzzy Inference System (ANFIS). Among these classifiers, ANFIS demonstrated the best overall performance. The combination of CNN-based feature extraction with ANFIS yielded the highest classification accuracy across multiple cardiac rhythm types. The classification performance metrics for each rhythm type were as follows: for Normal Sinus Rhythm, precision was 99.09%, sensitivity 98.70%, specificity 98.89%, and F1-score 98.89%. For VF, precision was 95.49%, sensitivity 96.69%, specificity 99.10%, and F1-score 96.09%. For VT, precision was 94.03%, sensitivity 94.26%, specificity 99.54%, and F1-score 94.14%. Finally, for Other Rhythms, precision was 97.74%, sensitivity 97.74%, specificity 99.40%, and F1-score 97.74%. These results demonstrate the strong generalization capability and precision of the proposed architecture, suggesting its potential applicability in real-time biomedical systems such as Automated External Defibrillators (AEDs), Implantable Cardioverter Defibrillators (ICDs), and advanced cardiac monitoring technologies. Full article
Show Figures

Figure 1

33 pages, 6266 KB  
Article
Numerical Optimization of Neuro-Fuzzy Models Using Evolutionary Algorithms for Electricity Demand Forecasting in Pre-Tertiary Institutions
by Stephen O. Oladipo, Udochukwu B. Akuru and Ogbonnaya I. Okoro
Mathematics 2025, 13(16), 2648; https://doi.org/10.3390/math13162648 - 18 Aug 2025
Viewed by 1049
Abstract
Reliable electricity supply in educational facilities demands predictive frameworks that reflect usage patterns and consumption variability. This study investigates electricity-consumption forecasting in lower-to-middle-income pre-tertiary institutions in Western Cape, South Africa, using adaptive neuro-fuzzy inference systems (ANFISs) optimized by evolutionary algorithms. Using genetic algorithm [...] Read more.
Reliable electricity supply in educational facilities demands predictive frameworks that reflect usage patterns and consumption variability. This study investigates electricity-consumption forecasting in lower-to-middle-income pre-tertiary institutions in Western Cape, South Africa, using adaptive neuro-fuzzy inference systems (ANFISs) optimized by evolutionary algorithms. Using genetic algorithm (GA) and particle swarm optimization (PSO) algorithms, the impact of two clustering techniques, Subtractive Clustering (SC) and Fuzzy C-Means (FCM), along with their cogent hyperparameters, were investigated, yielding several sub-models. The efficacy of the proposed models was evaluated using five standard statistical metrics, while the optimal model was also compared with other variants and hybrid models. Results obtained showed that the GA-ANFIS-FCM with four clusters achieved the best performance, recording the lowest Root Mean Square Error (RMSE) of 3.83, Mean Absolute Error (MAE) of 2.40, Theil’s U of 0.87, and Standard Deviation (SD) of 3.82. The developed model contributes valuable insights towards informed energy decisions. Full article
Show Figures

Figure 1

32 pages, 6394 KB  
Article
Neuro-Bridge-X: A Neuro-Symbolic Vision Transformer with Meta-XAI for Interpretable Leukemia Diagnosis from Peripheral Blood Smears
by Fares Jammal, Mohamed Dahab and Areej Y. Bayahya
Diagnostics 2025, 15(16), 2040; https://doi.org/10.3390/diagnostics15162040 - 14 Aug 2025
Viewed by 570
Abstract
Background/Objectives: Acute Lymphoblastic Leukemia (ALL) poses significant diagnostic challenges due to its ambiguous symptoms and the limitations of conventional methods like bone marrow biopsies and flow cytometry, which are invasive, costly, and time-intensive. Methods: This study introduces Neuro-Bridge-X, a novel neuro-symbolic hybrid model [...] Read more.
Background/Objectives: Acute Lymphoblastic Leukemia (ALL) poses significant diagnostic challenges due to its ambiguous symptoms and the limitations of conventional methods like bone marrow biopsies and flow cytometry, which are invasive, costly, and time-intensive. Methods: This study introduces Neuro-Bridge-X, a novel neuro-symbolic hybrid model designed for automated, explainable ALL diagnosis using peripheral blood smear (PBS) images. Leveraging two comprehensive datasets, ALL Image (3256 images from 89 patients) and C-NMC (15,135 images from 118 patients), the model integrates deep morphological feature extraction, vision transformer-based contextual encoding, fuzzy logic-inspired reasoning, and adaptive explainability. To address class imbalance, advanced data augmentation techniques were applied, ensuring equitable representation across benign and leukemic classes. The proposed framework was evaluated through 5-fold cross-validation and fixed train-test splits, employing Nadam, SGD, and Fractional RAdam optimizers. Results: Results demonstrate exceptional performance, with SGD achieving near-perfect accuracy (1.0000 on ALL, 0.9715 on C-NMC) and robust generalization, while Fractional RAdam closely followed (0.9975 on ALL, 0.9656 on C-NMC). Nadam, however, exhibited inconsistent convergence, particularly on C-NMC (0.5002 accuracy). A Meta-XAI controller enhances interpretability by dynamically selecting optimal explanation strategies (Grad-CAM, SHAP, Integrated Gradients, LIME), ensuring clinically relevant insights into model decisions. Conclusions: Visualizations confirm that SGD and RAdam models focus on morphologically critical features, such as leukocyte nuclei, while Nadam struggles with spurious attributions. Neuro-Bridge-X offers a scalable, interpretable solution for ALL diagnosis, with potential to enhance clinical workflows and diagnostic precision in oncology. Full article
(This article belongs to the Section Machine Learning and Artificial Intelligence in Diagnostics)
Show Figures

Figure 1

32 pages, 7263 KB  
Article
Time Series Prediction and Modeling of Visibility Range with Artificial Neural Network and Hybrid Adaptive Neuro-Fuzzy Inference System
by Okikiade Adewale Layioye, Pius Adewale Owolawi and Joseph Sunday Ojo
Atmosphere 2025, 16(8), 928; https://doi.org/10.3390/atmos16080928 - 31 Jul 2025
Viewed by 465
Abstract
The time series prediction of visibility in terms of various meteorological variables, such as relative humidity, temperature, atmospheric pressure, and wind speed, is presented in this paper using Single-Variable Regression Analysis (SVRA), Artificial Neural Network (ANN), and Hybrid Adaptive Neuro-fuzzy Inference System (ANFIS) [...] Read more.
The time series prediction of visibility in terms of various meteorological variables, such as relative humidity, temperature, atmospheric pressure, and wind speed, is presented in this paper using Single-Variable Regression Analysis (SVRA), Artificial Neural Network (ANN), and Hybrid Adaptive Neuro-fuzzy Inference System (ANFIS) techniques for several sub-tropical locations. The initial method used for the prediction of visibility in this study was the SVRA, and the results were enhanced using the ANN and ANFIS techniques. Throughout the study, neural networks with various algorithms and functions were trained with different atmospheric parameters to establish a relationship function between inputs and visibility for all locations. The trained neural models were tested and validated by comparing actual and predicted data to enhance visibility prediction accuracy. Results were compared to assess the efficiency of the proposed systems, measuring the root mean square error (RMSE), coefficient of determination (R2), and mean bias error (MBE) to validate the models. The standard statistical technique, particularly SVRA, revealed that the strongest functional relationship was between visibility and RH, followed by WS, T, and P, in that order. However, to improve accuracy, this study utilized back propagation and hybrid learning algorithms for visibility prediction. Error analysis from the ANN technique showed increased prediction accuracy when all the atmospheric variables were considered together. After testing various neural network models, it was found that the ANFIS model provided the most accurate predicted results, with improvements of 31.59%, 32.70%, 30.53%, 28.95%, 31.82%, and 22.34% over the ANN for Durban, Cape Town, Mthatha, Bloemfontein, Johannesburg, and Mahikeng, respectively. The neuro-fuzzy model demonstrated better accuracy and efficiency by yielding the finest results with the lowest RMSE and highest R2 for all cities involved compared to the ANN model and standard statistical techniques. However, the statistical performance analysis between measured and estimated visibility indicated that the ANN produced satisfactory results. The results will find applications in Optical Wireless Communication (OWC), flight operations, and climate change analysis. Full article
(This article belongs to the Special Issue Atmospheric Modeling with Artificial Intelligence Technologies)
Show Figures

Figure 1

23 pages, 6850 KB  
Article
Optimizing Energy Consumption in Public Institutions Using AI-Based Load Shifting and Renewable Integration
by Otilia Elena Dragomir, Florin Dragomir and Marius Păun
J. Sens. Actuator Netw. 2025, 14(4), 74; https://doi.org/10.3390/jsan14040074 - 15 Jul 2025
Viewed by 857
Abstract
This paper details the development and implementation of an intelligent energy efficiency system for an electrical grid that incorporates renewable energy sources, specifically photovoltaic systems. The system is applied in a small locality of approximately 8000 inhabitants and aims to optimize energy consumption [...] Read more.
This paper details the development and implementation of an intelligent energy efficiency system for an electrical grid that incorporates renewable energy sources, specifically photovoltaic systems. The system is applied in a small locality of approximately 8000 inhabitants and aims to optimize energy consumption in public institutions by scheduling electrical appliances during periods of surplus PV energy production. The proposed solution employs a hybrid neuro-fuzzy approach combined with scheduling techniques to intelligently shift loads and maximize the use of locally generated green energy. This enables appliances, particularly schedulable and schedulable non-interruptible ones, to operate during peak PV production hours, thereby minimizing reliance on the national grid and improving overall energy efficiency. This directly reduces the cost of electricity consumption from the national grid. Furthermore, a comprehensive power quality analysis covering variables including harmonic distortion and voltage stability is proposed. The results indicate that while photovoltaic systems, being switching devices, can introduce some harmonic distortion, particularly during peak inverter operation or transient operating regimes, and flicker can exceed standard limits during certain periods, the overall voltage quality is maintained if proper inverter controls and grid parameters are adhered to. The system also demonstrates potential for scalability and integration with energy storage systems for enhanced future performance. Full article
(This article belongs to the Section Network Services and Applications)
Show Figures

Figure 1

40 pages, 3694 KB  
Article
AI-Enhanced MPPT Control for Grid-Connected Photovoltaic Systems Using ANFIS-PSO Optimization
by Mahmood Yaseen Mohammed Aldulaimi and Mesut Çevik
Electronics 2025, 14(13), 2649; https://doi.org/10.3390/electronics14132649 - 30 Jun 2025
Cited by 1 | Viewed by 1079
Abstract
This paper presents an adaptive Maximum Power Point Tracking (MPPT) strategy for grid-connected photovoltaic (PV) systems that uses an Adaptive Neuro-Fuzzy Inference System (ANFIS) optimized by Particle Swarm Optimization (PSO) to enhance energy extraction efficiency under diverse environmental conditions. The proposed ANFIS-PSO-based MPPT [...] Read more.
This paper presents an adaptive Maximum Power Point Tracking (MPPT) strategy for grid-connected photovoltaic (PV) systems that uses an Adaptive Neuro-Fuzzy Inference System (ANFIS) optimized by Particle Swarm Optimization (PSO) to enhance energy extraction efficiency under diverse environmental conditions. The proposed ANFIS-PSO-based MPPT controller performs dynamic adjustment Pulse Width Modulation (PWM) switching to minimize Total Harmonic Distortion (THD); this will ensure rapid convergence to the maximum power point (MPP). Unlike conventional Perturb and Observe (P&O) and Incremental Conductance (INC) methods, which struggle with tracking delays and local maxima in partial shading scenarios, the proposed approach efficiently identifies the Global Maximum Power Point (GMPP), improving energy harvesting capabilities. Simulation results in MATLAB/Simulink R2023a demonstrate that under stable irradiance conditions (1000 W/m2, 25 °C), the controller was able to achieve an MPPT efficiency of 99.2%, with THD reduced to 2.1%, ensuring grid compliance with IEEE 519 standards. In dynamic irradiance conditions, where sunlight varies linearly between 200 W/m2 and 1000 W/m2, the controller maintains an MPPT efficiency of 98.7%, with a response time of less than 200 ms, outperforming traditional MPPT algorithms. In the partial shading case, the proposed method effectively avoids local power maxima and successfully tracks the Global Maximum Power Point (GMPP), resulting in a power output of 138 W. In contrast, conventional techniques such as P&O and INC typically fail to escape local maxima under similar conditions, leading to significantly lower power output, often falling well below the true GMPP. This performance disparity underscores the superior tracking capability of the proposed ANFIS-PSO approach in complex irradiance scenarios, where traditional algorithms exhibit substantial energy loss due to their limited global search behavior. The novelty of this work lies in the integration of ANFIS with PSO optimization, enabling an intelligent self-adaptive MPPT strategy that enhances both tracking speed and accuracy while maintaining low computational complexity. This hybrid approach ensures real-time adaptation to environmental fluctuations, making it an optimal solution for grid-connected PV systems requiring high power quality and stability. The proposed controller significantly improves energy harvesting efficiency, minimizes grid disturbances, and enhances overall system robustness, demonstrating its potential for next-generation smart PV systems. Full article
(This article belongs to the Special Issue AI Applications for Smart Grid)
Show Figures

Figure 1

42 pages, 5637 KB  
Review
Research Progress on Process Optimization of Metal Materials in Wire Electrical Discharge Machining
by Xinfeng Zhao, Binghui Dong, Shengwen Dong and Wuyi Ming
Metals 2025, 15(7), 706; https://doi.org/10.3390/met15070706 - 25 Jun 2025
Viewed by 1088
Abstract
Wire electrical discharge machining (WEDM), as a significant branch of non-traditional machining technologies, is widely applied in fields such as mold manufacturing and aerospace due to its high-precision machining capabilities for hard and complex materials. This paper systematically reviews the research progress in [...] Read more.
Wire electrical discharge machining (WEDM), as a significant branch of non-traditional machining technologies, is widely applied in fields such as mold manufacturing and aerospace due to its high-precision machining capabilities for hard and complex materials. This paper systematically reviews the research progress in WEDM process optimization from two main perspectives: traditional optimization methods and artificial intelligence (AI) techniques. Firstly, it discusses in detail the applications and limitations of traditional optimization methods—such as statistical approaches (Taguchi method and response surface methodology), Adaptive Neuro-Fuzzy Inference Systems, and regression analysis—in parameter control, surface quality improvement, and material removal-rate optimization for cutting metal materials in WEDM. Subsequently, this paper reviews AI-based approaches, traditional machine-learning methods (e.g., neural networks, support vector machines, and random forests), and deep-learning models (e.g., convolutional neural networks and deep neural networks) in aspects such as state recognition, process prediction, multi-objective optimization, and intelligent control. The review systematically compares the advantages and disadvantages of traditional methods and AI models in terms of nonlinear modeling capabilities, adaptability, and generalization. It highlights that the integration of AI by optimization algorithms (such as Genetic Algorithms, particle swarm optimization, and manta ray foraging optimization) offers an effective path toward the intelligent evolution of WEDM processes. Finally, this investigation looks ahead to the key application scenarios and development trends of AI techniques in the WEDM field for cutting metal materials. Full article
Show Figures

Figure 1

23 pages, 3811 KB  
Article
Impact of Acidic Pretreatment on Biomethane Yield from Xyris capensis: Experimental and In-Depth Data-Driven Insight
by Kehinde O. Olatunji, Oluwatobi Adeleke, Tien-Chien Jen and Daniel M. Madyira
Processes 2025, 13(7), 1997; https://doi.org/10.3390/pr13071997 - 24 Jun 2025
Cited by 1 | Viewed by 425
Abstract
This study presents an experimental and comprehensive data-driven framework to gain deeper insights into the effect of acidic pretreatment in enhancing the biomethane yield of Xyris capensis. The experimental workflow involves subjecting the Xyris capensis to different concentrations of HCl, exposure times, [...] Read more.
This study presents an experimental and comprehensive data-driven framework to gain deeper insights into the effect of acidic pretreatment in enhancing the biomethane yield of Xyris capensis. The experimental workflow involves subjecting the Xyris capensis to different concentrations of HCl, exposure times, and digestion retention time in mesophilic anaerobic conditions. Key insights were gained from the experimental dataset through correlation mapping, feature importance assessment (FIA) using the Gini importance (GI) metric of the decision tree regressor, dimensionality reduction using Principal Component Analysis (PCA), and operational cluster analysis using k-means clustering. Furthermore, different clustering techniques were tested with an Adaptive Neuro-Fuzzy Inference System (ANFIS) tuned with particle swarm optimization (ANFIS-PSO) for biomethane yield prediction. The experimental results showed that HCl pretreatment increased the biomethane yield by 62–150% compared to the untreated substrate. The correlation analysis and FIA further revealed exposure time and acid concentration as the dominant variables driving biomethane production, with GI values of 0.5788 and 0.3771, respectively. The PCA reduced the complexity of the digestion parameters by capturing over 80% of the variance in the principal components. Three distinct operational clusters, which are influenced by the pretreatment condition and digestion set-up, were identified by the k-means cluster analysis. In testing, a Gaussian-based Grid-Partitioning (GP)-clustered ANFIS-PSO model outperformed others with RMSE, MAE, and MAPE values of 5.3783, 3.1584, and 10.126, respectively. This study provides a robust framework of experimental and computational data-driven methods for optimizing the biomethane production, thus contributing significantly to sustainable and eco-friendly energy alternatives. Full article
(This article belongs to the Special Issue Biogas Technologies: Converting Waste to Energy)
Show Figures

Figure 1

28 pages, 2541 KB  
Article
Photovoltaic Farm Power Generation Forecast Using Photovoltaic Battery Model with Machine Learning Capabilities
by Agboola Benjamin Alao, Olatunji Matthew Adeyanju, Manohar Chamana, Stephen Bayne and Argenis Bilbao
Solar 2025, 5(2), 26; https://doi.org/10.3390/solar5020026 - 6 Jun 2025
Viewed by 762
Abstract
This study presents a machine learning-based photovoltaic (PV) model for energy management and planning in a microgrid with a battery system. Microgrids integrating PV face challenges such as solar irradiance variability, temperature fluctuations, and intermittent generation, which impact grid stability and battery storage [...] Read more.
This study presents a machine learning-based photovoltaic (PV) model for energy management and planning in a microgrid with a battery system. Microgrids integrating PV face challenges such as solar irradiance variability, temperature fluctuations, and intermittent generation, which impact grid stability and battery storage efficiency. Existing models often lack predictive accuracy, computational efficiency, and adaptability to changing environmental conditions. To address these limitations, the proposed model integrates an Adaptive Neuro-Fuzzy Inference System (ANFIS) with a multi-input multi-output (MIMO) prediction algorithm, utilizing historical temperature and irradiance data for accurate and efficient forecasting. Simulation results demonstrate high prediction accuracies of 95.10% for temperature and 98.06% for irradiance on dataset-1, significantly reducing computational demands and outperforming conventional prediction techniques. The model further uses ANFIS outputs to estimate PV generation and optimize battery state of charge (SoC), achieving a consistent minimal SoC reduction of about 0.88% (from 80% to 79.12%) over four different battery types over a seven-day charge–discharge cycle, providing up to 11 h of battery autonomy under specified load conditions. Further validation with four other distinct datasets confirms the ANFIS network’s robustness and superior ability to handle complex data variations with consistent accuracy, making it a valuable tool for improving microgrid stability, energy storage utilization, and overall system reliability. Overall, ANFIS outperforms other models (like curve fittings, ANN, Stacked-LSTM, RF, XGBoost, GBoostM, Ensemble, LGBoost, CatBoost, CNN-LSTM, and MOSMA-SVM) with an average accuracy of 98.65%, and a 0.45 RMSE value on temperature predictions, while maintaining 98.18% accuracy, and a 31.98 RMSE value on irradiance predictions across all five datasets. The lowest average computational time of 17.99s was achieved with the ANFIS model across all the datasets compared to other models. Full article
Show Figures

Figure 1

19 pages, 1865 KB  
Article
Modeling Soil Temperature with Fuzzy Logic and Supervised Learning Methods
by Bilal Cemek, Yunus Kültürel, Emirhan Cemek, Erdem Küçüktopçu and Halis Simsek
Appl. Sci. 2025, 15(11), 6319; https://doi.org/10.3390/app15116319 - 4 Jun 2025
Viewed by 741
Abstract
Soil temperature is a critical environmental factor that affects plant development, physiological processes, and overall productivity. This study compares two modeling approaches for predicting soil temperature at various depths: (i) fuzzy logic-based systems, including the Mamdani fuzzy inference system (MFIS) and the adaptive [...] Read more.
Soil temperature is a critical environmental factor that affects plant development, physiological processes, and overall productivity. This study compares two modeling approaches for predicting soil temperature at various depths: (i) fuzzy logic-based systems, including the Mamdani fuzzy inference system (MFIS) and the adaptive neuro-fuzzy inference system (ANFIS); (ii) supervised machine learning algorithms, such as multilayer perceptron (MLP), support vector regression (SVR), random forest (RF), extreme gradient boosting (XGB), and k-nearest neighbors (KNN), along with multiple Linear regression (MLR) as a statistical benchmark. Soil temperature data were collected from Tokat, Türkiye, between 2016 and 2024 at depths of 5, 10, 20, 50, and 100 cm. The dataset was split into training (2016–2021) and testing (2022–2024) periods. Performance was evaluated using the root mean square error (RMSE), the mean absolute error (MAE), and the coefficient of determination (R2). The ANFIS achieved the best prediction accuracy (MAE = 1.46 °C, RMSE = 1.89 °C, R2 = 0.95), followed by RF, XGB, MLP, KNN, SVR, MLR, and MFIS. This study underscores the potential of integrating machine learning and fuzzy logic techniques for more accurate soil temperature modeling, contributing to precision agriculture and better resource management. Full article
Show Figures

Figure 1

Back to TopTop