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
remove_circle_outline
remove_circle_outline
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
remove_circle_outline
remove_circle_outline

Search Results (1,086)

Search Parameters:
Keywords = neural competition

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
13 pages, 11739 KiB  
Article
DeepVinci: Organ and Tool Segmentation with Edge Supervision and a Densely Multi-Scale Pyramid Module for Robot-Assisted Surgery
by Li-An Tseng, Yuan-Chih Tsai, Meng-Yi Bai, Mei-Fang Li, Yi-Liang Lee, Kai-Jo Chiang, Yu-Chi Wang and Jing-Ming Guo
Diagnostics 2025, 15(15), 1917; https://doi.org/10.3390/diagnostics15151917 - 30 Jul 2025
Abstract
Background: Automated surgical navigation can be separated into three stages: (1) organ identification and localization, (2) identification of the organs requiring further surgery, and (3) automated planning of the operation path and steps. With its ideal visual and operating system, the da [...] Read more.
Background: Automated surgical navigation can be separated into three stages: (1) organ identification and localization, (2) identification of the organs requiring further surgery, and (3) automated planning of the operation path and steps. With its ideal visual and operating system, the da Vinci surgical system provides a promising platform for automated surgical navigation. This study focuses on the first step in automated surgical navigation by identifying organs in gynecological surgery. Methods: Due to the difficulty of collecting da Vinci gynecological endoscopy data, we propose DeepVinci, a novel end-to-end high-performance encoder–decoder network based on convolutional neural networks (CNNs) for pixel-level organ semantic segmentation. Specifically, to overcome the drawback of a limited field of view, we incorporate a densely multi-scale pyramid module and feature fusion module, which can also enhance the global context information. In addition, the system integrates an edge supervision network to refine the segmented results on the decoding side. Results: Experimental results show that DeepVinci can achieve state-of-the-art accuracy, obtaining dice similarity coefficient and mean pixel accuracy values of 0.684 and 0.700, respectively. Conclusions: The proposed DeepVinci network presents a practical and competitive semantic segmentation solution for da Vinci gynecological surgery. Full article
(This article belongs to the Section Machine Learning and Artificial Intelligence in Diagnostics)
Show Figures

Figure 1

25 pages, 837 KiB  
Article
DASF-Net: A Multimodal Framework for Stock Price Forecasting with Diffusion-Based Graph Learning and Optimized Sentiment Fusion
by Nhat-Hai Nguyen, Thi-Thu Nguyen and Quan T. Ngo
J. Risk Financial Manag. 2025, 18(8), 417; https://doi.org/10.3390/jrfm18080417 - 28 Jul 2025
Viewed by 321
Abstract
Stock price forecasting remains a persistent challenge in time series analysis due to complex inter-stock relationships and dynamic textual signals such as financial news. While Graph Neural Networks (GNNs) can model relational structures, they often struggle with capturing higher-order dependencies and are sensitive [...] Read more.
Stock price forecasting remains a persistent challenge in time series analysis due to complex inter-stock relationships and dynamic textual signals such as financial news. While Graph Neural Networks (GNNs) can model relational structures, they often struggle with capturing higher-order dependencies and are sensitive to noise. Moreover, sentiment signals are typically aggregated using fixed time windows, which may introduce temporal bias. To address these issues, we propose DASF-Net (Diffusion-Aware Sentiment Fusion Network), a multimodal framework that integrates structural and textual information for robust prediction. DASF-Net leverages diffusion processes over two complementary financial graphs—one based on industry relationships, the other on fundamental indicators—to learn richer stock representations. Simultaneously, sentiment embeddings extracted from financial news using FinBERT are aggregated over an empirically optimized window to preserve temporal relevance. These modalities are fused via a multi-head attention mechanism and passed to a temporal forecasting module. DASF-Net integrates daily stock prices and news sentiment, using a 3-day sentiment aggregation window, to forecast stock prices over daily horizons (1–3 days). Experiments on 12 large-cap S&P 500 stocks over four years demonstrate that DASF-Net outperforms competitive baselines, achieving up to 91.6% relative reduction in Mean Squared Error (MSE). Results highlight the effectiveness of combining graph diffusion and sentiment-aware features for improved financial forecasting. Full article
(This article belongs to the Special Issue Machine Learning Applications in Finance, 2nd Edition)
Show Figures

Figure 1

