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
remove_circle_outline

Search Results (708)

Search Parameters:
Keywords = domain-adversarial

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
28 pages, 990 KB  
Article
Cross-Domain Adversarial Alignment for Network Anomaly Detection Through Behavioral Embedding Enrichment
by Cristian Salvador-Najar and Luis Julián Domínguez Pérez
Computers 2025, 14(11), 450; https://doi.org/10.3390/computers14110450 - 22 Oct 2025
Viewed by 178
Abstract
Detecting anomalies in network traffic is a central task in cybersecurity and digital infrastructure management. Traditional approaches rely on statistical models, rule-based systems, or machine learning techniques to identify deviations from expected patterns, but often face limitations in generalization across domains. This study [...] Read more.
Detecting anomalies in network traffic is a central task in cybersecurity and digital infrastructure management. Traditional approaches rely on statistical models, rule-based systems, or machine learning techniques to identify deviations from expected patterns, but often face limitations in generalization across domains. This study proposes a cross-domain data enrichment framework that integrates behavioral embeddings with network traffic features through adversarial autoencoders. Each network traffic record is paired with the most similar behavioral profile embedding from user web activity data (Charles dataset) using cosine similarity, thereby providing contextual enrichment for anomaly detection. The proposed system comprises (i) behavioral profile clustering via autoencoder embeddings and (ii) cross-domain latent alignment through adversarial autoencoders, with a discriminator to enable feature fusion. A Deep Feedforward Neural Network trained on the enriched feature space achieves 97.17% accuracy, 96.95% precision, 97.34% recall, and 97.14% F1-score, with stable cross-validation performance (99.79% average accuracy across folds). Behavioral clustering quality is supported by a silhouette score of 0.86 and a Davies–Bouldin index of 0.57. To assess robustness and transferability, the framework was evaluated on the UNSW-NB15 and the CIC-IDS2017 datasets, where results confirmed consistent performance and reliability when compared to traffic-only baselines. This supports the feasibility of cross-domain alignment and shows that adversarial training enables stable feature integration without evidence of overfitting or memorization. Full article
(This article belongs to the Section ICT Infrastructures for Cybersecurity)
Show Figures

Figure 1

20 pages, 11103 KB  
Data Descriptor
VitralColor-12: A Synthetic Twelve-Color Segmentation Dataset from GPT-Generated Stained-Glass Images
by Martín Montes Rivera, Carlos Guerrero-Mendez, Daniela Lopez-Betancur, Tonatiuh Saucedo-Anaya, Manuel Sánchez-Cárdenas and Salvador Gómez-Jiménez
Data 2025, 10(10), 165; https://doi.org/10.3390/data10100165 - 18 Oct 2025
Viewed by 269
Abstract
The segmentation and classification of color are crucial stages in image processing, computer vision, and pattern recognition, as they significantly impact the results. The diverse, hand-labeled datasets in the literature are applied for monochromatic or color segmentation in specific domains. On the other [...] Read more.
The segmentation and classification of color are crucial stages in image processing, computer vision, and pattern recognition, as they significantly impact the results. The diverse, hand-labeled datasets in the literature are applied for monochromatic or color segmentation in specific domains. On the other hand, synthetic datasets are generated using statistics, artificial intelligence algorithms, or generative artificial intelligence (AI). This last one includes Large Language Models (LLMs), Generative Adversarial Neural Networks (GANs), and Variational Autoencoders (VAEs), among others. In this work, we propose VitralColor-12, a synthetic dataset for color classification and segmentation, comprising twelve colors: black, blue, brown, cyan, gray, green, orange, pink, purple, red, white, and yellow. VitralColor-12 addresses the limitations of color segmentation and classification datasets by leveraging the capabilities of LLMs, including adaptability, variability, copyright-free content, and lower-cost data—properties that are desirable in image datasets. VitralColor-12 includes pixel-level classification and segmentation maps. This makes the dataset broadly applicable and highly variable for a range of computer vision applications. VitralColor-12 utilizes GPT-5 and DALL·E 3 for generating stained-glass images. These images simplify the annotation process, since stained-glass images have isolated colors with distinct boundaries within the steel structure, which provide easy regions to label with a single color per region. Once we obtain the images, we use at least one hand-labeled centroid per color to automatically cluster all pixels based on Euclidean distance and morphological operations, including erosion and dilation. This process enables us to automatically label a classification dataset and generate segmentation maps. Our dataset comprises 910 images, organized into 70 generated images and 12 pixel segmentation maps—one for each color—which include 9,509,524 labeled pixels, 1,794,758 of which are unique. These annotated pixels are represented by RGB, HSL, CIELAB, and YCbCr values, enabling a detailed color analysis. Moreover, VitralColor-12 offers features that address gaps in public resources such as violin diagrams with the frequency of colors across images, histograms of channels per color, 3D color maps, descriptive statistics, and standardized metrics, such as ΔE76, ΔE94, and CIELAB Chromacity, which prove the distribution, applicability, and realistic perceptual structures, including warm, neutral, and cold colors, as well as the high contrast between black and white colors, offering meaningful perceptual clusters, reinforcing its utility for color segmentation and classification. Full article
Show Figures

