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

Journals

Article Types

Countries / Regions

Search Results (20)

Search Parameters:
Keywords = hypergraph convolutional neural networks

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
37 pages, 7453 KB  
Article
A Dynamic Hypergraph-Based Encoder–Decoder Risk Model for Longitudinal Predictions of Knee Osteoarthritis Progression
by John B. Theocharis, Christos G. Chadoulos and Andreas L. Symeonidis
Mach. Learn. Knowl. Extr. 2025, 7(3), 94; https://doi.org/10.3390/make7030094 - 2 Sep 2025
Viewed by 1024
Abstract
Knee osteoarthritis (KOA) is a most prevalent chronic muscoloskeletal disorder causing pain and functional impairment. Accurate predictions of KOA evolution are important for early interventions and preventive treatment planning. In this paper, we propose a novel dynamic hypergraph-based risk model (DyHRM) which integrates [...] Read more.
Knee osteoarthritis (KOA) is a most prevalent chronic muscoloskeletal disorder causing pain and functional impairment. Accurate predictions of KOA evolution are important for early interventions and preventive treatment planning. In this paper, we propose a novel dynamic hypergraph-based risk model (DyHRM) which integrates the encoder–decoder (ED) architecture with hypergraph convolutional neural networks (HGCNs). The risk model is used to generate longitudinal forecasts of KOA incidence and progression based on the knee evolution at a historical stage. DyHRM comprises two main parts, namely the dynamic hypergraph gated recurrent unit (DyHGRU) and the multi-view HGCN (MHGCN) networks. The ED-based DyHGRU follows the sequence-to-sequence learning approach. The encoder first transforms a knee sequence at the historical stage into a sequence of hidden states in a latent space. The Attention-based Context Transformer (ACT) is designed to identify important temporal trends in the encoder’s state sequence, while the decoder is used to generate sequences of KOA progression, at the prediction stage. MHGCN conducts multi-view spatial HGCN convolutions of the original knee data at each step of the historic stage. The aim is to acquire more comprehensive feature representations of nodes by exploiting different hyperedges (views), including the global shape descriptors of the cartilage volume, the injury history, and the demographic risk factors. In addition to DyHRM, we also propose the HyGraphSMOTE method to confront the inherent class imbalance problem in KOA datasets, between the knee progressors (minority) and non-progressors (majority). Embedded in MHGCN, the HyGraphSMOTE algorithm tackles data balancing in a systematic way, by generating new synthetic node sequences of the minority class via interpolation. Extensive experiments are conducted using the Osteoarthritis Initiative (OAI) cohort to validate the accuracy of longitudinal predictions acquired by DyHRM under different definition criteria of KOA incidence and progression. The basic finding of the experiments is that the larger the historic depth, the higher the accuracy of the obtained forecasts ahead. Comparative results demonstrate the efficacy of DyHRM against other state-of-the-art methods in this field. Full article
(This article belongs to the Special Issue Advances in Machine and Deep Learning)
Show Figures

Figure 1

15 pages, 16898 KB  
Article
Cross-Scale Hypergraph Neural Networks with Inter–Intra Constraints for Mitosis Detection
by Jincheng Li, Danyang Dong, Yihui Zhan, Guanren Zhu, Hengshuo Zhang, Xing Xie and Lingling Yang
Sensors 2025, 25(14), 4359; https://doi.org/10.3390/s25144359 - 12 Jul 2025
Viewed by 674
Abstract
Mitotic figures in tumor tissues are an important criterion for diagnosing malignant lesions, and physicians often search for the presence of mitosis in whole slide imaging (WSI). However, prolonged visual inspection by doctors may increase the likelihood of human error. With the advancement [...] Read more.
Mitotic figures in tumor tissues are an important criterion for diagnosing malignant lesions, and physicians often search for the presence of mitosis in whole slide imaging (WSI). However, prolonged visual inspection by doctors may increase the likelihood of human error. With the advancement of deep learning, AI-based automatic cytopathological diagnosis has been increasingly applied in clinical settings. Nevertheless, existing diagnostic models often suffer from high computational costs and suboptimal detection accuracy. More importantly, when assessing cellular abnormalities, doctors frequently compare target cells with their surrounding cells—an aspect that current models fail to capture due to their lack of intercellular information modeling, leading to the loss of critical medical insights. To address these limitations, we conducted an in-depth analysis of existing models and propose an Inter–Intra Hypergraph Neural Network (II-HGNN). Our model introduces a block-based feature extraction mechanism to efficiently capture deep representations. Additionally, we leverage hypergraph convolutional networks to process both intracellular and intercellular information, leading to more precise diagnostic outcomes. We evaluate our model on publicly available datasets under varying imaging conditions, and experimental results demonstrate that our approach consistently outperforms baseline models in terms of accuracy. Full article
(This article belongs to the Special Issue Recent Advances in Biomedical Imaging Sensors and Processing)
Show Figures