38 pages, 5939 KiB  
Article
Decentralized Energy Management for Microgrids Using Multilayer Perceptron Neural Networks and Modified Cheetah Optimizer
by Zulfiqar Ali Memon, Ahmed Bilal Awan, Hasan Abdel Rahim A. Zidan and Mohana Alanazi
Processes 2025, 13(8), 2385; https://doi.org/10.3390/pr13082385 - 27 Jul 2025
Viewed by 372
Abstract
This paper presents a decentralized energy management system (EMS) based on Multilayer Perceptron Artificial Neural Networks (MLP-ANNs) and a Modified Cheetah Optimizer (MCO) to account for uncertainty in renewable generation and load demand. The proposed framework applies an MLP-ANN with Levenberg–Marquardt (LM) training [...] Read more.
This paper presents a decentralized energy management system (EMS) based on Multilayer Perceptron Artificial Neural Networks (MLP-ANNs) and a Modified Cheetah Optimizer (MCO) to account for uncertainty in renewable generation and load demand. The proposed framework applies an MLP-ANN with Levenberg–Marquardt (LM) training for high-precision forecasts of photovoltaic/wind generation, ambient temperature, and load demand, greatly outperforming traditional statistical methods (e.g., time-series analysis) and resilient backpropagation (RP) in precision. The new MCO algorithm eliminates local trapping and premature convergence issues in classical optimization methods like Particle Swarm Optimization (PSO) and Genetic Algorithms (GAs). Simulations on a test microgrid verily demonstrate the advantages of the framework, achieving a 26.8% cost-of-operation reduction against rule-based EMSs and classical PSO/GA, and a 15% improvement in forecast accuracy using an LM-trained MLP-ANN. Moreover, demand response programs embodied in the system reduce peak loads by 7.5% further enhancing grid stability. The MLP-ANN forecasting–MCO optimization duet is an effective and cost-competitive decentralized microgrid management solution under uncertainty. Full article
Show Figures

Figure 1

22 pages, 1201 KiB  
Article
A Comparison of the Black Hole Algorithm Against Conventional Training Strategies for Neural Networks
by Péter Veres
Mathematics 2025, 13(15), 2416; https://doi.org/10.3390/math13152416 - 27 Jul 2025
Viewed by 181
Abstract
Artificial Intelligence continues to demand robust and adaptable training methods for neural networks, particularly in scenarios involving limited computational resources or noisy, complex data. This study presents a comparative analysis of four training algorithms, Backpropagation, Genetic Algorithm, Black-hole Algorithm, and Particle Swarm Optimization, [...] Read more.
Artificial Intelligence continues to demand robust and adaptable training methods for neural networks, particularly in scenarios involving limited computational resources or noisy, complex data. This study presents a comparative analysis of four training algorithms, Backpropagation, Genetic Algorithm, Black-hole Algorithm, and Particle Swarm Optimization, evaluated across both classification and regression tasks. Each method was implemented from scratch in MATLAB ver. R2024a, avoiding reliance on pre-optimized libraries to isolate algorithmic behavior. Two types of datasets were used, namely a synthetic benchmark dataset and a real-world dataset preprocessed into classification and regression formats. All algorithms were tested in both basic and advanced forms using consistent network architectures and training constraints. Results indicate that while Backpropagation maintained strong performance in smooth regression settings, the Black-hole and PSO algorithms demonstrated more stable and faster initial progress in noisy or discrete classification tasks. These findings highlight the practical viability of the Black-hole Algorithm as a competitive, gradient-free alternative for neural network training, particularly in early-stage learning or hybrid optimization frameworks. Full article
Show Figures

Figure 1