Figure 1

21 pages, 5019 KB  
Article
Real-Time Parking Space Detection Based on Deep Learning and Panoramic Images
by Wu Wei, Hongyang Chen, Jiayuan Gong, Kai Che, Wenbo Ren and Bin Zhang
Sensors 2025, 25(20), 6449; https://doi.org/10.3390/s25206449 - 18 Oct 2025
Viewed by 393
Abstract
In the domain of automatic parking systems, parking space detection and localization represent fundamental challenges that must be addressed. As a core research focus within the field of intelligent automatic parking, they constitute the essential prerequisite for the realization of fully autonomous parking. [...] Read more.
In the domain of automatic parking systems, parking space detection and localization represent fundamental challenges that must be addressed. As a core research focus within the field of intelligent automatic parking, they constitute the essential prerequisite for the realization of fully autonomous parking. Accurate and effective detection of parking spaces is still the core problem that needs to be solved in automatic parking systems. In this study, building upon existing public parking space datasets, a comprehensive panoramic parking space dataset named PSEX (Parking Slot Extended) with complex environmental diversity was constructed by integrating the concept of GAN (Generative Adversarial Network)-based image style transfer. Meanwhile, an improved algorithm based on PP-Yoloe (Paddle-Paddle Yoloe) is used to detect the state (free or occupied) and angle (T-shaped or L-shaped) of the parking space in real-time. For the many and small labels of the parking space, the ResSpp in it is replaced by the ResSimSppf module, the SimSppf structure is introduced at the neck end, and Silu is replaced by Relu in the basic structure of the CBS (Conv-BN-SiLU), and finally an auxiliary detector head is added at the prediction head. Experimental results show that the proposed SimSppf_mepre-Yoloe model achieves an average improvement of 4.5% in mAP50 and 2.95% in mAP50:95 over the baseline PP-Yoloe across various parking space detection tasks. In terms of efficiency, the model maintains comparable inference latency with the baseline, reaching up to 33.7 FPS on the Jetson AGX Xavier platform under TensorRT optimization. And the improved enhancement algorithm can greatly enrich the diversity of parking space data. These results demonstrate that the proposed model achieves a better balance between detection accuracy and real-time performance, making it suitable for deployment in intelligent vehicle and robotic perception systems. Full article
(This article belongs to the Special Issue Robot Swarm Collaboration in the Unstructured Environment)
Show Figures

Figure 1

