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

Search Results (7,871)

Search Parameters:
Keywords = crossing networks

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
24 pages, 3087 KiB  
Article
Photoplethysmogram (PPG)-Based Biometric Identification Using 2D Signal Transformation and Multi-Scale Feature Fusion
by Yuanyuan Xu, Zhi Wang and Xiaochang Liu
Sensors 2025, 25(15), 4849; https://doi.org/10.3390/s25154849 (registering DOI) - 7 Aug 2025
Abstract
Using Photoplethysmogram (PPG) signals for identity recognition has been proven effective in biometric authentication. However, in real-world applications, PPG signals are prone to interference from noise, physical activity, diseases, and other factors, making it challenging to ensure accurate user recognition and verification in [...] Read more.
Using Photoplethysmogram (PPG) signals for identity recognition has been proven effective in biometric authentication. However, in real-world applications, PPG signals are prone to interference from noise, physical activity, diseases, and other factors, making it challenging to ensure accurate user recognition and verification in complex environments. To address these issues, this paper proposes an improved MSF-SE ResNet50 (Multi-Scale Feature Squeeze-and-Excitation ResNet50) model based on 2D PPG signals. Unlike most existing methods that directly process one-dimensional PPG signals, this paper adopts a novel approach based on two-dimensional PPG signal processing. By applying Continuous Wavelet Transform (CWT), the preprocessed one-dimensional PPG signal is transformed into a two-dimensional time-frequency map, which not only preserves the time-frequency characteristics of the signal but also provides richer spatial information. During the feature extraction process, the SENet module is first introduced to enhance the ability to extract distinctive features. Next, a novel Lightweight Multi-Scale Feature Fusion (LMSFF) module is proposed, which addresses the limitation of single-scale feature extraction in existing methods by employing parallel multi-scale convolutional operations. Finally, cross-stage feature fusion is implemented, overcoming the limitations of traditional feature fusion methods. These techniques work synergistically to improve the model’s performance. On the BIDMC dataset, the MSF-SE ResNet50 model achieved accuracy, precision, recall, and F1 scores of 98.41%, 98.19%, 98.27%, and 98.23%, respectively. Compared to existing state-of-the-art methods, the proposed model demonstrates significant improvements across all evaluation metrics, highlighting its significance in terms of network architecture and performance. Full article
(This article belongs to the Section Biomedical Sensors)
Show Figures

Figure 1

25 pages, 7961 KiB  
Article
A Multi-Layer Attention Knowledge Tracking Method with Self-Supervised Noise Tolerance
by Haifeng Wang, Hao Liu, Yanling Ge and Zhihao Yu
Appl. Sci. 2025, 15(15), 8717; https://doi.org/10.3390/app15158717 (registering DOI) - 6 Aug 2025
Abstract
The knowledge tracing method based on deep learning is used to assess learners’ cognitive states, laying the foundation for personalized education. However, deep learning methods are inefficient when processing long-term series data and are prone to overfitting. To improve the accuracy of cognitive [...] Read more.
The knowledge tracing method based on deep learning is used to assess learners’ cognitive states, laying the foundation for personalized education. However, deep learning methods are inefficient when processing long-term series data and are prone to overfitting. To improve the accuracy of cognitive state prediction, we design a Multi-layer Attention Self-supervised Knowledge Tracing Method (MASKT) using self-supervised learning and the Transformer method. In the pre-training stage, MASKT uses a random forest method to filter out positive and negative correlation feature embeddings; then, it reuses noise-processed restoration tasks to extract more learnable features and enhance the learning ability of the model. The Transformer in MASKT not only solves the problem of long-term dependencies between input and output using an attention mechanism, but also has parallel computing capabilities that can effectively improve the learning efficiency of the prediction model. Finally, a multidimensional attention mechanism is integrated into cross-attention to further optimize prediction performance. The experimental results show that, compared with various knowledge tracing models on multiple datasets, MASKT’s prediction performance remains 2 percentage points higher. Compared with the multidimensional attention mechanism of graph neural networks, MASKT’s time efficiency is shortened by nearly 30%. Due to the improvement in prediction accuracy and performance, this method has broad application prospects in the field of cognitive diagnosis in intelligent education. Full article
Show Figures