Figure 1

13 pages, 2285 KB  
Article
STHFD: Spatial–Temporal Hypergraph-Based Model for Aero-Engine Bearing Fault Diagnosis
by Panfeng Bao, Wenjun Yi, Yue Zhu, Yufeng Shen and Boon Xian Chai
Aerospace 2025, 12(7), 612; https://doi.org/10.3390/aerospace12070612 - 7 Jul 2025
Cited by 1 | Viewed by 568
Abstract
Accurate fault diagnosis in aerospace transmission systems is essential for ensuring equipment reliability and operational safety, especially for aero-engine bearings. However, current approaches relying on Convolutional Neural Networks (CNNs) for Euclidean data and Graph Convolutional Networks (GCNs) for non-Euclidean structures struggle to simultaneously [...] Read more.
Accurate fault diagnosis in aerospace transmission systems is essential for ensuring equipment reliability and operational safety, especially for aero-engine bearings. However, current approaches relying on Convolutional Neural Networks (CNNs) for Euclidean data and Graph Convolutional Networks (GCNs) for non-Euclidean structures struggle to simultaneously capture heterogeneous data properties and complex spatio-temporal dependencies. To address these limitations, we propose a novel Spatial–Temporal Hypergraph Fault Diagnosis framework (STHFD). Unlike conventional graphs that model pairwise relations, STHFD employs hypergraphs to represent high-order spatial–temporal correlations more effectively. Specifically, it constructs distinct spatial and temporal hyperedges to capture multi-scale relationships among fault signals. A type-aware hypergraph learning strategy is then applied to encode these correlations into discriminative embeddings. Extensive experiments on aerospace fault datasets demonstrate that STHFD achieves superior classification performance compared to state-of-the-art diagnostic models, highlighting its potential for enhancing intelligent fault detection in complex aerospace systems. Full article
Show Figures

Figure 1

21 pages, 9991 KB  
Article
Hypergraph Convolution Network Classification for Hyperspectral and LiDAR Data
by Lei Wang and Shiwen Deng
Sensors 2025, 25(10), 3092; https://doi.org/10.3390/s25103092 - 14 May 2025
Cited by 1 | Viewed by 1098
Abstract
Conventional remote sensing classification approaches based on single-source data exhibit inherent limitations, driving significant research interest in improved multimodal data fusion techniques. Although deep learning methods based on convolutional neural networks (CNNs), transformers, and graph convolutional networks (GCNs) have demonstrated promising results in [...] Read more.
Conventional remote sensing classification approaches based on single-source data exhibit inherent limitations, driving significant research interest in improved multimodal data fusion techniques. Although deep learning methods based on convolutional neural networks (CNNs), transformers, and graph convolutional networks (GCNs) have demonstrated promising results in fusing complementary multi-source data, existing methodologies demonstrate limited efficacy in capturing the intricate higher-order spatial–spectral dependencies among pixels. To overcome these limitations, we propose HGCN-HL, a novel multimodal deep learning framework that integrates hypergraph convolutional networks (HGCNs) with lightweight CNNs. Specifically, an adaptive weight mechanism is first designed to preliminarily fuse the spectral features of hyperspectral imaging (HSI) and Light Detection and Ranging (LiDAR), enhancing the feature representation ability. Then, superpixel-based dynamic hyperedge construction enables the joint characterization of homogeneous regions across both modalities, significantly boosting large-scale object recognition accuracy. Finally, local detail features are captured through a parallel CNN branch, complementing the global relationship modeling of the HGCN. Comprehensive experiments conducted on three benchmark datasets demonstrate the superior performance of our method compared to existing state-of-the-art approaches. Notably, the proposed framework achieves significant improvements in both training efficiency and inference speed while maintaining competitive accuracy. Full article
(This article belongs to the Collection Machine Learning and AI for Sensors)
Show Figures