17 pages, 9111 KB  
Article
A New Deepfake Detection Method with No-Reference Image Quality Assessment to Resist Image Degradation
by Jiajun Jiang, Wen-Chao Yang, Chung-Hao Chen and Timothy Young
Eng 2025, 6(10), 274; https://doi.org/10.3390/eng6100274 - 11 Oct 2025
Viewed by 397
Abstract
Deepfake technology, which utilizes advanced AI models such as Generative Adversarial Networks (GANs), has led to the proliferation of highly convincing manipulated media, posing significant challenges for detection. Existing detection methods often struggle with the low-quality or compressed press, which is prevalent on [...] Read more.
Deepfake technology, which utilizes advanced AI models such as Generative Adversarial Networks (GANs), has led to the proliferation of highly convincing manipulated media, posing significant challenges for detection. Existing detection methods often struggle with the low-quality or compressed press, which is prevalent on social media platforms. This paper proposes a novel Deepfake detection framework that leverages No-Reference Image Quality Assessment (NRIQA) techniques, specifically, BRISQUE, NIQE, and PIQUE, to extract quality-related features from facial images. These features are then classified using a Support Vector Machine (SVM) with various kernel functions. We evaluate our method under both intra-dataset and cross-dataset settings. For intra-dataset evaluation, we conduct K-fold cross-validation on two benchmark datasets, DFDC and Celeb-DF (v2), including downsampled versions to simulate real-world degradation. The results show that our method maintains high accuracy even under significant quality loss, achieving up to 98% accuracy on the Celeb-DF (v2) dataset and outperforming several state-of-the-art methods. To improve the transferability of the detection models, we introduce an integrated filtering strategy based on NR-IQA thresholding, which enhances performance in cross-dataset transfer scenarios. This approach yields up to 7% improvement in detection accuracy under challenging cross-domain conditions. Full article
Show Figures

Figure 1

20 pages, 1579 KB  
Article
Towards Trustworthy and Explainable-by-Design Large Language Models for Automated Teacher Assessment
by Yuan Li, Hang Yang and Quanrong Fang
Information 2025, 16(10), 882; https://doi.org/10.3390/info16100882 - 10 Oct 2025
Viewed by 175
Abstract
Conventional teacher assessment is labor-intensive and subjective. Prior LLM-based systems improve scale but rely on post hoc rationales and lack built-in trust controls. We propose an explainable-by-design framework that couples (i) Dual-Lens Hierarchical Attention—a global lens aligned to curriculum standards and a local [...] Read more.
Conventional teacher assessment is labor-intensive and subjective. Prior LLM-based systems improve scale but rely on post hoc rationales and lack built-in trust controls. We propose an explainable-by-design framework that couples (i) Dual-Lens Hierarchical Attention—a global lens aligned to curriculum standards and a local lens aligned to subject-specific rubrics—with (ii) a Trust-Gated Inference module that combines Monte-Carlo-dropout calibration and adversarial debiasing, and (iii) an On-the-Spot Explanation generator that shares the same fused representation and predicted score used for decision making. Thus, explanations are decision-consistent and curriculum-anchored rather than retrofitted. On TeacherEval-2023, EdNet-Math, and MM-TBA, our model attains an Inter-Rater Consistency of 82.4%, Explanation Credibility of 0.78, Fairness Gap of 1.8%, and Expected Calibration Error of 0.032. Faithfulness is verified via attention-to-rubric alignment (78%) and counterfactual deletion tests, while trust gating reduces confidently wrong outputs and triggers reject-and-refer when uncertainty is high. The system retains 99.6% accuracy under cross-domain transfer and degrades only 4.1% with 15% ASR noise, reducing human review workload by 41%. This establishes a reproducible path to trustworthy and pedagogy-aligned LLMs for high-stakes educational evaluation. Full article
(This article belongs to the Special Issue Advancing Educational Innovation with Artificial Intelligence)
Show Figures

Figure 1

