Location via proxy:   [ UP ]  
[Report a bug]   [Manage cookies]                
Next Article in Journal
Navigating Strategic Balance: CEO Big Data Orientation, Environmental Investment, and Technological Innovation in Chinese Manufacturing
Next Article in Special Issue
A Novel Intelligent Prediction Model for the Containerized Freight Index: A New Perspective of Adaptive Model Selection for Subseries
Previous Article in Journal
How to Reshape the Selection Boundaries between Traditional and Digital Supply Chain Finance Based on the Pledge Rate and Default Loss: Two Tripartite Game Models
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

XGBoost-B-GHM: An Ensemble Model with Feature Selection and GHM Loss Function Optimization for Credit Scoring

1
School of Management Science and Engineering, Nanjing University of Information Science and Technology, Nanjing 210044, China
2
School of Politics, Economics and International Relations, University of Reading, Whiteknights, Reading RG6 6DH, UK
*
Author to whom correspondence should be addressed.
Systems 2024, 12(7), 254; https://doi.org/10.3390/systems12070254
Submission received: 25 May 2024 / Revised: 28 June 2024 / Accepted: 12 July 2024 / Published: 14 July 2024

Abstract

:
Credit evaluation has always been an important part of the financial field. The existing credit evaluation methods have difficulty in solving the problems of redundant data features and imbalanced samples. In response to the above issues, an ensemble model combining an advanced feature selection algorithm and an optimized loss function is proposed, which can be applied in the field of credit evaluation and improve the risk management ability of financial institutions. Firstly, the Boruta algorithm is embedded for feature selection, which can effectively reduce the data dimension and noise and improve the model’s capacity for generalization by automatically identifying and screening out features that are highly correlated with target variables. Then, the GHM loss function is incorporated into the XGBoost model to tackle the issue of skewed sample distribution, which is common in classification, and further improve the classification and prediction performance of the model. The comparative experiments on four large datasets demonstrate that the proposed method is superior to the existing mainstream methods and can effectively extract features and handle the problem of imbalanced samples.

1. Introduction

Credit scoring is a state-of-the-art technical means in consumer credit management, and it is also a common credit risk assessment method in the financial industry. Financial institutions effectively prevent business risk through credit scoring, ensure accurate asset credit, and assist in a range of loan servicing activities [1]. The US subprime crisis of 2007 has made the lending marketplace a premium on the establishment of effective credit scoring models and also stimulated the academic community to emerge with more research on credit scoring models.
There are many algorithms used in the establishment of credit scoring models, among which the representative ones are logistic regression (LR), decision tree (DT), linear discriminant analysis (LDA) [2], artificial neural network (ANN), K-Nearest Neighbor (KNN) [3], and support vector machine (SVM) [4]. LR is a linear model mainly used for binary classification problems. It is computationally inexpensive and avoids the problem caused by the accurate assumption of the distribution but is prone to underfitting [5]. Ling et al. [6] generated a tenant’s credit score model based on logistic regression that can calculate a renter’s credit score without relying on their credit history. Decision trees are popular because of their simple and straightforward visualization capabilities [7]. Laber et al. [8] constructed a shallow decision tree, which achieved better results than some decision tree clustering algorithms while improving the interpretability of the model. However, as pointed out by Deng et al. [9], the traditional neural network cannot meet the requirements of cascaded correlation learning, and the structure of the neural network becomes more and more complex. The traditional linear discriminant analysis method also shows some problems. In addition, the limitation of dimensionality reduction, dependence on sample classification information, and possible overfitting are obvious shortcomings. In general, the traditional machine learning methods are suboptimal in many scenarios, and they struggle to match complex data patterns with simple rules [10]; at the same time, insufficient generalization ability is also an inevitable problem in the traditional machine learning research.
Since the 1990s, some ensemble algorithms combining multiple traditional machine learning models have been proposed. Ensemble algorithms make full use of the advantages of each model while reducing the possible bias and variance of a single model, and provide more reliable prediction results [11]. To counter the lack of interpretability of the logistic regression integration method, Dumitrescu et al. [12] proposed punishment log-tree regression, which improved the interpretability of the model on the premise of obtaining a more accurate model.
Gradient boosting decision trees (GBDTs) are DT models trained with gradient boosting strategies, while Extreme Gradient Boosting (XGBoost) is a GBDT-based algorithm that dominates applied machine learning and Kaggle structured or tabular data competitions. Xia et al. [13] presented an XGBoost model that performs well on accuracy, error rate, AUC, and Brier scores, enhancing the interpretability of the credit scoring model. Liu et al. [14] proposed a multi-grained and multi-layered gradient boosting decision tree, which enables greater diversity in terms of the predictions and performance regarding credit scores, with more accurate results.
Although the ensemble algorithms have shown better prediction ability than the traditional single models, their generalization ability is still limited by the performance of the single model. In addition, in feature extraction, integrated algorithms usually rely on each traditional manual design or selection methods and will also be affected by the correlation between the base learners. In terms of big data processing, there may be challenges in computational complexity and storage space. Thus, deep learning algorithms have come into being to make up for these shortcomings.
Recently, deep learning algorithms are increasingly being used in the field of credit scoring [15,16,17,18], demonstrating their high classification performance [19]. The basic idea of deep learning is to build a multi-layered network to represent the abstract semantic information of data through high-level features so as to obtain better feature robustness. Du and Shu [20] built a deep learning model integrating recurrent neural networks and bidirectional recurrent neural networks to optimize financial credit risk management systems. Alarfaj et al. [21] applied the recent developments in deep learning algorithms to credit card fraud prediction to improve the fraud detection performance and minimize false negative rates based on convolutional neural network modeling. In recent years, with the development of artificial intelligence, the learning methods in the field of credit evaluation have been gradually expanded. Talaat et al. [22] combined deep learning and explainable artificial intelligence technology to propose an advanced method for predicting credit card default, which has achieved higher model explainability. However, the number of deep learning parameters is too large, which can easily result in overfitting, and the generalization ability of deep learning models is poor. At the same time, the problem of sample imbalance leads to prediction bias.

2. Methodology

2.1. The Proposed Method

Since imbalanced datasets often occur in the context of credit scoring [23], there has been an influx of deep learning-driven credit scoring models specifically designed to solve the challenge of data imbalance. The main methods to solve the imbalanced learning problem are resampling techniques, undersampling techniques, and cost-sensitive learning [24]. Among these mainstream sampling methods, which model is the most accurate? In response to this problem, Abreu et al. [25] pointed out that the best oversampling techniques need to have three key characteristics: the use of cleaning procedures, clustering-based synthesis examples, and adaptive weighted minority examples. Devi et al. [26] proposed a correlation-based oversampling method combined with AdaBoost ensemble learning model to propose an oversample-assisted cost-sensitive ensemble learning method and obtained more desirable results. Zhong and Wang [27] proposed a deep learning credit scoring model based on deep forest and reordering methods to solve the problem of data imbalance. Xie et al. [28] proposed Attraction–Repulsion-Balanced Loss (ARB-Loss) to balance the gradient of the classifier weights in a state of extreme imbalance. Even so, the current mainstream oversampling methods cannot cope with the problem of imbalanced sample training well because oversampling is simply an extension of the samples based on the existing sample distribution, which cannot reflect the distribution of samples in the sample space. Therefore, the generalization ability of oversampling’s learning results is insufficient. In addition, the existing methods based on cost-sensitive learning are prone to overfitting, which is caused by excessive attention to a few classes [29,30]. In practical applications, it is often very difficult to accurately determine the misclassification cost. Different misclassification cases may have different costs, and how to determine the cost reasonably is a challenging problem.
Aiming at a series of practical problems in credit score modeling, this paper proposes an innovative method, which uses Boruta for feature selection [31] and introduces the Gradient Harmonizing Mechanism (GHM) [32] loss function into integrated learning framework XGBoost. This method aims to enhance the ability of the model to process abnormal data points so as to improve the accuracy and stability of the prediction and improve the generalization ability of the model. With this boosting-based strategy, we expect to effectively address key challenges in the field of credit scoring and further optimize the performance of risk assessment models.
The main contributions of this article are as follows:
(1)
Considering the prevalence of imbalanced data in credit scoring, the introduction of the GHM loss function in XGBoost improves the prediction performance of the model for a few categories.
(2)
An imbalanced learning technique with stronger generalization ability is proposed, which is helpful to better fit the real distribution of data and reduce the overfitting of the model to noise.
(3)
The parameter adjustment process of feature selection can be automatically carried out by Boruta [31], which reduces manual intervention and improves the degree of automation.
The remainder of this paper is organized as follows. Section 2 discusses the experimental principles, concepts, and methods. In Section 3, the experimental settings such as data sources, data processing methods, and parameters are presented. In Section 4, a consolidated summary of the experimental results and analytical assessments is provided. A brief conclusion follows.
This paper introduces a groundbreaking research method, first using the advanced Boruta algorithm for feature selection. This algorithm has been proved to be highly accurate in many fields such as medicine [33] and finance [34]. Through contrasting the relevance of the original features with the importance of randomly generated ones, the algorithm can systematically identify the feature sets that are significantly correlated with the target variables. Through this step, we effectively reduce the dimension of feature space and eliminate irrelevant and redundant features, thus improving the training efficiency and prediction accuracy of the model.
Our new model is based on XGBoost. XGBoost is an ensemble learning algorithm based on a gradient boosting decision tree, which has been widely regarded for its high efficiency, flexibility, and robustness [35]. By building multiple decision trees and integrating their predictions, XGBoost is able to capture complex nonlinear relationships in the data and provide stable prediction performance. In order to further optimize the performance of the XGBoost model and solve the problem of sample imbalance and difficulty sample imbalance in classification problems, we introduce the GHM loss function. By adjusting the weights of different samples, the GHM makes the model pay more attention to those samples that are difficult to classify, thereby improving the overall classification performance. According to the algorithms involved above, the model established in this paper is named XGBoost-B-GHM.
This prediction framework does not only make full use of the characteristic information of the data but also improves the prediction accuracy, robustness, and generalization ability of the model. In subsequent experiments, we will validate this framework and compare it with other methods to further evaluate its effectiveness and superiority in practical problems.