Figure 1

36 pages, 11592 KB  
Article
A Novel Approach Based on Hypergraph Convolutional Neural Networks for Cartilage Shape Description and Longitudinal Prediction of Knee Osteoarthritis Progression
by John B. Theocharis, Christos G. Chadoulos and Andreas L. Symeonidis
Mach. Learn. Knowl. Extr. 2025, 7(2), 40; https://doi.org/10.3390/make7020040 - 26 Apr 2025
Cited by 1 | Viewed by 1005
Abstract
Knee osteoarthritis (KOA) is a highly prevalent muscoloskeletal joint disorder affecting a significant portion of the population worldwide. Accurate predictions of KOA progression can assist clinicians in drawing preventive strategies for patients. In this paper, we present an integrated approach based [...] Read more.
Knee osteoarthritis (KOA) is a highly prevalent muscoloskeletal joint disorder affecting a significant portion of the population worldwide. Accurate predictions of KOA progression can assist clinicians in drawing preventive strategies for patients. In this paper, we present an integrated approach based on hypergraph convolutional networks (HGCNs) for longitudinal predictions of KOA grades and progressions from MRI images. We propose two novel models, namely, the C_Shape.Net and the predictor network. The C_Shape.Net operates on a hypergraph of volumetric nodes, especially designed to represent the surface and volumetric features of the cartilage. It encompasses deep HGCN convolutions, graph pooling, and readout operations in a hierarchy of layers, providing, at the output, expressive 3D shape descriptors of the cartilage volume. The predictor is a spatio-temporal HGCN network (ST_HGCN), following the sequence-to-sequence learning scheme. Concretely, it transforms sequences of knee representations at the historical stage into sequences of KOA predictions at the prediction stage. The predictor includes spatial HGCN convolutions, attention-based temporal fusion of feature embeddings at multiple layers, and a transformer module that generates longitudinal predictions at follow-up times. We present comprehensive experiments on the Osteoarthritis Initiative (OAI) cohort to evaluate the performance of our methodology for various tasks, including node classification, longitudinal KL grading, and progression. The basic finding of the experiments is that the larger the depth of the historical stage, the higher the accuracy of the obtained predictions in all tasks. For the maximum historic depth of four years, our method yielded an average balanced accuracy (BA) of 85.94% in KOA grading, and accuracies of 91.89% (+1), 88.11% (+2), 84.35% (+3), and 79.41% (+4) for the four consecutive follow-up visits. Under the same setting, we also achieved an average value of Area Under Curve (AUC) of 0.94 for the prediction of progression incidence, and follow-up AUC values of 0.81 (+1), 0.77 (+2), 0.73 (+3), and 0.68 (+4), respectively. Full article
(This article belongs to the Section Network)
Show Figures

Figure 1