20 pages, 11319 KB  
Article
Enhancing Feature Integrity and Transmission Stealth: A Multi-Channel Imaging Hiding Method for Network Abnormal Traffic
by Zhenghao Qian, Fengzheng Liu, Mingdong He and Denghui Zhang
Buildings 2025, 15(20), 3638; https://doi.org/10.3390/buildings15203638 - 10 Oct 2025
Viewed by 211
Abstract
In open-network environments of smart buildings and urban infrastructure, abnormal traffic from security and energy monitoring systems is critical for operational safety and decision reliability. We can develop malware that exploits building automation protocols to simulate attacks involving the falsification or modification of [...] Read more.
In open-network environments of smart buildings and urban infrastructure, abnormal traffic from security and energy monitoring systems is critical for operational safety and decision reliability. We can develop malware that exploits building automation protocols to simulate attacks involving the falsification or modification of chiller controller commands, thereby endangering the entire network infrastructure. Intrusion detection systems rely on abundant labeled abnormal traffic data to detect attack patterns, improving network system reliability. However, transmitting such data faces two major challenges: single-feature representations fail to capture comprehensive traffic features, limiting the information representation for artificial intelligence (AI)-based detection models, and unconcealed abnormal traffic is easily intercepted by firewalls or intrusion detection systems, hindering cross-departmental sharing. Existing methods struggle to balance feature integrity and transmission stealth, often sacrificing one for the other or relying on easily detectable spatial-domain steganography. To address these gaps, we propose a multi-channel imaging hiding method that reconstructs abnormal traffic into multi-channel images by combining three mappings to generate grayscale images that depict traffic state transitions, dynamic trends, and internal similarity, respectively. These images are combined to enhance feature representation and embedded into frequency-domain adversarial examples, enabling evasion of security devices while preserving traffic integrity. Experimental results demonstrate that our method captures richer information than single-representation approaches, achieving a PSNR of 44.5 dB (a 6.0 dB improvement over existing methods) and an SSIM of 0.97. The high-fidelity reconstructions enabled by these gains facilitate the secure and efficient sharing of abnormal traffic data, thereby enhancing AI-driven security in smart buildings. Full article
Show Figures

Figure 1

24 pages, 3777 KB  
Article
Study on a Fault Diagnosis Method for Heterogeneous Chiller Units Based on Transfer Learning
by Qiaolian Feng, Yongbao Liu, Yanfei Li, Guanghui Chang, Xiao Liang, Yongsheng Su and Gelin Cao
Entropy 2025, 27(10), 1049; https://doi.org/10.3390/e27101049 - 9 Oct 2025
Viewed by 222
Abstract
As the core refrigeration equipment in cooling systems, the operational state of chiller units is crucial for ship support, equipment cooling, and mission stability. However, because of their sensitivity and the complexity of operating environments, obtaining large volumes of complete, fault-labeled data is [...] Read more.
As the core refrigeration equipment in cooling systems, the operational state of chiller units is crucial for ship support, equipment cooling, and mission stability. However, because of their sensitivity and the complexity of operating environments, obtaining large volumes of complete, fault-labeled data is difficult in practical engineering appli-cations. This limitation makes it challenging for traditional data-driven approaches to deliver accurate fault diagnoses. Furthermore, data collected from different devices or under varying operating conditions often differ significantly in both feature dimensions and distributions, i.e., data heterogeneity, which further complicates model transfer. To address these challenges, this study proposes a deep transfer learning–based fault di-agnosis method designed to leverage abundant knowledge from the source domain while adaptively learning features of the target domain. Given the persistent difficulties in collecting sufficient high-quality labeled fault data, traditional data-driven models continue to face restricted diagnostic performance on target equipment. At the same time, data heterogeneity across devices or operating conditions intensifies the challenge of cross-domain knowledge transfer. To overcome these issues, this study develops a heterogeneous transfer learning method that integrates a dual-channel autoencoder, domain adversarial training, and pseudo-label self-training. This combination enables precise small-sample knowledge transfer from the source to the target domain. Specifi-cally, the dual-channel autoencoder is first applied to align heterogeneous feature di-mensions. Then, a Gradient Reversal Layer (GRL) and a domain discriminator are in-troduced to extract domain-invariant features. In parallel, high-confidence pseu-do-labeled samples from the target domain are incorporated into joint training to im-prove generalization and robustness. Experimental results confirm that the method achieves high fault diagnosis accuracy in typical industrial application scenarios, ena-bling effective identification of common faults in various types of chiller units under conventional operating conditions, the proposed method achieves higher accuracy and F1-scores in multi-class fault diagnosis tasks compared with both traditional approaches and existing transfer learning methods. These findings provide a novel perspective for advancing the intelligent operation and maintenance of chiller units. Full article
Show Figures