2.2. Gradient Boosting Decision Tree

GBDT is one of the most frequently used ensemble learning methods for both classification and regression, as shown in Figure 1. The final predicted value is the sum of M tree-based models. The GBDT model can be expressed as follows:
f M ( x ) = m = 1 M β m T ( x i , θ m ) ,
where T ( x i , θ m ) stands for decision tree, θ m is the parameter of the decision tree, β m is the weight of each decision tree, and M is the number of decision trees. The idea of shrinkage believes that it is easier to avoid overfitting if the result is gradually approximated by taking a small step at a time than if the result is quickly approximated by taking a large step at a time. Therefore, the weight multiplied here is actually a shrinkage coefficient, which is used to reduce the role of each tree and improve the learning space [36]. The key of GBDT is to use the negative gradient of the loss function as the value to be fitted in the boosting tree algorithm. Therefore, the training process of f M x can be transformed into a loss function minimization problem.
It is assumed that the strong learner obtained in the previous round is f t 1 ( x ) and the loss function is L ( y , f t 1 ( x ) ) ; the goal of this epicycle is to find a basis learner h t ( x ) that minimizes the objective function of the epicycle. The objective function of this round of training is
L ( y , f t ( x ) ) = L ( y , f t 1 ( x ) + h t ( x ) ) .
In other words, this epicycle’s CART decision tree should be a sample with a smaller loss function. Then, the negative gradient of the loss function is used as the residual estimate of the loss function of this round [37]; the negative gradient of the loss function for the i-th sample in t-th round can be expressed as
r t i = L y i , f x i f x i f x = f t 1 x .
When i is equal to 1, 2, 3,…, m, we can use ( x i , r t i ) to fit the CART regression tree of this round, whose corresponding leaf node region is R t j , j = 1 , 2 , 3 , , J , where J is the amount of leaf nodes. For each sample in the leaf node, we can derive the output value c t j that minimizes the loss function:
c t j = a r g m i n x i R t j L y i , f t 1 x i + h i ( x ) .
The fitting function of the t-th round decision tree can be expressed as
h t x = j = 1 J c t j I x R t j .
The final strong learner expression after round t is
f t x = f t 1 x + j = 1 J c t j I x R t j .

2.3. Boruta-XGBoost

Feature selection plays a crucial role in credit score modeling. Its main purpose is to identify and select the most relevant features from the original features to optimize the performance of the model. Traditional feature selection methods include filtering method and wrapping method [38], etc. These methods often have some limitations, such as relying on prior knowledge, inability to handle high computational complexity, or easy to fall into local optimal and so on. This paper uses Boruta, an automatic, efficient, and robust method for feature selection.
As the basis of Boruta algorithm, random forest (RF) provides an effective feature importance evaluation method. Decision trees serve as the fundamental building blocks of a random forest. Each decision tree is a weak classifier, which divides the dataset to form different subsets with the same characteristics, and finally forms a tree-like structure, as shown in Figure 2. Figure 2 shows a possible credit evaluation decision tree. Assuming that the conditions for judging whether to agree to a loan are the semantic information presented in the figure, a borrower who can successfully obtain a loan needs to meet the following conditions:
(1)
[Age > 18];
(2)
[Debt-to-income ratio ⩽ 50%];
(3)
[Bachelor degree or above]; and
(4)
[Without a history of late payments].
Figure 2. A possible decision tree for credit evaluation.
Figure 2. A possible decision tree for credit evaluation.
Systems 12 00254 g002
In this experiment, Boruta-XGBoost is used to achieve a great reduction in computation with the same effect. We first make a copy of the original features and then randomly shuffle them; the resulting new matrix is called the shadow feature; then, the shadow feature and real feature are spliced together, and the importance of the features is calculated using XGB model. Based on the most important value in the shadow feature, the weights of different features in the dataset are obtained by several iterations after deleting the features of the real features that are less important than this benchmark; this operation is shown in Figure 3, and the code implementation method is shown in Algorithm 1.
Algorithm 1 Credit Scoring Model Training Using Boruta
Input:  
Training data { x i , y i } i = 1 N
Output:  
A regression model with Boruta-filtered features
1:
Initialize model as random forest with training labels { y i } i = 1 N
2:
for  i t e r a t i o n 1 to N i t e r a t i o n s  do
3:
    Generate s h a d o w x for each x i by shuffling its values
4:
    Train model with both x i and s h a d o w x
5:
    Calculate importance of x i and s h a d o w x
6:
    if  i m p o r t a n c e ( x i ) > i m p o r t a n c e ( s h a d o w x )  then
7:
        Mark x i as important
8:
    end if
9:
end for
10:
return Model with important features retained

2.4. XGBoost-B-GHM

XGBoost is also a mainstream integrated algorithm, which realizes the improvement on the basis of GBDT algorithm and increases the speed and efficiency of the model to the extreme by explicitly adding regular terms to prevent the model from overfitting. It supports custom loss function. In our model, the GHM (Gradient Harmonizing Mechanism) loss function is innovatively introduced. Compared with focal loss, the GHM loss function is more refined in calculating sample weights and has smoother gradient adjustment and better generalization performance. The basic form of the GHM loss function for classification is
L G H M = i = 1 N L C E ( p i , p i * ) G D ( g i )
where N denotes the aggregate number of samples, G D ( g ) is the gradient density, and its physical meaning refers to the quantity of data samples in the g part of the unit gradient modulus length. The formulae for gradient modulus length and gradient density are as follows:
g = | y ^ y | = 1 y ^ y = 1 y ^ y = 0 ;
G D ( g ) = 1 l ε ( g ) k = 1 N δ ε ( g k , g ) ;
δ ε ( g k , g ) = 1 y ε 2 x y + ε 2 0 otherwise ;
l ε ( g ) = m i n ( g + ε 2 , 1 ) m a x ( g ε 2 , 0 ) .
In the real scenario of credit evaluation, the number of easily separable samples, that is, samples with high confidence, is relatively large, and processing such samples has very little effect on the model improvement [39]. Therefore, we should pay more attention to those samples with features that are unclear or difficult to distinguish. In this experiment, the GHM loss function is embedded in the XGBoost model to optimize the weight processing of difficult and easy samples, improve the robustness and prediction accuracy of the model, and thus improve the overall performance of the model. Algorithm 2 shows the training process of the XGBoost-GHM.
Algorithm 2 Gradient Harmonizing Mechanism for XGBoost
Input:  
Training data { x i , y i } i = 1 N , boosting rounds T, maximum depth of trees δ ˜ , learning rate η
Output:  
An ensemble of boosted trees that approximates the target function
1:
Initialize the model F 0 ( x ) = 0 for all x in the training data
2:
for  t = 1 to T do
3:
      Compute the gradients g i ( t ) and Hessians h i ( t ) for each instance i:
4:
       g i ( t ) = L ( y i , F t 1 ( x i ) ) F t 1 ( x i ) , h i ( t ) = 2 L ( y i , F t 1 ( x i ) ) F t 1 ( x i ) 2
5:
      Apply GHM to adjust the gradients and Hessians based on their density:
6:
     d e n s i t y _ f a c t o r = 1 1 + b i n s a m p l e s
7:
      Adjusted g i ( t ) = g i ( t ) × d e n s i t y _ f a c t o r , Adjusted h i ( t ) = h i ( t ) × d e n s i t y _ f a c t o r
8:
      Fit a new decision tree h t ( x ) using the harmonized gradients and Hessians, limit tree depth to δ ˜
9:
      Compute the optimal leaf weights w j ( t ) for each leaf j in tree h t :
10:
       w j ( t ) = arg min w { x i R j } L ( y i , F t 1 ( x i ) + w )
11:
      Update the model:
12:
       F t ( x ) = F t 1 ( x ) + η × h t ( x ) × w j ( t )
13:
end for
14:
Output the final model F T ( x )

3. Experimental Settings

3.1. Datasets Acquisition