Figure 1

35 pages, 5286 KiB  
Article
A Multi-Class Intrusion Detection System for DDoS Attacks in IoT Networks Using Deep Learning and Transformers
by Sheikh Abdul Wahab, Saira Sultana, Noshina Tariq, Maleeha Mujahid, Javed Ali Khan and Alexios Mylonas
Sensors 2025, 25(15), 4845; https://doi.org/10.3390/s25154845 - 6 Aug 2025
Abstract
The rapid proliferation of Internet of Things (IoT) devices has significantly increased vulnerability to Distributed Denial of Service (DDoS) attacks, which can severely disrupt network operations. DDoS attacks in IoT networks disrupt communication and compromise service availability, causing severe operational and economic losses. [...] Read more.
The rapid proliferation of Internet of Things (IoT) devices has significantly increased vulnerability to Distributed Denial of Service (DDoS) attacks, which can severely disrupt network operations. DDoS attacks in IoT networks disrupt communication and compromise service availability, causing severe operational and economic losses. In this paper, we present a Deep Learning (DL)-based Intrusion Detection System (IDS) tailored for IoT environments. Our system employs three architectures—Convolutional Neural Networks (CNNs), Deep Neural Networks (DNNs), and Transformer-based models—to perform binary, three-class, and 12-class classification tasks on the CiC IoT 2023 dataset. Data preprocessing includes log normalization to stabilize feature distributions and SMOTE-based oversampling to mitigate class imbalance. Experiments on the CIC-IoT 2023 dataset show that, in the binary classification task, the DNN achieved 99.2% accuracy, the CNN 99.0%, and the Transformer 98.8%. In three-class classification (benign, DDoS, and non-DDoS), all models attained near-perfect performance (approximately 99.9–100%). In the 12-class scenario (benign plus 12 attack types), the DNN, CNN, and Transformer reached 93.0%, 92.7%, and 92.5% accuracy, respectively. The high precision, recall, and ROC-AUC values corroborate the efficacy and generalizability of our approach for IoT DDoS detection. Comparative analysis indicates that our proposed IDS outperforms state-of-the-art methods in terms of detection accuracy and efficiency. These results underscore the potential of integrating advanced DL models into IDS frameworks, thereby providing a scalable and effective solution to secure IoT networks against evolving DDoS threats. Future work will explore further enhancements, including the use of deeper Transformer architectures and cross-dataset validation, to ensure robustness in real-world deployments. Full article
(This article belongs to the Section Internet of Things)
38 pages, 2332 KiB  
Article
Decision Tree Pruning with Privacy-Preserving Strategies
by Yee Jian Chew, Shih Yin Ooi, Ying Han Pang and Zheng You Lim
Electronics 2025, 14(15), 3139; https://doi.org/10.3390/electronics14153139 - 6 Aug 2025
Abstract
Machine learning techniques, particularly decision trees, have been extensively utilized in Network-based Intrusion Detection Systems (NIDSs) due to their transparent, rule-based structures that enable straightforward interpretation. However, this transparency presents privacy risks, as decision trees may inadvertently expose sensitive information such as network [...] Read more.
Machine learning techniques, particularly decision trees, have been extensively utilized in Network-based Intrusion Detection Systems (NIDSs) due to their transparent, rule-based structures that enable straightforward interpretation. However, this transparency presents privacy risks, as decision trees may inadvertently expose sensitive information such as network configurations or IP addresses. In our previous work, we introduced a sensitive pruning-based decision tree to mitigate these risks within a limited dataset and basic pruning framework. In this extended study, three privacy-preserving pruning strategies are proposed: standard sensitive pruning, which conceals specific sensitive attribute values; optimistic sensitive pruning, which further simplifies the decision tree when the sensitive splits are minimal; and pessimistic sensitive pruning, which aggressively removes entire subtrees to maximize privacy protection. The methods are implemented using the J48 (Weka C4.5 package) decision tree algorithm and are rigorously validated across three full-scale NIDS datasets: GureKDDCup, UNSW-NB15, and CIDDS-001. To ensure a realistic evaluation of time-dependent intrusion patterns, a rolling-origin resampling scheme is employed in place of conventional cross-validation. Additionally, IP address truncation and port bilateral classification are incorporated to further enhance privacy preservation. Experimental results demonstrate that the proposed pruning strategies effectively reduce the exposure of sensitive information, significantly simplify decision tree structures, and incur only minimal reductions in classification accuracy. These findings reaffirm that privacy protection can be successfully integrated into decision tree models without severely compromising detection performance. To further support the proposed pruning strategies, this study also includes a comprehensive review of decision tree post-pruning techniques. Full article
19 pages, 1185 KiB  
Article
PredictMed-CDSS: Artificial Intelligence-Based Decision Support System Predicting the Probability to Develop Neuromuscular Hip Dysplasia
by Carlo M. Bertoncelli, Federico Solla, Michal Latalski, Sikha Bagui, Subhash C. Bagui, Stefania Costantini and Domenico Bertoncelli
Bioengineering 2025, 12(8), 846; https://doi.org/10.3390/bioengineering12080846 (registering DOI) - 6 Aug 2025
Abstract
Neuromuscular hip dysplasia (NHD) is a common deformity in children with cerebral palsy (CP). Although some predictive factors of NHD are known, the prediction of NHD is in its infancy. We present a Clinical Decision Support System (CDSS) designed to calculate the probability [...] Read more.
Neuromuscular hip dysplasia (NHD) is a common deformity in children with cerebral palsy (CP). Although some predictive factors of NHD are known, the prediction of NHD is in its infancy. We present a Clinical Decision Support System (CDSS) designed to calculate the probability of developing NHD in children with CP. The system utilizes an ensemble of three machine learning (ML) algorithms: Neural Network (NN), Support Vector Machine (SVM), and Logistic Regression (LR). The development and evaluation of the CDSS followed the DECIDE-AI guidelines for AI-driven clinical decision support tools. The ensemble was trained on a data series from 182 subjects. Inclusion criteria were age between 12 and 18 years and diagnosis of CP from two specialized units. Clinical and functional data were collected prospectively between 2005 and 2023, and then analyzed in a cross-sectional study. Accuracy and area under the receiver operating characteristic (AUROC) were calculated for each method. Best logistic regression scores highlighted history of previous orthopedic surgery (p = 0.001), poor motor function (p = 0.004), truncal tone disorder (p = 0.008), scoliosis (p = 0.031), number of affected limbs (p = 0.05), and epilepsy (p = 0.05) as predictors of NHD. Both accuracy and AUROC were highest for NN, 83.7% and 0.92, respectively. The novelty of this study lies in the development of an efficient Clinical Decision Support System (CDSS) prototype, specifically designed to predict future outcomes of neuromuscular hip dysplasia (NHD) in patients with cerebral palsy (CP) using clinical data. The proposed system, PredictMed-CDSS, demonstrated strong predictive performance for estimating the probability of NHD development in children with CP, with the highest accuracy achieved using neural networks (NN). PredictMed-CDSS has the potential to assist clinicians in anticipating the need for early interventions and preventive strategies in the management of NHD among CP patients. Full article
Show Figures