30 pages, 5542 KiB  
Article
SVRG-AALR: Stochastic Variance-Reduced Gradient Method with Adaptive Alternating Learning Rate for Training Deep Neural Networks
by Shiyun Zou, Hua Qin, Guolin Yang and Pengfei Wang
Electronics 2025, 14(15), 2979; https://doi.org/10.3390/electronics14152979 - 25 Jul 2025
Viewed by 170
Abstract
The stochastic variance-reduced gradient (SVRG) theory is particularly well-suited for addressing gradient variance in deep neural network (DNN) training; however, its direct application to DNN training is hindered by adaptation challenges. To tackle this issue, the present paper proposes a series of strategies [...] Read more.
The stochastic variance-reduced gradient (SVRG) theory is particularly well-suited for addressing gradient variance in deep neural network (DNN) training; however, its direct application to DNN training is hindered by adaptation challenges. To tackle this issue, the present paper proposes a series of strategies focused on adaptive alternating learning rates to effectively adapt SVRG for DNN training. Firstly, within the outer loop of SVRG, both the full gradient and the learning rate specific to DNN training are computed. For two distinct formulas used for calculating the learning rate, an alternating strategy is introduced that employs them alternately across iterations. This approach allows for simultaneous provision of diverse guidance information regarding parameter change rates and gradient change rates during DNN weight updates. Additionally, a threshold method is utilized to correct the learning rate into an appropriate range, thereby accelerating convergence. Secondly, in the inner loop of SVRG, DNN weights are updated using mini-batch average gradient along with the proposed learning rate. Concurrently, mini-batch average gradients from each iteration within the inner loop are refined and aggregated into a single gradient exhibiting reduced variance through an inertia strategy. This refined gradient is then relayed back to the outer loop to recalculate the new learning rate. The efficacy of the proposed algorithm has been validated on models including LeNet, VGG11, ResNet34, and DenseNet121 while being compared against several classic and advanced optimizers. Experimental results demonstrate that the proposed algorithm exhibits remarkable training robustness across DNN models with diverse characteristics. In terms of training convergence, the proposed algorithm demonstrates competitiveness with state-of-the-art algorithms, such as Lion, developed by the Google Brain team. Full article
(This article belongs to the Special Issue Advances in Machine Learning for Image Classification)
Show Figures

Figure 1

20 pages, 1354 KiB  
Article
On the Development of a Neural Network Architecture for Magnetometer-Based UXO Classification
by Piotr Ściegienka and Marcin Blachnik
Appl. Sci. 2025, 15(15), 8274; https://doi.org/10.3390/app15158274 - 25 Jul 2025
Viewed by 186
Abstract
The classification of Unexploded Ordnance (UXO) from magnetometer data is a critical but challenging task, frequently hindered by the data scarcity required for training robust machine learning models. To address this, we leverage a high-fidelity digital twin to generate a comprehensive dataset of [...] Read more.
The classification of Unexploded Ordnance (UXO) from magnetometer data is a critical but challenging task, frequently hindered by the data scarcity required for training robust machine learning models. To address this, we leverage a high-fidelity digital twin to generate a comprehensive dataset of magnetometer signals from both UXO and non-UXO objects, incorporating complex remanent magnetization effects. In this study, we design and evaluate a custom Convolutional Neural Network (CNN) for UXO classification and compare it against classical machine learning baseline, including Random Forest and kNN. Our CNN model achieves a balanced accuracy of 84.65%, significantly outperforming traditional models that exhibit performance collapse under slight distortions such as additive noise, drift, and time-wrapping. Additionally, we present a compact two-block CNN variant that retains competitive accuracy while reducing the number of learnable parameters by approximately 33%, making it suitable for real-time onboard classification in underwater vehicle missions. Through extensive ablation studies, we confirm that architectural components, such as residual skip connections and element-wise batch normalization, are crucial for achieving model stability and performance. The results also highlight the practical implications of underwater vehicles for survey design, emphasizing the need to mitigate signal drift and maintain constant survey speeds. This work not only provides a robust deep learning model for UXO classification, but also offers actionable suggestions for improving both model deployment and data acquisition protocols in the field. Full article
(This article belongs to the Section Marine Science and Engineering)
Show Figures

Figure 1

