Next Article in Journal
On Approximate Multi-Cubic Mappings in 2-Banach Spaces
Previous Article in Journal
A New Graph Vulnerability Parameter: Fuzzy Node Integrity
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Spectrum-Constrained and Skip-Enhanced Graph Fraud Detection: Addressing Heterophily in Fraud Detection with Spectral and Spatial Modeling

by
Ijeoma A. Chikwendu
1,*,
Xiaoling Zhang
1,
Chiagoziem C. Ukwuoma
2,3,
Okechukwu C. Chikwendu
4,
Yeong Hyeon Gu
5,* and
Mugahed A. Al-antari
5,*
1
School of Information and Communication Engineering, University of Electronic Science and Technology of China, Chengdu 611731, China
2
College of Nuclear Technology and Automation Engineering, Chengdu University of Technology, Chengdu 610059, China
3
Sichuan Engineering Technology Research Center for Industrial Internet Intelligent Monitoring and Application, Chengdu University of Technology, Chengdu 610059, China
4
Department of Biochemistry, Federal University of Technology Owerri, PMB, Ihiagwa, Owerri 1526, Nigeria
5
Department of Artificial Intelligence and Data Science, College of AI Convergence, Daeyang AI Center, Sejong University, Seoul 05006, Republic of Korea
*
Authors to whom correspondence should be addressed.
Symmetry 2025, 17(4), 476; https://doi.org/10.3390/sym17040476
Submission received: 3 February 2025 / Revised: 15 March 2025 / Accepted: 19 March 2025 / Published: 21 March 2025
(This article belongs to the Section Engineering and Materials)

Abstract

:
Fraud detection in large-scale graphs presents significant challenges, especially in heterophilic graphs where linked nodes often belong to dissimilar classes or exhibit contrasting attributes. These asymmetric interactions, combined with class imbalance and limited labeled data, make it difficult to fully leverage node labels in semi-supervised learning frameworks. This study aims to address these challenges by proposing a novel framework, Spectrum-Constrained and Skip-Enhanced Graph Fraud Detection (SCSE-GFD), designed specifically for fraud detection in heterophilic graphs. The primary objective is to enhance fraud detection performance while maintaining computational efficiency. SCSE-GFD integrates several key components to improve performance. It employs adaptive polynomial convolution to capture multi-frequency signals and utilizes relation-specific spectral filtering to accommodate both homophilic and heterophilic structures. Additionally, a relation-aware mechanism is incorporated to differentiate between edge types, which enhances feature propagation across diverse graph connections. To address the issue of over-smoothing, skip connections are used to preserve both low- and high-level node representations. Furthermore, supervised edge classification is used to improve the structural understanding of the graph. Extensive experiments on real-world datasets, including Amazon and YelpChi, demonstrate SCSE-GFD’s effectiveness. The framework achieved state-of-the-art AUC scores of 96.21% on Amazon and 90.58% on YelpChi, significantly outperforming existing models. These results validate SCSE-GFD’s ability to improve fraud detection accuracy while maintaining efficiency.

1. Introduction

The quick development of digital platforms has led to the emergence of many fraudulent activities, thereby posing significant risks to individuals, businesses, and global economies. Fraudulent activities, including online payment scams and misleading reviews, result in significant financial and reputational damage, drawing increased attention from industry stakeholders, academic researchers, and regulatory authorities [1,2,3,4]. Fraudulent online transactions exploit system weaknesses, resulting in significant financial losses, while malicious reviews damage merchants’ credibility and deceive consumers. To detect spam reviews effectively, rule-based learning methods [5] and statistical machine learning techniques have been commonly used in the past. However, these approaches often miss the relationships and connections between reviews, which can limit their ability to accurately identify fraudulent activity. A popular approach in fraud detection now involves using multi-relation graphs, which capture different types of connections between entities, like users, reviews, and the products they have reviewed. These graphs are then used to build supervised classifiers that extract features based on the graph’s structure [6,7]. However, these methods often require deep domain expertise to create meaningful features, which can make the process slow and resource heavy. Additionally, manually crafted features may fail to recognise the more complex, high-level relationships between entities that could improve fraud detection.
Graph-based methodologies have emerged as a fundamental aspect in the investigation of fraud detection [8,9,10]. These methods utilize graph architectures by representing entities as nodes and communications as edges to identify fraudulent behaviors. Graph Neural Networks (GNNs), recognized for their performance in graph representation learning [11,12,13], enable the aggregation of neighboring information to learn expressive node embeddings. Recent progress in GNNs applied to multi-relation graphs has led to the creation of more advanced frameworks for fraud detection. These frameworks capitalize on GNNs’ capacity to automatically learn rich representations, moving beyond the need for manually crafted features. Consequently, many new approaches have been proposed that leverage GNNs for detecting fraud, particularly by focusing on novel aggregation techniques. Some methods extract correlation features from local neighbors using convolutional layers [14,15,16]. Others take a hierarchical approach, first aggregating information from a node’s local neighborhood and then combining data from different views [17,18,19]. A shared characteristic of these methods is their focus on identifying clustering behaviors typical of fraudsters by aggregating neighborhood data. However, a significant drawback of this aggregation technique is its vulnerability to fraudsters who disguise their activities. These methods can be easily deceived when fraudsters hide their behaviors through feature manipulation or by altering relationships. When legitimate reviews are used in the aggregation process, the fraudulent behavior may be masked, making it harder to identify fraud accurately. Nonetheless, fraud detection graphs provide distinct challenges that constrain the effectiveness of conventional GNNs.
Fraud graphs frequently exhibit heterophily, characterized by connected nodes possessing dissimilar labels or attributes [20] as shown in Figure 1. This opposes the homophily assumption foundational to numerous GNNs, which states that connected nodes share similar properties. In fraudulent situations, malicious actors often engage with benign entities to conceal their actions or disseminate fraudulent behavior across multiple hops. This interaction between homophilic (symmetric) and heterophilic (asymmetric) connections introduces structural symmetry and asymmetry within the graph, which must be carefully analyzed. By understanding and leveraging these symmetric and asymmetric relationships, effective fraud detection frameworks can better capture the subtle patterns of malicious behavior and robustly distinguish fraudulent nodes from benign ones. For example, in e-commerce platforms like Amazon or Yelp, fraudsters often leverage legitimate accounts to post fake reviews or ratings, creating deceptive patterns that mask fraudulent activity. These fraudulent entities interact with benign users to amplify their influence, leading to intricate heterophilic relationships where fraudulent and legitimate accounts are connected. Conventional GNNs function as low-pass filters, smoothing node representations among neighbors and thereby reducing the discriminating attributes required to identify fraudulent entities. In addition, fraud detection datasets sometimes exhibit class imbalance, with fraudulent instances being substantially outnumbered by benign ones. This disparity intensifies the difficulty, as anomalous nodes are frequently overshadowed by prevailing normal nodes. This phenomenon, termed the common camouflage problem [21], is characterized by elevated homophily among normal nodes and strong heterophily among anomalous nodes, complicating the effective identification of fraudulent entities. Furthermore, existing semi-supervised fraud detection methodologies frequently neglect to properly leverage label information, disregarding the complex relationships between node labels, features, and their contextual environments.
Recent improvements in GNNs have been focused on addressing the unique challenges posed by heterophilic graphs, especially in the context of fraud detection. Spatial GNNs such as GraphConsis [22] and CARE-GNN [23] have tried to tackle heterophily by selecting similar neighbors for aggregation. These methods assume that fraudsters often share some traits with legitimate nodes, so focusing on similar neighbors seems like a good strategy. While this can work to some extent, it falls short because fraudsters typically display behaviors that are quite different from legitimate users. This means that when only local neighbors are considered, important fraud signals can be overlooked. To overcome this, H2-FDetector [24] takes a more refined approach by recognizing heterophilic edges and learning from the contrasting representations of nodes connected through these edges. It makes a clear distinction between homophilic and heterophilic connections, using labeled nodes to guide how features are aggregated. While H2-FDetector improves how heterophilic relationships are handled, it still does not fully take advantage of the graph’s spectral properties, which are essential for capturing the complexity of fraud patterns. Spectral-domain methodologies, such as AMNet [25] and BWGNN [26], have made progress in capturing both low- and high-frequency signals to enhance graph representations. These methods use spectral filtering to address heterophily by analyzing graph signals across various frequency bands. However, their primary focus has been on anomaly detection, which is different from fraud detection in this context because anomaly detection does not account for the structural and contextual complexities unique to fraud graphs, such as imbalances in labeled data or the ability of fraudsters to hide their actions through feature manipulation. These challenges highlight the need for more advanced strategies to improve fraud detection in graph-based systems. Despite significant progress in GNN-based fraud detection, existing methods still face key limitations. Heterophily handling remains a challenge, as models like GraphConsis and CARE-GNN assume that connected nodes share similar properties, which weakens their performance in heterophilic fraud networks. Computational efficiency is another concern, with reinforcement-learning-based models like CARE-GNN requiring substantial resources, making them impractical for large-scale fraud graphs. Additionally, loss of structural information affects models like PC-GNN, where adaptive sampling improves class imbalance but disrupts global graph patterns, reducing their overall effectiveness. Lastly, limited label utilization is a persistent issue in semi-supervised fraud detection, where available label information is often underutilized, leading to suboptimal predictions.
To address these gaps, this study presents a Spectrum-Constrained and Skip-Enhanced Graph Fraud Detector (SCSE-GFD), an innovative framework developed to overcome the limitations of current GNNs in fraud detection. SCSE-GFD is designed to address heterophily and class imbalance through an adaptive polynomial convolution module, relation-aware mechanisms, and skip connections for label utilization. The adaptive polynomial convolution module analyzes graph signals in the spectral domain, extracting information from various frequency bands. By dynamically modeling relationships across heterophilic and homophilic edges, it effectively accommodates the heterophilic characteristics of fraud graphs. Meanwhile, the relation-aware mechanism differentiates edge types and employs an edge classification task to improve structural understanding. This dual methodology improves the model’s capacity to recognize complex connections in the graph. Lastly, to mitigate the label utilization issue, skip connections are integrated, allowing both original node attributes and high-level representations to influence the final prediction. The main contribution is as follows.
This study proposes SCSE-GFD, a scalable framework for fraud detection, addressing heterophily and class imbalance through multi-frequency spectral filtering.
  • ❖ A relation-aware mechanism and edge classification improve structural understanding and node classification.
  • ❖ Skip connections enhance label utilization by preserving both low- and high-level node features.
  • ❖ Experiments on real-world datasets validate SCSE-GFD’s effectiveness, outperforming state-of-the-art methods in accuracy and robustness.