Figure 1

23 pages, 6490 KiB  
Article
LISA-YOLO: A Symmetry-Guided Lightweight Small Object Detection Framework for Thyroid Ultrasound Images
by Guoqing Fu, Guanghua Gu, Wen Liu and Hao Fu
Symmetry 2025, 17(8), 1249; https://doi.org/10.3390/sym17081249 - 6 Aug 2025
Abstract
Non-invasive ultrasound diagnosis, combined with deep learning, is frequently used for detecting thyroid diseases. However, real-time detection on portable devices faces limitations due to constrained computational resources, and existing models often lack sufficient capability for small object detection of thyroid nodules. To address [...] Read more.
Non-invasive ultrasound diagnosis, combined with deep learning, is frequently used for detecting thyroid diseases. However, real-time detection on portable devices faces limitations due to constrained computational resources, and existing models often lack sufficient capability for small object detection of thyroid nodules. To address this, this paper proposes an improved lightweight small object detection network framework called LISA-YOLO, which enhances the lightweight multi-scale collaborative fusion algorithm. The proposed framework exploits the inherent symmetrical characteristics of ultrasound images and the symmetrical architecture of the detection network to better capture and represent features of thyroid nodules. Specifically, an improved depthwise separable convolution algorithm replaces traditional convolution to construct a lightweight network (DG-FNet). Through symmetrical cross-scale fusion operations via FPN, detection accuracy is maintained while reducing computational overhead. Additionally, an improved bidirectional feature network (IMS F-NET) fully integrates the semantic and detailed information of high- and low-level features symmetrically, enhancing the representation capability for multi-scale features and improving the accuracy of small object detection. Finally, a collaborative attention mechanism (SAF-NET) uses a dual-channel and spatial attention mechanism to adaptively calibrate channel and spatial weights in a symmetric manner, effectively suppressing background noise and enabling the model to focus on small target areas in thyroid ultrasound images. Extensive experiments on two image datasets demonstrate that the proposed method achieves improvements of 2.3% in F1 score, 4.5% in mAP, and 9.0% in FPS, while maintaining only 2.6 M parameters and reducing GFLOPs from 6.1 to 5.8. The proposed framework provides significant advancements in lightweight real-time detection and demonstrates the important role of symmetry in enhancing the performance of ultrasound-based thyroid diagnosis. Full article
(This article belongs to the Section Computer)
Show Figures