21 pages, 2148 KB  
Article
Bi-View Contrastive Learning with Hypergraph for Enhanced Session-Based Recommendation
by Zijun Wang and Lai Wei
Information 2025, 16(4), 267; https://doi.org/10.3390/info16040267 - 26 Mar 2025
Viewed by 894
Abstract
Session-based recommendation (SBR) aims to predict a user’s next interests based on their actions in a single visit. Recent methods utilize graph neural networks to study the pairwise relationship of item transfers, yet these often overlook the complex high-order connections between items. Hypergraphs [...] Read more.
Session-based recommendation (SBR) aims to predict a user’s next interests based on their actions in a single visit. Recent methods utilize graph neural networks to study the pairwise relationship of item transfers, yet these often overlook the complex high-order connections between items. Hypergraphs can naturally model many-to-many relationships and capture complex interactions, thereby improving the accuracy of SBR. However, the potential of hypergraphs in SBR remains underexplored. This paper models session data into two views: the hypergraph view, which employs hypergraph convolution, and the session view, which utilizes the intersection graph of the hypergraph with standard graph convolution to support the main recommendation task. By combining cross-view contrastive learning with view adversarial training as an auxiliary task, the two views recursively exploit different connectivity information to generate ground truth samples, thus enriching the session information. Extensive experiments on three benchmark datasets confirm the effectiveness of our hypergraph modeling approach and cross-view contrastive learning. Full article
Show Figures

Figure 1

19 pages, 970 KB  
Article
A Method for the Predictive Maintenance Resource Scheduling of Aircraft Based on Heterogeneous Hypergraphs
by Long Kang, Muhua He, Jiahui Zhou, Yiran Hou, Bo Xu and Haifeng Liu
Electronics 2025, 14(4), 782; https://doi.org/10.3390/electronics14040782 - 17 Feb 2025
Viewed by 1141
Abstract
The resource scheduling optimization problem in predictive maintenance is a complex operational research challenge involving reasoning about stochastic failure models and the dynamic allocation of repair resources. In recent years, resource scheduling methods based on deep learning have been increasingly applied in this [...] Read more.
The resource scheduling optimization problem in predictive maintenance is a complex operational research challenge involving reasoning about stochastic failure models and the dynamic allocation of repair resources. In recent years, resource scheduling methods based on deep learning have been increasingly applied in this field, demonstrating promising performances. Among these, resource scheduling algorithms based on heterogeneous graphs have shown exceptional results in multi-objective optimization tasks. However, conventional graph neural networks primarily operate on binary relational graphs, which struggle to effectively utilize data in multi-relational settings, thereby limiting the scheduler’s performance. To address this limitation, this paper proposes a heterogeneous hypergraph-based resource scheduling algorithm for aircraft maintenance tasks to tackle the challenges of higher-order and many-to-many relationship processing inherent in traditional graph neural networks. Specifically, the proposed algorithm defines aircraft nodes and maintenance personnel nodes while introducing decision nodes and state nodes to construct hyperedges. It employs hypergraph convolution with a multi-head attention mechanism to learn the long-term value of decisions, followed by policy selection based on a Markov decision process. This method offers a lightweight, non-parametric dynamic scheduling solution capable of robust learning in highly stochastic environments. Comparative experiments conducted on three datasets of varying scales demonstrate that the proposed method outperforms both heuristic algorithms and existing deep learning methods in terms of its optimization performance on M1 and M2 metrics. Furthermore, it surpasses resource scheduling algorithms based on heterogeneous graph neural networks across multiple metrics. Full article
(This article belongs to the Special Issue Advances in Algorithm Optimization and Computational Intelligence)
Show Figures

Figure 1