The remainder of this manuscript is structured as follows: Section 2 provides a summary of related work. Section 3 presents a detailed explanation of the proposed SCSE-GFD framework, and the experimental setup. Section 4 discusses the results, analyzes key findings, and highlights limitations along with recommendations for future improvements. Finally, Section 5 concludes the study.

2. Related Work

2.1. Semi-Supervised Node Classification

Semi-supervised node classification has become a crucial task in graph learning, where the goal is to classify nodes using both labeled and unlabeled data. This task is essential in various real-world applications, such as social network analysis, recommender systems, and fraud detection. Recently, GNNs have gained prominence in addressing semi-supervised node classification tasks. Their ability to effectively model graph structures has enabled them to surpass traditional graph embedding methods in scalability and predictive accuracy. Classical models like GCN [27], GraphSAGE [28], GAT [29], and GIN [30] have shown impressive success in learning node representations by integrating both node features and graph structure into the learning process. These models surpass older approaches like DeepWalk [31] and Node2vec [32], which primarily focus on graph structure and rely on random walks to generate embeddings. The downside of these methods is that they often fail to capture the rich attribute information of nodes. What makes GNNs stand out is their ability to incorporate both node features and graph structure simultaneously. This dual consideration is especially valuable in semi-supervised settings, where labeled data are scarce, and the model must effectively use the unlabeled data to make accurate predictions. GNNs use a message-passing mechanism, where each layer combines information from neighboring nodes, allowing the model to iteratively improve node representations. By doing so, these representations are enhanced not only by the graph’s structure but also by the semantic features of neighboring nodes, making GNNs particularly effective in situations where both the graph structure and feature relationships are critical for accurate classification. The growing success of GNNs in semi-supervised node classification has sparked increasing interest in their applications, including fraud detection, recommendation systems, and social network analysis, where understanding the connections between entities is key. Additionally, by considering the entire graph during training, GNNs are able to generalize more effectively to previously unseen nodes, making them well-suited for large-scale and complex graph datasets.

2.2. GNN-Based Fraud Detection

Graph-based fraud detection has gained significant attention due to the ability of GNNs to model complex relationships between entities. However, fraud detection remains a challenging task due to issues such as fraudster camouflage, class imbalance, and the need for model interpretability. Several approaches have been developed to address these limitations, each with varying levels of effectiveness. GraphConsis [22] integrates contextual embeddings with node properties and employs node-specific relationship attention to capture the intricate dependencies between nodes. CARE-GNN [23] tackles fraudster camouflage by introducing a reinforcement-learning-based neighbor selection mechanism, which prioritizes trustworthy neighbors while filtering out misleading connections. This approach improves fraud detection accuracy but comes at a high computational cost, making it less scalable for large datasets. PC-GNN [4] focuses on handling class imbalance by using adaptive subgraph and neighbor sampling to ensure sufficient representation of minority-class (fraudulent) nodes. However, this technique sacrifices global graph structure in favor of localized sampling, which can lead to incomplete feature learning. GAGA [33] attempts to mitigate these limitations by introducing group aggregation and label-enhanced encoding, which improve fraud detection in low-homophily graphs where fraudsters do not share characteristics with their neighbors. While effective in some cases, this method requires extensive hyperparameter tuning, reducing its adaptability across diverse datasets. On the other hand, SEFraud [34] addresses the need for model interpretability by applying a self-explainable graph learning framework, which provides insights into why certain nodes are classified as fraudulent. However, this approach demands significant computational resources, making it less practical for real-time fraud detection.
Despite these advancements, a unified solution that effectively balances computational efficiency, class imbalance handling, and fraud camouflage resistance. SCSE-GFD addresses these gaps by integrating spectral and spatial modeling with a relation-aware mechanism, ensuring robust fraud detection across various graph structures while maintaining computational efficiency. By leveraging adaptive polynomial convolutions and skip connections, SCSE-GFD preserves both local and global structural information, effectively mitigating the limitations faced by previous models.

2.3. Graph Heterophily Learning

Heterophily in graphs presents a major challenge for traditional GNN-based fraud detection, as most models assume that connected nodes share similar properties (homophily). In fraud detection, however, fraudulent nodes often connect to legitimate ones, creating heterophilic structures that standard GNNs struggle to process effectively. Several methods have attempted to address this issue, each with varying levels of success. H2-FDetector [24] proposes a supervised edge-aware aggregation strategy that differentiates between homophilic and heterophilic connections. While this approach improves feature propagation by treating edge types differently, it heavily relies on labeled data, limiting its scalability in real-world fraud detection where labels are often scarce. SplitGNN [35] addresses heterophily by partitioning the graph into homophilic and heterophilic subgraphs and applying spectral band-pass filtering. This approach enhances fraud detection in heterophilic settings but introduces additional complexity due to the need for an edge classifier to separate subgraphs. BWGNN [26] takes a different approach by leveraging wavelet-based spectral filtering to capture both low- and high-frequency signals, making it better suited for anomaly detection rather than fraud classification. SEC-GFD [36] introduces spectral-based frequency partitioning to refine label utilization and feature extraction in multi-relational graphs, but its hybrid spectral modeling results in high computational costs. ACM attempts to refine node aggregation strategies by applying a homophily index, dynamically adjusting learning strategies based on the degree of node similarity [37]. However, its reliance on dataset-specific homophily indices limits its generalizability across different types of fraud graphs.
While these approaches provide valuable insights into handling heterophily, they often suffer from limited scalability, increased computational overhead, or reliance on extensive labeled data. SCSE-GFD addresses these challenges by dynamically learning edge importance without requiring prior homophily assumptions. By integrating adaptive polynomial convolutions and a relation-aware mechanism, it ensures that both homophilic and heterophilic structures are effectively captured, improving fraud detection in multi-relational graphs while maintaining computational efficiency. Table 1 provides a comparative analysis of existing fraud detection models, highlighting their methodologies and limitations. Unlike previous methods, SCSE-GFD effectively addresses heterophily by integrating spectral and spatial modeling, ensuring robust fraud detection in multi-relational graphs.