Figure 1

23 pages, 85184 KiB  
Article
MB-MSTFNet: A Multi-Band Spatio-Temporal Attention Network for EEG Sensor-Based Emotion Recognition
by Cheng Fang, Sitong Liu and Bing Gao
Sensors 2025, 25(15), 4819; https://doi.org/10.3390/s25154819 - 5 Aug 2025
Abstract
Emotion analysis based on electroencephalogram (EEG) sensors is pivotal for human–machine interaction yet faces key challenges in spatio-temporal feature fusion and cross-band and brain-region integration from multi-channel sensor-derived signals. This paper proposes MB-MSTFNet, a novel framework for EEG emotion recognition. The model constructs [...] Read more.
Emotion analysis based on electroencephalogram (EEG) sensors is pivotal for human–machine interaction yet faces key challenges in spatio-temporal feature fusion and cross-band and brain-region integration from multi-channel sensor-derived signals. This paper proposes MB-MSTFNet, a novel framework for EEG emotion recognition. The model constructs a 3D tensor to encode band–space–time correlations of sensor data, explicitly modeling frequency-domain dynamics and spatial distributions of EEG sensors across brain regions. A multi-scale CNN-Inception module extracts hierarchical spatial features via diverse convolutional kernels and pooling operations, capturing localized sensor activations and global brain network interactions. Bi-directional GRUs (BiGRUs) model temporal dependencies in sensor time-series, adept at capturing long-range dynamic patterns. Multi-head self-attention highlights critical time windows and brain regions by assigning adaptive weights to relevant sensor channels, suppressing noise from non-contributory electrodes. Experiments on the DEAP dataset, containing multi-channel EEG sensor recordings, show that MB-MSTFNet achieves 96.80 ± 0.92% valence accuracy, 98.02 ± 0.76% arousal accuracy for binary classification tasks, and 92.85 ± 1.45% accuracy for four-class classification. Ablation studies validate that feature fusion, bidirectional temporal modeling, and multi-scale mechanisms significantly enhance performance by improving feature complementarity. This sensor-driven framework advances affective computing by integrating spatio-temporal dynamics and multi-band interactions of EEG sensor signals, enabling efficient real-time emotion recognition. Full article
(This article belongs to the Section Intelligent Sensors)
Show Figures

Figure 1