With the rapid development of information technology, data began to grow explosively, and effectively analyzing these data is one of the goals of machine learning. In our experiment, we collected four large datasets for credit scoring, namely the acquisition data of Fannie Mae, Bankfear released by Indessa Bank, the LengdingClub dataset, and the Give Me Some Credit from Kaggle, respectively. The relevant details of the datasets are illustrated in Table 1.
Fannie Mae (Fannie) is the United States Federal National Mortgage Association. Its main business is to carry out mortgage loan purchase and securitization in the United States secondary mortgage market, through the purchase of residential mortgage banks and other lending institutions, to provide more liquidity. Fannie Mae releases data in two categories: data on loans it has taken out and data on loan repayments. The loan data contain the borrower’s basic information, credit score, and information about their home loans, while the loan repayment data contain the borrower’s repayment information and foreclosure status. The study obtained the corresponding data through the official website of Fannie Mae.
Bankfear is a large dataset from the bank Indessa. In 2021, Indessa Bank’s non-performing assets (NPAs) reached an all-time high in nearly three quarters, which made investors reluctant to lend through Indessa Bank, causing its stock to fall 20% in the first quarter of 2021. As a consequence, Indessa decided to use machine learning to find defaulters who were causing bad assets and specify a plan to reduce them. Bankfear is based on loan data Indessa has collected over the years. This study resumes the Bankfear dataset of loan data published by Indessa bank over the years.
Lending Club (LC) dataset comes from Lending Club, a large, fast-growing, and well-functioning peer-to-peer (P2P) trading platform, and the research date is also available on their official website. P2P lending refers to a financial model in which individuals lend money to people in need through third-party platforms (P2P companies) under the premise of charging a certain service fee. Due to the low transaction threshold and high transaction efficiency of this model, it has attracted a large number of customers to enter the market, which has also generated many illegal loans and fraud incidents.
Give me some credit (Give) is a credit score dataset provided by Kaggle, an interactive platform for researchers and scientists to showcase and discuss their machine learning and coding work. This dataset is mainly used to predict loan defaults and includes the financial transaction data of individuals. Each sample in the dataset is independent of each other and is labeled as defaulting or not defaulting, according to which predictive modeling is performed.

3.2. Parameter Setting

With the aim of ascertaining the validity of the XGBoost-B-GHM model, we compared it to a handful of baseline credit scoring models, including AdaBoost, DT, KNN, LR, LDA, NN, SVM, RF, and GBDT. In addition, to demonstrate the superiority of the XGBoost-B-GHM compared to existing advanced deep learning models, we further compared it with a series of advanced ensemble models based on boosting idea, including multi-grained augmented (MG-) GBDT, XGBoost (XGB), and Light Gradient Boosting Machine (LGB). MG-GBDT comes from a paper by Liu et al. [14], which proposed a stepwise multi-grained augmented gradient boosting decision tree for credit scoring. MG-GBDT balances predictive accuracy and interpretability, contributing a great tool to the field of credit evaluation. XGBoost is also a gradient tree-based algorithm, and its core is to build a powerful integration model by iterating the tree, as we described in the previous article and used as our master model in this article. Before LGB was proposed, the most commonly used GBDT tool was XGB, but XGB requires large space and more time consumption, which is unfriendly to cache optimization. In order to speed up the training speed of GBDT model without damaging the accuracy, LGB was proposed. It is a histogram-based decision tree algorithm that uses unilateral gradient sampling to greatly save time and space overhead, and supports categorical features and efficient parallelism. When comparing with these models, we refer to the performance obtained by their default parameters. In this experiment, considering the problem of data imbalance may affect the results of cross-validation and make the model’s prediction performance for a few categories poor (confirmed in the experiment), we divide the sample into training set, test set, and verification set to better control the proportion of samples in different categories. The proportion of three sets is 0.8, 0.1, and 0.1, respectively.
As described above, in the first feature selection, we take the mainstream integrated decision tree algorithm XGB as the object of Boruta and take advantage of Boruta’s automation capabilities to set the number of estimators to be determined automatically based on the size of the data. Considering the complexity of the dataset and possible overfitting problems, we set the maximum number of iterations of the Boruta algorithm to 40. It is also possible to plot the change in the importance score of each variable during the operation of the algorithm to determine whether it is necessary to increase the number of iterations.
In the main model XGBoost, although we use custom losses, the original target is a binary logistic regression problem and the output is probability. In addition, logarithmic losses are calculated after each evaluation step to monitor model performance. Although a smaller learning rate can make the model more stable, more iterations are needed. Based on the above considerations and referring to the general settings, we configure the learning rate around 0.1. Through judging different scales of each dataset and parameter optimization process, the final learning rate is determined as shown in Table 2. For consistent partitioning of training and test sets during each iteration, fixing the random state is required. To adhere to the objective of improving model generalization ability and avoiding overfitting, the maximum depth of decision tree should not be too large. After repeated parameter adjustment, the random state is finally determined at 42, and the maximum depth is set to 5.

4. Experiment and Evaluation

4.1. Performance Comparison of Credit Scoring Models

In this study, we innovatively embedded the GHM loss function into XGBoost to deal with imbalanced data. The optimal parameter values were selected by calculating the mean square error of the model under different parameter values. Finally, the parameters were adjusted to the interval of 7 for gradient density estimation, and the harmonic parameter β for sample weight calculation was 0.65. When applying the model to each dataset, we further considered the optimization of the algorithm according to the complexity of different datasets. To mitigate the risk of overfitting, the parameters of each dataset were adjusted as shown in Table 2.
For the purpose of comparing the efficacy of diverse learning techniques and confirming that the XGBoost-B-GHM has the best performance amongst imbalanced learning models, we used the receiver operating characteristic curve (ROC), which has been widely used in signal detection theory to describe the tradeoff between the hit rate and false alarm rate of the classifier [40], as the metric for comparison. In our credit scoring work, the aim is to predict whether a bank user will default, so the dataset can be partitioned into two distinct classes (positive and negative samples); i.e., it can be modeled as a binary classifier. Assuming that the negative sample is 0 and the positive sample is 1, four possibilities can be obtained by combining the predicted value with the actual value in pairs: TP, FP, TN, and FN, as shown in Table 3, denoting the actual value as Y and the predicted value as Y ^ , where TP represents True Positive; that is, the applicant is correctly predicted to be a good candidate (both the predicted value and the actual value are good applicants). FP stands for False Positive; that is, the applicant was wrongly predicted to be a good applicant when actually was not. TN stands for True Negative, which means the applicant is correctly predicted to be bad (both the predicted and the actual value are bad applicants), while FN stands for False Negative, which means the applicant is wrongly predicted to be bad (the predicted applicant is deemed to be bad when she/he is not). The horizontal coordinate of the ROC curve is FPR (False Positive Rate) and the vertical coordinate is TPR (True Positive Rate). FPR calculates the proportion of prediction errors (FP) in all negative samples, while TPR calculates the proportion of prediction errors (TP) in all positive samples. The formula is as follows:
F P R = # F P # N , T P R = # T P # P ,
where # represents the number, i.e., # N represents the number of negative samples, and # P represents the number of positive samples. In addition, the area under the curve (AUC) is an important indicator in ROC curve analysis. The value of AUC ranges from 0 to 1. The closer the AUC is to 1, that is, the farther the ROC curve is from the reference line, the better the classifier performance. In our experiment, for each large dataset, the final ROC curve was drawn after an average of 40 repeats to avoid randomness and enhance robustness.
Figure 4 shows the ROC curves of different credit scoring models on four large datasets: Bankfear, Fannie, Give, and LC. In Figure 4, it is obvious to notice that the XGBoost-B-GHM outperforms any of the other models on all four large datasets, especially on LC. Upon comparing the fine-grained visualization, it becomes evident that the ROC curve convergence rates of the XGB and XGBoost-B-GHM are very similar. The XGB is second only to the XGBoost-B-GHM in classification performance and also shows better classification performance. By comparing with MG-GBDT, we obtain a model with better classification performance than the advanced integrated model proposed by Liu et al. [14], and obtain more accurate results under the premise of inheriting the good interpretability of the hierarchical organization. From Figure 4a,c, we can find that NN has the worst classification performance, which may be caused by the extreme imbalance of data. NN is an instance-based learning method, and its classification decision is completely dependent on the nearest neighbor samples in the training dataset. In imbalanced datasets, the number of samples of a few classes is far less than that of most classes, so the samples of most classes are denser in space and easier to become the nearest neighbors, which makes NN algorithm present a great disadvantage in classification accuracy. Two linear algorithms, LR and LDA, also expose such problems. This means that the performance of the algorithm based on boosting is much superior to that of the baseline model, and it also shows that it is necessary to deal with imbalanced data.
In addition to the ROC, for the sake of further showing the superiority of the model, we selected accuracy score (Acc), precision score (Prec), recall rate (Rec), Brier score (BS), and H-measure (HM) as comparative metrics.
Accuracy is the most basic evaluation index, which describes whether the overall result is predicted correctly or not. The value of accuracy can be calculated by the following formula:
A c c u a r c y = T P + T N T P + F P + T N + F N .
The higher the accuracy, the better the overall prediction performance of the model. In many studies, accuracy may not be a completely reliable indicator because there is a category imbalance in the dataset. In this study, the GHM loss function is used to deal with the problem of class imbalance, which makes the model pay balanced attention to different classes of samples, thus significantly improving the accuracy value of the model.
Precision and accuracy look similar, but they are completely different concepts. Precision is the percentage of samples that are actually positive when the model predicts positive results. It measures the reliability of the model’s positive results and can be calculated by the following formula:
P r e c i s o n = T P T P + F P .
The recall rate conveys the probability that the sample is correctly predicted as a positive example among all the samples that are actually positive examples. It measures the probability that the model will predict all the positive examples correctly, and its formula is as follows:
R e c a l l = T P T P + F N .
According to Equations (15) and (17), the higher the accuracy and recall rate, the more superior the predictive capabilities of the model. However, there is often a tradeoff between the two; that is, the improvement in one indicator is often accompanied by the decline in another indicator, so comprehensive consideration is necessary.
Brier score is also a measure of the difference between the algorithm’s predicted value and the true value and is calculated as the mean square error of the probabilistic prediction relative to the test sample, expressed as
B r i e r S c o r e = 1 N i = 1 N [ P ^ ( y i ^ | x i ) I ( y i ^ | y i ) ] 2 ,
where N is the number of samples and I ( · ) denotes the indicator function. Therefore, when the Brier score is small, it means that the distinctiveness between the prediction probability and the actual result is tiny; that is, the prediction of the model is more accurate, and vice versa, that the prediction performance of the model is poor.
Table 4 shows the performance comparison of various credit scoring models on the Bankfear dataset. According to Table 4, the XGBoost-B-GHM performs better than the baseline credit scoring models that were mentioned at the beginning of 3.2 in three out of five metrics, and also shows better predictive performance than the advanced models (MG-GBDT, XGB, and LGB). The XGBoost-B-GHM scores closest to 1 on the accuracy, AUC, and precision indicators with higher predictive accuracy and reliability. In addition, due to the tradeoff between precision and recall rate, it is difficult for the same model to reach the highest value in both two indexes. Therefore, although the precision of the XGBoost-B-GHM is not the highest among all the models, it is undoubtedly the best in terms of the comprehensive performance of precision and recall rate. Nevertheless, it is worth mentioning that the XGBoost-B-GHM did not achieve better performance in the BS metric than XGB and LGB. Still, the XGBoost-B-GHM scores better on the BS metric than the other benchmark credit scoring models. Although it performs well in many aspects, it may not be dominant in specific datasets or tasks, which also conforms to the fact that each model has its applicable scenarios and limitations, and the selection and adjustment of hyperparameters still need to be optimized.
In the comparison of fifteen models, LR performed the worst in accuracy, AUC, and recall rate, NN performed the worst in precision, and AdaBoost performed the worst in BS. From this, we can easily find that the predictive efficiency of the benchmark credit scoring model is not very high. Among them, LR and LDA had the worst overall performance. Considering that Bankfear is a large dataset, its sample size is sufficient to support the training of machine learning models, so the problem of sparse data can be excluded. Then, the poor performance of LDA and LR is mainly due to their linear nature, and, secondly, it may be that it ignores the order between words, leading to a certain degree of semantic loss. In addition, compared with more advanced ensemble learning, LDA is not efficient when processing large-scale datasets and cannot fully learn the features of the dataset, thus affecting its prediction accuracy.
Table 5 shows the performance comparison of various credit scoring models on the LC dataset. As can be observed from Table 5, the XGBoost-B-GHM achieved the best results in every evaluation indicator. This surprising result, on the one hand, shows that the parameter settings on the LC dataset are almost optimal, and, on the other hand, it shows a significant improvement in the classification performance compared to its base model. In addition, MG-GBDT and XGB also show good classification and prediction performance. Because XGB’s training complexity is lower than the XGBoost-B-GHM, it can be used as an effective alternative to the XGBoost-B-GHM. The results shown in Table 5 show that KNN is almost the worst-performing model on the LC dataset, which is similar but not identical to the results on the Bankfear dataset. As with ROC curves, extremely imbalanced datasets make KNN poor for classification and prediction performance.
Table 6 displays the performance comparison of various credit scoring models on the Fannie dataset. As can be observed from Table 6, compared with the performance of MG-GBDT, XGB, and LGB, the overall performance of the XGBoost-B-GHM has been greatly improved, especially in accuracy, AUC, and recall rate, and the XGBoost-B-GHM has achieved the best results. In the precision score, MG-GBDT is better than the XGBoost-B-GHM, and, in the Brier score, all the models except AdaBoost, KNN, and NN are better than the new model. This result may be related to the characteristics of the Fannie dataset. Boruta is an effective method for feature selection, but it may remove some features that are critical to the model performance under different hyperparameter settings for different datasets. At the same time, hyperparameter adjustment is also crucial. The Brier score can be reduced by tuning the parameters without affecting the overall performance.
Table 7 reveals the performance comparison of various credit scoring models on the Give dataset. Similar in some respects to the results of the Bankfear and Fannie datasets, the XGBoost-B-GHM presents the best results on three metrics, namely accuracy score, AUC, and recall rate. On precision score, XGB is significantly higher than any of the other models, and LGB’s Brier score is better than the XGBoost-B-GHM. XGB is 25% more precise than the XGBoost-B-GHM, but the recall rate is 86.7% lower than the XGBoost-B-GHM, which is a considerable gap. It can be observed that the new model proposed in this paper, namely the XGBoost-B-GHM, demonstrates great improvement over the original XGBoost algorithm. Considering other performance aspects, LGB may be an effective alternative to the XGBoost-B-GHM.