Figure 1

17 pages, 2289 KB  
Article
Aging-Aware Character Recognition with E-Textile Inputs
by Juncong Lin, Yujun Rong, Yao Cheng and Chenkang He
Electronics 2025, 14(19), 3964; https://doi.org/10.3390/electronics14193964 - 9 Oct 2025
Viewed by 282
Abstract
E-textiles, a type of textile integrated with conductive sensors, allows users to freely utilize any area of the body in a convenient and comfortable manner. Thus, interactions with e-textiles are attracting more and more attention, especially for text input. However, the functional aging [...] Read more.
E-textiles, a type of textile integrated with conductive sensors, allows users to freely utilize any area of the body in a convenient and comfortable manner. Thus, interactions with e-textiles are attracting more and more attention, especially for text input. However, the functional aging of e-textiles affects the characteristics and even the quality of the captured signal, presenting serious challenges for character recognition. This paper focuses on studying the behavior of e-textile functional aging and alleviating its impact on text input with an unsupervised domain adaptation technique, named A2TEXT (aging-aware e-textile-based text input). We first designed a deep kernel-based two-sample test method to validate the impact of functional aging on handwriting with an e-textile input. Based on that, we introduced a so-called Gabor domain adaptation technique, which adopts a novel Gabor orientation filter in feature extraction under an adversarial domain adaptation framework. We demonstrated superior performance compared to traditional models in four different transfer tasks, validating the effectiveness of our work. Full article
(This article belongs to the Special Issue End User Applications for Virtual, Augmented, and Mixed Reality)
Show Figures

Figure 1

36 pages, 1954 KB  
Article
VeMisNet: Enhanced Feature Engineering for Deep Learning-Based Misbehavior Detection in Vehicular Ad Hoc Networks
by Nayera Youness, Ahmad Mostafa, Mohamed A. Sobh, Ayman M. Bahaa and Khaled Nagaty
J. Sens. Actuator Netw. 2025, 14(5), 100; https://doi.org/10.3390/jsan14050100 - 9 Oct 2025
Viewed by 356
Abstract
Ensuring secure and reliable communication in Vehicular Ad hoc Networks (VANETs) is critical for safe transportation systems. This paper presents Vehicular Misbehavior Network (VeMisNet), a deep learning framework for detecting misbehaving vehicles, with primary contributions in systematic feature engineering and scalability analysis. VeMisNet [...] Read more.
Ensuring secure and reliable communication in Vehicular Ad hoc Networks (VANETs) is critical for safe transportation systems. This paper presents Vehicular Misbehavior Network (VeMisNet), a deep learning framework for detecting misbehaving vehicles, with primary contributions in systematic feature engineering and scalability analysis. VeMisNet introduces domain-informed spatiotemporal features—including DSRC neighborhood density, inter-message timing patterns, and communication frequency analysis—derived from the publicly available VeReMi Extension Dataset. The framework evaluates Long Short-Term Memory (LSTM), Gated Recurrent Unit (GRU), and Bidirectional LSTM architectures across dataset scales from 100 K to 2 M samples, encompassing all 20 attack categories. To address severe class imbalance (59.6% legitimate vehicles), VeMisNet applies SMOTE post train–test split, preventing data leakage while enabling balanced evaluation. Bidirectional LSTM with engineered features achieves 99.81% accuracy and F1-score on 500 K samples, with remarkable scalability maintaining >99.5% accuracy at 2 M samples. Critical metrics include 0.19% missed attack rates, under 0.05% false alarms, and 41.76 ms inference latency. The study acknowledges important limitations, including reliance on simulated data, single-split evaluation, and potential adversarial vulnerability. Domain-informed feature engineering provides 27.5% relative improvement over dimensionality reduction and 22-fold better scalability than basic features. These results establish new VANET misbehavior detection benchmarks while providing honest assessment of deployment readiness and research constraints. Full article
Show Figures

Figure 1