23 pages, 4619 KB  
Article
HGATGS: Hypergraph Attention Network for Crop Genomic Selection
by Xuliang He, Kaiyi Wang, Liyang Zhang, Dongfeng Zhang, Feng Yang, Qiusi Zhang, Shouhui Pan, Jinlong Li, Longpeng Bai, Jiahao Sun and Zhongqiang Liu
Agriculture 2025, 15(4), 409; https://doi.org/10.3390/agriculture15040409 - 15 Feb 2025
Cited by 1 | Viewed by 1287
Abstract
Many important plants’ agronomic traits, such as crop yield, stress tolerance, and other traits, are controlled by multiple genes and exhibit complex inheritance patterns. Traditional breeding methods often encounter difficulties in dealing with these traits due to their complexity. However, genomic selection (GS), [...] Read more.
Many important plants’ agronomic traits, such as crop yield, stress tolerance, and other traits, are controlled by multiple genes and exhibit complex inheritance patterns. Traditional breeding methods often encounter difficulties in dealing with these traits due to their complexity. However, genomic selection (GS), which utilizes high-density molecular markers across the entire genome to facilitate selection in breeding programs, excels in capturing the genetic variation associated with these traits. This enables more accurate and efficient selection in breeding. The traditional crop genome selection model, based on statistical methods or machine learning models, often treats samples as independent entities while neglecting the abundance latent relational information among them. Consequently, this limitation hampers their predictive performance. In this study, we proposed a novel crop genome selection model based on hypergraph attention networks for genomic prediction (HGATGS). This model incorporates dynamic hyperedges that are designed based on sample similarity to validate the efficacy of high-order relationships between samples for phenotypic prediction. By introducing an attention mechanism, it assigns weights to different hyperedges and nodes, thereby enhancing the ability to capture kinship relationships among samples. Additionally, residual connections are incorporated between hypergraph convolutional layers to further improve model stability and performance. The model was validated on datasets for multiple crops, including wheat, corn, and rice. The results showed that HGATGS significantly outperformed traditional statistical methods and machine learning models on the Wheat 599, Rice 299, and G2F 2017 datasets. On Wheat 599, HGATGS achieved a correlation coefficient of 0.54, a 14.9% improvement over methods like R-BLUP and BayesA (0.47). On Rice 299, HGATGS reached 0.45, a 66.7% increase compared to other models like R-BLUP and SVR (0.27). On G2F 2017, HGATGS attained 0.88, slightly surpassing other models like R-BLUP and BayesA (0.87). We conducted ablation experiments to compare the model’s performance across three datasets, and found that the model integrating hypergraph attention and residual connections performed optimally. Subsequent comparisons of the model’s prediction performance with dynamically selected different k values revealed optimal performance when K = (3,4). The model’s prediction performance was also compared across different single nucleotide polymorphisms (SNPs) and sample sizes in various datasets, with HGATGS consistently outperforming the comparison models. Finally, visualizations of the constructed hypergraph structures showed that certain nodes have high connection densities with hyperedges. These nodes often represent varieties or genotypes with significant impacts on traits. During feature aggregation, these high-connectivity nodes contribute significantly to the prediction results and demonstrate better prediction performance across multiple traits in multiple crops. This demonstrates that the method of constructing hypergraphs through correlation relationships for prediction is highly effective. Full article
(This article belongs to the Special Issue Advancements in Genotype Technology and Their Breeding Applications)
Show Figures

Figure 1

19 pages, 2718 KB  
Article
Interactive, Enhanced Dual Hypergraph Model for Explainable Contrastive Learning Recommendation
by Jin Li, Rong Gao, Lingyu Yan, Donghua Liu, Xiang Wan, Xinyun Wu and Jiwei Hu
Electronics 2025, 14(2), 216; https://doi.org/10.3390/electronics14020216 - 7 Jan 2025
Viewed by 1029
Abstract
In recent years, it has become a hot topic to combine graph neural networks with contrastive learning, a method which has been applied not only in recommendation tasks but has also achieved impressive results in many fields, such as text processing and spatio-temporal [...] Read more.
In recent years, it has become a hot topic to combine graph neural networks with contrastive learning, a method which has been applied not only in recommendation tasks but has also achieved impressive results in many fields, such as text processing and spatio-temporal modeling. However, existing methods are still constrained by several issues: (1) Most graph learning methods do not explore the imbalance of node and edge type distribution caused by different user–item interactions. (2) The randomness of data expansion and sampling strategies in contrastive learning may lead to confusion about the importance of key items for users. To overcome the problems, in this paper, we propose an explanation-guided contrastive recommendation model based on interactive message propagation and dual-hypergraph convolution (ECR-ID). Specifically, we designed two different interactive propagation mechanisms for the user–item dual-hypergraph sets to promote comprehensive dynamic information propagation and exchange, which further mitigates the imbalance problem of hyperedges and nodes in the hypergraph convolution, as well as the propagation loss of synergistic information between nodes. In addition, we developed an explanation-guided contrastive learning framework, which highlights the important items in user–item interactions through an explanation-based approach and guided the training of the contrastive learning framework based on the differences in the importance scores of the items, thus generating accurate positive and negative views and improving the contrastive learning performance. Finally, we integrated the contrastive learning framework with the dual-hypergraph networks based on joint training to further improve the recommendation performance. Extensive experimental evaluations on real datasets show that ECR-ID outperforms state-of-the-art recommendation algorithms. In the future, we will conduct in-depth tests based on a wider range of real-world datasets to alleviate the limitation that the existing experimental datasets all comprise data from single business services like Alibaba and Amazon, thus validating the effectiveness of our model more comprehensively. Full article
Show Figures