18 pages, 4490 KiB  
Article
Tandem Neural Network Based Design of Acoustic Metamaterials for Low-Frequency Vibration Reduction in Automobiles
by Jianjiao Deng, Jiawei Wu, Xi Chen, Xinpeng Zhang, Shoukui Li, Yu Song, Jian Wu, Jing Xu, Shiqi Deng and Yudong Wu
Crystals 2025, 15(8), 676; https://doi.org/10.3390/cryst15080676 - 24 Jul 2025
Viewed by 300
Abstract
Automotive NVH (Noise, Vibration, and Harshness) performance significantly impacts driving comfort and traffic safety. Vehicles exhibiting superior NVH characteristics are more likely to achieve consumer acceptance and enhance their competitiveness in the marketplace. In the development of automotive NVH performance, traditional vibration reduction [...] Read more.
Automotive NVH (Noise, Vibration, and Harshness) performance significantly impacts driving comfort and traffic safety. Vehicles exhibiting superior NVH characteristics are more likely to achieve consumer acceptance and enhance their competitiveness in the marketplace. In the development of automotive NVH performance, traditional vibration reduction methods have proven to be mature and widely implemented. However, due to constraints related to size and weight, these methods typically address only high-frequency vibration control. Consequently, they struggle to effectively mitigate vehicle body and component vibration noise at frequencies below 200 Hz. In recent years, acoustic metamaterials (AMMs) have emerged as a promising solution for suppressing low-frequency vibrations. This development offers a novel approach for low-frequency vibration control. Nevertheless, conventional design methodologies for AMMs predominantly rely on empirical knowledge and necessitate continuous parameter adjustments to achieve desired bandgap characteristics—an endeavor that entails extensive calculations and considerable time investment. With advancements in machine learning technology, more efficient design strategies have become feasible. This paper presents a tandem neural network (TNN) specifically developed for the design of AMMs. The trained neural network is capable of deriving both the bandgap characteristics from the design parameters of AMMs as well as deducing requisite design parameters based on specified bandgap targets. Focusing on addressing low-frequency vibrations in the back frame of automobile seats, this method facilitates the determination of necessary AMMs design parameters. Experimental results demonstrate that this approach can effectively guide AMMs designs with both speed and accuracy, and the designed AMMs achieved an impressive vibration attenuation rate of 63.6%. Full article
(This article belongs to the Special Issue Metamaterials and Their Devices, Second Edition)
Show Figures

Figure 1

23 pages, 1005 KiB  
Article
Local Back-Propagation for Forward-Forward Networks: Independent Unsupervised Layer-Wise Training
by Taewook Hwang, Hyein Seo and Sangkeun Jung
Appl. Sci. 2025, 15(15), 8207; https://doi.org/10.3390/app15158207 - 23 Jul 2025
Viewed by 173
Abstract
Recent deep learning models, including GPT-4, have achieved remarkable performance using the back-propagation (BP) algorithm. However, the mechanism of BP is fundamentally different from how the human brain processes learning. To address this discrepancy, the Forward-Forward (FF) algorithm was introduced. Although FF enables [...] Read more.
Recent deep learning models, including GPT-4, have achieved remarkable performance using the back-propagation (BP) algorithm. However, the mechanism of BP is fundamentally different from how the human brain processes learning. To address this discrepancy, the Forward-Forward (FF) algorithm was introduced. Although FF enables deep learning without backward passes, it suffers from instability, dependence on artificial input construction, and limited generalizability. To overcome these challenges, we propose Local Back-Propagation (LBP), a method that integrates layer-wise unsupervised learning with standard inputs and conventional loss functions. Specifically, LBP demonstrates high training stability and competitive accuracy, significantly outperforming FF-based training methods. Moreover, LBP reduces memory usage by up to 48% compared to convolutional neural networks trained with back-propagation, making it particularly suitable for resource-constrained environments such as federated learning. These results suggest that LBP is a promising biologically inspired training method for decentralized deep learning. Full article
Show Figures

Figure 1