31 pages, 2358 KB  
Article
Semi-Supervised Bayesian GANs with Log-Signatures for Uncertainty-Aware Credit Card Fraud Detection
by David Hirnschall
Mathematics 2025, 13(19), 3229; https://doi.org/10.3390/math13193229 - 9 Oct 2025
Viewed by 289
Abstract
We present a novel deep generative semi-supervised framework for credit card fraud detection, formulated as a time series classification task. As financial transaction data streams grow in scale and complexity, traditional methods often require large labeled datasets and struggle with time series of [...] Read more.
We present a novel deep generative semi-supervised framework for credit card fraud detection, formulated as a time series classification task. As financial transaction data streams grow in scale and complexity, traditional methods often require large labeled datasets and struggle with time series of irregular sampling frequencies and varying sequence lengths. To address these challenges, we extend conditional Generative Adversarial Networks (GANs) for targeted data augmentation, integrate Bayesian inference to obtain predictive distributions and quantify uncertainty, and leverage log-signatures for robust feature encoding of transaction histories. We propose a composite Wasserstein distance-based loss to align generated and real unlabeled samples while simultaneously maximizing classification accuracy on labeled data. Our approach is evaluated on the BankSim dataset, a widely used simulator for credit card transaction data, under varying proportions of labeled samples, demonstrating consistent improvements over benchmarks in both global statistical and domain-specific metrics. These findings highlight the effectiveness of GAN-driven semi-supervised learning with log-signatures for irregularly sampled time series and emphasize the importance of uncertainty-aware predictions. Full article
(This article belongs to the Special Issue Artificial Intelligence Techniques in the Financial Services Industry)
Show Figures

Figure 1

19 pages, 7932 KB  
Article
Unsupervised Domain Adaptation with Raman Spectroscopy for Rapid Autoimmune Disease Diagnosis
by Ziyang Zhang, Yang Liu, Cheng Chen, Xiaoyi Lv and Chen Chen
Sensors 2025, 25(19), 6186; https://doi.org/10.3390/s25196186 - 6 Oct 2025
Viewed by 449
Abstract
Autoimmune diseases constitute a broadly prevalent category of disorders. Conventional computer-aided diagnostic (CAD) techniques rely on large volumes of data paired with reliable annotations. However, the diverse symptomatology and diagnostic complexity of autoimmune diseases result in a scarcity of reliably labeled biological samples. [...] Read more.
Autoimmune diseases constitute a broadly prevalent category of disorders. Conventional computer-aided diagnostic (CAD) techniques rely on large volumes of data paired with reliable annotations. However, the diverse symptomatology and diagnostic complexity of autoimmune diseases result in a scarcity of reliably labeled biological samples. In this study, we propose a pseudo-label-based conditional domain adversarial network (CDAN-PL) framework by integrating Raman spectroscopy with domain adaptation technology, enabling label-free unsupervised transfer diagnosis of diseases. Compared to traditional unsupervised domain adaptation techniques, our CDAN-PL framework generates reliable pseudo-labels to ensure the robust implementation of conditional adversarial methods. Additionally, its spectral data-adaptive feature extraction techniques further solidify the model’s superiority in Raman spectroscopy-based disease diagnosis. CDAN-PL exhibits excellent performance in homologous transfer tasks, achieving an average accuracy of 92.3%—surpassing the baseline models’ 80.81% and 86.4%. Moreover, it attains an average accuracy of 90.05% in non-homologous transfer tasks, further validating its generalization capability. Full article
(This article belongs to the Collection Deep Learning in Biomedical Informatics and Healthcare)
Show Figures

Figure 1