4.2. Discussion on Performance of Credit Scoring Models

In general, the XGBoost-B-GHM achieves relatively optimal performance on the four datasets, which can be attributed to the characteristics and advantages of the model in the following aspects. Firstly, Boruta greatly simplifies the dataset by automatically identifying and selecting the important features, eliminating irrelevant and redundant features, and enabling the subsequent model training to be more focused on the key features. Therefore, using Boruta can not only improve the training efficiency of the model but also enhance the degree of accuracy in model predictions. In addition, Boruta ensures the stability and reliability of the selected features by comparing the importance of the original and random features. Secondly, using XGBoost as the main model also contributes to the overall excellent performance of the model. XGBoost combines the advantages of the gradient lifting decision tree algorithm and introduces regular term and parallel computing techniques so that the model can maintain a rapid training speed while preventing overfitting and improving the generalization ability. Moreover, XGBoost provides feature importance ranking, further enhancing the interpretability of the model. Thirdly, embedding the GHM loss function into the XGBoost model further improves the prediction accuracy of the model by assigning different weights to samples with different difficulty levels. It is precisely because the XGBoost-B-GHM combines many advantages to show the best performance in the comparison of a large number of models that the XGBoost-B-GHM can not only be applied to a variety of complex datasets and tasks but also has high prediction accuracy, stability, interpretability, and generalization ability, and has a wide range of application prospects in practical applications.

4.3. AUC and Loss Curves of Integration Models

Due to the competitive performance of several boosting models on ROC curves, we further compared the AUC and loss curves of the MG-GBDT, XGB, LGB, and XGBoost-B-GHM. The AUC considers the performance of the model under all the possible thresholds, providing a more complete picture of the classification capability of the model than the accuracy or recall rate under a single threshold. Moreover, in the process of adjusting the parameters, it is very important to observe the changes in the various parameters during training, so the validation loss function is introduced into our visualization. Figure 5, Figure 6, Figure 7 and Figure 8 show the AUC and loss curves of four advanced integration models on four credit score datasets, where GC-Forest represents the core algorithm of the MG-GBDT model and Boruta-XGB represents the core algorithm of the XGBoost-B-GHM.
Figure 5 shows the AUC curve and the loss curve on the LC dataset. The overall trend between the two curves and the gap between the other models are similar to the performance on the Bankfear dataset, but the performance on the LC dataset is even better. The AUC curve of the XGBoost-B-GHM converges to 1 after 400 iterations. The performance of LGB and XGB is similar, while XGB is slightly higher than LGB. Both of them converge to 0.96 after 400 iterations, and GC-Forest has the worst performance. In the comparison of the ensemble algorithm loss curves shown in Figure 5b, the XGBoost-B-GHM has the smallest prediction error, and the performance of XGB and LGB is opposite to that of their AUC curves, which indicates that the XGBoost-B-GHM is the optimal approach for the credit scoring of an LC dataset.
We can obtain the following information from Figure 6. Figure 6a shows the AUC curves of the four ensemble methods on the Bankfear dataset; Figure 6b shows the loss curves of the four ensemble methods on the Bankfear dataset. It can be clearly observed that, after 200 iterations, the slope of the AUC curve of the XGBoost-B-GHM increases significantly, showing a strong performance far superior to the other three ensemble models. After 400 iterations, the prediction error of the XGBoost-B-GHM decreased significantly, but, different from the other three integrated models, the loss curve of the new model still showed a downward trend after 1000 iterations, and more iterations were needed to stabilize it. After 1400 iterations, a stable trend appeared.
The plot in Figure 7 presents the AUC curve and the loss curve on the Fannie dataset. In Figure 7a, the optimal AUC curve on the Fannie dataset is still provided by the XGBoost-B-GHM model, and the performance of the other three ensemble models is still the same as before, among which XGB is the best, LGB is second, and GC-Forest is the worst, but there is a large gap between the three models and the XGBoost-B-GHM. As depicted in Figure 7b, when the number of iterations is small, the prediction error of the XGBoost-B-GHM is large, and, after 1000 iterations, it obtains the optimal convergence loss. In addition, the convergence values of the loss curves of LGB and GC-Forest are similar, and it can be observed from the fine-grained comparison plot that the predicted loss of LGB is slightly lower than that of GC-Forest.
Figure 8 shows the AUC curve and the loss curve on the Give dataset. From Figure 8a,b, we can find that it is still the XGBoost-B-GHM that obtains the best convergence AUC and convergence loss. XGB obtained the second-best convergence AUC and loss score, but its AUC performance was still significantly lower than the XGBoost-B-GHM.
On all four datasets, at the beginning of training, the loss value of the XGBoost-B-GHM decreased significantly, indicating that the learning rate was set appropriately and the gradient descent process was underway. After a certain number of iterations, the loss curve of the XGBoost-B-GHM decreases steadily until it becomes stable. On the Give dataset, the prediction error of the XGBoost-B-GHM after 100 iterations is much smaller than that of the other models. On the Bankfear dataset, the prediction error of the XGBoost-B-GHM after 400 iterations is much smaller than that of the other models. After more than 1000 iterations, the prediction error of the proposed model on both the LC and Fannie datasets gradually leveled off. We can also see from Figure 7b and Figure 8b that the loss curves of XGB and LGB are similar because they have the same gradient lifting framework and similar loss functions and optimization objectives. The XGBoost-B-GHM creatively embeds the GHM loss function in XGB with more subtle errors than XGB and LGB, which further validates the excellent performance of the XGB model embedded in GHM in handling imbalanced data.