3. Materials and Methodology

3.1. Problem Definition

A multi-relation graph G = V , X , E r r = 1 R , Y consists of sets of nodes V where each node is associated with a d-dimensional feature vector x X , and a set of edges E r for each relation r   { 1 , ,   R } . The edge set E r can be further divided into E r + and E r , representing homophilic and heterophilic edges, respectively. Homophilic edges E r + connect nodes that share a similar label, while heterophilic edges   E r link nodes with different labels. Here, R is the total count of relations, and Y denotes the set of labeled nodes.
GFD is typically framed as semi-supervised, involving node-level binary classification. In this context, anomalies are often assigned a positive label (1), while normal nodes are given a negative label (0) [38]. The nodes in a fraud graph are categorized into labeled and unlabeled sets: the labeled nodes have their labels denoted as Y t r a i n , while the labels of the unlabeled nodes, Y t e s t , remain hidden during training. The objective of GFD is to learn a labeling function for the unlabeled nodes using all available information, such that Y t e s t = f ( X , A , Y t r a i n ) .
Given the adjacency matrix A of a graph G , the graph Laplacian L can be defined as either L = D A or L = I D 1 / 2 A D 1 / 2 [27], where D is the degree matrix and I is the identity matrix. The Laplacian matrix L is positive semidefinite and can be decomposed as L = U Λ U T , where Λ is a diagonal matrix holding the eigenvalues λ 1 λ 2   λ N , and U = ( u 1 , u 2 , , u N ) consists of the corresponding N eigenvectors [39]. By defining an arbitrary threshold λ k , the eigenvalues of the graph Laplacian can be grouped in two categories: low-frequency eigenvalues { λ 1 , λ 2 , , λ k } and high-frequency eigenvalues λ k + 1 , λ k + 2 , , λ N . This separation allows for the analysis of distinct spectral components within the graph. Based on the principles of graph signal analysis, the standardized Laplacian matrix’s eigenvectors, U , can be interpreted as the basis functions for the Graph Fourier Transform. These eigenvectors enable the decomposition of graph signals into different frequency components for analysis. Let X = [ x 1 , x 2 , , x N ] represent the graph signals. In the operation U T X , U , the eigenvectors of the normalized Laplacian matrix, is treated as the Graph Fourier Transform of the signal X [40]. This transformation projects the graph signals onto the spectral domain. The energy distribution within the spectrum at λ k is defined in Equation (1) as
E λ k = i = 1 k U i T X 2
The spectral energy proportion at λ k is defined as the total spectral energy allocation contributed by the initial k eigenvalues. It can be expressed in Equation (2) as follows:
R λ k = i = 1 k U i T X 2 i = 1 N U i T X 2
In graph-based fraud detection, heterophily denotes the occurrence of an edge connecting nodes with dissimilar labels, shown by a fraudulent node linked to a benign node. This contrasts with homophily, in which connected nodes possess identical labels. Heterophily is popular in fraud detection, as fraudsters often disguise themselves by associating with benign users, making it a crucial element in the development of successful detection tools. For a specific node v, the heterophily degree measures the ratio of its neighbors having a different label. Likewise, the heterophily of the whole graph measures the ratio of heterophilic edges to the overall number of edges. These metrics can be defined in Equation (3) as follows:
h e t e r o v = 1 N v u : u N v , y u y v , h e t e r o G = 1 E ϵ : y s r c y d s t

3.2. Proposed Framework

This study proposes the Spectrum-Constrained and Skip-Enhanced Graph Fraud Detector (SCSE-GFD), a novel framework designed to address heterophily and class imbalance in fraud detection. Figure 2 illustrates the SCSE-GFD architecture, which consists of four key components: adaptive polynomial convolution, relation-aware mechanism, skip connections, and edge classification. Each module plays a distinct role in enhancing fraud detection in graph-based settings. The adaptive polynomial convolution module enables multi-frequency spectral filtering to capture both low- and high-frequency signals. The relation-aware mechanism ensures effective feature propagation by dynamically weighting homophilic and heterophilic edges. Skip connections mitigate over-smoothing by preserving both low- and high-level node features. Finally, the edge classification task enhances the model’s structural understanding by predicting edge types. The following subsections provide a detailed explanation of each component.

3.2.1. Adaptive Polynomial Convolution

This study extends polynomial spectral filtering to enhance node feature propagation in multi-relational fraud graphs. Instead of directly applying graph convolution, SCSE-GFD approximates it using a polynomial function of the graph Laplacian. For a given node v , let h v ( l 1 ) be its feature at layer l 1 . The feature update follows Equation (4):
h v ( l ) = k = 0 K θ k L k h v ( l 1 )
where h v ( l ) is the updated node representation, θ k are learnable coefficients for the polynomial filter, L = D 1 2 A D 1 2 is the normalized Laplacian, and K is the polynomial degree. To address heterophily and account for multi-relational graphs, the convolution is extended to include relation-specific Laplacians as shown in Equation (5):
h v ( l ) = k = 0 K θ k t T L t k h v ( l 1 )
where L t is the Laplacian matrix specific to edge type t . This enables the model to learn distinct feature representations for different types of relationships in the graph.

3.2.2. Relation-Aware Mechanism

The relation-aware mechanism is crucial for handling the heterophilic nature of fraud graphs. It distinguishes between different edge types, such as homophilic (symmetric) and heterophilic (asymmetric) edges to ensure that the features propagated across the graph are tailored to the relationships present. This mechanism leverages the concept of symmetry by treating homophilic edges as symmetric connections, where nodes share similar attributes, and heterophilic edges as asymmetric interactions, where connected nodes exhibit contrasting properties. By dynamically assigning weights to these edges, the relation-aware mechanism ensures that the structural balance between symmetric and asymmetric relationships is preserved.
For an edge u , v , let h u and h v represent the node embeddings of nodes u and v , respectively. The relation-aware score for the edge is computed as shown in Equation (6):
r u , v = tahn ( w r h u ; h v ; h u h v )
where w r are learnable weights for the relation-aware module and h u ; h v ; h u h v is the concatenation of the source, destination, and absolute difference of their features. This mechanism enables the model to adaptively weigh the significance of edges according to their types, enabling enhanced feature propagation across homophilic and heterophilic connections.

3.2.3. Skip Connections

The skip connections module resolves the label use issue sometimes faced in fraud detection. This component ensures that both low-level features and high-level features influence the final prediction. Without skip connections, deep GNN models suffer from over-smoothing, where nodes become indistinguishable due to excessive feature mixing. To prevent this, SCSE-GFD integrates skip connections across all layers, ensuring that meaningful information is preserved throughout the network. Let h v ( l ) represent the high-level feature at layer l and x v represent the initial (low-level) feature of node v, as shown in Equation (7). The final representation is computed as shown in Equation (8).
h v ( l ) = h v l + X v
h v f i n a l = h v ( l ) + x v

3.2.4. Edge Classification

The edge classification task is introduced to improve the structural understanding of the graph. By learning to classify edge types, the model becomes more effective at handling heterophily. This classification helps reweight edge importance dynamically, improving the model’s ability to propagate features across meaningful connections. For an edge u , v , the model predicts the edge type y ^ e d g e using the concatenated features of the two nodes, as shown in Equation (9):
y ^ e d g e = s o f t m a x ( W e d g e [ h u ; h v ] )
where W e d g e is a learnable weight matrix and h u ; h v represents the concatenated node embeddings. The edge classification loss is calculated as shown in Equation (10).
L e d g e = ( u , v ) E t T y e d g e ( t ) log ( y ^ e d g e ( t ) )
This mechanism reinforces meaningful connections in the graph, improving node classification by leveraging relational structures. The predicted edge types are further used to reweight adjacency matrices during feature propagation, allowing SCSE-GFD to refine its learning process dynamically.