24 pages, 1024 KB  
Review
Artificial Intelligence in Glioma Diagnosis: A Narrative Review of Radiomics and Deep Learning for Tumor Classification and Molecular Profiling Across Positron Emission Tomography and Magnetic Resonance Imaging
by Rafail C. Christodoulou, Rafael Pitsillos, Platon S. Papageorgiou, Vasileia Petrou, Georgios Vamvouras, Ludwing Rivera, Sokratis G. Papageorgiou, Elena E. Solomou and Michalis F. Georgiou
Eng 2025, 6(10), 262; https://doi.org/10.3390/eng6100262 - 3 Oct 2025
Viewed by 942
Abstract
Background: This narrative review summarizes recent progress in artificial intelligence (AI), especially radiomics and deep learning, for non-invasive diagnosis and molecular profiling of gliomas. Methodology: A thorough literature search was conducted on PubMed, Scopus, and Embase for studies published from January [...] Read more.
Background: This narrative review summarizes recent progress in artificial intelligence (AI), especially radiomics and deep learning, for non-invasive diagnosis and molecular profiling of gliomas. Methodology: A thorough literature search was conducted on PubMed, Scopus, and Embase for studies published from January 2020 to July 2025, focusing on clinical and technical research. In key areas, these studies examine AI models’ predictive capabilities with multi-parametric Magnetic Resonance Imaging (MRI) and Positron Emission Tomography (PET). Results: The domains identified in the literature include the advancement of radiomic models for tumor grading and biomarker prediction, such as Isocitrate Dehydrogenase (IDH) mutation, O6-methylguanine-dna methyltransferase (MGMT) promoter methylation, and 1p/19q codeletion. The growing use of convolutional neural networks (CNNs) and generative adversarial networks (GANs) in tumor segmentation, classification, and prognosis was also a significant topic discussed in the literature. Deep learning (DL) methods are evaluated against traditional radiomics regarding feature extraction, scalability, and robustness to imaging protocol differences across institutions. Conclusions: This review analyzes emerging efforts to combine clinical, imaging, and histology data within hybrid or transformer-based AI systems to enhance diagnostic accuracy. Significant findings include the application of DL to predict cyclin-dependent kinase inhibitor 2A/B (CDKN2A/B) deletion and chemokine CCL2 expression. These highlight the expanding capabilities of imaging-based genomic inference and the importance of clinical data in multimodal fusion. Challenges such as data harmonization, model interpretability, and external validation still need to be addressed. Full article
Show Figures

Figure 1

17 pages, 7857 KB  
Article
Frequency-Domain Importance-Based Attack for 3D Point Cloud Object Tracking
by Ang Ma, Anqi Zhang, Likai Wang and Rui Yao
Appl. Sci. 2025, 15(19), 10682; https://doi.org/10.3390/app151910682 - 2 Oct 2025
Viewed by 327
Abstract
3D point cloud object tracking plays a critical role in fields such as autonomous driving and robotics, making the security of these models essential. Adversarial attacks are a key approach for studying the robustness and security of tracking models. However, research on the [...] Read more.
3D point cloud object tracking plays a critical role in fields such as autonomous driving and robotics, making the security of these models essential. Adversarial attacks are a key approach for studying the robustness and security of tracking models. However, research on the generalization of adversarial attacks for 3D point-cloud-tracking models is limited, and the frequency-domain information of the point cloud’s geometric structure is often overlooked. This frequency information is closely related to the generalization of 3D point-cloud-tracking models. To address these limitations, this paper proposes a novel adversarial method for 3D point cloud object tracking, utilizing frequency-domain attacks based on the importance of frequency bands. The attack operates in the frequency domain, targeting the low-frequency components of the point cloud within the search area. To make the attack more targeted, the paper introduces a frequency band importance saliency map, which reflects the significance of sub-frequency bands for tracking and uses this importance as attack weights to enhance the attack’s effectiveness. The proposed attack method was evaluated on mainstream 3D point-cloud-tracking models, and the adversarial examples generated from white-box attacks were transferred to other black-box tracking models. Experiments show that the proposed attack method reduces both the average success rate and precision of tracking, proving the effectiveness of the proposed adversarial attack. Furthermore, when the white-box adversarial samples were transferred to the black-box model, the tracking metrics also decreased, verifying the transferability of the attack method. Full article
Show Figures

Figure 1