4.4. Comparison with Standard Methods

4.4.1. Comparison of Different Feature Selection Methods

The main feature selection methods are divided into three types, respectively filter methods, wrapper methods, and embedded methods [41]. In order to better compare our models, the most popular least absolute shrinkage and selection operator (LASSO) [42] and RIDGE [43], which are good at dealing with data with multicollinearity, are selected for comparison with Boruta, and the performance comparison of different feature selection methods is shown in Table 8, Table 9, Table 10 and Table 11. In these comparisons, we merely replace the different feature selection methods while keeping the other algorithms unchanged.
Table 8 shows the performance comparison of different feature selection methods on the Bankfear dataset. Table 9 shows the performance comparison of different feature selection methods on the LC dataset. Table 10 shows the performance comparison of different feature selection methods on the Fannie dataset. Table 11 shows the performance comparison of different feature selection methods on the Give dataset. It is easy to find that Boruta performs best in all five metrics, and it shows a significant advantage across these metrics, especially when compared to RIDGE. In fact, RIDGE itself does not perform variable selection because it fails to produce a sparse model and prefers a dense solution [44]. Further, la Tour et al. [45] generalized ridge regression to banded ridge regression to achieve more accurate and interpretable feature space selection. Unlike RIDGE, which performs L2 regularization, LASSO performs L1 regularization, which helps to generate a sparse weight matrix that can in turn be used for feature selection. One possible explanation for the difference in performance between RIDGE and LASSO may be the different regularization methods used. The comparison results between Boruta and these two regularization methods further confirm the superiority of the XGBoost-B-GHM.

4.4.2. Comparison of Different Machine Learning Methods

After comparing different feature selection methods, we also need to know whether it is optimal to use XGBoost as the core algorithm. Based on the four datasets, we replace XGBoost with standard models such as RF and LR, respectively, in an attempt to verify the superiority of XGBoost. Table 12, Table 13, Table 14 and Table 15 show the performance of the different machine learning methods on the four datasets. Table 12 and Table 15 show the performance of the individual models on the Bankfear and Give datasets, respectively, in which XGBoost achieves the best scores on four of the five metrics, except precision. Table 13 shows XGBoost’s best performance on Acc, AUC, Prec, and BS on the LC dataset. Although XGBoost’s recall rate is not the highest, as mentioned above, precision and recall rate need to be considered together, so XGBoost still achieves the best performance overall. The performance on Fannie dataset, which is presented in Table 14, is somewhat different from the performance on the other three datasets, but arguably better. The BS score is second only to the LR model, and all the other indicators reach the best of the three models. When we do not control the two variables, feature selection and loss function, RF and LR perform much worse than the XGBoost-B-GHM. When we keep the feature selection method and loss function of RF and LR as the same as the XGBoost-B-GHM, and only change the main machine learning model, although the performance of RF and LR is still worse than that of the XGBoost-B-GHM, the performance has been greatly improved compared with the original model without controlling variables. This can also illustrate the superiority of using Boruta for feature selection and embedding GHM loss function in this paper from another perspective.

4.5. Model Interpretability and Fairness

4.5.1. Model Interpretability

Figure 9 highlights the feature importance scores calculated on the Fannie datasets. Figure 9a displays the feature importance score of the model without Boruta for feature selection, Figure 9b shows the feature importance score of the model with Boruta for feature selection, and Figure 9c shows the importance score of the input features of the Fannie dataset. Table 16 presents the corresponding characteristic descriptions on the Fannie dataset. From Figure 9c and Table 16, we can come to the conclusion that the original loan term contributes most to the prediction. In addition to V 3 , the number of borrowers and original debt to income ratio rank in the top three. In addition, V 12 , V 2 , V 10 , and V 4 are also borrower characteristics that should be considered in credit granting.
To further verify the global interpretability of the XGBoost-B-GHM, the feature importance scores on the Give dataset are quantified and displayed in Figure 10. Figure 10a shows the feature importance score of the model without Boruta for feature selection, Figure 10b shows the feature importance score of the model with Boruta for feature selection, and Figure 10c shows the importance score of the input features of Give dataset. Table 17 presents the corresponding characteristic descriptions on the Give dataset. From Figure 10c and Table 17, it can be found that the serious overdue payments within two years contribute the most. Among the several features with high feature importance scores, V 1 scores far higher than the others, contributing an average of 35% to the final prediction. This shows that the historical credit status is a very important factor in the process of credit investigation. The two features following V 1 are age and the number of open loans and credit lines, which is consistent with the actual credit granting situation; therefore, it can be considered that the XGBoost-B-GHM model has high global interpretability.

4.5.2. A Discussion of Model Fairness

The model constructed in this paper is intended to be used for credit scoring of borrowers. Similarly, models play a crucial role in everyday decision making. Therefore, in order to guarantee that the model can provide fair results for everyone, the model creation process also requires fairness. In addition, the international artificial intelligence regulations also clearly stipulate that artificial intelligence models based on machine learning need to be fair [46]. Each model builder has a responsibility to detect and mitigate fairness issues. In this paper, we constructed the confusion matrix shown in Table 3, which clearly defines harms and benefits. Moreover, we evaluated the interpretability of the model by calculating feature importance scores, resulting in an interpretable and robust model. Further evaluation and improving the fairness of machine learning models can be achieved by using Fairlearn, a Python package [47]. However, we did not use this package in our experiment, and we will further consider the fairness in our future research. We also hope that more scholars can carry out research in this regard.

4.6. Significance Test

For the sake of testing whether there are differences in the performance comparison results of each group of data in the experiment and whether the differences are significant, a statistical significance test is conducted. Due to the differences between non-parametric statistical testing methods and parametric hypothesis testing methods, the non-parametric statistical significance testing technique Friedman test was adopted because we could not make simple assumptions about the population distribution in large datasets. The statistics of Friedman’s test can be calculated as follows:
χ F 2 = 12 N k ( k + 1 ) [ j = 1 k r j 2 k ( k + 1 ) 2 4 ] ,
where r j denotes the mean of the ranks of the j-th method, k denotes the number of methods involved, and N denotes the number of datasets or experiments involved. Friedman statistics obey the chi-squared distribution of k-1 degrees of freedom, and they are calculated to 29.8479 and the p-value of the statistics is calculated to 0.0029, which are shown in Table 18. This P-value is less than the significance level (set α to 0.1, 0.05, and 0.01, respectively, for calculation), so the null hypothesis can be rejected and the scores of each metric are considered to be significantly different. Due to the condition that the null hypothesis is rejected, the Nemenyi follow-up test will be performed. In the Nemenyi test, two methods are said to be significantly different if the mean rank difference between them reaches a critical difference (CD). The calculation of CD can be expressed by the following formula:
C D = q α k ( k + 1 ) 6 N
In the above formula, α represents the significance level. In this experiment, we set the value of α as 0.1, 0.05, and 0.01, respectively, to calculate CD at different significance levels, and q α is the constant obtained by looking up the table and q 0.05 = 2.9480. So far, we can calculate the CD values at the corresponding significance level as 7.07, 7.73, and 8.55 according to Equation (18).
Figure 11 depicts the average ranking of all the metrics on the four datasets for all the credit evaluation models tested in this paper. The three horizontal lines from top to bottom show the value of CD calculated with significance levels of 0.01, 0.5, and 0.1, respectively. We can see from Figure 11 that the average ranking of the XGBoost-B-GHM is 2.5, which is the highest among all 13 models. The experimental results show that the performance of the ensemble model is much higher than that of the single model, and the tree structure is more suitable for imbalanced data, and its performance improvement is significant. The XGB model performs better than LGB on imbalanced data and is a reliable alternative to the XGBoost-B-GHM. SVM and LR, which were originally linear classifiers, have shown poor performance on imbalanced datasets. KNN ranks the lowest, indicating that it may not be a model that can be used on imbalanced data, although it may not perform as poorly on other datasets.

5. Discussion

5.1. Advantages of the Proposed Method

The research offers several notable strengths. Firstly, the development of the XGBoost-B-GHM model, which combines feature selection through the Boruta algorithm and the GHM loss function, represents an innovative approach to credit scoring. This ensemble model effectively addresses the common challenges in credit evaluation, such as dealing with redundant data features and imbalanced sample distributions. By incorporating the Boruta algorithm, the model achieves dimensionality reduction and noise mitigation, improving its generalization capabilities. The GHM loss function, when integrated into XGBoost, enhances the model’s performance by focusing on samples that are harder to classify, thereby optimizing its classification and prediction abilities. Moreover, the paper demonstrates the superiority of the proposed method over the established techniques through comparative experiments conducted on extensive datasets. It showcases the model’s capability to efficiently extract relevant features and improve the overall performance in credit scoring tasks. The use of decision trees within the ensemble framework is advantageous due to their interpretability, which facilitates understanding and trust in the model’s decisions.

5.2. Limitations and Expectations