Figure 1

20 pages, 2139 KB  
Article
Hypergraph Neural Network for Multimodal Depression Recognition
by Xiaolong Li, Yang Dong, Yunfei Yi, Zhixun Liang and Shuqi Yan
Electronics 2024, 13(22), 4544; https://doi.org/10.3390/electronics13224544 - 19 Nov 2024
Cited by 4 | Viewed by 2068
Abstract
Deep learning-based approaches for automatic depression recognition offer advantages of low cost and high efficiency. However, depression symptoms are challenging to detect and vary significantly between individuals. Traditional deep learning methods often struggle to capture and model these nuanced features effectively, leading to [...] Read more.
Deep learning-based approaches for automatic depression recognition offer advantages of low cost and high efficiency. However, depression symptoms are challenging to detect and vary significantly between individuals. Traditional deep learning methods often struggle to capture and model these nuanced features effectively, leading to lower recognition accuracy. This paper introduces a novel multimodal depression recognition method, HYNMDR, which utilizes hypergraphs to represent the complex, high-order relationships among patients with depression. HYNMDR comprises two primary components: a temporal embedding module and a hypergraph classification module. The temporal embedding module employs a temporal convolutional network and a negative sampling loss function based on Euclidean distance to extract feature embeddings from unimodal and cross-modal long-time series data. To capture the unique ways in which depression may manifest in certain feature elements, the hypergraph classification module introduces a threshold segmentation-based hyperedge construction method. This method is the first attempt to apply hypergraph neural networks to multimodal depression recognition. Experimental evaluations on the DAIC-WOZ and E-DAIC datasets demonstrate that HYNMDR outperforms existing methods in automatic depression monitoring, achieving an F1 score of 91.1% and an accuracy of 94.0%. Full article
(This article belongs to the Special Issue Digital Intelligence Technology and Applications)
Show Figures

Figure 1

16 pages, 1192 KB  
Article
A Research Approach to Port Information Security Link Prediction Based on HWA Algorithm
by Zhixin Xia, Zhangqi Zheng, Lexin Bai, Xiaolei Yang and Yongshan Liu
Appl. Sci. 2024, 14(22), 10646; https://doi.org/10.3390/app142210646 - 18 Nov 2024
Viewed by 949
Abstract
For the protection of information security, link prediction, as a basic problem of network science, has important application significance. However, most of the existing link prediction algorithms rely on the node information of the graph structure, which is not applicable in some graph [...] Read more.
For the protection of information security, link prediction, as a basic problem of network science, has important application significance. However, most of the existing link prediction algorithms rely on the node information of the graph structure, which is not applicable in some graph structure data involving privacy. At the same time, most of the algorithms only consider the general graph structure and do not fully consider the high-order information in the graph. Because of this, this paper proposes an algorithm called hypergraph-based link prediction with self-attention (HWA) to solve the above problems. The algorithm can obtain hypergraphs without knowing the attribute information of hypergraph nodes and combines the graph convolutional network (GCN) framework to capture node feature information for link prediction. Experiments show that the HWA algorithm proposed in this paper, combined with the GCN framework, shows better link prediction performance than other graph-based neural network benchmark algorithms on eight real networks. This further verifies the validity and reliability of the model in this paper and provides new protection ideas and technical means for information security. Full article
Show Figures