21 pages, 3733 KiB  
Article
DNO-RL: A Reinforcement-Learning-Based Approach to Dynamic Noise Optimization for Differential Privacy
by Guixin Wang, Xiangfei Liu, Yukun Zheng, Zeyu Zhang and Zhiming Cai
Electronics 2025, 14(15), 3122; https://doi.org/10.3390/electronics14153122 - 5 Aug 2025
Abstract
With the globalized deployment of cross-border vehicle location services and the trajectory data, which contain user identity information and geographically sensitive features, the variability in privacy regulations in different jurisdictions can further exacerbate the technical and compliance challenges of data privacy protection. Traditional [...] Read more.
With the globalized deployment of cross-border vehicle location services and the trajectory data, which contain user identity information and geographically sensitive features, the variability in privacy regulations in different jurisdictions can further exacerbate the technical and compliance challenges of data privacy protection. Traditional static differential privacy mechanisms struggle to accommodate spatiotemporal heterogeneity in dynamic scenarios because of the use of a fixed privacy budget parameter, leading to wasted privacy budgets or insufficient protection of sensitive regions. This study proposes a reinforcement-learning-based dynamic noise optimization method (DNO-RL) that dynamically adjusts the Laplacian noise scale by real-time sensing of vehicle density, region sensitivity, and the remaining privacy budget via a deep Q-network (DQN), with the aim of providing context-adaptive differential privacy protection for cross-border vehicle location services. Simulation experiments of cross-border scenarios based on the T-Drive dataset showed that DNO-RL reduced the average localization error by 28.3% and saved 17.9% of the privacy budget compared with the local differential privacy under the same privacy budget. This study provides a new paradigm for the dynamic privacy–utility balancing of cross-border vehicular networking services. Full article
Show Figures

Figure 1

15 pages, 1223 KiB  
Article
Point-of-Care Ultrasound (POCUS) in Pediatric Practice in Poland: Perceptions, Competency, and Barriers to Implementation—A National Cross-Sectional Survey
by Justyna Kiepuszewska and Małgorzata Gałązka-Sobotka
Healthcare 2025, 13(15), 1910; https://doi.org/10.3390/healthcare13151910 - 5 Aug 2025
Abstract
Background: Point-of-care ultrasound (POCUS) is gaining recognition as a valuable diagnostic tool in various fields of medicine, including pediatrics. Its application at the point of care enables real-time clinical decision-making, which is particularly advantageous in pediatric settings. Although global interest in POCUS is [...] Read more.
Background: Point-of-care ultrasound (POCUS) is gaining recognition as a valuable diagnostic tool in various fields of medicine, including pediatrics. Its application at the point of care enables real-time clinical decision-making, which is particularly advantageous in pediatric settings. Although global interest in POCUS is growing, many European countries—including Poland—still lack formal training programs for POCUS at both the undergraduate and postgraduate levels. Nevertheless, the number of pediatricians incorporating POCUS into their daily clinical practice in Poland is increasing. However, the extent of its use and perceived value among pediatricians remains largely unknown. This study aimed to evaluate the current level of POCUS utilization in pediatric care in Poland, focusing on pediatricians’ self-assessed competencies, perceptions of its clinical utility, and key barriers to its implementation in daily practice. Methods: This cross-sectional study was conducted between July and August 2024 using an anonymous online survey distributed to pediatricians throughout Poland via national professional networks, with a response rate of 7.3%. Categorical variables were analyzed using the chi-square test of independence to assess the associations between key variables. Quantitative data were analyzed using descriptive statistics, and qualitative data from open-ended responses were subjected to a thematic analysis. Results: A total of 210 pediatricians responded. Among them, 149 (71%) reported access to ultrasound equipment at their workplace, and 89 (42.4%) reported having participated in some form of POCUS training. Only 46 respondents (21.9%) reported frequently using POCUS in their clinical routine. The self-assessed POCUS competence was rated as low or very low by 136 respondents (64.8%). While POCUS was generally perceived as a helpful tool in facilitating and accelerating clinical decisions, the main barriers to implementation were a lack of formal training and limited institutional support. Conclusions: Although POCUS is perceived as clinically valuable by the surveyed pediatricians in Poland, its routine use remains limited due to training and systemic barriers. Future efforts should prioritize the development of a validated, competency-based training framework and the implementation of a larger, representative national study to guide the structured integration of POCUS into pediatric care. Full article
Show Figures

Figure 1