3.2.5. Training

SCSE-GFD optimizes both node classification and edge classification in a joint learning framework as shown in Algorithm 1. The loss function is defined in Equation (11) as follows:
L = L n o d e + γ L e d g e
where L n o d e represents cross-entropy loss for node classification and L e d g e accounts for edge classification. The balancing parameter γ ensures that both tasks contribute effectively to learning without overshadowing each other. To determine an optimal γ value, we performed hyperparameter tuning across a range of values (0.1 to 1.0). Empirical results indicate that setting γ = 0.5 provides the best balance, preventing over-reliance on edge classification while still improving fraud detection performance.
Algorithm 1: The training process of SCSE-GFD
Input: fraud graph G = V , E , X degree of polynomial K , frequency filters θ
Output: logits Z   R | V | × C
Preprocessing: precompute relation-specific Laplacians L t for all edge types t
Initialize model parameters: polynomial filter coefficients { θ k } , relation-aware weights, and skip connection layers.
    Training Loop
For each epoch
          for each batch B   G :
  • Extract node features X v
  • Initialize node embeddings:   h v ( 0 ) X v for v B
  • Layer-wise feature propagation:
    For each layer l = 1   t o   L
    Compute high-level features using adaptive polynomial convolution:   h v ( l ) = k = 0 K θ k t T L t k h v ( l 1 )
    Apply skip connection: h v ( l ) h v l + X v
4.
Final node embedding after L-layers:   h v f i n a l = h v ( L )
5.
Edge prediction: for each edge u , v E
Compute edge-type logits: y ^ e d g e = s o f t m a x W e d g e h u ; h v
6.
Loss computation:
Node classification loss: L n o d e = v V t r a i n y v log ( y ^ v )
       Edge classification loss:       L e d g e = ( u , v ) E t T y e d g e ( t ) log ( y ^ e d g e ( t ) )
        Total loss:  L = L n o d e + γ L e d g e

3.3. Datasets

To evaluate SCSE-GFD’s performance in fraud detection on graph-based data, we selected two widely used datasets: Amazon [41] and YelpChi [42], which focus on identifying fraudulent activity in reviews. Fraud detection in this context involves identifying deceptive or misleading reviews on products featured on e-commerce platforms. The key statistics of the datasets are summarized in Table 2.
The YelpChi dataset consists of hotel and restaurant reviews collected from Yelp.com, categorized into filtered (spam) and recommended (genuine) reviews. Each review is represented as a 32-dimensional feature vector, and the dataset captures multiple types of relationships that help in fraud detection. Specifically, YelpChi defines the following:
  • ❖ R-U-R (Review-User-Review): This relationship connects two reviews posted by the same user. It helps identify users who generate multiple reviews, potentially revealing spam behavior.
  • ❖ R-T-R (Review-Time-Review): this links reviews of similar products submitted within a short timeframe, useful for detecting coordinated review spam campaigns.
  • ❖ R-S-R (Review-Score-Review): this associates reviews that share identical ratings for a specific product, helping to identify fraudulent patterns in rating manipulation.
The Amazon dataset contains reviews provided by clients for various products. They are categorized as normal if they have received over 80% helpful votes, while those with less than 20% helpful votes are marked as fraud [23]. To eliminate potential label leakage from the feature “minimum number of unhelpful votes” [23,24], this attribute is excluded, and the remaining features are used to construct 24-dimensional node representations. The dataset comprises three categories of relationships:
  • ❖ U-P-U (User-Product-User): this relationship connects users who reviewed at least one common product, capturing potential coordinated manipulation.
  • ❖ U-S-V (User-Score-Value): this links users who assigned identical star ratings within a one-week period, helping to detect groups that systematically inflate or deflate ratings.
  • ❖ U-V-U (User-Vector-User): this represents user pairs with the top 5% similarity in their review texts, revealing users who may be working together to generate fraudulent content.
Once the datasets are collected and preprocessed, we proceed to define the evaluation metrics used to assess SCSE-GFD’s performance. These metrics provide a standardized way to compare SCSE-GFD against existing models, ensuring a rigorous evaluation of its effectiveness in fraud detection.

3.4. Evaluation Metrics