Figure 1

17 pages, 3221 KB  
Article
Dynamic Spatio-Temporal Hypergraph Convolutional Network for Traffic Flow Forecasting
by Zhiwei Ye, Hairu Wang, Krzysztof Przystupa, Jacek Majewski, Nataliya Hots and Jun Su
Electronics 2024, 13(22), 4435; https://doi.org/10.3390/electronics13224435 - 12 Nov 2024
Cited by 3 | Viewed by 2091
Abstract
Graph convolutional networks (GCN) are an important research method for intelligent transportation systems (ITS), but they also face the challenge of how to describe the complex spatio-temporal relationships between traffic objects (nodes) more effectively. Although most predictive models are designed based on graph [...] Read more.
Graph convolutional networks (GCN) are an important research method for intelligent transportation systems (ITS), but they also face the challenge of how to describe the complex spatio-temporal relationships between traffic objects (nodes) more effectively. Although most predictive models are designed based on graph convolutional structures and have achieved effective results, they have certain limitations in describing the high-order relationships between real data. The emergence of hypergraphs breaks this limitation. A dynamic spatio-temporal hypergraph convolutional network (DSTHGCN) model is proposed in this paper. It models the dynamic characteristics of traffic flow graph nodes and the hyperedge features of hypergraphs simultaneously, achieving collaborative convolution between graph convolution and hypergraph convolution (HGCN). On this basis, a hyperedge outlier removal mechanism (HOR) is introduced during the process of node information propagation to hyper-edges, effectively removing outliers and optimizing the hypergraph structure while reducing complexity. Through in-depth experimental analysis on real-world datasets, this method has better performance compared to other methods. Full article
Show Figures

Figure 1

26 pages, 19057 KB  
Article
Hypergraph Representation Learning for Remote Sensing Image Change Detection
by Zhoujuan Cui, Yueran Zu, Yiping Duan and Xiaoming Tao
Remote Sens. 2024, 16(18), 3533; https://doi.org/10.3390/rs16183533 - 23 Sep 2024
Cited by 1 | Viewed by 3106
Abstract
To address the challenges of change detection tasks, including the scarcity and dispersion of labeled samples, the difficulty in efficiently extracting features from unstructured image objects, and the underutilization of high-order correlation information, we propose a novel architecture based on hypergraph convolutional neural [...] Read more.
To address the challenges of change detection tasks, including the scarcity and dispersion of labeled samples, the difficulty in efficiently extracting features from unstructured image objects, and the underutilization of high-order correlation information, we propose a novel architecture based on hypergraph convolutional neural networks. By characterizing superpixel vertices and their high-order correlations, the method implicitly expands the number of labels while assigning adaptive weight parameters to adjacent objects. It not only describes changes in vertex features but also uncovers local and consistent changes within hyperedges. Specifically, a vertex aggregation mechanism based on superpixel segmentation is established, which segments the difference map into superpixels of diverse shapes and boundaries, and extracts their significant statistical features. Subsequently, a dynamic hypergraph structure is constructed, with each superpixel serving as a vertex. Based on the multi-head self-attention mechanism, the connection probability between vertices and hyperedges is calculated through learnable parameters, and the hyperedges are generated through threshold filtering. Moreover, a framework based on hypergraph convolutional neural networks is customized, which models the high-order correlations within the data through the learning optimization of the hypergraph, achieving change detection in remote sensing images. The experimental results demonstrate that the method obtains impressive qualitative and quantitative analysis results on the three remote sensing datasets, thereby verifying its effectiveness in enhancing the robustness and accuracy of change detection. Full article
Show Figures

Figure 1

