Abstract
Cross-regional enterprise financial distress can undermine long-term corporate viability, weaken regional industrial resilience, and amplify systemic risk, making robust early-warning tools essential for sustainable financial governance. This study investigates the problem of cross-regional enterprise delisting-related distress identification under heterogeneous economic structures and highly imbalanced risk samples. We propose a cross-domain learning framework that aims to deliver stable, interpretable, and transferable risk signals across regions without requiring access to labeled data from the target domain. Using a multi-source empirical dataset covering Beijing, Shanghai, Jiangsu, and Zhejiang, we conduct leave-one-domain-out evaluations that simulate real-world regulatory deployment. The results demonstrate consistent improvements over representative sequential and graph-based baselines, indicating stronger cross-regional generalization and more reliable identification of borderline and noisy cases. By linking cross-domain stability with uncertainty-aware risk screening, this work contributes a practical and economically meaningful solution for sustainable corporate oversight, offering actionable value for policy-oriented financial supervision and regional economic sustainability.
1. Introduction
In recent years, with the rapid accumulation of multi-source financial data and the increasing complexity of regional economic structures, enterprise risk identification has played an increasingly crucial role in financial regulation and macro-level decision-making [1]. Enterprises across different regions exhibit significant differences in industrial structure, financing models, and policy environments, leading to pronounced regional heterogeneity in risk characteristics. Such differences not only increase the difficulty of risk prediction but also impose higher requirements on the cross-domain generalization ability of models. How to construct a stable, interpretable, and transferable risk identification model under multi-domain scenarios has become a key research direction in the field of intelligent financial analysis.
However, existing studies still face several challenges in handling regional heterogeneity and data uncertainty [2]. On the one hand, traditional machine learning methods rely on the assumption of a single data distribution, making it difficult to adapt effectively to variations in sample distributions across regions [3]. On the other hand, although deep learning models possess strong representation capabilities, they are prone to structural drift and overfitting under cross-domain environments, leading to insufficient feature alignment and unstable predictions [4]. Furthermore, most existing studies fail to adequately consider the uncertainty inherent in risk data, resulting in reduced robustness when facing anomalous or boundary samples.
To address these issues, this paper proposes an enterprise risk identification framework that integrates hierarchical structure-invariant modeling with uncertainty-aware decoding. In this study, enterprise risk specifically refers to the delisting-related financial distress risk indicated by abnormal operating conditions and regulatory warning signals, which may ultimately lead to delisting outcomes. From a sustainability perspective, accurately identifying such delisting risk is economically meaningful because it reflects the breakdown of long-term corporate viability, weakens regional industrial resilience, and can trigger broader supply chain and employment disruptions. The proposed Hierarchical Structure-Invariant Encoder (HSIE) achieves cross-domain structural alignment in multi-level feature spaces, effectively mitigating semantic drift caused by regional discrepancies. Meanwhile, the Uncertainty-aware Domain-Robust Decoder (UDR-T) dynamically adjusts decoding weights based on sample variance, balancing the influence of high- and low-confidence samples during prediction. This framework maintains structural consistency while significantly enhancing the model’s cross-domain robustness and risk discrimination accuracy for delisting-risk identification across heterogeneous regional financial environments.
The main contributions of this paper are as follows:
- (1)
- We propose a hierarchical structure-invariant modeling framework for multi-domain enterprise risk identification, where enterprise risk refers to delisting-related financial distress risk. The framework is designed to align multi-level financial feature structures across regions with heterogeneous industrial bases and financing patterns, so that the learned risk signals remain economically comparable and stable when a new region is treated as the target domain.
- (2)
- We design an uncertainty-aware decoding mechanism to adaptively calibrate cross-domain predictive distributions. From an economic and regulatory perspective, this mechanism explicitly distinguishes high-confidence broad-based distress signals from ambiguous boundary cases (e.g., firms with temporary liquidity stress versus firms approaching delisting warnings), thereby improving the reliability of early-warning decisions under noisy or incomplete financial disclosures.
- (3)
- We construct a multi-regional empirical dataset covering four representative Chinese regions (Beijing, Shanghai, Jiangsu, and Zhejiang) to support a transparent evaluation of cross-regional delisting-risk generalization. This setting enables a practical leave-one-domain-out validation that mimics real regulatory deployment: a model trained on several regions can be directly tested for risk screening in an unseen region with different economic structures.
- (4)
- We conduct visualization and ablation experiments to clarify the logic of how each proposed module contributes to risk identification in economic terms. Specifically, the analyses demonstrate how hierarchical structure alignment stabilizes regional risk factor representations, while uncertainty-aware decoding enhances the robustness of delisting-risk discrimination for anomalous or borderline firms, offering interpretable evidence for multi-domain financial supervision and sustainable corporate governance.
To provide a clear roadmap for readers, the remainder of this paper is organized as follows. Section 2 reviews the related literature on multi-domain risk identification, structure-invariant representation learning, and uncertainty-aware modeling. Section 3 presents the proposed framework, detailing the design of HSIE and UDR-T as well as the overall optimization objective. Section 4 introduces the multi-regional dataset, experimental settings, baselines, and evaluation metrics. Section 5 reports the main results along with ablation and visualization analyses to validate the effectiveness and robustness of each module. Finally, Section 6 concludes the paper and discusses future research directions. Its detailed settings are shown in Table 1.
Table 1.
Organization of this paper.
2. Related Work
2.1. Transformer-Based Discriminative Modeling in Financial Scenarios
The Transformer architecture has emerged as a powerful paradigm in financial discrimination tasks and has been extensively applied to domains such as corporate default prediction, credit risk assessment, and financial fraud detection. Korangi et al. [5] proposed a Transformer-based model for default prediction in mid-cap enterprises, which leverages the self-attention mechanism to capture temporal dependencies and improve classification performance. Wang and Xiao [6] designed an embedded feature Transformer network for credit scoring, significantly enhancing the learning efficiency of traditional deep learning methods under high-dimensional feature settings. Yang et al. [7] developed the FinChain-BERT model, integrating natural language processing with financial text to achieve high-precision automated fraud detection. Tang and Liu [8] introduced a distributed knowledge distillation framework based on Transformer for large-scale financial fraud identification, maintaining strong model consistency in distributed environments. Furthermore, An et al. [9] proposed the Finsformer model, incorporating a clustered attention mechanism into Transformer to enhance the model’s ability to distinguish complex financial attack patterns. Li and Xu [10] combined graph Transformer structures to adaptively filter malicious relationships, thereby improving fraud detection accuracy in social networks.
In addition, several studies have focused on improving the interpretability and robustness of Transformer models. Ashiq et al. [11] implemented an efficient hybrid Transformer architecture for textual financial risk identification, demonstrating the potential of Transformer models in multilingual financial scenarios. Schwab and Kriebel [12] investigated the adversarial robustness of Transformer-based models in credit scoring and proposed mitigation strategies to improve model security. Wu et al. [13] analyzed the performance of Transformer models in predicting credit default using both human-written and AI-generated texts, validating the strong representational capacity of textual features under the Transformer framework. Babaei and Giudici [14] applied GPT-like large language models to credit classification tasks, proving the transferability and generalization capability of large-scale models in financial discrimination problems. Overall, existing research has confirmed the superior performance of Transformer models in financial discrimination; however, most studies remain limited to single-domain data or fixed time windows, lacking systematic modeling of cross-domain generalization and dynamic risk features, which provides important theoretical insights and directions for improvement in this study.
2.2. Domain Generalization for Financial Risk Prediction
In recent years, the field of financial risk prediction has gradually shifted from single-domain modeling toward cross-domain generalization and robust learning, aiming to enhance model robustness and transferability under distributional shifts. Zhang et al. [15] proposed a domain-adaptive multi-stage ensemble learning framework for credit risk assessment, which significantly improved model stability across multiple data sources. Mushava and Murray [16] constructed a comprehensive credit scoring dataset covering out-of-sample (OOS), out-of-time (OOT), and out-of-universe (OUO) settings, providing a standardized benchmark for validating the robustness of cross-domain models. Nikolaidis and Doumpos [17] introduced a drift-adaptive approach based on local competence regions for dynamic adjustment in credit scoring, effectively addressing the problem of concept drift. Suryanto et al. [18] applied transfer learning and domain adaptation mechanisms to enable knowledge transfer for credit risk modeling in small-sample scenarios. Polo et al. [19] proposed a unified dataset shift diagnosis framework (DetectShift) capable of identifying sources of distributional change across various financial contexts. Hjelkrem and De Lange [20] examined the interpretability and robustness of deep learning models using open banking data, revealing the critical role of out-of-domain data in enhancing credit scoring performance. Furthermore, Hjelkrem et al. [21] quantitatively assessed the added value of heterogeneous banking data for cross-institutional credit scoring, providing empirical evidence for financial domain generalization.
Meanwhile, researchers have also explored cross-domain risk prediction from the perspectives of feature-level modeling and fairness. Pang et al. [22] proposed an interpretable three-way decision model for credit risk prediction, achieving robust classification under uncertainty. Li et al. [23] investigated grouped effects and feature selection mechanisms in credit attributes using a regularized diagonal distance metric learning approach, thereby improving model generalization across heterogeneous domains. Chang et al. [24] conducted a systematic comparison of various machine learning and deep learning methods for credit risk modeling, verifying the importance of cross-domain evaluation. Garcia et al. [25] further emphasized the role of fairness-aware modeling in mitigating domain bias, highlighting the need for balanced generalization in financial risk prediction across diverse populations and markets.
3. Method
3.1. Problem Definition
In this study, we formalize the enterprise risk prediction problem as a cross-domain classification task. Suppose there are N enterprise samples, where each enterprise i is represented by a feature vector and a corresponding risk label , where indicates that the enterprise exhibits potential risk during the evaluation period, and indicates that the enterprise is operating normally. All samples are collected from four distinct geographic domains: Beijing (), Shanghai (), Jiangsu (), and Zhejiang (), each containing data from enterprises registered within the respective region. For the k-th domain, the dataset can be denoted as , where the feature distribution exhibits significant domain shift, i.e., , reflecting differences in regional economic structures and industrial environments.
Under the domain generalization setting, our goal is to learn a discriminative function , whose parameters can maintain stable predictive performance on previously unseen domains. During training, any three of the four domains are selected as source domains for model optimization and parameter learning, while the remaining domain is treated as the target test domain, which is excluded from training and used solely for evaluation. Formally, the training and evaluation processes can be defined as follows:
where denotes the classification loss function. This setting emphasizes the model’s ability to generalize to the unseen domain , rather than merely fitting the source-domain distributions. By alternately testing across the four regions—Beijing, Shanghai, Jiangsu, and Zhejiang—the model’s robustness and domain-invariant feature learning capability can be comprehensively evaluated under varying geographic, economic, and industrial structures.
3.2. Transformer Model Architecture
In this study, the Transformer architecture is adopted as the feature extractor for the enterprise risk classification task, aiming to model the global dependencies among high-dimensional and heterogeneous enterprise features under multi-domain settings. The model architecture is shown in Figure 1.
Figure 1.
Overall architecture of the proposed Transformer-based domain generalization model for enterprise risk prediction. The encoder integrates the Hierarchical Structure-Invariant Encoding module to align multi-level enterprise representations across regions, while the decoder employs the Uncertainty-Aware Domain-Robust Transformer module to enhance stability and adaptivity under inter-regional distribution shifts.
In the input layer, each enterprise sample’s raw feature vector is projected into the model’s latent space through a linear mapping to obtain the initial embedding representation:
where is a trainable projection matrix, denotes the bias term, and represents the hidden dimension. The obtained embedding is then normalized and positionally encoded before being fed into the multi-head self-attention layers to capture dynamic dependencies among enterprise features.
In the l-th Transformer encoder layer, a Multi-Head Self-Attention (MHSA) mechanism is employed to reconstruct the feature representations. For each attention head m, the query, key, and value matrices are computed through linear transformations as follows:
and the semantic relationships among features are obtained using the scaled dot-product attention mechanism:
where denotes the dimensionality of the key vectors and is used as a scaling factor to stabilize the gradients. The outputs of all attention heads are concatenated and linearly transformed, followed by a Feed-Forward Network (FFN) to produce the layer output representation:
where represents the output weight matrix and M is the number of attention heads. The final-layer output serves as the high-level feature representation of each enterprise, integrating multi-domain information and cross-feature dependencies to provide a robust input for the subsequent risk discrimination module. Under the domain generalization setting, this feature extractor shares parameters across regional datasets, enabling the learning of domain-invariant representations and achieving unified modeling of enterprise risk patterns.
3.3. Hierarchical Structure-Invariant Encoding
To address the structural shift caused by differences in enterprise data distributions across regions, this study introduces a Hierarchical Structure-Invariant Encoding (HSIE) mechanism. Its module architecture is shown in Figure 2.
Figure 2.
Comparison of the previous Transformer-based risk prediction framework and the proposed hierarchical encoding structure. The upper part illustrates the conventional model that fuses multi-domain features directly, while the lower part shows our hierarchical representation process that performs structured fusion and feedback optimization to enhance generalization on the target domain.
HSIE is designed to achieve multi-level semantic alignment and structural regularization within the Transformer framework. Unlike traditional approaches that perform domain adaptation within a single feature space, HSIE constructs hierarchical representation mappings between encoder layers, ensuring that enterprise features from different regions maintain topological consistency in the latent space. Let the input representation of the l-th layer be , which is updated through a linear transformation and layer normalization as follows:
where denotes the learnable parameter matrix. To capture higher-order correlations among enterprises, the model computes a structural affinity matrix using the multi-head self-attention mechanism:
and aggregates contextual embeddings through weighted fusion:
To align the feature spaces across multiple source domains, HSIE introduces a cross-domain projection function in intermediate layers, which constrains the geometric relationship among different source-domain representations. Let denote the feature distributions of M source domains. The structural consistency constraint is redefined as minimizing the pairwise discrepancy between the projected representations of all source domains:
where denotes the feature representation of the i-th source domain at layer l. To further ensure statistical alignment and improve the robustness of the learned feature space, a covariance alignment constraint is introduced as
where denotes the covariance matrix and is a small tolerance constant. This formulation enforces consistent second-order statistics among all source domains, allowing the model to learn domain-invariant structural representations without relying on target-domain information.
Where denotes the structural relaxation threshold. To further capture hierarchical dependencies, HSIE defines an inter-layer transition function:
which performs progressive feature aggregation via a gated fusion mechanism:
where represents the Sigmoid function and ⊙ denotes element-wise multiplication. This structure enables hierarchical feature preservation and dynamic fusion, thereby enhancing the model’s cross-domain stability and representational continuity.
Finally, the latent representations from all layers are projected into a shared structural embedding , defined as
where L is the number of Transformer encoder layers. The embedding serves as a global structure-invariant representation that preserves hierarchical feature correlations while maintaining geometric consistency across regions. This mechanism allows the model to sustain a unified risk discrimination logic despite regional economic variations, providing enhanced generalization robustness and structural stability for enterprise risk prediction tasks.
3.4. Uncertainty-Aware Domain-Robust Transformer Decoder
To further enhance the cross-domain robustness of the model in enterprise risk prediction tasks, this study designs an Uncertainty-Aware Domain-Robust Transformer Decoder (UDR-T) in the decoding stage. Unlike conventional Transformer decoders, UDR-T introduces both sample-level and domain-level uncertainty modeling to dynamically adapt to input distribution shifts. The architectural structure of this module is illustrated in Figure 3.
Figure 3.
Architecture of the Uncertainty-Aware Domain-Robust Transformer Decoder for enterprise risk prediction. The model incorporates multi-head attention and uncertainty-aware feed-forward layers to dynamically adjust cross-domain representations, thereby mitigating distribution gaps between multiple source domains and the target domain.
Assuming that the inputs are drawn from multiple source domains , and the target domain is denoted as , the embedding vector of each sample can be represented as
where denotes the input embedding layer and represents the positional encoding. To characterize domain discrepancies, a domain embedding projection matrix is introduced, defined as
where captures the linear shifts in enterprise features across different regions.
Within the multi-head attention mechanism, a dynamic uncertainty modulation factor is introduced for each attention head m to balance the attention strength across domains. The computations are formulated as follows:
where denotes a lightweight uncertainty estimation network that dynamically adjusts the attention temperature based on the variance of input features, thereby reducing attention strength on high-uncertainty samples.
When aggregating features from multiple source domains, a weighted domain fusion mechanism is defined as
where measures the average feature distribution discrepancy between the i-th source domain and the remaining source domains, and is a temperature parameter controlling the sharpness of the weighting distribution.
This design enables the model to adaptively emphasize source domains that exhibit closer inter-domain similarity, thereby enhancing the stability of feature fusion and improving generalization to unseen target domains. After stacking multiple attention and feed-forward layers, the final decoder output is obtained as
and the enterprise risk prediction probability is computed through a linear mapping followed by a Softmax classifier:
where represents the predicted enterprise risk probability. To mitigate uncertainty shifts among regions, the model parameters are updated during training through multi-domain parallel backpropagation:
where is the learning rate and denotes the loss function.
This decoding architecture explicitly models inter-domain uncertainty relationships during information propagation. Through dynamic attention modulation and distribution-weighted fusion, the model achieves stable and generalizable risk discrimination across enterprise datasets from different regions, effectively addressing the prediction bias caused by regional economic heterogeneity.
3.5. Training Objective
In the cross-domain generalization framework for enterprise risk prediction, the training objective aims to jointly optimize the structure-invariant representation and the domain-robust decoding mechanism, thereby achieving stable risk discrimination performance on unseen target domains. Let the model be parameterized by , where represents the parameters of the Hierarchical Structure-Invariant Encoder (HSIE) and denotes those of the Uncertainty-Aware Domain-Robust Transformer Decoder (UDR-T). During training, sample pairs are drawn from multiple source domains , and the objective is to minimize both the cross-domain classification error and structural discrepancy. The overall optimization objective is defined as
where denotes the classification loss, constrains the structural consistency among source domains in the embedding space, and achieves domain-robust alignment through uncertainty modeling. The coefficients and control the balance among the three components. This objective enables the encoder and decoder to be jointly updated in an end-to-end manner, ensuring that the model preserves structural consistency while mitigating domain feature shifts.
Specifically, the classification term is defined as the expected prediction error across domains:
The structural invariance constraint is constructed based on the geometric similarity of multi-layer encoder outputs:
The uncertainty regularization term is introduced to balance the influence of high-variance samples in the attention weighting process, and is formulated as
where denotes the uncertainty estimated from the input variance. By jointly optimizing , , and , the model maintains both inter-domain feature consistency and robust risk prediction during training. The final learned parameters satisfy
thereby achieving unified enterprise risk modeling across multiple domains and improving out-of-domain generalization capability.
4. Dataset Introduction
This study selects corporate annual reports and publicly available online data from four regions—Beijing, Shanghai, Jiangsu, and Zhejiang—as the primary data sources, with an explicit focus on economically interpretable firm-level indicators that are relevant to delisting-related financial distress screening. Through web scraping and regulated corporate disclosure channels, we collected structured variables covering firms’ operational conditions, financial performance, governance characteristics, and audit-related signals, together with the supervision label STPT. To ensure clarity from an economic perspective, the main input variables used in this study are summarized and grouped in Table 2.
Table 2.
Economically interpretable input variables for cross-regional delisting-risk identification.
Concretely, the model inputs include the following:
- (i)
- industry and firm-type attributes (e.g., Industry name, Finance-industry dummy, Manufacturing-industry dummy, SOE indicator),
- (ii)
- firm size and capital structure indicators (e.g., Size, Leverage),
- (iii)
- profitability and earnings-quality indicators (e.g., ROA, ROE, Gross profit, Net profit growth, Earnings management),
- (iv)
- liquidity and cash-flow indicators (e.g., Current ratio, Quick ratio, Cash flow),
- (v)
- growth and value-related indicators (e.g., Growth, Asset growth, Book-to-market, Price-to-book, Tobin’s Q, SA index and its absolute value),
- (vi)
- governance and ownership structure indicators (e.g., CEO duality, Board size, Independent director ratio, Managerial shareholding, Female director ratio, Institutional ownership, Top1/Top3 ownership concentration, ownership Herfindahl indices, balance-of-power measures),
- (vii)
- audit and disclosure signals (e.g., Audit opinion, Audit fee, Big4 indicator).
These variables are standard inputs for distress and delisting-risk assessment in empirical corporate finance and regulatory early-warning practices, and provide a transparent economic basis for cross-regional risk modeling.
The label column STPT serves as the main supervision signal to determine whether a company has potential operational risks. In this study, STPT is used as a proxy label for delisting-related financial distress risk based on abnormal status and regulatory warning information disclosed for listed firms. Specifically, a label value of 0 indicates a normal business status (positive sample), while a label value of 1 indicates that the enterprise is at risk (negative sample).
To ensure representativeness and consistency across regions, all datasets underwent standardized preprocessing, including feature normalization, missing value imputation, and outlier detection. The distribution of positive and negative samples for each region is shown in Table 3.
Table 3.
Statistical summary of enterprise risk datasets from four regions.
As shown in the table, all regional datasets exhibit a noticeable class imbalance problem, with risk samples (negative samples) generally accounting for less than of the total. This poses typical challenges of small-sample learning and skewed distributions during model training. To mitigate the impact of class imbalance on domain generalization performance, random over-sampling and stratified splitting strategies were adopted in subsequent experiments. Furthermore, to ensure fair cross-domain generalization evaluation, a Leave-One-Domain-Out (LODO) validation strategy was employed, where one region is alternately treated as the target domain while the remaining three serve as source domains for training and validation, thereby objectively assessing the model’s generalization capability across regions. This setting mirrors a practical regulatory deployment scenario, where a model trained on several economically distinct regions is expected to provide stable early-warning signals for an unseen region without relying on its historical labeled distress records.
5. Experimental Results and Analysis
5.1. Evaluation Metric
To comprehensively evaluate the model’s performance in enterprise risk prediction, five commonly used classification metrics are adopted: Precision, Recall, Accuracy, F1-Score, and AUC. These metrics reflect the model’s recognition capability and stability from different perspectives, especially under imbalanced data conditions. The specific definitions are as follows.
In this study, the risky enterprises are defined as the positive class (), while the normal enterprises are defined as the negative class (). Accordingly, all evaluation metrics treat the risky class as the positive category.
(1) Precision. Precision measures the proportion of enterprises predicted as risky that are actually risky. A higher Precision indicates a lower false positive rate and better reliability in identifying risky enterprises. It is defined as
where denotes the number of true positives (risky enterprises correctly identified as risky) and denotes the number of false positives (normal enterprises incorrectly identified as risky). Precision effectively reflects the model’s accuracy in recognizing positive (risky) samples.
(2) Recall. Recall measures the proportion of all true risky enterprises that are correctly identified by the model. A higher Recall indicates fewer missed detections and stronger coverage of potential risks. It is defined as
where represents the number of false negatives (risky enterprises incorrectly classified as normal). Recall reflects the model’s sensitivity and alertness to potential risk enterprises.
(3) Accuracy. Accuracy measures the overall proportion of correctly predicted samples among all samples and is the most intuitive indicator of overall performance. Although Accuracy may be influenced by the majority class in imbalanced datasets, it still serves as a comprehensive measure of the model’s prediction ability. It is defined as
where denotes the number of true negatives (normal enterprises correctly identified as normal). Accuracy reflects the model’s overall discriminative ability across different classes.
(4) F1-Score. The F1-Score is the harmonic mean of Precision and Recall, balancing both accuracy and completeness of the model’s predictions. A higher F1-Score indicates a better trade-off between false alarms and missed detections. It is computed as
The F1-Score provides a robust reflection of overall classification performance under imbalanced datasets and serves as a key metric in risk identification tasks.
(5) AUC. The Area Under the ROC Curve (AUC) measures the model’s overall discriminative capability across different classification thresholds. A value closer to 1 indicates a stronger ability to distinguish risky enterprises from normal ones. It is defined as
where and denote the true positive rate and false positive rate, respectively. As a threshold-independent metric, AUC objectively reflects the model’s stability and robustness under cross-domain generalization conditions.
5.2. Experimental Setup
This study was conducted using an NVIDIA RTX 4090D GPU environment, with model training and evaluation implemented on the PyTorch deep learning framework. To ensure the reproducibility and fairness of cross-domain experiments, identical training hyperparameters and model configurations were applied across all regional datasets. The model was trained for 200 epochs using the AdamW optimizer to enhance generalization stability under weight decay. The initial learning rate was set to and dynamically adjusted through a cosine annealing schedule during training. The batch size and regularization parameters were kept consistent to ensure the comparability of results across different domains. The detailed experimental setup is summarized in Table 4.
Table 4.
Experimental Environment and Hyperparameter Configuration.
5.3. Comparison of Experimental Results with Other Models
To comprehensively evaluate the domain generalization capability of the proposed model, a series of comparative experiments were conducted across four target domains, namely Beijing, Shanghai, Jiangsu, and Zhejiang. Multiple representative baseline methods, including traditional sequential models and graph-based architectures, were selected for benchmarking under identical experimental conditions. The results obtained from these comparative analyses effectively demonstrate the robustness and stability of the proposed approach across diverse regional domains. The experimental results are shown in Table 5.
Table 5.
Comparison results of different models across target domains (Source: Authors’ experiments).
As shown in Table 5, when treating the four regions (Beijing, Shanghai, Jiangsu, and Zhejiang) as target domains, the proposed model demonstrates stable and significant advantages across all five evaluation metrics—Precision, Recall, Accuracy, F1-Score, and AUC. Traditional deep learning models such as 1DCNN, LSTM, and BiLSTM exhibit certain limitations in dynamic feature modeling and struggle to capture semantic shifts among cross-domain samples. Although graph neural networks (GAT) and Transformer-based models (e.g., BERT and Mamba) possess strong structural modeling capabilities, their generalization performance remains constrained when facing substantial inter-regional distributional discrepancies. In contrast, the proposed Hierarchical Structure-Invariant Encoder (HSIE) effectively preserves hierarchical associations among enterprise features while suppressing local distributional noise. Combined with the Uncertainty-Aware Domain-Robust Transformer Decoder (UDR-T), the model achieves enhanced robustness and accuracy in domain transfer scenarios.
Further analysis reveals a consistent performance improvement trend across all regions, particularly in Jiangsu and Shanghai, where the proportion of risky samples is relatively small. In these regions, both AUC and F1-Score achieve relative improvements exceeding 2%, indicating that the proposed approach exhibits strong adaptability to class imbalance and cross-regional distributional shifts. Notably, the model maintains a well-balanced relationship between Recall and Precision, suggesting that it can accurately identify high-risk enterprises while avoiding excessive false alarms caused by over-prediction. Overall, these results validate the effectiveness of integrating multi-task semantic modeling with domain generalization mechanisms in enterprise risk identification, highlighting the model’s dynamic adaptability and robust generalization capability under complex financial environments. This paper also gives an image of the loss function changing with epoch during training when different regions are used as target domains. The experimental results are shown in Figure 4.
Figure 4.
Loss curves across epochs when different regions are used as target domains (Source: Authors’ experiments).
As shown in Figure 4, when different regions are used as target domains, both training loss and validation loss exhibit a stable downward trend, indicating that the model achieves good convergence and stability during cross-domain training. Overall, the loss curves for each region drop rapidly within the first 50 epochs and then gradually stabilize, with only a small gap between the validation and training losses. This suggests that the model does not show significant overfitting in any domain. These results demonstrate that the proposed structure-invariant encoding and uncertainty modeling mechanisms effectively suppress performance fluctuations caused by inter-domain distribution shifts, enabling the model to maintain a consistent optimization direction and robust risk identification capability throughout multi-source learning.
5.4. Ablation Experiment Results
To further verify the effectiveness of each proposed module, ablation experiments were conducted by selectively removing or modifying key components of the model. This analysis aims to assess the individual contribution of the hierarchical structure-invariant encoder and the uncertainty-aware decoder to the overall performance. All experiments were carried out under consistent training settings to ensure fair and reliable comparisons. The experimental results are shown in Table 6.
Table 6.
Ablation study results of different modules across target domains (Source: Authors’ experiments).
As shown in Table 6, when different regions are treated as target domains, the model performance exhibits a consistent improvement trend as each module is progressively introduced. The baseline Transformer framework shows certain limitations in cross-domain risk identification, as it fails to effectively capture the structural differences of enterprise features across regions. After incorporating the Hierarchical Structure-Invariant Encoder (HSIE), the model learns more consistent domain-shared representations within multi-level feature spaces, thereby mitigating semantic shifts caused by regional economic heterogeneity. This demonstrates that structure-invariant modeling can significantly enhance feature alignment in domain generalization scenarios, providing a more stable representational foundation for subsequent uncertainty modeling.
Building on this, the addition of the Uncertainty-Aware Domain-Robust Transformer Decoder (UDR-T) further improves the generalization performance across all metrics. The UDR-T module dynamically adjusts the temperature coefficient of the predictive distribution, adaptively balancing the weights of high-confidence and low-confidence samples. This enables the model to maintain reliable decision-making even under conditions of scarce risk samples. The complete model integrating both HSIE and UDR-T achieves the best performance across all four target domains, confirming their complementarity in structural robustness and uncertainty modeling. These results indicate that the proposed cross-domain risk identification framework not only alleviates regional heterogeneity issues but also achieves stronger robust prediction and out-of-domain generalization capabilities on real-world financial data.
5.5. Confusion Matrix Experiment Results
As an essential visualization tool for evaluating the performance of classification models, the confusion matrix intuitively illustrates the model’s recognition accuracy and error distribution across different categories. By comparing the predicted results with the ground truth labels, it is possible to further assess the model’s discriminative ability and identify easily confused categories. Moreover, the confusion matrix provides targeted insights for subsequent model optimization, helping to better understand the model’s behavior under varying data distributions. The experimental results are shown in Figure 5.
Figure 5.
Confusion matrix comparison between the proposed method and the Transformer baseline across target domains (Source: Authors’ experiments).
As shown in Figure 5, when different regions are used as target domains, the proposed method exhibits a higher concentration along the diagonal of the confusion matrix, indicating a more stable discriminative ability across various sample categories. Compared with the baseline Transformer model, the proposed approach achieves more accurate differentiation between positive and negative samples, with a significantly reduced number of misclassified instances. Notably, even in regions with large discrepancies in sample distributions (such as Jiangsu and Zhejiang), the model maintains a high level of recognition consistency, demonstrating strong cross-domain generalization capability. These results suggest that the proposed structure-invariant feature modeling and uncertainty-aware mechanisms effectively enhance the model’s robustness and discriminative power, providing a more reliable decision basis for enterprise risk identification tasks.
5.6. AUROC Experimental Results
In enterprise risk identification tasks, the influence of imbalanced sample distribution and category disparity often makes it difficult for metrics such as accuracy or recall under a single threshold to comprehensively reflect model performance. To address this, the receiver operating characteristic curve is further introduced to intuitively evaluate the overall discriminative capability of the model under varying decision thresholds. By observing the trend of the area under the curve (AUC), we can objectively analyze the stability and robustness of the model in distinguishing between high-risk and low-risk enterprises under cross-domain generalization conditions. The experimental results are shown in Figure 6.
Figure 6.
ROC curve comparison between the proposed method and the Transformer baseline across four target domains (Source: Authors’ experiments).
In the ROC curve experiments shown in Figure 6, the proposed method achieves larger areas under the curve and steeper rising trends across different regions as target domains, indicating stronger risk identification capability under cross-domain conditions. Compared with the baseline Transformer model, the proposed hierarchical structure-invariant encoding and uncertainty-aware decoding mechanisms effectively alleviate feature drift caused by regional data distribution discrepancies, leading to more stable classification boundaries. Furthermore, during multi-source feature fusion, the model adaptively adjusts inter-domain weights, enhancing the discriminative contribution of high-confidence samples and further improving generalization robustness and risk differentiation capability in complex financial environments.
5.7. t-SNE Experimental Results
This paper also gives the experimental results of t-SNE for four regions, as shown in Figure 7.
Figure 7.
t-SNE visualization comparing different methods across four regions (Source: Authors’ experiments).
From Figure 7, it can be observed that when different regions are used as target domains, the proposed model exhibits clearer distribution boundaries between high-risk samples (red points) and normal samples (blue points) in the t-SNE visualization, with higher inter-class compactness and lower intra-class dispersion. This demonstrates that the designed Hierarchical Structure-Invariant Encoding (HSIE) module achieves stable structural alignment across multi-domain feature spaces, effectively mitigating feature drift caused by regional economic structure discrepancies, and forming more consistent risk representations in the latent space.
Meanwhile, compared with the baseline Transformer model, the proposed Uncertainty-aware Domain-Robust Decoder (UDR-T) further refines the cross-domain sample mapping distribution, making the positions of boundary and high-variance samples more reasonable in the low-dimensional space. This enhances the model’s discriminative capability for uncertain samples in complex financial scenarios. These results fully verify the robustness and generalization ability of the proposed model in multi-source heterogeneous environments, indicating that the joint optimization of structure-invariant modeling and uncertainty regularization enables more interpretable and stable enterprise risk identification.
5.8. Model Stability Experiment
This paper also explores the experimental results of model stability. The experimental results mainly add noise of different sizes to the features extracted from the data. The experimental results are shown in Figure 8.
Figure 8.
Noise sensitivity results across different regions (Source: Authors’ experiments).
As shown in Figure 8, the feature noise sensitivity experiment illustrates the model’s performance under different regional target domains. It can be observed that as the noise level gradually decreases from 0.1 to 0, all evaluation metrics exhibit a consistent upward trend, indicating that the proposed method demonstrates strong robustness and stability against input feature perturbations. Among them, the increases in AUC and accuracy (Acc) are the most prominent, suggesting that the model maintains a high level of risk discrimination capability even under feature space disturbances. Meanwhile, the balance between precision and recall is effectively preserved without significant shifts or fluctuations, reflecting that the proposed structure-invariant feature modeling and uncertainty-aware mechanisms can effectively suppress feature drift induced by noise interference.
Furthermore, a comparison among the four regions reveals that the model performs most stably in Jiangsu and Zhejiang, where the AUC improvement is the most significant. This finding indicates that even in regions with substantial economic structural disparities, the model retains strong cross-domain generalization ability. Overall, the results demonstrate that the proposed framework can maintain feature consistency and decision robustness under noisy multi-source financial data, providing a more reliable predictive foundation and theoretical support for enterprise risk identification. In summary, the feature noise sensitivity experiment validates the high robustness and anti-interference capability of the proposed method in complex financial environments.
6. Conclusions
This study tackles cross-regional enterprise risk identification in multi-source heterogeneous financial environments by developing a Transformer-based framework that jointly emphasizes hierarchical structure-invariant representation learning and uncertainty-aware decision refinement. By incorporating the Hierarchical Structure-Invariant Encoder (HSIE) and the Uncertainty-aware Domain-Robust Decoder (UDR-T), the proposed approach enables cross-domain structural consistency and produces more stable and comparable risk representations across diverse regional feature spaces. Extensive leave-one-domain-out evaluations on four target domains (Beijing, Shanghai, Jiangsu, and Zhejiang) indicate that our method consistently surpasses representative sequential and graph-based baselines, highlighting improved generalization capacity and stronger resistance to regional distribution shifts. In addition, the noise robustness and t-SNE analyses further suggest that the learned embeddings preserve discriminative structure under feature perturbations and sample-level uncertainty, supporting the reliability of the proposed uncertainty-modulated attention mechanism. Collectively, these findings strengthen the methodological linkage between cross-domain structural alignment and uncertainty-aware learning, and provide an interpretable and transferable intelligent tool for enterprise financial risk identification. The framework is expected to facilitate earlier and more accurate risk warning and practical decision support for financial regulators, credit institutions, and corporate risk managers.
Looking ahead, as macroeconomic dynamics and enterprise operating conditions continue to evolve, risk identification systems will need to address more intricate challenges spanning temporal non-stationarity, structural variation, and multimodal information fusion. Future work may be extended along three promising directions: (1) integrating richer multimodal signals, such as textual disclosures, macroeconomic indicators, and supply chain- or inter-firm network structures, to capture complementary risk drivers; (2) introducing adaptive transfer, continual learning, or meta-learning strategies to enhance rapid calibration and resilience in unseen or fast-shifting regions; and (3) coupling large language models with knowledge graphs to build transparent, evidence-grounded risk reasoning pipelines that improve both explainability and regulatory trust. Overall, this study offers a coherent and extensible foundation for constructing generalized, interpretable, and robust enterprise financial risk identification systems, and provides actionable methodological insights for future fintech governance and intelligent decision-making.
Author Contributions
Methodology, K.L.; Software, X.L.; Data curation, X.L.; Writing—original draft, K.L. All authors have read and agreed to the published version of the manuscript.
Funding
The research was supported by the following fund: Annual Regular Project of Zhejiang Provincial Philosophy and Social Science Planning: Research on the Impact Effect and Mechanism of Identity Construction on the Social Entrepreneurial Performance of New Rural Entrepreneurs (26NDJC241YB).
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
Data used in the paper are available upon request.
Conflicts of Interest
The authors declare no conflicts of interest.
References
- Liu, Z.; Zhang, G.; Lu, J. Semi-supervised heterogeneous domain adaptation for few-sample credit risk classification. Neurocomputing 2024, 596, 127948. [Google Scholar] [CrossRef]
- Chen, L.; Fan, X. Financial risk forecasting with RGCT-prerisk: A relational graph and cross-temporal contrastive pretraining framework. J. King Saud Univ. Comput. Inf. Sci. 2025, 37, 143. [Google Scholar] [CrossRef]
- Chen, P.; Ji, M. Deep learning-based financial risk early warning model for listed companies: A multi-dimensional analysis approach. Expert Syst. Appl. 2025, 283, 127746. [Google Scholar] [CrossRef]
- Sun, H. Research on financial risk assessment algorithm based on graph neural network. In Proceedings of the 2024 4th International Conference on Big Data, Artificial Intelligence and Risk Management, Chengdu, China, 28–30 June 2024; pp. 932–937. [Google Scholar]
- Korangi, K.; Mues, C.; Bravo, C. A transformer-based model for default prediction in mid-cap corporate markets. Eur. J. Oper. Res. 2023, 308, 306–320. [Google Scholar] [CrossRef]
- Wang, C.; Xiao, Z. A deep learning approach for credit scoring using feature embedded transformer. Appl. Sci. 2022, 12, 10995. [Google Scholar] [CrossRef]
- Yang, X.; Zhang, C.; Sun, Y.; Pang, K.; Jing, L.; Wa, S.; Lv, C. FinChain-BERT: A high-accuracy automatic fraud detection model based on NLP methods for financial scenarios. Information 2023, 14, 499. [Google Scholar] [CrossRef]
- Tang, Y.; Liu, Z. A distributed knowledge distillation framework for financial fraud detection based on transformer. IEEE Access 2024, 12, 62899–62911. [Google Scholar] [CrossRef]
- An, H.; Ma, R.; Yan, Y.; Chen, T.; Zhao, Y.; Li, P.; Li, J.; Wang, X.; Fan, D.; Lv, C. Finsformer: A novel approach to detecting financial attacks using transformer and cluster-attention. Appl. Sci. 2024, 14, 460. [Google Scholar] [CrossRef]
- Li, L.; Xu, J. Graph transformer-based self-adaptive malicious relation filtering for fraudulent comments detection in social network. Knowl.-Based Syst. 2023, 280, 111005. [Google Scholar] [CrossRef]
- Ashiq, W.; Kanwal, S.; Rafique, A.; Waqas, M.; Khurshaid, T.; Montero, E.C.; Alonso, A.B.; Ashraf, I. Roman urdu hate speech detection using hybrid machine learning models and hyperparameter optimization. Sci. Rep. 2024, 14, 28590. [Google Scholar] [CrossRef]
- Schwab, B.; Kriebel, J. Mitigating adversarial attacks on transformer models in credit scoring. Eur. J. Oper. Res. 2025, 328, 309–323. [Google Scholar] [CrossRef]
- Wu, Z.; Dong, Y.; Li, Y.; Shi, B. Unleashing the power of text for credit default prediction: Comparing human-generated and AI-generated texts. SSRN 2023, 4601317. [Google Scholar] [CrossRef]
- Babaei, G.; Giudici, P. GPT classifications, with application to credit lending. Mach. Learn. Appl. 2024, 16, 100534. [Google Scholar] [CrossRef]
- Zhang, X.; Yu, L.; Yin, H. Domain adaptation-based multistage ensemble learning paradigm for credit risk evaluation. Financ. Innov. 2025, 11, 27. [Google Scholar] [CrossRef]
- Mushava, J.; Murray, M. Comprehensive credit scoring datasets for robust testing: Out-of-sample, out-of-time, and out-of-universe evaluation. Data Brief 2024, 54, 110262. [Google Scholar] [CrossRef] [PubMed]
- Nikolaidis, D.; Doumpos, M. Credit scoring with drift adaptation Using Local Regions of competence. Oper. Res. Forum 2022, 3, 67. [Google Scholar] [CrossRef]
- Suryanto, H.; Mahidadia, A.; Bain, M.; Guan, C.; Guan, A. Credit risk modeling using transfer learning and domain adaptation. Front. Artif. Intell. 2022, 5, 868232. [Google Scholar] [CrossRef]
- Polo, F.M.; Izbicki, R.; Lacerda, E.G., Jr.; Ibieta-Jimenez, J.P.; Vicente, R. A unified framework for dataset shift diagnostics. Inf. Sci. 2023, 649, 119612. [Google Scholar] [CrossRef]
- Hjelkrem, L.O.; Lange, P.E.d. Explaining deep learning models for credit scoring with SHAP: A case study using Open Banking Data. J. Risk Financ. Manag. 2023, 16, 221. [Google Scholar] [CrossRef]
- Hjelkrem, L.O.; De Lange, P.E.; Nesset, E. The value of open banking data for application credit scoring: Case study of a Norwegian bank. J. Risk Financ. Manag. 2022, 15, 597. [Google Scholar] [CrossRef]
- Pang, M.; Wang, F.; Li, Z. Credit risk prediction based on an interpretable three-way decision method: Evidence from Chinese SMEs. Appl. Soft Comput. 2024, 157, 111538. [Google Scholar] [CrossRef]
- Li, T.; Kou, G.; Peng, Y.; Yu, P.S. Feature selection and grouping effect analysis for credit evaluation via regularized diagonal distance metric learning. INFORMS J. Comput. 2024, 37, 1391–1412. [Google Scholar] [CrossRef]
- Chang, V.; Sivakulasingam, S.; Wang, H.; Wong, S.T.; Ganatra, M.A.; Luo, J. Credit risk prediction using machine learning and deep learning: A study on credit card customers. Risks 2024, 12, 174. [Google Scholar] [CrossRef]
- Garcia, A.C.B.; Garcia, M.G.P.; Rigobon, R. Algorithmic discrimination in the credit domain: What do we know about it? AI Soc. 2024, 39, 2059–2098. [Google Scholar] [CrossRef]
- Du, X. Financial text analysis using 1D-CNN: Risk classification and auditing support. In Proceedings of the 2025 International Conference on Artificial Intelligence and Computational Intelligence, Kuala Lumpur, Malaysia, 14–16 February 2025; pp. 515–520. [Google Scholar]
- Li, J.; Xu, C.; Feng, B.; Zhao, H. Credit risk prediction model for listed companies based on CNN-LSTM and attention mechanism. Electronics 2023, 12, 1643. [Google Scholar] [CrossRef]
- Song, Y.; Chiangpradit, M.; Busababodhin, P. Hyperband-Optimized CNN-BiLSTM with Attention Mechanism for Corporate Financial Distress Prediction. Appl. Sci. 2025, 15, 5934. [Google Scholar] [CrossRef]
- Li, M.; Walsh, J. FedGAT-DCNN: Advanced Credit Card Fraud Detection Using Federated Learning, Graph Attention Networks, and Dilated Convolutions. Electronics 2024, 13, 3169. [Google Scholar] [CrossRef]
- Gou, R.; Sohaib, O. RiskMamba: A Lightweight and Efficient Model for Enterprise Financial Risk Prediction with Multi-Scale Temporal Modeling. J. Organ. End User Comput. 2025, 37, 1–20. [Google Scholar] [CrossRef]
- Liao, L.; Yang, C. Enterprise Risk Information Extraction Based on BERT. In Proceedings of the 2022 7th International Conference on Intelligent Computing and Signal Processing (ICSP), Xi’an, China, 15–17 April 2022; IEEE: New York, NY, USA, 2022; pp. 1453–1458. [Google Scholar]
- Vilella, S.; Capozzi, A.; Fornasiero, M.; Moncalvo, D.; Ricci, V.; Ronchiadin, S.; Ruffo, G. Weirdnodes: Centrality based anomaly detection on temporal networks for the anti-financial crime domain. Appl. Netw. Sci. 2025, 10, 1–29. [Google Scholar] [CrossRef]
- Gourgoulias, K.; Ibraimoski, S.; Cazan, A.P.; Ayub, M.; Frade, A.; Rios, L.M.; Moran, S. ADkit: A Framework for Anomaly Detection from Natural Language. In Proceedings of the 2025 IEEE/ACM 2nd Workshop on Software Engineering Challenges in Financial Firms (FinanSE), Ottawa, ON, Canada, 29 April 2025; IEEE: New York, NY, USA, 2025; pp. 15–16. [Google Scholar]
- Zhang, S.; Zhu, C.; Xin, J. CloudScale: A lightweight AI framework for predictive supply chain risk management in small and medium manufacturing enterprises. Spectr. Res. 2024, 4. [Google Scholar]
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. |
© 2025 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license.