22 pages, 6288 KiB  
Article
The Pontoon Design Optimization of a SWATH Vessel for Resistance Reduction
by Chun-Liang Tan, Chi-Min Wu, Chia-Hao Hsu and Shiu-Wu Chau
J. Mar. Sci. Eng. 2025, 13(8), 1504; https://doi.org/10.3390/jmse13081504 - 5 Aug 2025
Abstract
This study applies a deep neural network (DNN) to optimize the 22.5 m pontoon hull form of a small waterplane area twin hull (SWATH) vessel with fin stabilizers, aiming to reduce calm water resistance at a Froude number of 0.8 under even keel [...] Read more.
This study applies a deep neural network (DNN) to optimize the 22.5 m pontoon hull form of a small waterplane area twin hull (SWATH) vessel with fin stabilizers, aiming to reduce calm water resistance at a Froude number of 0.8 under even keel conditions. The vessel’s resistance is simplified into three components: pontoon, strut, and fin stabilizer. Four design parameters define the pontoon geometry: fore-body length, aft-body length, fore-body angle, and aft-body angle. Computational fluid dynamics (CFD) simulations using STAR-CCM+ 2302 provide 1400 resistance data points, including fin stabilizer lift and drag forces at varying angles of attack. These are used to train a DNN in MATLAB 2018a with five hidden layers containing six, eight, nine, eight, and seven neurons. K-fold cross-validation ensures model stability and aids in identifying optimal design parameters. The optimized hull has a 7.8 m fore-body, 6.8 m aft-body, 10° fore-body angle, and 35° aft-body angle. It achieves a 2.2% resistance reduction compared to the baseline. The improvement is mainly due to a reduced Munk moment, which lowers the angle of attack needed by the fin stabilizer, thereby reducing drag. The optimized design provides cost-efficient construction and enhanced payload capacity. This study demonstrates the effectiveness of combining CFD and deep learning for hull form optimization. Full article
(This article belongs to the Section Ocean Engineering)
Show Figures

Figure 1

21 pages, 4707 KiB  
Article
A Real-Time Cell Image Segmentation Method Based on Multi-Scale Feature Fusion
by Xinyuan Zhang, Yang Zhang, Zihan Li, Yujiao Song, Shuhan Chen, Zhe Mao, Zhiyong Liu, Guanglan Liao and Lei Nie
Bioengineering 2025, 12(8), 843; https://doi.org/10.3390/bioengineering12080843 (registering DOI) - 5 Aug 2025
Abstract
Cell confluence and number are critical indicators for assessing cellular growth status, contributing to disease diagnosis and the development of targeted therapies. Accurate and efficient cell segmentation is essential for quantifying these indicators. However, current segmentation methodologies still encounter significant challenges in addressing [...] Read more.
Cell confluence and number are critical indicators for assessing cellular growth status, contributing to disease diagnosis and the development of targeted therapies. Accurate and efficient cell segmentation is essential for quantifying these indicators. However, current segmentation methodologies still encounter significant challenges in addressing multi-scale heterogeneity, poorly delineated boundaries under limited annotation, and the inherent trade-off between computational efficiency and segmentation accuracy. We propose an innovative network architecture. First, a preprocessing pipeline combining contrast-limited adaptive histogram equalization (CLAHE) and Gaussian blur is introduced to balance noise suppression and local contrast enhancement. Second, a bidirectional feature pyramid network (BiFPN) is incorporated, leveraging cross-scale feature calibration to enhance multi-scale cell recognition. Third, adaptive kernel convolution (AKConv) is developed to capture the heterogeneous spatial distribution of glioma stem cells (GSCs) through dynamic kernel deformation, improving boundary segmentation while reducing model complexity. Finally, a probability density-guided non-maximum suppression (Soft-NMS) algorithm is proposed to alleviate cell under-detection. Experimental results demonstrate that the model achieves 95.7% mAP50 (box) and 95% mAP50 (mask) on the GSCs dataset with an inference speed of 38 frames per second. Moreover, it simultaneously supports dual-modality output for cell confluence assessment and precise counting, providing a reliable automated tool for tumor microenvironment research. Full article
Show Figures

Figure 1