29 pages, 1234 KB  
Article
SSRES: A Student Academic Paper Social Recommendation Model Based on a Heterogeneous Graph Approach
by Yiyang Guo and Zheyu Zhou
Mathematics 2024, 12(11), 1667; https://doi.org/10.3390/math12111667 - 27 May 2024
Cited by 1 | Viewed by 1441
Abstract
In an era overwhelmed by academic big data, students grapple with identifying academic papers that resonate with their learning objectives and research interests, due to the sheer volume and complexity of available information. This study addresses the challenge by proposing a novel academic [...] Read more.
In an era overwhelmed by academic big data, students grapple with identifying academic papers that resonate with their learning objectives and research interests, due to the sheer volume and complexity of available information. This study addresses the challenge by proposing a novel academic paper recommendation system designed to enhance personalized learning through the nuanced understanding of academic social networks. Utilizing the theory of social homogeneity, the research first constructs a sophisticated academic social network, capturing high-order social relationships, such as co-authorship and advisor–advisee connections, through hypergraph modeling and advanced network representation learning techniques. The methodology encompasses the development and integration of a hypergraph convolutional neural network and a contrastive learning framework to accurately model and recommend academic papers, focusing on aligning with students’ unique preferences and reducing reliance on sparse interaction data. The findings, validated across multiple real-world datasets, demonstrate a significant improvement in recommendation accuracy, particularly in addressing the cold-start problem and effectively mapping advisor–advisee relationships. The study concludes that leveraging complex academic social networks can substantially enhance the personalization and precision of academic paper recommendations, offering a promising avenue for addressing the challenges of academic information overload and fostering more effective personalized learning environments. Full article
(This article belongs to the Section E1: Mathematics and Computer Science)
Show Figures

Figure 1

19 pages, 1818 KB  
Article
Multi-Modal Enhancement Transformer Network for Skeleton-Based Human Interaction Recognition
by Qianshuo Hu and Haijun Liu
Biomimetics 2024, 9(3), 123; https://doi.org/10.3390/biomimetics9030123 - 20 Feb 2024
Cited by 3 | Viewed by 2662
Abstract
Skeleton-based human interaction recognition is a challenging task in the field of vision and image processing. Graph Convolutional Networks (GCNs) achieved remarkable performance by modeling the human skeleton as a topology. However, existing GCN-based methods have two problems: (1) Existing frameworks cannot effectively [...] Read more.
Skeleton-based human interaction recognition is a challenging task in the field of vision and image processing. Graph Convolutional Networks (GCNs) achieved remarkable performance by modeling the human skeleton as a topology. However, existing GCN-based methods have two problems: (1) Existing frameworks cannot effectively take advantage of the complementary features of different skeletal modalities. There is no information transfer channel between various specific modalities. (2) Limited by the structure of the skeleton topology, it is hard to capture and learn the information about two-person interactions. To solve these problems, inspired by the human visual neural network, we propose a multi-modal enhancement transformer (ME-Former) network for skeleton-based human interaction recognition. ME-Former includes a multi-modal enhancement module (ME) and a context progressive fusion block (CPF). More specifically, each ME module consists of a multi-head cross-modal attention block (MH-CA) and a two-person hypergraph self-attention block (TH-SA), which are responsible for enhancing the skeleton features of a specific modality from other skeletal modalities and modeling spatial dependencies between joints using the specific modality, respectively. In addition, we propose a two-person skeleton topology and a two-person hypergraph representation. The TH-SA block can embed their structural information into the self-attention to better learn two-person interaction. The CPF block is capable of progressively transforming the features of different skeletal modalities from low-level features to higher-order global contexts, making the enhancement process more efficient. Extensive experiments on benchmark NTU-RGB+D 60 and NTU-RGB+D 120 datasets consistently verify the effectiveness of our proposed ME-Former by outperforming state-of-the-art methods. Full article
(This article belongs to the Special Issue Biologically Inspired Vision and Image Processing)
Show Figures

Figure 1

Back to TopTop