However, despite some advancements, the study also presents certain limitations. While the paper highlights the interpretability of the XGBoost-B-GHM model, it acknowledges the ongoing challenge of ensuring fairness in model outcomes. Model fairness is critical in credit scoring applications as decisions can significantly impact individuals’ lives. We admit that the fairness concerns have not been fully addressed in our current work, and we plan to explore this field further in future studies. This implies that potential biases in the model’s predictions, which could result from inherent biases in the data or algorithm design, might still exist and require careful examination. Additionally, the research does not delve deeply into the specifics of how the model would perform across various types of datasets. Although the experiments are conducted on sizable datasets, the applicability of the model to smaller or differently structured datasets remains unexplored. This could limit the model’s adaptability to different credit scoring scenarios, particularly in cases where the data availability is constrained. The limitations concerning model fairness, generalizability, and operational costs should be considered and addressed in subsequent research to ensure that the model can be reliably deployed in diverse financial environments.

6. Conclusions

As an important part of financial risk management, credit scoring is of paramount importance to evaluate the credit status of borrowers, optimize the allocation of credit resources, and enhance the stability of financial markets. Therefore, it is particularly important to build an efficient and rigorous credit scoring model. In the field of credit scoring, the application of deep learning technology is gradually showing its unique advantages and potential. Compared with the traditional statistical methods and machine learning models, or even some common ensemble models, deep learning is better able to cope with complex and high-dimensional data, automatically learn and extract useful features from the data, and obtain models with stronger accuracy and efficiency regarding credit assessment.
Based on the deep study of the application of deep learning in the field of credit evaluation, this paper proposes an XGBoost ensemble model based on Boruta feature selection and GHM loss function optimization. The model combines the advantages of deep learning in feature extraction and model optimization while using the GHM loss function to overcome data imbalance barriers, which greatly improves the generalization ability of the model. Through a comprehensive analysis of four large credit scoring datasets, we validate the model’s superior performance in the credit scoring task. The experimental results show that the model is significantly better than the traditional models in accuracy, recall rate, AUC, and other key evaluation indicators. This supports the effectiveness and practicability of deep learning technology in the field of credit scoring, and also provides new ideas and methods for future research.
Although the XGBoost-B-GHM model has excellent performance in prediction accuracy and generalization ability, there are still some shortcomings in this study. First, the adjustment and optimization of model parameters involve a complex and time-consuming process. Although the model has been optimized and relatively optimal parameters have been selected in this paper, there may still be some factors that have not been fully considered. The future research could further explore methods for model optimization, such as using automated machine learning techniques [48] to simplify the parameter adjustment process and improve the efficiency of the model. Second, the interpretability of deep learning models is relatively weak. Although the model is excellent in performance, it is difficult to directly explain the inner workings of the model, which makes the model limited by a certain degree of trust in its practical applications. In the future, methods to enhance the model interpretability can be further explored, such as the introduction of multi-dimensional visualization [49] components. In the future, as deep learning technologies continue to develop and improve, we except to see more innovative applications and research results emerge in the field of credit scoring.

Author Contributions

Y.X.: Conceptualization, Methodology, Writing—original draft. S.J.: Conceptualization, Supervision, Software, Writing—review and editing, Funding acquisition. L.M.: Formal analysis, Validation, Writing—review and editing. X.J.: Data curation, Formal analysis. All authors have read and agreed to the published version of the manuscript.

Funding

This work is supported in part by the National Natural Science Foundation of PR China (72101121) and Ministry of Education, Humanities, and social science projects (21YJC790054).

Data Availability Statement

The data and the code of this study are available from the corresponding author upon request.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Ashofteh, A.; Bravo, J.M. A conservative approach for online credit scoring. Expert Syst. Appl. 2021, 176, 114835. [Google Scholar] [CrossRef]
  2. Bahraini, T.; Hosseini, S.M.; Ghasempour, M.; Yazdi, H.S. Density-oriented linear discriminant analysis. Expert Syst. Appl. 2022, 187, 115946. [Google Scholar] [CrossRef]
  3. Younso, A.; Kanaya, Z.; Azhari, N. Consistency of the k-Nearest Neighbor Classifier for Spatially Dependent Data. Commun. Math. Stat. 2023, 11, 503–518. [Google Scholar] [CrossRef]
  4. Teles, G.; Rodrigues, J.J.; Saleem, K.; Kozlov, S.A. Classification methods applied to credit scoring with collateral. IEEE Syst. J. 2019, 14, 4557–4566. [Google Scholar] [CrossRef]
  5. Brusco, M.J.; Steinley, D.; Watts, A.L. A comparison of logistic regression methods for Ising model estimation. Behav. Res. Methods 2023, 55, 3566–3584. [Google Scholar] [CrossRef] [PubMed]
  6. Ling, K.S.; Jamaian, S.S.; Mansur, S.; Liew, A.K.H. Modeling tenant’s credit scoring using logistic regression. SAGE Open 2023, 13, 21582440231189693. [Google Scholar] [CrossRef]
  7. Panhalkar, A.R.; Doye, D.D. A novel approach to build accurate and diverse decision tree forest. Evol. Intell. 2022, 15, 439–453. [Google Scholar] [CrossRef] [PubMed]
  8. Laber, E.; Murtinho, L.; Oliveira, F. Shallow decision trees for explainable k-means clustering. Pattern Recognit. 2023, 137, 109239. [Google Scholar] [CrossRef]
  9. Deng, J.; Li, Q.; Wei, W. Improved Cascade Correlation Neural Network Model Based on Group Intelligence Optimization Algorithm. Axioms 2023, 12, 164. [Google Scholar] [CrossRef]
  10. Kanakis, M.E.; Khalili, R.; Wang, L. Machine learning for computer systems and networking: A survey. ACM Comput. Surv. 2022, 55, 1–36. [Google Scholar] [CrossRef]
  11. Wang, G.; Hao, J.; Ma, J.; Jiang, H. A comparative assessment of ensemble learning for credit scoring. Expert Syst. Appl. 2011, 38, 223–230. [Google Scholar] [CrossRef]
  12. Dumitrescu, E.; Hué, S.; Hurlin, C.; Tokpavi, S. Machine learning for credit scoring: Improving logistic regression with non-linear decision-tree effects. Eur. J. Oper. Res. 2022, 297, 1178–1192. [Google Scholar] [CrossRef]
  13. Xia, Y.; Liu, C.; Li, Y.; Liu, N. A boosted decision tree approach using Bayesian hyper-parameter optimization for credit scoring. Expert Syst. Appl. 2017, 78, 225–241. [Google Scholar] [CrossRef]
  14. Liu, W.; Fan, H.; Xia, M. Step-wise multi-grained augmented gradient boosting decision trees for credit scoring. Eng. Appl. Artif. Intell. 2021, 97, 104036. [Google Scholar] [CrossRef]
  15. Shen, F.; Zhao, X.; Kou, G.; Alsaadi, F.E. A new deep learning ensemble credit risk evaluation model with an improved synthetic minority oversampling technique. Appl. Soft Comput. 2021, 98, 106852. [Google Scholar] [CrossRef]
  16. Gunnarsson, B.R.; Vanden Broucke, S.; Baesens, B.; Óskarsdóttir, M.; Lemahieu, W. Deep learning for credit scoring: Do or don’t? Eur. J. Oper. Res. 2021, 295, 292–305. [Google Scholar] [CrossRef]
  17. Dastile, X.; Celik, T. Making deep learning-based predictions for credit scoring explainable. IEEE Access 2021, 9, 50426–50440. [Google Scholar] [CrossRef]
  18. Shen, Q.; Zhang, W.; Song, M. RankXGB-Based Enterprise Credit Scoring by Electricity Consumption in Edge Computing Environment. CMC Comput. Mater. Contin. 2023, 75, 197–217. [Google Scholar] [CrossRef]
  19. Luo, C.; Wu, D.; Wu, D. A deep learning approach for credit scoring using credit default swaps. Eng. Appl. Artif. Intell. 2017, 65, 465–470. [Google Scholar] [CrossRef]
  20. Du, P.; Shu, H. Exploration of financial market credit scoring and risk management and prediction using deep learning and bionic algorithm. J. Glob. Inf. Manag. (JGIM) 2022, 30, 1–29. [Google Scholar] [CrossRef]
  21. Alarfaj, F.K.; Malik, I.; Khan, H.U.; Almusallam, N.; Ramzan, M.; Ahmed, M. Credit card fraud detection using state-of-the-art machine learning and deep learning algorithms. IEEE Access 2022, 10, 39700–39715. [Google Scholar] [CrossRef]
  22. Talaat, F.M.; Aljadani, A.; Badawy, M.; Elhosseini, M. Toward interpretable credit scoring: Integrating explainable artificial intelligence with deep learning for credit card default prediction. Neural Comput. Appl. 2024, 36, 4847–4865. [Google Scholar] [CrossRef]
  23. Brown, I.; Mues, C. An experimental comparison of classification algorithms for imbalanced credit scoring data sets. Expert Syst. Appl. 2012, 39, 3446–3453. [Google Scholar] [CrossRef]
  24. Chen, W.; Yang, K.; Yu, Z.; Shi, Y.; Chen, C. A survey on imbalanced learning: Latest research, applications and future directions. Artif. Intell. Rev. 2024, 57, 1–51. [Google Scholar] [CrossRef]
  25. Abreu, P.; Araújo, H.; Santos, M.; Santos, J.; Soares, J. CrossValidation for Imbalanced Datasets: Avoiding Overoptimistic and Overfitting Approaches. Res. Front. 2018, 13, 59–76. [Google Scholar]
  26. Devi, D.; Biswas, S.K.; Purkayastha, B. Correlation-based oversampling aided cost sensitive ensemble learning technique for treatment of class imbalance. J. Exp. Theor. Artif. Intell. 2022, 34, 143–174. [Google Scholar] [CrossRef]
  27. Zhong, Y.; Wang, H. Internet financial credit scoring models based on deep forest and resampling methods. IEEE Access 2023, 11, 8689–8700. [Google Scholar] [CrossRef]
  28. Xie, L.; Yang, Y.; Cai, D.; He, X. Neural collapse inspired attraction–repulsion-balanced loss for imbalanced learning. Neurocomputing 2023, 527, 60–70. [Google Scholar] [CrossRef]
  29. Zheng, W.; Zhao, H. Cost-sensitive hierarchical classification for imbalance classes. Appl. Intell. 2020, 50, 2328–2338. [Google Scholar] [CrossRef]
  30. Vanderschueren, T.; Verdonck, T.; Baesens, B.; Verbeke, W. Predict-then-optimize or predict-and-optimize? An empirical evaluation of cost-sensitive learning strategies. Inf. Sci. 2022, 594, 400–415. [Google Scholar] [CrossRef]
  31. Jamei, M.; Ali, M.; Karbasi, M.; Sharma, E.; Jamei, M.; Chu, X.; Yaseen, Z.M. A high dimensional features-based cascaded forward neural network coupled with MVMD and Boruta-GBDT for multi-step ahead forecasting of surface soil moisture. Eng. Appl. Artif. Intell. 2023, 120, 105895. [Google Scholar] [CrossRef]
  32. Zhang, H.; Zhang, J.; Nie, G.; Hu, J.; Zhang, W.C. Residual memory inference network for regression tracking with weighted gradient harmonized loss. Inf. Sci. 2022, 597, 105–124. [Google Scholar] [CrossRef]
  33. Gilani, N.; Arabi Belaghi, R.; Aftabi, Y.; Faramarzi, E.; Edguenlue, T.; Somi, M.H. Identifying potential miRNA biomarkers for gastric cancer diagnosis using machine learning variable selection approach. Front. Genet. 2022, 12, 779455. [Google Scholar] [CrossRef] [PubMed]
  34. Kim, B.Y.; Han, H. Multi-Step-Ahead Forecasting of the CBOE Volatility Index in a Data-Rich Environment: Application of Random Forest with Boruta Algorithm. Korean Econ. Rev. 2022, 38, 541–569. [Google Scholar]
  35. Yan, Z.; Chen, H.; Dong, X.; Zhou, K.; Xu, Z. Research on prediction of multi-class theft crimes by an optimized decomposition and fusion method based on XGBoost. Expert Syst. Appl. 2022, 207, 117943. [Google Scholar] [CrossRef]
  36. Zhang, Z.; Jung, C. GBDT-MO: Gradient-boosted decision trees for multiple outputs. IEEE Trans. Neural Netw. Learn. Syst. 2020, 32, 3156–3167. [Google Scholar] [CrossRef] [PubMed]
  37. Friedman, J.H. Greedy function approximation: A gradient boosting machine. Ann. Stat. 2001, 29, 1189–1232. [Google Scholar] [CrossRef]
  38. Chen, C.W.; Tsai, Y.H.; Chang, F.R.; Lin, W.C. Ensemble feature selection in medical datasets: Combining filter, wrapper, and embedded feature selection results. Expert Syst. 2020, 37, e12553. [Google Scholar] [CrossRef]
  39. Li, B.; Liu, Y.; Wang, X. Gradient harmonized single-stage detector. AAAI Conf. Artif. Intell. 2019, 33, 8577–8584. [Google Scholar] [CrossRef]
  40. Fawcett, T. An introduction to ROC analysis. Pattern Recognit. Lett. 2006, 27, 861–874. [Google Scholar] [CrossRef]
  41. Solorio-Fernández, S.; Carrasco-Ochoa, J.A.; Martínez-Trinidad, J.F. A survey on feature selection methods for mixed data. Artif. Intell. Rev. 2022, 55, 2821–2846. [Google Scholar] [CrossRef]
  42. Wu, M.; Lin, N.; Li, G.; Liu, H.; Li, D. Hyperspectral estimation of petroleum hydrocarbon content in soil using ensemble learning method and LASSO feature extraction. Environ. Pollut. Bioavailab. 2022, 34, 308–320. [Google Scholar] [CrossRef]
  43. Zhang, R.; Li, X.; Wu, T.; Zhao, Y. Data clustering via uncorrelated ridge regression. IEEE Trans. Neural Netw. Learn. Syst. 2020, 32, 450–456. [Google Scholar] [CrossRef] [PubMed]
  44. Hoerl, R.W. Ridge regression: A historical context. Technometrics 2020, 62, 420–425. [Google Scholar] [CrossRef]
  45. la Tour, T.D.; Eickenberg, M.; Nunez-Elizalde, A.O.; Gallant, J.L. Feature-space selection with banded ridge regression. NeuroImage 2022, 264, 119728. [Google Scholar] [CrossRef] [PubMed]
  46. Giudici, P.; Raffinetti, E. SAFE Artificial Intelligence in finance. Financ. Res. Lett. 2023, 56, 104088. [Google Scholar] [CrossRef]
  47. Digumarthi, V.; Amin, T.; Kanu, S.; Mathew, J.; Edwards, B.; Peterson, L.A.; Lundy, M.E.; Hegarty, K.E. Preoperative prediction model for risk of readmission after total joint replacement surgery: A random forest approach leveraging NLP and unfairness mitigation for improved patient care and cost-effectiveness. J. Orthop. Surg. Res. 2024, 19, 287. [Google Scholar] [CrossRef] [PubMed]
  48. Liu, R.; Lin, Z. Bilevel optimization for automated machine learning: A new perspective on framework and algorithm. Natl. Sci. Rev. 2023, 11, nwad292. [Google Scholar] [CrossRef]
  49. Zhao, Y.; Luo, F.; Chen, M.; Wang, Y.; Xia, J.; Zhou, F.; Wang, Y.; Chen, Y.; Chen, W. Evaluating multi-dimensional visualizations for understanding fuzzy clusters. IEEE Trans. Vis. Comput. Graph. 2018, 25, 12–21. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Schematic diagram of gradient boosting decision tree.