22 pages, 4169 KiB  
Article
Multi-Scale Differentiated Network with Spatial–Spectral Co-Operative Attention for Hyperspectral Image Denoising
by Xueli Chang, Xiaodong Wang, Xiaoyu Huang, Meng Yan and Luxiao Cheng
Appl. Sci. 2025, 15(15), 8648; https://doi.org/10.3390/app15158648 (registering DOI) - 5 Aug 2025
Abstract
Hyperspectral image (HSI) denoising is a crucial step in image preprocessing as its effectiveness has a direct impact on the accuracy of subsequent tasks such as land cover classification, target recognition, and change detection. However, existing methods suffer from limitations in effectively integrating [...] Read more.
Hyperspectral image (HSI) denoising is a crucial step in image preprocessing as its effectiveness has a direct impact on the accuracy of subsequent tasks such as land cover classification, target recognition, and change detection. However, existing methods suffer from limitations in effectively integrating multi-scale features and adaptively modeling complex noise distributions, making it difficult to construct effective spatial–spectral joint representations. This often leads to issues like detail loss and spectral distortion, especially when dealing with complex mixed noise. To address these challenges, this paper proposes a multi-scale differentiated denoising network based on spatial–spectral cooperative attention (MDSSANet). The network first constructs a multi-scale image pyramid using three downsampling operations and independently models the features at each scale to better capture noise characteristics at different levels. Additionally, a spatial–spectral cooperative attention module (SSCA) and a differentiated multi-scale feature fusion module (DMF) are introduced. The SSCA module effectively captures cross-spectral dependencies and spatial feature interactions through parallel spectral channel and spatial attention mechanisms. The DMF module adopts a multi-branch parallel structure with differentiated processing to dynamically fuse multi-scale spatial–spectral features and incorporates a cross-scale feature compensation strategy to improve feature representation and mitigate information loss. The experimental results show that the proposed method outperforms state-of-the-art methods across several public datasets, exhibiting greater robustness and superior visual performance in tasks such as handling complex noise and recovering small targets. Full article
(This article belongs to the Special Issue Remote Sensing Image Processing and Application, 2nd Edition)
Show Figures

Figure 1

23 pages, 3106 KiB  
Article
Preparation of a Nanomaterial–Polymer Dynamic Cross-Linked Gel Composite and Its Application in Drilling Fluids
by Fei Gao, Peng Xu, Hui Zhang, Hao Wang, Xin Zhao, Xinru Li and Jiayi Zhang
Gels 2025, 11(8), 614; https://doi.org/10.3390/gels11080614 - 5 Aug 2025
Abstract
During the process of oil and gas drilling, due to the existence of pores or micro-cracks, drilling fluid is prone to invade the formation. Under the action of hydration expansion of clay in the formation and liquid pressure, wellbore instability occurs. In order [...] Read more.
During the process of oil and gas drilling, due to the existence of pores or micro-cracks, drilling fluid is prone to invade the formation. Under the action of hydration expansion of clay in the formation and liquid pressure, wellbore instability occurs. In order to reduce the wellbore instability caused by drilling fluid intrusion into the formation, this study proposed a method of forming a dynamic hydrogen bond cross-linked network weak gel structure with modified nano-silica and P(AM-AAC). The plugging performance of the drilling fluid and the performance of inhibiting the hydration of shale were evaluated through various experimental methods. The results show that the gel composite system (GCS) effectively optimizes the plugging performance of drilling fluid. The 1% GCS can reduce the linear expansion rate of cuttings to 14.8% and increase the recovery rate of cuttings to 96.7%, and its hydration inhibition effect is better than that of KCl and polyamines. The dynamic cross-linked network structure can significantly increase the viscosity of drilling fluid. Meanwhile, by taking advantage of the liquid-phase viscosity effect and the physical blocking effect, the loss of drilling fluid can be significantly reduced. Mechanism studies conducted using zeta potential measurement, SEM analysis, contact angle measurement and capillary force assessment have shown that modified nano-silica stabilizes the wellbore by physically blocking the nano-pores of shale and changing the wettability of the shale surface from hydrophilic to hydrophobic when the contact angle exceeds 60°, thereby reducing capillary force and surface free energy. Meanwhile, the dynamic cross-linked network can reduce the seepage of free water into the formation, thereby significantly lowering the fluid loss of the drilling fluid. This research provides new insights into improving the stability of the wellbore in drilling fluids. Full article
(This article belongs to the Special Issue Advanced Gels for Oil Recovery (2nd Edition))
Show Figures