29 pages, 5118 KiB  
Article
Effective Comparison of Thermo-Mechanical Characteristics of Self-Compacting Concretes Through Machine Learning-Based Predictions
by Armando La Scala and Leonarda Carnimeo
Fire 2025, 8(8), 289; https://doi.org/10.3390/fire8080289 - 23 Jul 2025
Viewed by 296
Abstract
This present study proposes different machine learning-based predictors for the assessment of the residual compressive strength of Self-Compacting Concrete (SCC) subjected to high temperatures. The investigation is based on several literature algorithmic approaches based on Artificial Neural Networks with distinct training algorithms (Bayesian [...] Read more.
This present study proposes different machine learning-based predictors for the assessment of the residual compressive strength of Self-Compacting Concrete (SCC) subjected to high temperatures. The investigation is based on several literature algorithmic approaches based on Artificial Neural Networks with distinct training algorithms (Bayesian Regularization, Levenberg–Marquardt, Scaled Conjugate Gradient, and Resilient Backpropagation), Support Vector Regression, and Random Forest methods. A training database of 150 experimental data points is derived from a careful literature review, incorporating temperature (20–800 °C), geometric ratio (height/diameter), and corresponding compressive strength values. A statistical analysis revealed complex non-linear relationships between variables, with strong negative correlation between temperature and strength and heteroscedastic data distribution, justifying the selection of advanced machine learning techniques. Feature engineering improved model performance through the incorporation of quadratic terms, interaction variables, and cyclic transformations. The Resilient Backpropagation algorithm demonstrated superior performance with the lowest prediction errors, followed by Bayesian Regularization. Support Vector Regression achieved competitive accuracy despite its simpler architecture. Experimental validation using specimens tested up to 800 °C showed a good reliability of the developed systems, with prediction errors ranging from 0.33% to 23.35% across different temperature ranges. Full article
Show Figures

Figure 1

20 pages, 7720 KiB  
Article
Comparative Evaluation of Nonparametric Density Estimators for Gaussian Mixture Models with Clustering Support
by Tomas Ruzgas, Gintaras Stankevičius, Birutė Narijauskaitė and Jurgita Arnastauskaitė Zencevičienė
Axioms 2025, 14(8), 551; https://doi.org/10.3390/axioms14080551 - 23 Jul 2025
Viewed by 148
Abstract
The article investigates the accuracy of nonparametric univariate density estimation methods applied to various Gaussian mixture models. A comprehensive comparative analysis is performed for four popular estimation approaches: adaptive kernel density estimation, projection pursuit, log-spline estimation, and wavelet-based estimation. The study is extended [...] Read more.
The article investigates the accuracy of nonparametric univariate density estimation methods applied to various Gaussian mixture models. A comprehensive comparative analysis is performed for four popular estimation approaches: adaptive kernel density estimation, projection pursuit, log-spline estimation, and wavelet-based estimation. The study is extended with modified versions of these methods, where the sample is first clustered using the EM algorithm based on Gaussian mixture components prior to density estimation. Estimation accuracy is quantitatively evaluated using MAE and MAPE criteria, with simulation experiments conducted over 100,000 replications for various sample sizes. The results show that estimation accuracy strongly depends on the density structure, sample size, and degree of component overlap. Clustering before density estimation significantly improves accuracy for multimodal and asymmetric densities. Although no formal statistical tests are conducted, the performance improvement is validated through non-overlapping confidence intervals obtained from 100,000 simulation replications. In addition, several decision-making systems are compared for automatically selecting the most appropriate estimation method based on the sample’s statistical features. Among the tested systems, kernel discriminant analysis yielded the lowest error rates, while neural networks and hybrid methods showed competitive but more variable performance depending on the evaluation criterion. The findings highlight the importance of using structurally adaptive estimators and automation of method selection in nonparametric statistics. The article concludes with recommendations for method selection based on sample characteristics and outlines future research directions, including extensions to multivariate settings and real-time decision-making systems. Full article
Show Figures

Figure 1

27 pages, 3888 KiB  
Article
Deep Learning-Based Algorithm for the Classification of Left Ventricle Segments by Hypertrophy Severity
by Wafa Baccouch, Bilel Hasnaoui, Narjes Benameur, Abderrazak Jemai, Dhaker Lahidheb and Salam Labidi
J. Imaging 2025, 11(7), 244; https://doi.org/10.3390/jimaging11070244 - 20 Jul 2025
Viewed by 337
Abstract
In clinical practice, left ventricle hypertrophy (LVH) continues to pose a considerable challenge, highlighting the need for more reliable diagnostic approaches. This study aims to propose an automated framework for the quantification of LVH extent and the classification of myocardial segments according to [...] Read more.
In clinical practice, left ventricle hypertrophy (LVH) continues to pose a considerable challenge, highlighting the need for more reliable diagnostic approaches. This study aims to propose an automated framework for the quantification of LVH extent and the classification of myocardial segments according to hypertrophy severity using a deep learning-based algorithm. The proposed method was validated on 133 subjects, including both healthy individuals and patients with LVH. The process starts with automatic LV segmentation using U-Net and the segmentation of the left ventricle cavity based on the American Heart Association (AHA) standards, followed by the division of each segment into three equal sub-segments. Then, an automated quantification of regional wall thickness (RWT) was performed. Finally, a convolutional neural network (CNN) was developed to classify each myocardial sub-segment according to hypertrophy severity. The proposed approach demonstrates strong performance in contour segmentation, achieving a Dice Similarity Coefficient (DSC) of 98.47% and a Hausdorff Distance (HD) of 6.345 ± 3.5 mm. For thickness quantification, it reaches a minimal mean absolute error (MAE) of 1.01 ± 1.16. Regarding segment classification, it achieves competitive performance metrics compared to state-of-the-art methods with an accuracy of 98.19%, a precision of 98.27%, a recall of 99.13%, and an F1-score of 98.7%. The obtained results confirm the high performance of the proposed method and highlight its clinical utility in accurately assessing and classifying cardiac hypertrophy. This approach provides valuable insights that can guide clinical decision-making and improve patient management strategies. Full article
(This article belongs to the Section Medical Imaging)
Show Figures

Figure 1

17 pages, 2719 KiB  
Article
State of Health Prediction for Lithium-Ion Batteries Based on Gated Temporal Network Assisted by Improved Grasshopper Optimization
by Xiankun Wei, Silun Peng and Mingli Mo
Energies 2025, 18(14), 3856; https://doi.org/10.3390/en18143856 - 20 Jul 2025
Viewed by 290
Abstract
Accurate SOH prediction provides a reliable reference for lithium-ion battery maintenance. However, novel algorithms are still needed because few studies have considered the correlations between monitored parameters in Euclidean space and non-Euclidean space at different time points. To address this challenge, a novel [...] Read more.
Accurate SOH prediction provides a reliable reference for lithium-ion battery maintenance. However, novel algorithms are still needed because few studies have considered the correlations between monitored parameters in Euclidean space and non-Euclidean space at different time points. To address this challenge, a novel gated-temporal network assisted by improved grasshopper optimization (IGOA-GGNN-TCN) is developed. In this model, features obtained from lithium-ion batteries are used to construct graph data based on cosine similarity. On this basis, the GGNN-TCN is employed to obtain the potential correlations between monitored parameters in Euclidean and non-Euclidean spaces. Furthermore, IGOA is introduced to overcome the issue of hyperparameter optimization for GGNN-TCN, improving the convergence speed and the local optimal problem. Competitive results on the Oxford dataset indicate that the SOH prediction performance of proposed IGOA-GGNN-TCN surpasses conventional methods, such as convolutional neural networks (CNNs) and gate recurrent unit (GRUs), achieving an R2 value greater than 0.99. The experimental results demonstrate that the proposed IGOA-GGNN-TCN framework offers a novel and effective approach for state-of-health (SOH) estimation in lithium-ion batteries. By integrating improved grasshopper optimization (IGOA) with hybrid graph-temporal modeling, the method achieves superior prediction accuracy compared to conventional techniques, providing a promising tool for battery management systems in real-world applications. Full article
(This article belongs to the Special Issue AI Solutions for Energy Management: Smart Grids and EV Charging)
Show Figures

Figure 1

22 pages, 7609 KiB  
Article
Generalizable Potential Supplier Recommendation Under Small-Sized Datasets via Adaptive Feature Perception Model
by Qinglong Wu, Lingling Tang, Zhisen Chen and Xiaochen Zhang
Symmetry 2025, 17(7), 1152; https://doi.org/10.3390/sym17071152 - 18 Jul 2025
Viewed by 221
Abstract
Precisely deciding potential suppliers enables companies to engage with high-caliber partners that fulfill their strategic development requirements, bolster their core competitiveness, and foster sustainable market growth. To mitigate the challenges enterprises face in selecting appropriate suppliers, a recommendation method for potential suppliers tailored [...] Read more.
Precisely deciding potential suppliers enables companies to engage with high-caliber partners that fulfill their strategic development requirements, bolster their core competitiveness, and foster sustainable market growth. To mitigate the challenges enterprises face in selecting appropriate suppliers, a recommendation method for potential suppliers tailored to a small-sized dataset is proposed. This approach employs an enhanced Graph Convolutional Neural Network (GCNN) to resolve the accuracy deficiencies in supplier recommendations within a limited dataset. Initially, a supply preference network is created to ascertain the topological relationship between the company and its suppliers. Subsequently, the GCNN is enhanced through dual-path refinements in network structure and loss function, culminating in the adaptive feature perception model. Thereafter, the adaptive feature perception model is employed to adaptively learn the topological relationship and extract the company’s procurement preference vector from the trained model. A matching approach is employed to produce a recommended supplier list for the company. A case study involving 143 publicly listed companies is presented, revealing that the proposed method markedly enhances the accuracy of potential supplier recommendations on a small-sized dataset, thereby offering a dependable and efficient approach for enterprises to effectively evaluate potential suppliers with limited data. Full article
(This article belongs to the Section Computer)
Show Figures

Figure 1

15 pages, 1828 KiB  
Article
The Effect of Anti-Inflammatory Dimethylmalonic Acid on the Neurobehavioral Phenotype of a Neonatal ASD Model Induced by Antiepileptic Valproic Acid
by Xiuwen Zhou, Xiaowen Xu, Lili Li, Yiming Jin, Qing Wang, Xinxin Wang, Meifang Jin and Hong Ni
Biomedicines 2025, 13(7), 1765; https://doi.org/10.3390/biomedicines13071765 - 18 Jul 2025
Viewed by 301
Abstract
Background: Valproic acid (VPA) is a medication used to treat epilepsy, bipolar disorder, and migraine. If taken during pregnancy, it can cause neural tube defects (NTDs) and leads to offspring ASD behavioral phenotype. It has recently been found that early postnatal VPA [...] Read more.
Background: Valproic acid (VPA) is a medication used to treat epilepsy, bipolar disorder, and migraine. If taken during pregnancy, it can cause neural tube defects (NTDs) and leads to offspring ASD behavioral phenotype. It has recently been found that early postnatal VPA exposure can also induce the ASD phenotype, but the details of model production and intervention still need further investigation. Dimethylmalonic acid (DMM), a competitive inhibitor of succinate dehydrogenase, blocks the key element succinate of OXPHOS, decreasing the secretion of anti-inflammatory cytokines and ROS production. However, it is still unclear whether DMM is involved in the repair of developmental brain injuries. Objectives: The aim of this study was to evaluate the intervention effect and optimal dosage of DMM on behavioral phenotypes using a neonatal mouse VPA autism model. Methods: This experiment consists of two parts. The first part observed the effects of different concentrations of VPA on the development and neurobehavioral phenotype of mice. The second part determined the intervention effect of DMM on a developmental VPA autism model and determined the optimal therapeutic dose. Results: We found that the 40 mg/mL concentration had a greater impact on the neural reflex damage in mice. Moreover, DMM treatment can partially improve the neurobehavioral damage in the VPA model, and 20 mg/kg has the best intervention effect. Conclusions: This study provides valuable model construction data for further exploring the mechanism of DMM treatment for an ASD phenotype induced by VPA exposure in neonates. Full article
(This article belongs to the Special Issue Neuroinflammation and Neuroprotection)
Show Figures

Figure 1

19 pages, 4026 KiB  
Article
The Fusion of Focused Spectral and Image Texture Features: A New Exploration of the Nondestructive Detection of Degeneration Degree in Pleurotus geesteranus
by Yifan Jiang, Jin Shang, Yueyue Cai, Shiyang Liu, Ziqin Liao, Jie Pang, Yong He and Xuan Wei
Agriculture 2025, 15(14), 1546; https://doi.org/10.3390/agriculture15141546 - 18 Jul 2025
Viewed by 262
Abstract
The degradation of edible fungi can lead to a decrease in cultivation yield and economic losses. In this study, a nondestructive detection method for strain degradation based on the fusion of hyperspectral technology and image texture features is presented. Hyperspectral and microscopic image [...] Read more.
The degradation of edible fungi can lead to a decrease in cultivation yield and economic losses. In this study, a nondestructive detection method for strain degradation based on the fusion of hyperspectral technology and image texture features is presented. Hyperspectral and microscopic image data were acquired from Pleurotus geesteranus strains exhibiting varying degrees of degradation, followed by preprocessing using Savitzky–Golay smoothing (SG), multivariate scattering correction (MSC), and standard normal variate transformation (SNV). Spectral features were extracted by the successive projections algorithm (SPA), competitive adaptive reweighted sampling (CARS), and principal component analysis (PCA), while the texture features were derived using gray-level co-occurrence matrix (GLCM) and local binary pattern (LBP) models. The spectral and texture features were then fused and used to construct a classification model based on convolutional neural networks (CNN). The results showed that combining hyperspectral and image texture features significantly improved the classification accuracy. Among the tested models, the CARS + LBP-CNN configuration achieved the best performance, with an overall accuracy of 95.6% and a kappa coefficient of 0.96. This approach provides a new technical solution for the nondestructive detection of strain degradation in Pleurotus geesteranus. Full article
(This article belongs to the Section Agricultural Product Quality and Safety)
Show Figures

Figure 1

Back to TopTop