27 pages, 5542 KB  
Article
ILF-BDSNet: A Compressed Network for SAR-to-Optical Image Translation Based on Intermediate-Layer Features and Bio-Inspired Dynamic Search
by Yingying Kong and Cheng Xu
Remote Sens. 2025, 17(19), 3351; https://doi.org/10.3390/rs17193351 - 1 Oct 2025
Viewed by 381
Abstract
Synthetic aperture radar (SAR) exhibits all-day and all-weather capabilities, granting it significant application in remote sensing. However, interpreting SAR images requires extensive expertise, making SAR-to-optical remote sensing image translation a crucial research direction. While conditional generative adversarial networks (CGANs) have demonstrated exceptional performance [...] Read more.
Synthetic aperture radar (SAR) exhibits all-day and all-weather capabilities, granting it significant application in remote sensing. However, interpreting SAR images requires extensive expertise, making SAR-to-optical remote sensing image translation a crucial research direction. While conditional generative adversarial networks (CGANs) have demonstrated exceptional performance in image translation tasks, their massive number of parameters pose substantial challenges. Therefore, this paper proposes ILF-BDSNet, a compressed network for SAR-to-optical image translation. Specifically, first, standard convolutions in the feature-transformation module of the teacher network are replaced with depthwise separable convolutions to construct the student network, and a dual-resolution collaborative discriminator based on PatchGAN is proposed. Next, knowledge distillation based on intermediate-layer features and channel pruning via weight sharing are designed to train the student network. Then, the bio-inspired dynamic search of channel configuration (BDSCC) algorithm is proposed to efficiently select the optimal subnet. Meanwhile, the pixel-semantic dual-domain alignment loss function is designed. The feature-matching loss within this function establishes an alignment mechanism based on intermediate-layer features from the discriminator. Extensive experiments demonstrate the superiority of ILF-BDSNet, which significantly reduces number of parameters and computational complexity while still generating high-quality optical images, providing an efficient solution for SAR image translation in resource-constrained environments. Full article
Show Figures

Figure 1

21 pages, 2975 KB  
Article
ARGUS: An Autonomous Robotic Guard System for Uncovering Security Threats in Cyber-Physical Environments
by Edi Marian Timofte, Mihai Dimian, Alin Dan Potorac, Doru Balan, Daniel-Florin Hrițcan, Marcel Pușcașu and Ovidiu Chiraș
J. Cybersecur. Priv. 2025, 5(4), 78; https://doi.org/10.3390/jcp5040078 - 1 Oct 2025
Viewed by 843
Abstract
Cyber-physical infrastructures such as hospitals and smart campuses face hybrid threats that target both digital and physical domains. Traditional security solutions separate surveillance from network monitoring, leaving blind spots when attackers combine these vectors. This paper introduces ARGUS, an autonomous robotic platform designed [...] Read more.
Cyber-physical infrastructures such as hospitals and smart campuses face hybrid threats that target both digital and physical domains. Traditional security solutions separate surveillance from network monitoring, leaving blind spots when attackers combine these vectors. This paper introduces ARGUS, an autonomous robotic platform designed to close this gap by correlating cyber and physical anomalies in real time. ARGUS integrates computer vision for facial and weapon detection with intrusion detection systems (Snort, Suricata) for monitoring malicious network activity. Operating through an edge-first microservice architecture, it ensures low latency and resilience without reliance on cloud services. Our evaluation covered five scenarios—access control, unauthorized entry, weapon detection, port scanning, and denial-of-service attacks—with each repeated ten times under varied conditions such as low light, occlusion, and crowding. Results show face recognition accuracy of 92.7% (500 samples), weapon detection accuracy of 89.3% (450 samples), and intrusion detection latency below one second, with minimal false positives. Audio analysis of high-risk sounds further enhanced situational awareness. Beyond performance, ARGUS addresses GDPR and ISO 27001 compliance and anticipates adversarial robustness. By unifying cyber and physical detection, ARGUS advances beyond state-of-the-art patrol robots, delivering comprehensive situational awareness and a practical path toward resilient, ethical robotic security. Full article
(This article belongs to the Special Issue Cybersecurity Risk Prediction, Assessment and Management)
Show Figures

Figure 1

Back to TopTop