Figure 1. Schematic diagram of gradient boosting decision tree.
Systems 12 00254 g001
Figure 3. Schematic diagram of Boruta feature selection based on XGBoost.
Figure 3. Schematic diagram of Boruta feature selection based on XGBoost.
Systems 12 00254 g003
Figure 4. ROCs of benchmark models on credit scoring datasets. (a) Bankfear; (b) LC; (c) Fannie; (d) Give.
Figure 4. ROCs of benchmark models on credit scoring datasets. (a) Bankfear; (b) LC; (c) Fannie; (d) Give.
Systems 12 00254 g004
Figure 5. Performance comparison of advanced ensemble algorithms on the BankFear dataset. (a) AUC curves, Bankfear; (b) loss curves, Bankfear.
Figure 5. Performance comparison of advanced ensemble algorithms on the BankFear dataset. (a) AUC curves, Bankfear; (b) loss curves, Bankfear.
Systems 12 00254 g005
Figure 6. Performance comparison of advanced ensemble algorithms on the LC dataset. (a) AUC curve, LC; (b) loss curves, LC.
Figure 6. Performance comparison of advanced ensemble algorithms on the LC dataset. (a) AUC curve, LC; (b) loss curves, LC.
Systems 12 00254 g006
Figure 7. Performance comparison of advanced ensemble algorithms on the Fannie dataset. (a) AUC curves, Fannie; (b) loss curves, Fannie.
Figure 7. Performance comparison of advanced ensemble algorithms on the Fannie dataset. (a) AUC curves, Fannie; (b) loss curves, Fannie.
Systems 12 00254 g007
Figure 8. Performance comparison of advanced ensemble algorithms on the Give dataset. (a) AUC curve, Give; (b) loss curves, Give.
Figure 8. Performance comparison of advanced ensemble algorithms on the Give dataset. (a) AUC curve, Give; (b) loss curves, Give.
Systems 12 00254 g008
Figure 9. Feature importance ranking of XGBoost-B-GHM on the Fannie dataset. (a) Feature importance without Boruta; (b) Feature importance with Boruta; (c) Feature contribution.
Figure 9. Feature importance ranking of XGBoost-B-GHM on the Fannie dataset. (a) Feature importance without Boruta; (b) Feature importance with Boruta; (c) Feature contribution.
Systems 12 00254 g009
Figure 10. Feature importance ranking of XGBoost-B-GHM on the Give dataset. (a) Feature importance without Boruta; (b) Feature importance with Boruta; (c) Feature contribution.
Figure 10. Feature importance ranking of XGBoost-B-GHM on the Give dataset. (a) Feature importance without Boruta; (b) Feature importance with Boruta; (c) Feature contribution.
Systems 12 00254 g010
Figure 11. Average ranks of credit scoring models and CD values for Nemenyi test: the three horizontal lines from top to bottom show the values of CD calculated with significance levels of 0.01, 0.05, and 0.1, respectively.
Figure 11. Average ranks of credit scoring models and CD values for Nemenyi test: the three horizontal lines from top to bottom show the values of CD calculated with significance levels of 0.01, 0.05, and 0.1, respectively.
Systems 12 00254 g011
Table 1. Details of credit datasets.
Table 1. Details of credit datasets.
DatasetSamplesFeaturesGood/Bad
Bankfear532,42832406,601/125,827
LC1,303,607181,041,952/261,655
Fannie369,33518340,458/28,877
Give150,00010139,974/10,026
Table 2. Parameters of credit datasets.
Table 2. Parameters of credit datasets.
DatasetParams
betabinlearning_ratemax_depth
Bankfear0.5540.26
LC0.6560.019
Fannie0.640.057
Give0.970.15
Table 3. Confusion matrix of credit scoring results.
Table 3. Confusion matrix of credit scoring results.
ValueY = 1Y = 0
Y ^ = 1TPFP
Y ^ = 0FNTN
Table 4. Performance comparison on Bankfear dataset.
Table 4. Performance comparison on Bankfear dataset.
AlgorithmAccAUCPrecRecBS
AdaBoost0.84320.88780.94020.35770.1558
DT0.82430.77810.83530.32270.1336
KNN0.80570.66220.75930.26460.0914
LR0.76620.62100.70140.02460.1762
LDA0.77610.76470.55620.22710.1526
NN0.89910.91880.08000.61020.0800
SVM0.88540.92010.08590.61850.0859
RF0.85440.90380.93740.41370.1020
GBDT0.89120.92590.92170.59130.0824
MG-GBDT0.88970.89320.89730.60420.1106
XGB0.92160.94690.90160.75160.0633
LGB0.92110.94670.90260.74830.0633
XGBoost-B-GHM0.92980.96760.92120.76520.0783
Table 5. Performance comparison on LC dataset.
Table 5. Performance comparison on LC dataset.
AlgorithmAccAUCPrecRecBS
AdaBoost0.88200.93930.71980.67300.2442
DT0.87660.93620.71330.64430.0815
KNN0.81560.86970.54630.46730.1137
LR0.84460.90500.63350.53610.0997
LDA0.84150.87440.67050.41460.1102
NN0.87860.88840.60840.36880.1091
SVM0.82600.88840.60840.36880.1091
RF0.89830.95540.76840.70660.0687
GBDT0.90170.95690.76810.73150.0673
MG-GBDT0.90210.95770.79260.69400.0665
XGB0.90340.95800.77940.72380.0658
LGB0.88210.94290.72850.65950.0785
XGBoost-B-GHM0.91460.97000.80770.75470.0649
Table 6. Performance comparison on Fannie dataset.
Table 6. Performance comparison on Fannie dataset.
AlgorithmAccAUCPrecRecBS
AdaBoost0.92150.82490.43530.06300.0806
DT0.92400.78930.60980.00890.0641
KNN0.92210.51130.05450.00070.0848
LR0.92380.77530.52000.00460.0654
LDA0.92360.79430.48590.02450.0641
NN0.86580.50490.07620.06330.1149
SVM0.92300.5017000.0736
RF0.92440.81700.63750.01810.0621
GBDT0.92460.83190.55440.05790.0610
MG-GBDT0.92410.81360.80000.00570.0631
XGB0.92230.84310.59130.04230.0613
LGB0.92190.82640.77500.01070.0631
XGBoost-B-GHM0.92680.88640.70420.12040.0770
Table 7. Performance comparison on Give dataset.
Table 7. Performance comparison on Give dataset.
AlgorithmAccAUCPrecRecBS
AdaBoost0.93720.86490.59270.20330.2334
DT0.93530.85730.55490.18080.0502
KNN0.93320.66760.76920.00670.0605
LR0.90030.84570.33530.17550.0942
LDA0.93790.85650.55140.28350.0532
NN0.93730.86770.58540.21510.0493
SVM0.93290.5003000.0679
RF0.93990.87250.65200.18090.0475
GBDT0.93920.87340.60710.20730.0476
MG-GBDT0.93530.87110.73330.02240.0507
XGB0.93500.88670.91430.03190.0499
LGB0.94020.87650.69180.19220.0473
XGBoost-B-GHM0.94330.91630.73250.24000.0723
Table 8. Performance comparison of different feature selection models on Bankfear dataset.
Table 8. Performance comparison of different feature selection models on Bankfear dataset.
MethodsAccAUCPrecRecBS
Boruta0.92980.96760.92120.76520.0783
LASSO0.90880.94070.89510.69120.0958
RIDGE0.82060.83040.68090.43920.1462
Table 9. Performance comparison of different feature selection models on LC dataset.
Table 9. Performance comparison of different feature selection models on LC dataset.
MethodsAccAUCPrecRecBS
Boruta0.91460.97000.80770.75470.0649
LASSO0.78150.71550.58920.09420.1936
RIDGE0.80020.70480.55520.03030.1885
Table 10. Performance comparison of different feature selection models on Fannie dataset.
Table 10. Performance comparison of different feature selection models on Fannie dataset.
MethodsAccAUCPrecRecBS
Boruta0.92680.88640.70420.12040.0770
LASSO0.92380.85110.62330.07740.1015
RIDGE0.92130.73751.00.00070.1015
Table 11. Performance comparison of different feature selection models on Give dataset.
Table 11. Performance comparison of different feature selection models on Give dataset.
MethodsAccAUCPrecRecBS
Boruta0.94330.91630.73250.24000.0723
LASSO0.93860.89360.61560.22010.1040
RIDGE0.84720.84720.61680.20520.1476
Table 12. Performance comparison of machine learning methods on Bankfear dataset.
Table 12. Performance comparison of machine learning methods on Bankfear dataset.
MethodsAccAUCPrecRecBS
XGBoost0.92980.96760.92120.76520.0783
RF0.81450.74700.92520.23640.1438
LR0.76380.61230.66670.00650.1786
Table 13. Performance comparison of machine learning methods on LC dataset.
Table 13. Performance comparison of machine learning methods on LC dataset.
MethodsAccAUCPrecRecBS
XGBoost0.91460.97000.80770.75470.0649
RF0.89430.95980.78980.72510.0716
LR0.88330.94470.71380.80690.0785
Table 14. Performance comparison of machine learning methods on Fannie dataset.
Table 14. Performance comparison of machine learning methods on Fannie dataset.
MethodsAccAUCPrecRecBS
XGBoost0.92680.88640.70420.12040.0770
RF0.90470.56540.14690.04450.0874
LR0.92150.67050.00000.00000.0711
Table 15. Performance comparison of machine learning methods on Give dataset.
Table 15. Performance comparison of machine learning methods on Give dataset.
MethodsAccAUCPrecRecBS
XGBoost0.94330.91630.73250.24000.0723
RF0.93310.78980.80000.01190.0567
LR0.93090.78130.31250.01980.0583
Table 16. Feature description of the Fannie dataset.
Table 16. Feature description of the Fannie dataset.
VariableFeature NameDescription
V 1 Original interest rateThe initial or starting interest rate that is set for a loan.
V 2 Original UPBPrinciple amount
V 3 Original loan termOriginal loan term
V 4 Original loan-to value (LTV)The loan-to-value ratio at the initial stage of loan issuance.
V 5 Original combined loan-to-value (CTLV)The combined loan-to-value ratio at the initial stage of loan issuance
V 6 Number of borrowersNumber of borrowers
V 7 Original debt to income ratioThe ratio of debt to income at the beginning of the loan.
V 8 Number of unitsNumber of units
V 9 MIMortgage Insurance
V 10 Min credit scoreThe borrower’s credit score
V 11 Original channelOrigination channel.
V 12 Seller nameSeller name
V 13 First time home buyer indicatorFirst time home buyer indicator
V 14 Loan purposeLoan purpose (such as buy a car or house)
V 15 Property typeThe area where the property is secured by the mortgage.
V 16 Occupancy typeThe type of occupancy
V 17 Property stateProperty state
V 18 Relocation mortgage indicatorRelocation mortgage indicator
Table 17. Feature description of the Give dataset.
Table 17. Feature description of the Give dataset.
VariableFeature NameDescription
V 1 SeriousDlqin2yrsSerious overdue payments within two years.
V 2 RevolvingUtilizationOfUnsecuredLinedTotal balance on credit card except real estate and car loans/credit limit.
V 3 ageThe age of borrower
V 4 NumberOfTime3059DaysPastDueNotWorseBorrowers are 30–59 days overdue, but no worse in the last two years.
V 5 DebtRatioDebt radio
V 6 MonthlyIncomeMonthly income
V 7 NumberOfOpenCreditLinesAndLoansThe number of open loans and lines of credit.
V 8 NumberOfTimes90DaysLateNumber of times the borrower is 90 days or more past due on payments.
V 9 NumberRealEstateLoansOrLinesThe amount of real estate loans
V 10 NumberOfTime6089DaysPastDueNotWorseBorrowers are 60–89 days overdue, but no worse in the last two years.
Table 18. Friedman test.
Table 18. Friedman test.
AlgorithmFriedman Statisticp-ValueNull Hypothesis
XGBoost-B-GHM29.84790.0029Reject
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

Xia, Y.; Jiang, S.; Meng, L.; Ju, X. XGBoost-B-GHM: An Ensemble Model with Feature Selection and GHM Loss Function Optimization for Credit Scoring. Systems 2024, 12, 254. https://doi.org/10.3390/systems12070254

AMA Style

Xia Y, Jiang S, Meng L, Ju X. XGBoost-B-GHM: An Ensemble Model with Feature Selection and GHM Loss Function Optimization for Credit Scoring. Systems. 2024; 12(7):254. https://doi.org/10.3390/systems12070254

Chicago/Turabian Style

Xia, Yuxuan, Shanshan Jiang, Lingyi Meng, and Xin Ju. 2024. "XGBoost-B-GHM: An Ensemble Model with Feature Selection and GHM Loss Function Optimization for Credit Scoring" Systems 12, no. 7: 254. https://doi.org/10.3390/systems12070254

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