Figure 1

22 pages, 982 KiB  
Article
Cross-Cultural Adaptation and Validation of the Spanish HLS-COVID-Q22 Questionnaire for Measuring Health Literacy on COVID-19 in Peru
by Manuel Caipa-Ramos, Katarzyna Werner-Masters, Silvia Quispe-Prieto, Alberto Paucar-Cáceres and Regina Nina-Chipana
Healthcare 2025, 13(15), 1903; https://doi.org/10.3390/healthcare13151903 - 5 Aug 2025
Abstract
Background/Objectives: The social importance of health literacy (HL) is widely understood, and its measurement is the subject of various studies. Due to the recent pandemic, several instruments for measuring HL about COVID-19 have been proposed in different countries, including the HLS-COVID-Q22 questionnaire. The [...] Read more.
Background/Objectives: The social importance of health literacy (HL) is widely understood, and its measurement is the subject of various studies. Due to the recent pandemic, several instruments for measuring HL about COVID-19 have been proposed in different countries, including the HLS-COVID-Q22 questionnaire. The diversity of cultures and languages necessitates the cross-cultural adaptation of this instrument. Thus, the present study translates, adapts, and validates the psychometric properties of the HLS-COVID-Q22 questionnaire to provide its cross-cultural adaptation from English to Spanish (Peru). Methods: As part of ensuring that the final questionnaire accommodates the cultural nuances and idiosyncrasies of the target language, the following activities were carried out: (a) a survey of 40 respondents; and (b) a focus group with 10 participants, followed by expert approval. In addition, the validity and reliability of the health instrument have been ascertained through a further pilot test administered to 490 people in the city of Tacna in southern Peru. Results: The resulting questionnaire helps measure HL in Peru, aiding better-informed decision-making for individual health choices. Conclusions: The presence of such a tool is advantageous in case of similar global health emergencies, when the questionnaire can be made readily available to support a promotion of strategies towards better self-care. Moreover, it encourages other Latin American stakeholders to adjust the instrument to their own cultural, language, and socio-economic contexts, thus invigorating the regional and global expansion of the HL study network. Full article
Show Figures

Figure 1

25 pages, 29559 KiB  
Article
CFRANet: Cross-Modal Frequency-Responsive Attention Network for Thermal Power Plant Detection in Multispectral High-Resolution Remote Sensing Images
by Qinxue He, Bo Cheng, Xiaoping Zhang and Yaocan Gan
Remote Sens. 2025, 17(15), 2706; https://doi.org/10.3390/rs17152706 - 5 Aug 2025
Abstract
Thermal Power Plants (TPPs), as widely used industrial facilities for electricity generation, represent a key task in remote sensing image interpretation. However, detecting TPPs remains a challenging task due to their complex and irregular composition. Many traditional approaches focus on detecting compact, small-scale [...] Read more.
Thermal Power Plants (TPPs), as widely used industrial facilities for electricity generation, represent a key task in remote sensing image interpretation. However, detecting TPPs remains a challenging task due to their complex and irregular composition. Many traditional approaches focus on detecting compact, small-scale objects, while existing composite object detection methods are mostly part-based, limiting their ability to capture the structural and textural characteristics of composite targets like TPPs. Moreover, most of them rely on single-modality data, failing to fully exploit the rich information available in remote sensing imagery. To address these limitations, we propose a novel Cross-Modal Frequency-Responsive Attention Network (CFRANet). Specifically, the Modality-Aware Fusion Block (MAFB) facilitates the integration of multi-modal features, enhancing inter-modal interactions. Additionally, the Frequency-Responsive Attention (FRA) module leverages both spatial and localized dual-channel information and utilizes Fourier-based frequency decomposition to separately capture high- and low-frequency components, thereby improving the recognition of TPPs by learning both detailed textures and structural layouts. Experiments conducted on our newly proposed AIR-MTPP dataset demonstrate that CFRANet achieves state-of-the-art performance, with a mAP50 of 82.41%. Full article
(This article belongs to the Section Remote Sensing Image Processing)
Show Figures

Figure 1

Back to TopTop