Given that GFD is inherently a class-imbalanced classification task, this study employs two commonly used evaluation metrics: F1-macro and AUC (area under the ROC curve).
F1-macro calculates the weighted mean of F1 scores across all classes as shown in Equation (12). It is frequently used to assess how the classification models perform, mainly in situations where the classes are imbalanced.
F 1 m a c r o = 1 N i = 1 N F 1 i
where N is the total count of classes and F 1 i is the F1 score for class i. The F1 score for each class i is calculated as the harmonic mean of precision and recall, as shown in Equation (13).
F 1 i = 2 × P r e c i s i o n i × R e c a l l i P r e c i s i o n i + R e c a l l i
where precision for class i is P r e c i s i o n i = T P i T P i + F P i (True Positives/(True Positives + False Positives) and recall for class i is R e c a l l i = T P i T P i + F N i (True Positives/(True Positives + False Negatives). Since fraud detection prioritizes correctly identifying fraudulent instances, F1-macro helps measure the model’s ability to reduce false negatives while maintaining precision, ensuring reliable classification despite class imbalance. AUC is a comprehensive evaluation of a model’s performance across all possible classification thresholds. This makes the AUC particularly robust when dealing with imbalanced datasets. AUC is detailed in Equation (14).
A U C = 1 2 i = 1 m 1 ( T P R i + 1 + ( T P R i ) ( F P R i + 1 ( F P R i )
where TPR is True Positive Rate and FPR is False Positive Rate. Higher values, along with F1-macro and AUC, indicate better overall performance of the evaluated methods.

3.5. Experimental Settings

We conducted all experiments using the Adam optimizer, running them on Python 3.7.12 within PyCharm on a system running Windows 10 Pro with an NVIDIA RTX 3070 GPU (8 GB VRAM) (NVIDIA Corporate, Santa Clara, CA, USA), an Intel Core i7-10750H CPU (Intel Corporation, Santa Clara, CA, USA), and 32 GB of RAM. The model was developed using PyTorch 2.1.0, DGL 1.1.2 + cu118, ensuring efficient execution of graph-based computations. For SCSE-GFD, we set the learning rate to 0.01 for YelpChi and 0.1 for Amazon, as these values provided the best balance between convergence speed and stability during training. A lower learning rate resulted in slower convergence, while a higher value led to instability. The model employed a weight decay of 0.00005 to prevent overfitting without excessively restricting model learning. A dropout rate of 0.1 was selected to maintain regularization while preserving sufficient information in the graph structure. The node embedding dimension was set to 16, ensuring efficient representation learning without excessive computational cost. Increasing this dimension did not yield significant performance improvements, while reducing it led to underfitting. Additionally, the high-frequency signal neighbor order (C) was set to 1, allowing the model to effectively capture high-frequency signals crucial for fraud detection in heterophilic graphs. Higher values of C resulted in increased noise propagation, reducing model performance. For fairness in experiments, we divided the datasets into training, validation, and test sets in a 40%/20%/40% ratio, ensuring a well-balanced evaluation. SCSE-GFD was implemented using the DGL library in PyTorch, while baseline methods were evaluated using publicly available implementations. To ensure convergence and comparability across models, all methods were trained for 1000 epochs, which was determined empirically as the point where performance stabilizes.

4. Results and Discussion

4.1. Baselines

We performed comparative experiments between SCSE-GFD and several advanced baseline models, categorized into three groups. The first includes homophily-based GNN models, such as GCN [27], GraphSAGE [28], GAT [29], and GIN [30]. The second focuses on state-of-the-art methods specifically developed for GFD, including GraphConsis [22], CARE-GNN [23], PC-GNN [4], GAGA [33], and SEfraud [34]. The third consists of GNN-based models tailored for heterophilic graphs, such as ACM [37], H2-FDetector [24], BWGNN [26], SplitGNN [35], and SEC-GFD [36].

4.2. Performance Comparison

This study presents a comprehensive comparison of SCSE-GFD against three groups of baseline models: (1) homophily-based GNNs, (2) graph-based fraud detection algorithms, and (3) heterophily-specific GNNs. The results, summarized in Table 3, confirm the performance of SCSE-GFD across multiple datasets and evaluation metrics.
The first group of baselines consists of homophily-based GNNs, including GCN, GraphSAGE, GAT, and GIN. These models primarily function as low-pass filters, capturing only low-frequency graph signals. As a result, they fail to effectively utilize the high-frequency components that are critical for fraud detection in heterophilic graphs. On the YelpChi dataset, SCSE-GFD achieves an F1-macro score of 76.12, outperforming all homophily-based models. Compared to GIN, SCSE-GFD improves F1-macro by 12.70%, demonstrating its ability to retain discriminatory node features. Similarly, on the Amazon dataset, SCSE-GFD achieves an AUC of 96.21, surpassing GraphSAGE, the strongest homophily-based baseline, by 3.05%.
The second group consists of fraud-specific algorithms, including GraphConsis, CARE-GNN, PC-GNN, GAGA, and SEFraud. These models incorporate techniques to handle heterophily and fraud camouflage but rely on predefined neighbor selection or group aggregation, limiting their ability to capture complex high-frequency interactions. On YelpChi, SCSE-GFD achieves an AUC of 90.58, surpassing GAGA, the best-performing fraud detection baseline, by 0.81% in terms of the AUC. However, GAGA slightly outperforms SCSE-GFD in terms of F1-macro on YelpChi by 0.41%, which can be attributed to its label-enhanced encoding mechanism. Since YelpChi exhibits lower homophily, GAGA benefits from explicit label information when learning node representations, improving classification performance for minority-class nodes. Nevertheless, GAGA’s reliance on extensive hyperparameter tuning limits its adaptability across different datasets. In contrast, SCSE-GFD maintains robust performance across multiple datasets by leveraging spectral filtering and relation-aware modeling, ensuring consistent results without excessive fine-tuning. While GAGA excels in settings with low homophily and strong label dependencies, SCSE-GFD offers better adaptability, making it a more practical choice for large-scale fraud detection applications. Similarly, on Amazon, SCSE-GFD achieves an F1-macro of 92.28, outperforming PC-GNN and SEFraud, further showcasing its strength in fraud classification. The third group, shown in Table 3, includes heterophily-specific GNNs, such as ACM, H2-FDetector, BWGNN, and SplitGNN. While these models incorporate mechanisms to handle heterophily, they lack the flexibility to capture diverse spectral information across multiple frequency bands. On the Amazon dataset, SCSE-GFD achieves an F1-macro of 92.28, outperforming H2-FDetector by 5.37% and BWGNN by 20.65%. Many of these models focus on aggregation strategies and band-pass filtering but struggle with adaptability. SCSE-GFD overcomes this limitation through its adaptive polynomial convolutions, which dynamically adjust spectral learning based on the graph structure. On YelpChi, SCSE-GFD achieves an AUC of 90.58, slightly higher than both H2-FDetector and BWGNN, demonstrating its consistent performance across multiple heterophilic datasets. Figure 3 provides a visual summary of the AUC performance across all datasets, further confirming the advantages of SCSE-GFD over existing models.

4.3. Ablation Study

To evaluate the contributions of different components within the SCSE-GFD framework, we conducted an ablation study by systematically removing or modifying specific modules. The results, presented in Table 4 and Figure 4, highlight the critical role of each component in enhancing fraud detection performance.
When adaptive polynomial convolution (APC) is replaced with a standard graph convolution, a significant drop in performance is observed, with reductions of 2.34% and 2.89% in the AUC and F1-macro on the Yelp dataset. This indicates the importance of this module in capturing spectral signals and addressing heterophily through relation-specific Laplacians. Removing the relation-aware mechanism (R) results in further performance declines, particularly on the Amazon dataset, with reductions of 1.87% and 2.14% in the AUC and F1-macro. This underscores the value of distinguishing homophilic and heterophilic edges to propagate meaningful features effectively. The omission of skip connections (SC) also leads to a decline in performance, with the AUC and F1-macro dropping by 1.45% and 1.78% on Yelp. This highlights the importance of conserving both low- and high-level node features to combat over-smoothing and improve label utilization. Finally, excluding the edge classification (EC) task reduces the AUC and F1-macro by 1.12% and 1.46% on Amazon. While all components play a role in improving the model’s robustness, the adaptive polynomial convolution and relation-aware mechanism are particularly critical for addressing the challenges posed by heterophilic graphs.

4.4. Parameter Study

The sensitivity analysis reveals that SCSE-GFD’s performance is highly influenced by C (neighbor order) and K (polynomial degree), as they determine how information is aggregated and filtered within the graph. The neighbor order C controls the number of hops considered during feature aggregation. In heterophilic graphs, where distant nodes often belong to different classes, higher values of C introduce noise rather than useful information. Our experiments indicate that SCSE-GFD performs optimally at lower values (C = 1 or 2) as seen in Figure 5. On YelpChi, increasing C from 1 to 5 results in a 4.5% drop in the AUC, demonstrating that aggregating information from distant, dissimilar nodes weakens fraud detection performance. Traditional GNNs designed for homophilic graphs benefit from information exchange across multiple hops, but in fraud detection, fraudulent nodes often interact with benign users deceptively, making distant neighbors less informative. Therefore, limiting aggregation to closer neighbors helps preserve relevant fraud-related patterns.
Similarly, the polynomial degree K, which controls the complexity of spectral filtering, plays a crucial role in SCSE-GFD’s effectiveness. Lower values of K (1 or 2) enable the model to focus on local structural differences, which are crucial for identifying fraudulent behavior. Increasing K from 1 to 5 on Amazon results in a 6% decline in the F1-macro, confirming that excessive spectral complexity leads to overfitting, where the model captures irrelevant noise instead of meaningful fraud patterns. Higher values of K tend to make the model more sensitive to small variations in node attributes, which may not be beneficial in fraud detection, where relationships are often heterogeneous. By keeping K low, SCSE-GFD effectively extracts high-frequency fraud indicators without amplifying irrelevant patterns, ensuring stable performance across different datasets.
Our findings emphasize the importance of carefully tuning C and K to maintain SCSE-GFD’s effectiveness. A larger C increases the risk of feature dilution, as distant nodes in heterophilic graphs are often weakly related. Similarly, a higher K amplifies unnecessary noise, reducing generalization. By balancing these values at C = 1 or 2 and K = 1 or 2, SCSE-GFD achieves superior fraud detection by capturing localized fraud patterns while avoiding feature corruption. These insights validate SCSE-GFD’s design and suggest that heterophilic fraud detection models should prioritize local interactions and controlled spectral filtering to avoid performance degradation. Future work could explore adaptive strategies where C and K are dynamically tuned based on the graph’s homophily–heterophily characteristics, further enhancing the model’s flexibility and performance.

4.5. Testing Time (Computational Complexity)

To evaluate the real-time efficiency of the proposed SCSE-GFD model, we conducted an inference speed comparison against several state-of-the-art models on the Amazon dataset. Large-scale fraud detection systems require both a high accuracy and computational efficiency, so it is essential to ensure that improvements in predictive performance do not come at the cost of increased inference time. Figure 6 shows that SCSE-GFD not only achieves the highest predictive accuracy but also maintains the lowest testing time, making it an effective approach for large-scale graph-based fraud detection. This efficiency is attributed to its spectral filtering and relation-aware mechanisms, which capture both low- and high-frequency signals without introducing excessive computational overhead. Some models, such as GraphSAGE and BWGNN, exhibit slightly lower inference times but fail to match SCSE-GFD in accuracy. GraphSAGE primarily relies on local neighborhood aggregation, limiting its ability to model complex fraud patterns in heterophilic graphs. BWGNN incorporates wavelet-based spectral filtering, which enhances efficiency but lacks the adaptive learning mechanisms of SCSE-GFD, leading to reduced predictive power. On the other hand, models like CARE-GNN and PC-GNN show significantly higher computational costs. CARE-GNN’s reinforcement-learning-based neighbor selection process increases its test time, making it less practical for real-time applications. PC-GNN, though effective at addressing class imbalance, suffers from slower inference due to its iterative neighbor sampling approach. Similarly, while GAGA and SEC-GFD achieve strong predictive performance, their longer test times suggest additional computational complexity from group aggregation and spectral partitioning techniques. Overall, SCSE-GFD demonstrates an optimal balance between accuracy and efficiency, making it highly suitable for real-time fraud detection in large-scale, dynamic environments like e-commerce platforms.

4.6. Limitations and Future Works

SCSE-GFD introduces a novel framework for fraud detection in heterophilic graphs by leveraging adaptive polynomial convolutions, relation-aware mechanisms, and skip connections. However, like any model, it has certain limitations that present opportunities for further improvement. One challenge is the dependence on edge classification to differentiate between homophilic and heterophilic edges. This makes the model sensitive to noisy or incomplete edge information, which could reduce its effectiveness in real-world scenarios where relationships between entities are unclear. To address this, future work will explore self-supervised learning techniques to enhance robustness against missing or inaccurate edge data, ensuring more reliable fraud detection in dynamic environments.
Another limitation is computational efficiency when applied to large-scale graphs, particularly due to spectral filtering. While SCSE-GFD optimizes efficiency through adaptive polynomial convolutions, further improvements can be made by integrating graph pruning techniques or model distillation to reduce computational overhead without sacrificing performance. Additionally, SCSE-GFD has been designed and evaluated specifically for fraud detection datasets. Its generalizability to other graph-based tasks, such as recommendation systems or social network analysis, remains unexplored. Future research will investigate domain adaptation strategies, such as transfer learning, to extend the model’s applicability beyond fraud detection.
Despite these challenges, SCSE-GFD represents a significant advancement in fraud detection by effectively modeling heterophilic structures, improving label utilization, and maintaining computational efficiency. Future enhancements will focus on self-supervised learning, scalability, and broader applications to further strengthen its effectiveness in complex graph-based tasks.

5. Conclusions

In this study, we introduced SCSE-GFD (Spectrum-Constrained and Skip-Enhanced Graph Fraud Detection), a novel framework aimed at addressing the challenges of fraud detection in heterophilic graphs. Fraud detection in multi-relational graphs is particularly difficult due to the complex interaction between homophilic and heterophilic edges, class imbalance, and the scarcity of labeled data. SCSE-GFD tackles these challenges through the use of adaptive polynomial convolutions, a relation-aware mechanism, and skip connections. These features allow the framework to capture intricate relationships and spectral properties, improving its ability to distinguish between homophilic and heterophilic connections.
Extensive experiments on several real-world datasets demonstrate that SCSE-GFD outperforms current state-of-the-art methods, achieving better results in terms of AUC and overall robustness. However, on the YelpChi dataset, GAGA achieves a slightly higher F1-macro score, which can be attributed to its label-enhanced encoding mechanism. This provides additional supervision in low-homophily settings, benefiting classification performance for minority-class nodes. While SCSE-GFD maintains a more adaptable and computationally efficient approach by integrating spectral filtering and relation-aware mechanisms, future work could explore hybrid approaches incorporating label-enhanced learning to further improve performance in highly heterophilic datasets.
These findings confirm SCSE-GFD’s effectiveness at improving fraud detection in heterogeneous graphs. Moreover, an ablation study highlights the importance of each component, adaptive polynomial convolution, the relation-aware mechanism, and skip connections, in enhancing the model’s robustness and accuracy. These results underscore SCSE-GFD’s potential as a powerful tool for fraud detection, leveraging both graph spectral features and structural relationships, and representing a significant advancement in the field.

Author Contributions

Conceptualization, I.A.C., X.Z. and M.A.A.-a.; data curation, I.A.C.; formal analysis, Y.H.G.; funding acquisition, X.Z., Y.H.G. and M.A.A.-a.; investigation, Y.H.G. and M.A.A.-a.; methodology, I.A.C. and M.A.A.-a.; project administration, Y.H.G. and M.A.A.-a.; software, O.C.C.; supervision, X.Z.; validation, C.C.U.; visualization, C.C.U. and O.C.C.; writing—original draft, I.A.C.; writing—review and editing, I.A.C., X.Z., C.C.U., O.C.C., Y.H.G. and M.A.A.-a. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the MSIT (Ministry of Science and ICT), Korea, under the ITRC (Information Technology Research Center) support program (IITP-2024-RS-2024-00437191) supervised by the IITP (Institute for Information & Communications Technology Planning& Evaluation.

Data Availability Statement

The data presented in this study are openly available at https://github.com/Split-GNN/SplitGNN/tree/master/data (assessed on 20 August 2024). The pytorch code used in this study will be made accessible via https://github.com/chiagoziemchima/SCSE-GFD- (assessed on 20 August 2024).

Acknowledgments

We acknowledge the support from Natural Science Foundation of Sichuan Province, China, under grant 24NSFSC0622, The MSIT (Ministry of Science and ICT), Korea, under the ITRC (Information Technology Research Center) support program (IITP-2024-RS-2024-00437191) supervised by the IITP (Institute for Information & Communications Technology Planning& Evaluation, National Research Foundation of Korea (NRF) grant funded by the Korean government (MSIT) (Nos. RS-2022-00166402 and RS-2023-00256517).

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
AGGAggregationGATGraph Attention
GNNGraph Neural NetworksBWGNNBeta Wavelets GNN
PC-GNNPick-and-Choose GNNGPRGNNGeneralized PageRank
GCNGraph Convolution NetworkGFDGraph Fraud Detection
ACMAdaptive Channel MixtureGINGraph Isomorphism Network
GraphSAGEGraph Sample and AggregationGTANGated Temporal Attention Network
CARE-GNNCamouflage-Resistant GNNGAGAGroup-Aggregation and label-Enhanced encoding
SEC-GFDSpectrum-Enhanced and Environment-Constrained GFD
SCSE-GFDSpectrum-Constrained and Skip-Enhanced Graph Fraud Detector

References

  1. Wang, H.; Zhou, C.; Wu, J.; Dang, W.; Zhu, X.; Wang, J. Deep structure learning for fraud detection. In Proceedings of the 2018 IEEE International Conference on Data Mining (ICDM), Singapore, 17–20 November 2018; pp. 567–576. [Google Scholar]
  2. Dong, Y.; Yao, J.; Wang, J.; Liang, Y.; Liao, S.; Xiao, M. Dynamic fraud detection: Integrating reinforcement learning into graph neural networks. In Proceedings of the 2024 6th International Conference on Data-driven Optimization of Complex Systems (DOCS), Hangzhou, China, 16–18 August 2024; pp. 818–823. [Google Scholar]
  3. Zhang, G.; Wu, J.; Yang, J.; Beheshti, A.; Xue, S.; Zhou, C.; Sheng, Q.Z. Fraudre: Fraud detection dual-resistant to graph inconsistency and imbalance. In Proceedings of the 2021 IEEE International Conference on Data Mining (ICDM), Auckland, New Zealand, 7–10 December 2021; pp. 867–876. [Google Scholar]
  4. Liu, Y.; Ao, X.; Qin, Z.; Chi, J.; Feng, J.; Yang, H.; He, Q. Pick and choose: A GNN-based imbalanced learning approach for fraud detection. In Proceedings of the Web Conference 2021, Ljubljana, Slovenia, 19–23 April 2021; pp. 3168–3177. [Google Scholar]
  5. Teng, H.S.; Chen, K.; Lu, S.C. Security audit trail analysis using inductively generated predictive rules. In Proceedings of the Sixth Conference on Artificial Intelligence for Applications, Santa Barbara, CA, USA, 5–9 May 1990; pp. 24–25. [Google Scholar]
  6. Wang, G.; Xie, S.; Liu, B.; Philip, S.Y. Review graph based online store review spammer detection. In Proceedings of the 2011 IEEE 11th International Conference on Data Mining, Vancouver, BC, Canada, 11–14 December 2011; pp. 1242–1247. [Google Scholar]
  7. Lim, E.-P.; Nguyen, V.-A.; Jindal, N.; Liu, B.; Lauw, H.W. Detecting product review spammers using rating behaviors. In Proceedings of the 19th ACM International Conference on Information and Knowledge Management, Toronto, ON, Canada, 26–30 October 2010; pp. 939–948. [Google Scholar]
  8. Qin, Z.; Liu, Y.; He, Q.; Ao, X. Explainable graph-based fraud detection via neural meta-graph search. In Proceedings of the 31st ACM International Conference on Information & Knowledge Management, Atlanta, GA, USA, 17–21 October 2022; pp. 4414–4418. [Google Scholar]
  9. Zhao, J.; Shao, M.; Tang, H.; Liu, J.; Du, L.; Wang, H. RHGNN: Fake reviewer detection based on reinforced heterogeneous graph neural networks. Knowl.-Based Syst. 2023, 280, 111029. [Google Scholar] [CrossRef]
  10. Xiang, S.; Zhang, G.; Cheng, D.; Zhang, Y. Enhancing Attribute-Driven Fraud Detection with Risk-Aware Graph Representation. IEEE Trans. Knowl. Data Eng. 2025, 1–12. [Google Scholar] [CrossRef]
  11. Chikwendu, I.A.; Zhang, X.; Agyemang, I.O.; Adjei-Mensah, I.; Chima, U.C.; Ejiyi, C.J. A comprehensive survey on deep graph representation learning methods. J. Artif. Intell. Res. 2023, 78, 287–356. [Google Scholar]
  12. Ren, J.; Xia, F.; Lee, I.; Noori Hoshyar, A.; Aggarwal, C. Graph learning for anomaly analytics: Algorithms, applications, and challenges. ACM Trans. Intell. Syst. Technol. 2023, 14, 1–29. [Google Scholar]
  13. Wang, X.; Jiang, B.; Wang, X.; Luo, B. Learning Dynamic Batch-Graph Representation for Deep Representation Learning. Int. J. Comput. Vis. 2025, 133, 84–105. [Google Scholar]
  14. Wang, J.; Wen, R.; Wu, C.; Huang, Y.; Xiong, J. Fdgars: Fraudster detection via graph convolutional networks in online app review system. In Proceedings of the Companion Proceedings of the 2019 World Wide Web Conference, San Francisco, CA, USA, 13–17 May 2019; pp. 310–316. [Google Scholar]
  15. Li, A.; Qin, Z.; Liu, R.; Yang, Y.; Li, D. Spam review detection with graph convolutional networks. In Proceedings of the 28th ACM International Conference on Information and Knowledge Management, Beijing, China, 3–7 November 2019; pp. 2703–2711. [Google Scholar]
  16. Liu, Z.; Chen, C.; Yang, X.; Zhou, J.; Li, X.; Song, L. Heterogeneous graph neural networks for malicious account detection. In Proceedings of the 27th ACM International Conference on Information and Knowledge Management, Torino, Italy, 22–26 October 2018; pp. 2077–2085. [Google Scholar]
  17. Hu, B.; Zhang, Z.; Shi, C.; Zhou, J.; Li, X.; Qi, Y. Cash-out user detection based on attributed heterogeneous information network with a hierarchical attention mechanism. Proc. AAAI Conf. Artif. Intell. 2019, 33, 946–953. [Google Scholar]
  18. Liu, Z.; Chen, C.; Li, L.; Zhou, J.; Li, X.; Song, L.; Qi, Y. Geniepath: Graph neural networks with adaptive receptive paths. Proc. AAAI Conf. Artif. Intell. 2019, 33, 4424–4431. [Google Scholar]
  19. Zhang, Y.; Fan, Y.; Ye, Y.; Zhao, L.; Shi, C. Key player identification in underground forums over attributed heterogeneous information network embedding framework. In Proceedings of the 28th ACM International Conference on Information and Knowledge Management, Beijing, China, 3–7 November 2019; pp. 549–558. [Google Scholar]
  20. Zhu, J.; Rossi, R.A.; Rao, A.; Mai, T.; Lipka, N.; Ahmed, N.K.; Koutra, D. Graph neural networks with heterophily. Proc. AAAI Conf. Artif. Intell. 2021, 35, 11168–11176. [Google Scholar]
  21. Zhang, Z.; Wan, J.; Zhou, M.; Lai, Z.; Tessone, C.J.; Chen, G.; Liao, H. Temporal burstiness and collaborative camouflage aware fraud detection. Inf. Process. Manag. 2023, 60, 103170. [Google Scholar] [CrossRef]
  22. Liu, Z.; Dou, Y.; Yu, P.S.; Deng, Y.; Peng, H. Alleviating the inconsistency problem of applying graph neural network to fraud detection. In Proceedings of the 43rd International ACM SIGIR Conference on Research and Development in Information Retrieval, Virtual Event, 25–30 July 2020; pp. 1569–1572. [Google Scholar]
  23. Dou, Y.; Liu, Z.; Sun, L.; Deng, Y.; Peng, H.; Yu, P.S. Enhancing graph neural network-based fraud detectors against camouflaged fraudsters. In Proceedings of the 29th ACM International Conference on Information & Knowledge Management, Virtual Event, 19–23 October 2020; pp. 315–324. [Google Scholar]
  24. Shi, F.; Cao, Y.; Shang, Y.; Zhou, Y.; Zhou, C.; Wu, J. H2-fdetector: A gnn-based fraud detector with homophilic and heterophilic connections. In Proceedings of the ACM Web Conference 2022, Lyon, France, 25–29 April 2022; pp. 1486–1494. [Google Scholar]
  25. Chai, Z.; You, S.; Yang, Y.; Pu, S.; Xu, J.; Cai, H.; Jiang, W. Can abnormality be detected by graph neural networks? In Proceedings of the IJCAI, Vienna, Austria, 23–29 July 2022; pp. 1945–1951. [Google Scholar]
  26. Tang, J.; Li, J.; Gao, Z.; Li, J. Rethinking graph neural networks for anomaly detection. In Proceedings of the International Conference on Machine Learning, Baltimore, MD, USA, 17–23 July 2022; pp. 21076–21089. [Google Scholar]
  27. Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  28. Hamilton, W.; Ying, Z.; Leskovec, J. Inductive representation learning on large graphs. Adv. Neural Inf. Process. Syst. 2017, 30, 1024–1034. [Google Scholar]
  29. Veličković, P.; Cucurull, G.; Casanova, A.; Romero, A.; Lio, P.; Bengio, Y. Graph attention networks. arXiv 2017, arXiv:1710.10903. [Google Scholar]
  30. Xu, K.; Hu, W.; Leskovec, J.; Jegelka, S. How powerful are graph neural networks? arXiv 2018, arXiv:1810.00826. [Google Scholar]
  31. Perozzi, B.; Al-Rfou, R.; Skiena, S. Deepwalk: Online learning of social representations. In Proceedings of the 20th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, New York, NY, USA, 24–27 August 2014; pp. 701–710. [Google Scholar]
  32. Grover, A.; Leskovec, J. node2vec: Scalable feature learning for networks. In Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016; pp. 855–864. [Google Scholar]
  33. Wang, Y.; Zhang, J.; Huang, Z.; Li, W.; Feng, S.; Ma, Z.; Sun, Y.; Yu, D.; Dong, F.; Jin, J.; et al. Label information enhanced fraud detection against low homophily in graphs. In Proceedings of the ACM Web Conference 2023, Austin, TX, USA, 30 April 2023; pp. 406–416. [Google Scholar]
  34. Li, K.; Yang, T.; Zhou, M.; Meng, J.; Wang, S.; Wu, Y.; Tan, B.; Song, H.; Pan, L.; Yu, F.; et al. SEFraud: Graph-based Self-Explainable Fraud Detection via Interpretative Mask Learning. In Proceedings of the 30th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, Barcelona, Spain, 25–29 August 2024; pp. 5329–5338. [Google Scholar]
  35. Wu, B.; Yao, X.; Zhang, B.; Chao, K.-M.; Li, Y. SplitGNN: Spectral Graph Neural Network for Fraud Detection against Heterophily. In Proceedings of the 32nd ACM International Conference on Information and Knowledge Management, Birmingham, UK, 21–25 October 2023; pp. 2737–2746. [Google Scholar]
  36. Xu, F.; Wang, N.; Wu, H.; Wen, X.; Zhao, X.; Wan, H. Revisiting graph-based fraud detection in sight of heterophily and spectrum. Proc. AAAI Conf. Artif. Intell. 2024, 38, 9214–9222. [Google Scholar]
  37. Luan, S.; Hua, C.; Lu, Q.; Zhu, J.; Zhao, M.; Zhang, S.; Chang, X.-W.; Precup, D. Revisiting heterophily for graph neural networks. Adv. Neural Inf. Process. Syst. 2022, 35, 1362–1375. [Google Scholar]
  38. Jing, R.; Tian, H.; Zhou, G.; Zhang, X.; Zheng, X.; Zeng, D.D. A GNN-based Few-shot learning model on the Credit Card Fraud detection. In Proceedings of the 2021 IEEE 1st International Conference on Digital Twins and Parallel Intelligence (DTPI), Beijing, China, 15 July–15 August 2021; pp. 320–323. [Google Scholar]
  39. Bo, D.; Wang, X.; Shi, C.; Shen, H. Beyond low-frequency information in graph convolutional networks. Proc. AAAI Conf. Artif. Intell. 2021, 35, 3950–3957. [Google Scholar] [CrossRef]
  40. Hoang, N.T.; Maehara, T.; Murata, T. Revisiting graph neural networks: Graph filtering perspective. In Proceedings of the 2020 25th International Conference on Pattern Recognition (ICPR), Milan, Italy, 10–15 January 2021; pp. 8376–8383. [Google Scholar]
  41. McAuley, J.J.; Leskovec, J. From amateurs to connoisseurs: Modeling the evolution of user expertise through online reviews. In Proceedings of the 22nd International Conference on World Wide Web, Rio de Janeiro, Brazil, 13–17 May 2013; pp. 897–908. [Google Scholar]
  42. Rayana, S.; Akoglu, L. Collective opinion spam detection: Bridging review networks and metadata. In Proceedings of the 21th ACM Sigkdd International Conference on Knowledge Discovery and Data Mining, Sydney, NSW, Australia, 10–13 August 2015; pp. 985–994. [Google Scholar]
Figure 1. An illustration of homophily edges (black arrows), where connected nodes belong to the same class, and heterophily edges (red arrows), where connected nodes belong to different classes.
Figure 1. An illustration of homophily edges (black arrows), where connected nodes belong to the same class, and heterophily edges (red arrows), where connected nodes belong to different classes.
Symmetry 17 00476 g001
Figure 2. Proposed model framework.
Figure 2. Proposed model framework.
Symmetry 17 00476 g002
Figure 3. Summary of the AUC performance of state-of-the-art models.
Figure 3. Summary of the AUC performance of state-of-the-art models.
Symmetry 17 00476 g003
Figure 4. Ablation studies.
Figure 4. Ablation studies.
Symmetry 17 00476 g004
Figure 5. Sensitivity analysis of different hyperparameter combinations: K (polynomial degree) and C (neighbor order for feature aggregation).
Figure 5. Sensitivity analysis of different hyperparameter combinations: K (polynomial degree) and C (neighbor order for feature aggregation).
Symmetry 17 00476 g005
Figure 6. AUC vs. testing time on Amazon.
Figure 6. AUC vs. testing time on Amazon.
Symmetry 17 00476 g006
Table 1. Comparison of existing graph-based fraud detection models.
Table 1. Comparison of existing graph-based fraud detection models.
ModelMethodLimitations
GraphConsisUses contextual embeddings to detect fraud patternsStruggles with extreme heterophily, where node labels vary significantly
CARE-GNNReinforcement learning for fraud detectionHigh computational cost due to reinforcement learning
PC-GNNAdaptive neighbor sampling for class imbalanceLoses global graph information
GAGAGroup aggregation and label-enhanced encodingRequires extensive fine-tuning
H2-FDetectorEdge-aware aggregationRequires labeled data
BWGNNBeta wavelet-based spectral filteringFocused on anomaly detection
SplitGNNGraph partitioning with spectral filteringRequires additional edge classification
SEC-GFDSpectral-based frequency partitioning and local environmental constraintsComputationally expensive
SEFraudUses self-explainable graph learning with interpretative mask learningRequires extensive model training to achieve accurate explainability
Table 2. Summary of dataset statistics.
Table 2. Summary of dataset statistics.
DatasetNodesFraud (%)EdgesRelationsFeatures
YelpChi45,95414.53%R-U-R
R-T-R
R-S-R
Homo
98,630
1,147,232
6,805,486
7,693,958
32
Amazon11,9446.87%U-P-U
U-S-U
U-V-U
Homo
351,216
7,132,958
2,073,474
8,796,784
24
Table 3. Performance comparison of SCSE-GFD and baseline models.
Table 3. Performance comparison of SCSE-GFD and baseline models.
MethodsDatasets
YelpChiAmazon
AUCF1-MacroAUCF1-Macro
Homophily GNNGCN59.8356.2083.6964.86
GraphSAGE89.3875.4693.1688.26
GAT57.1548.7981.0264.64
GIN75.2863.4281.3871.14
GFD AlgorithmGraphConsis69.5557.9187.2778.46
CARE-GNN76.1963.3290.6786.39
PC-GNN79.8763.0095.8689.56
GAGA89.7776.7195.6190.31
SEFraud86.7773.0193.2389.50
Heterophily GNNACM88.2869.7293.6981.83
H2-FDetector89.4874.3896.0386.91
BWGNN89.7973.6592.3171.63
SplitGNN89.5373.1692.4572.40
SEC-GFD90.1375.9894.3290.24
OursSCSE-GFD90.5876.1296.2192.28
Table 4. Performance of SCSE-GFD under different ablation settings; w/o (without) indicates that a specific module has been removed to evaluate its impact on model performance.
Table 4. Performance of SCSE-GFD under different ablation settings; w/o (without) indicates that a specific module has been removed to evaluate its impact on model performance.
MethodYelpAmazon
AUCF1-MacroAUCF1-Macro
SCSE-GFD90.5876.1296.2192.28
w/o EC89.4674.6695.0990.82
w/o SC89.1374.3494.7690.50
w/o R88.7173.9894.3490.14
w/o APC88.2473.2393.8789.39
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Chikwendu, I.A.; Zhang, X.; Ukwuoma, C.C.; Chikwendu, O.C.; Hyeon Gu, Y.; Al-antari, M.A. Spectrum-Constrained and Skip-Enhanced Graph Fraud Detection: Addressing Heterophily in Fraud Detection with Spectral and Spatial Modeling. Symmetry 2025, 17, 476. https://doi.org/10.3390/sym17040476

AMA Style

Chikwendu IA, Zhang X, Ukwuoma CC, Chikwendu OC, Hyeon Gu Y, Al-antari MA. Spectrum-Constrained and Skip-Enhanced Graph Fraud Detection: Addressing Heterophily in Fraud Detection with Spectral and Spatial Modeling. Symmetry. 2025; 17(4):476. https://doi.org/10.3390/sym17040476

Chicago/Turabian Style

Chikwendu, Ijeoma A., Xiaoling Zhang, Chiagoziem C. Ukwuoma, Okechukwu C. Chikwendu, Yeong Hyeon Gu, and Mugahed A. Al-antari. 2025. "Spectrum-Constrained and Skip-Enhanced Graph Fraud Detection: Addressing Heterophily in Fraud Detection with Spectral and Spatial Modeling" Symmetry 17, no. 4: 476. https://doi.org/10.3390/sym17040476

APA Style

Chikwendu, I. A., Zhang, X., Ukwuoma, C. C., Chikwendu, O. C., Hyeon Gu, Y., & Al-antari, M. A. (2025). Spectrum-Constrained and Skip-Enhanced Graph Fraud Detection: Addressing Heterophily in Fraud Detection with Spectral and Spatial Modeling. Symmetry, 17(4), 476. https://doi.org/10.3390/sym17040476

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop