Fraud Detection in Banking Data by Machine Learning
Fraud Detection in Banking Data by Machine Learning
This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
Date of publication xxxx 00, 0000, date of current version xxxx 00, 0000.
Digital Object Identifier 10.1109/ACCESS.2017.DOI
ABSTRACT As technology advanced and e-commerce services expanded, credit cards became one
of the most popular payment methods, resulting in an increase in the volume of banking transactions.
Furthermore, the significant increase in fraud requires high banking transaction costs. As a result, detecting
fraudulent activities has become a fascinating topic. In this study, we consider the use of class weight-
tuning hyperparameters to control the weight of fraudulent and legitimate transactions. We use Bayesian
optimization in particular to optimize the hyperparameters while preserving practical issues such as
unbalanced data. We propose weight-tuning as a pre-process for unbalanced data, as well as CatBoost and
XGBoost to improve the performance of the LightGBM method by accounting for the voting mechanism.
Finally, in order to improve performance even further, we use deep learning to fine-tune the hyperparameters,
particularly our proposed weight-tuning one. We perform some experiments on real-world data to test
the proposed methods. To better cover unbalanced datasets, we use recall-precision metrics in addition
to the standard ROC-AUC. CatBoost, LightGBM, and XGBoost are evaluated separately using a 5-fold
cross-validation method. Furthermore, the majority voting ensemble learning method is used to assess
the performance of the combined algorithms. LightGBM and XGBoost achieve the best level criteria of
ROC-AUC = 0.95, precision 0.79, recall 0.80, F1 score 0.79, and MCC 0.79, according to the results. By
using deep learning and the Bayesian optimization method to tune the hyperparameters, we also meet the
ROC-AUC = 0.94, precision = 0.80, recall = 0.82, F1 score = 0.81, and MCC = 0.81. This is a significant
improvement over the cutting-edge methods we compared it to.
INDEX TERMS Bayesian Optimization, Data Mining, Deep Learning, Ensemble Learning, Hyper
parameter, Unbalanced Data, Machine Learning
VOLUME 4, 2016 1
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
Fraud prevention is a proactive method that stops fraud methods outperform the existing and based methods.
from happening in the first place. On the other hand, fraud For evaluations, we use publicly available datasets and
detection is needed when a fraudster attempts a fraudulent also publish the source codes 1 with public access to be
transaction [7]. used by other researchers.
Fraud detection in banking is considered a binary clas- The reminder of this paper is organized as follows: In
sification problem in which data is classified as legitimate Section II we review the related state-of-the-art. The pro-
or fraudulent [8]. Because banking data is large in volume posed approach for credit card fraud detection including
and with datasets containing a large amount of transaction the dataset, pre-processing, feature extraction and feature
data, manually reviewing and finding patterns for fraudu- selection, algorithms, framework, and evaluation metrics, is
lent transactions is either impossible or takes a long time. presented in Section III. Section IV discusses the evaluation
Therefore, machine learning-based algorithms play a pivotal results of the experiments performed, and finally Section V
role in fraud detection and prediction [9]. Machine learning concludes the paper.
algorithms and high processing power increase the capability
of handling large datasets and fraud detection in a more effi- II. RELATED WORKS
cient manner. Machine learning algorithms and deep learning In order to prevent fraudulent transactions and detect credit
also provide fast and efficient solutions to real-time problems card fraud, several methods have been proposed by re-
[10]. searchers. A review of state-of-the-art related works is pre-
In this paper, we propose an efficient approach for de- sented in the following.
tecting credit card fraud that has been evaluated on publicly Halvaiee & Akbari study a new model called the AIS-
available datasets and has used optimised algorithms Light- based fraud detection model (AFDM). They use the Immune
GBM, XGBoost, CatBoost, and logistic regression individu- System Inspired Algorithm (AIRS) to improve fraud detec-
ally, as well as majority voting combined methods, as well tion accuracy. The presented results of their paper show that
as deep learning and hyperparameter settings. An ideal fraud their proposed AFDM improves accuracy by up to 25%,
detection system should detect more fraudulent cases, and reduces costs by up to 85%, and reduces system response
the precision of detecting fraudulent cases should be high, time by up to 40% compared to basic algorithms [11].
i.e., all results should be correctly detected, which will lead
Bahnsen et al. developed a transaction aggregation strategy
to the trust of customers in the bank, and on the other hand,
and created a new set of features based on the periodic
the bank will not suffer losses due to incorrect detection.
behaviour analysis of the transaction time by using the von
The main contributions of this paper are summarized as
Mises distribution. In addition, they propose a new cost-
follows:
based criterion for evaluating credit card fraud detection’s
• We adopt Bayesian optimization for fraud detection
models and then, using a real credit card dataset, examine
and propose to use the weight-tuning hyperparameter how different feature sets affect results. More precisely, they
to solve the unbalanced data issue as a pre-process extend the transaction aggregation strategy to create new
step. We also suggest using CatBoost and XGBoost offers based on an analysis of the periodic behaviour of
alongside LightGBM to improve performance. We use transactions [12].
the XGBoost algorithm due to the high speed of training Randhawa et al. study the application of machine learning
in big data as well as the regularization term, which algorithms to detect fraud in credit cards. They first use Naive
overcomes overfitting by measuring the complexity of Bayes, stochastic forest and decision trees, neural networks,
the tree, and it does not require much time to set the linear regression (LR), and logistic regression, as well as
hyperparameters. We also use the Catboost algorithm support vector machine standard models, to evaluate the
because there is no need to adjust hyperparameters available datasets. Further, they propose a hybrid method by
for overfitting control, and it also obtains good results applying AdaBoost and majority voting. In addition, they add
without changing hyperparameters compared to other noise to the data samples for robustness evaluation. They
machine learning algorithms. perform experiments on publicly available datasets and show
• We propose a majority-voting ensemble learning ap-
that majority voting is effective in detecting credit card fraud
proach to combine CatBoost, XGBoost, and LightGBM cases [6].
and review the effect of the combined methods on the
Porwal and Mukund propose an approach that uses clus-
performance of fraud detection on real, unbalanced data.
tering methods to detect outliers in a large dataset and is
We also propose to use deep learning for adjusting and
resistant to changing patterns [13]. The idea behind their
fine-tuning the hyperparameters.
proposed approach is based on the assumption that the good
• To evaluate the performance of the proposed methods,
behaviour of users does not change over time and that the
we perform extensive experiments on real-world data.
data points that represent good behaviour have a consistent
To better cover the unbalanced datasets, we use recall-
spatial signature under different groupings. They show that
precision in addition to the typically used ROC-AUC.
We also evaluate the performance using F1_score and 1 The codes are available at https://github.com/khadijehHashemi/Fraud-
MCC metrics. According to the results, the proposed Detection-in-Banking-Data-by-Machine-Learning-Techniques
2 VOLUME 4, 2016
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
fraudulent behaviours can be detected by identifying the TABLE 1. The features of the credit-card fraud dataset that is used in this
paper.
changes in this data. They show that the area under the
precision-recall curve is better than ROC as an evaluation Variable Name Description Type
criterion [13]. V1 , V2 , ..., V28 Transaction feature after PCA transforma- Integer
The authors in [14], propose a group learning framework tion
Time Seconds elapsed between each transaction Integer
based on partitioning and clustering of the training set. Their with the first transaction
proposed framework has two goals: 1) to ensure the integrity Amount Transaction Value Integer
of the sample features, and 2) to solve the high imbalance Class Legitimate or Fraudlent 0 or 1
of the dataset. The main feature of their proposed framework
is that every base estimator can be trained in parallel, which
improves the effectiveness of their framework. III. PROPOSED APPROACH TO DETECTING CREDIT
Itoo et al. use three different ratios of datasets and an CARD FRAUD
oversampling method to deal with the problem of data The proposed framework for fraud detection is presented
imbalance. Authors use three machine learning algorithms: in Fig. 2. As this figure shows, we first apply the desired
logistic regression, Naive Bayes, and K-nearest neighbor. pre-processing on the data and further divide the data into
The performance of the algorithms is measured based on two sections: training and testing, followed by performing
accuracy, sensitivity, specificity, precision, F1-score, and area Bayesian optimization on the training data to find the best
under the curve. They show that the logistic regression-based hyperparameters that lead to the improvement of the perfor-
model outperforms the other commonly used fraud detection mance. We use the cross-validation method to obtain perfor-
algorithms in the paper [15]. mance comparison in an unbalanced set and then examine
The authors in [16] propose a framework that combines the algorithms using different evaluation metrics, including
the potential of meta-learning ensemble techniques and a accuracy, precision, recall, the Matthews correlation coeffi-
cost-sensitive learning paradigm for fraud detection. They cient (MCC), the F1-score, and AUC diagrams. These steps
perform some evaluations, and the results obtained from are explained in detail as follows:
classifying unseen data show that the cost-sensitive ensemble
classifier has acceptable AUC value and is efficient as com- A. DATASET
pared to the performances of ordinary ensemble classifiers. In this paper, we use a real dataset so that the outcome of
Altyeb et al. propose an intelligent approach for detect- the proposed algorithm can be used in practice. We consider
ing fraud in credit card transactions [17]. Their proposed a dataset named “creditcard” that contains 284,807 records
Bayesian-based hyperparameter optimization algorithm is of two days of transactions made by credit card holders in
used to tune the parameters of a LightGBM. They perform September 2013. There are 492 fraudulent transactions, and
experiments on publicly available credit card transaction the rest of the transactions are legitimate. The positive class
datasets. These datasets consist of fraudulent and legitimate (frauds) accounts for 0.172% of all transactions; hence, the
transactions. Their evaluation results are reported in terms dataset is highly imbalanced. This dataset is available and
of accuracy, area under the receiver operating characteristic can be accessed through https://www.kaggle.com/mlg-ulb/
curve (ROC-AUC), precision, and F1-score metrics. creditcardfraud.
Xiong et al. propose a learning-based approach to tackle This dataset contains only numerical input variables re-
the fraud detection problem. They use feature engineer- sulting from a principle component analysis (PCA) transfor-
ing techniques to boost the proposed model’s performance. mation. Unfortunately, the original features and background
The model is trained and evaluated on the IEEE-CIS fraud information about the data are not given due to confidentiality
dataset. Their experiments show that the model outperforms and privacy considerations. PCA yielded the following prin-
traditional machine-learning-based methods like Bayes and cipal components: V1 , V2 , V28 . The untransformed features
SVM on the used dataset [18]. with PCA are "time" and "amount." The "Time" column
Viram et al. evaluate the performance of Naive Bayes contains the time (in seconds) elapsed between each trans-
and voting classifier algorithms. They demonstrate that in action and the first transaction in the dataset. The feature
terms of evaluated metrics, particularly accuracy, the voting "Amount" shows the transaction amount. Feature "Class" is
classifier outperforms the Naive Bayes algorithm [19]. the response variable, and it takes the value 1 in case of fraud
Verma and Tyagi investigate machine learning algorithms and 0 otherwise. The summary of the variables and features
in order to determine the best supervised ML-based algo- is presented in Table 1.
rithm for credit card fraud detection in the presence of an
imbalanced dataset. They evaluate five classification tech- B. DATA PRE-PROCESSING
niques and show that the supervised vector classifier and As illustrated in Table 2, the total number of fraudulent
logistic regression classifier outperform other algorithms in transactions is significantly lower than the total number of
an imbalanced dataset [20]. The summary of the literature legitimate transactions, indicating that the data distribution is
review is presented in Fig. 1. unbalanced. In real datasets for credit card fraud detection,
unbalanced data is expected. This data imbalance causes
VOLUME 4, 2016 3
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
FIGURE 1. The summary of the related works on Fraud Detection in banking industry with machine learning techniques
Feature Extraction
Model Evaluation
Data Preprocessing
Accuracy
Feature Selection
Precision
MCC
Bayesian Optimization
ROC_AUC
4 VOLUME 4, 2016
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
TABLE 2. The transaction label distribution in the "credit card" dataset This
unbalanced data is expected in real-life datasets.
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
TABLE 3. Details of our deep learning model used in the paper are provided. TP × FP − FP × FN
The total parameters are set to 7593, and all are trainable.
MCC = p
(T P + F P )(T P + F N )(T N + F P )(T N + F N )
(6)
Layer(Type) Output Shape Param No.
dense (Dense) (None, 86) 2752
Accuracy Accuracy quantifies the total performance of
dense-1 (Dense) (None, 44) 3828 the classifier and is defined as the number of correct predic-
dense-2 (Dense) (None, 22) 990 tions made by the model. When dealing with data that isn’t
dense-3 (Dense) (None, 1) 23 balanced, this criterion doesn’t give good results because it
also gives a high value if even one fraudulent transaction
is found. Recall shows the efficiency of the classifier in
number of epochs is set to 117, and the batch size is set to detecting actual fraudulent transactions. Precision measures
1563. The details of our model are presented in Table 3. the reliability of the classifier and F1-Score is the harmonic
Following Keras and with the help of the compile method average of recall and precision measures, that considers both
and Adam’s optimizer, we perform weight updates and use false negatives and positives.
binary-cross entropy for the loss function that finalises the ROC-AUC is a measure of separability that demonstrates
configuration of the learning and training process. the model’s ability to differentiate between classes [15].
ROC-AUC is a graphical plot of the false positive rate (FPR)
F. EVALUATION METRICS and the true positive rate (TPR) at different possible levels
We apply a cross-validation test to evaluate the performance [17]. The area under the ROC curve is not a suitable criterion
of the proposed model for credit card fraud detection. Similar for evaluating fraud detection methods since it only considers
to [6], [17], We use a stratified 5-fold validation test to obtain positive values.
a reliable performance comparison in the unbalanced set. The precision and recall curves are commonly used to
The dataset is divided randomly into five separate subsets compare classifiers in terms of precision and recall. Usually,
of equal size, where the number of samples in each class in this two-dimensional graph, the precision rate is plotted
is divided into equal proportions in each category. In all on the y-axis and the recall is plotted on the x-axis. There
steps of validation, a single subset (20% of the dataset) is is no good way to describe the true and false positives and
reserved as the validation data to test the performance of the negatives using one indicator. One good solution is to use
proposed approach, while the remaining four subsets (80% MCC, which measures the quality of a two-class problem,
of the dataset) are employed as the training data. We repeat taking into account the true and false positives and negatives.
this process five times until all subsets are used. The average It is a balanced measure, even when the classes are of
performances of the five test subsets are calculated, and the different sizes [6].
final result is the performance of the proposed approach on a
5-fold cross-validation test. IV. EXPERIMENTAL RESULTS AND DISCUSSION
To be fair in our comparisons, we use the common metrics We use the stratified 5-fold cross validation method and the
for our evaluations, including accuracy, precision, recall, the boosting algorithms with the Bayesian optimization method
Matthews correlation coefficient (MCC), the F1-score, and to evaluate the performance of the proposed framework.
AUC diagrams. Positive numbers represent fraudulent trans- We extract the hyperparameters and evaluate each algorithm
actions in our experiments, while negative numbers represent individually before using the majority voting method. We
legitimate ones. True positive (T P ) represents fraudulent examine the algorithms in triple and double precision. The
transactions that have been classified as such. False positives comparison results are presented in Table 5.
(F P ) indicate the number of legitimate transactions mis- Most studies in the literature rely on AUC diagrams to
classified as fraudulent. The true negative (T N ) represents evaluate performance. However, as can be seen from the
legitimate transactions classified as legitimate, and the false ROC-AUC curve in Fig. 4, the value of AUC in severely un-
negative (F N ) indicates the misclassified fraudulent transac- balanced data is not a good evaluation metric. It is influenced
tions as legitimate [15]. The mathematical expressions for the by the real positives and considers the negatives irrelevant.
metrics used are given in Eq. (2) to Eq. (6). According to the ROC-AUC Fig. 4, the logistic regression
algorithm 0.9583 has the highest number of fraud detection,
TP + TN but it has the lowest value in other criteria.
Accuracy = (2)
TP + TN + FP + FN The precision-recall curve is illustrated in Fig. 5 and shows
the system performance in a more precise manner compared
TP with the ROC-AUC curve. However, the results cannot be
Recall = (3)
TP + TN cited because false negatives are far from the view of this
diagram. As Fig. 5 shows, the highest value belongs to the
TP
Precision = (4) combination of the CatBoost and LightGBM algorithms with
TP + TN + FP + FN a value of 0.7672, and the lowest value belongs to logistic
Precision × Recall regression and is 0.7361.
F1-Score = 2 × (5) Comparing the precision, recall, and F1-score as well as
Precision+Recall
VOLUME 4, 2016 7
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
FIGURE 4. ROC_AUC Curve . FIGURE 6. Performance comparing algorithms with different evaluation
criteria .
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
TABLE 6. Performance comparison of the proposed approach and the method presented in [17]
FIGURE 7. ROC Curve of Deep Learning . We used the common evaluation metrics, including accuracy,
precision, recall, F1-score, and AUC. Our experimental re-
sults showed that the proposed LightGBM method improved
the fraud detection cases by 50% and the F1-score by 20%
compared with the recently presented method in [17]. We
improve the performance of the algorithm with the help of the
majority voting algorithm. We also improved the criteria by
using the deep learning method. The assurance of the results
of MCC for unbalanced data proved that, compared to other
criteria of evaluation, it’s stronger. In this paper, by com-
bining the LightGBM and XGBoost methods, we obtained
0.79 and 0.81 for the deep learning method. Using hyper
parameters to address data unbalance compared to sampling
methods, in addition to reducing memory and time needed to
evaluate algorithms, also has better results.For future studies
and work, we propose using other hybrid models as well as
working specifically in the field of CatBoost by changing
more hyperparameters, especially the hyperparameter num-
ber of trees. Also, due to hardware limitations in this study,
FIGURE 8. Precision- Recall Curve of Deep Learning . the use of stronger and better hardware may bring better
results that can ultimately be compared with the results of
this study.
methods outperform the intelligence method presented in
[17] using common metrics and a public dataset. REFERENCES
[1] Jay Nanduri, Yung-Wen Liu, Kiyoung Yang, and Yuting Jia. Ecommerce
fraud detection through fraud islands and multi-layer machine learning
V. CONCLUSION AND FUTURE WORK model. In Future of Information and Communication Conference, pages
In this paper, we studied the credit card fraud detection 556–570. Springer, 2020.
problem in real unbalanced datasets. We proposed a machine- [2] Irum Matloob, Shoab Ahmed Khan, Rukaiya Rukaiya, Muazzam A Khan
Khattak, and Arslan Munir. A sequence mining-based novel architecture
learning approach to improve the performance of fraud de- for detecting fraudulent transactions in healthcare systems. IEEE Access,
tection. We used a publicly available "credit card" dataset 10:48447–48463, 2022.
with 28 features and 0.17 percent of the fraud data. We [3] Haonan Feng. Ensemble learning in credit card fraud detection using
boosting methods. In 2021 2nd International Conference on Computing
proposed two methods. In the proposed LightGBM, we used and Data Science (CDS), pages 7–11. IEEE, 2021.
class weight tuning to choose the proper hyperparameters. [4] Mohammad Soltani Delgosha, Nastaran Hajiheydari, and Sayed Mahmood
VOLUME 4, 2016 9
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
Fahimi. Elucidation of big data analytics in banking: a four-stage delphi [24] Morteza Rakhshaninejad, Mohammad Fathian, Babak Amiri, and Navid
study. Journal of Enterprise Information Management, 34(6):1577 – 1596, Yazdanjue. An ensemble-based credit card fraud detection algorithm using
2020. Cited by: 2; All Open Access, Green Open Access. an efficient voting strategy. The Computer Journal, 2021.
[5] Maja Puh and Ljiljana Brkić. Detecting credit card fraud using selected [25] A Helen Victoria and G Maragatham. Automatic tuning of hyperparame-
machine learning algorithms. In 2019 42nd International Convention on ters using bayesian optimization. Evolving Systems, 12(1):217–223, 2021.
Information and Communication Technology, Electronics and Microelec- [26] Hyunghun Cho, Yongjin Kim, Eunjung Lee, Daeyoung Choi, Yongjae Lee,
tronics (MIPRO), pages 1250–1255. IEEE, 2019. and Wonjong Rhee. Basic enhancement strategies when using bayesian
[6] Kuldeep Randhawa, Chu Kiong Loo, Manjeevan Seera, Chee Peng Lim, optimization for hyperparameter tuning of deep neural networks. IEEE
and Asoke K Nandi. Credit card fraud detection using adaboost and Access, 8:52588–52608, 2020.
majority voting. IEEE access, 6:14277–14284, 2018. [27] Fairoz Nower Khan, Amit Hasan Khan, and Lamiah Israt. Credit card
[7] Nishamathi Kumaraswamy, Mia K Markey, Tahir Ekin, Jamie C Barner, fraud prediction and classification using deep neural network and ensem-
and Karen Rascati. Healthcare fraud data mining methods: A look back ble learning. In 2020 IEEE Region 10 Symposium (TENSYMP), pages
and look ahead. Perspectives in Health Information Management, 19(1), 114–119. IEEE, 2020.
2022. [28] Weizhang Liang, Suizhi Luo, Guoyan Zhao, and Hao Wu. Predicting
[8] Esraa Faisal Malik, Khai Wah Khaw, Bahari Belaton, Wai Peng Wong, and hard rock pillar stability using gbdt, xgboost, and lightgbm algorithms.
XinYing Chew. Credit card fraud detection using a new hybrid machine Mathematics, 8(5):765, 2020.
learning architecture. Mathematics, 10(9):1480, 2022. [29] Sami Ben Jabeur, Cheima Gharib, Salma Mefteh-Wali, and Wissal Ben
[9] Kavya Gupta, Kirtivardhan Singh, Gaurav Vikram Singh, Mohd. Hassan, Arfi. Catboost model and artificial intelligence techniques for corpo-
Himani, and Upasana Sharma. Machine learning based credit card fraud rate failure prediction. Technological Forecasting and Social Change,
detection - a review. In 2022 International Conference on Applied 166:120658, 2021.
Artificial Intelligence and Computing (ICAAIC), pages 362–368, 2022. [30] John Hancock and Taghi M Khoshgoftaar. Medicare fraud detection using
[10] Raghad Almutairi, Abhishek Godavarthi, Arthi Reddy Kotha, and Ebrima catboost. In 2020 IEEE 21st international conference on information reuse
Ceesay. Analyzing credit card fraud detection based on machine learning and integration for data science (IRI), pages 97–103. IEEE, 2020.
models. In 2022 IEEE International IOT, Electronics and Mechatronics [31] B Dhananjay and J Sivaraman. Analysis and classification of heart rate
Conference (IEMTRONICS), pages 1–8. IEEE, 2022. using catboost feature ranking model. Biomedical Signal Processing and
Control, 68:102610, 2021.
[11] Neda Soltani Halvaiee and Mohammad Kazem Akbari. A novel model for
[32] Yeming Chen and Xinyuan Han. Catboost for fraud detection in finan-
credit card fraud detection using artificial immune systems. Applied soft
cial transactions. In 2021 IEEE International Conference on Consumer
computing, 24:40–49, 2014.
Electronics and Computer Engineering (ICCECE), pages 176–179. IEEE,
[12] Alejandro Correa Bahnsen, Djamila Aouada, Aleksandar Stojanovic, and
2021.
Björn Ottersten. Feature engineering strategies for credit card fraud
[33] Anil Goyal and Jihed Khiari. Diversity-aware weighted majority vote
detection. Expert Systems with Applications, 51:134–142, 2016.
classifier for imbalanced data. In 2020 International Joint Conference on
[13] Utkarsh Porwal and Smruthi Mukund. Credit card fraud detec- Neural Networks (IJCNN), pages 1–8. IEEE, 2020.
tion in e-commerce: An outlier detection approach. arXiv preprint [34] Abhimanyu Roy, Jingyi Sun, Robert Mahoney, Loreto Alonzi, Stephen
arXiv:1811.02196, 2018. Adams, and Peter Beling. Deep learning detecting fraud in credit card
[14] Hongyu Wang, Ping Zhu, Xueqiang Zou, and Sujuan Qin. An en- transactions. In 2018 Systems and Information Engineering Design
semble learning framework for credit card fraud detection based on Symposium (SIEDS), pages 129–134. IEEE, 2018.
training set partitioning and clustering. In 2018 IEEE SmartWorld,
Ubiquitous Intelligence & Computing, Advanced & Trusted Com-
puting, Scalable Computing & Communications, Cloud & Big Data
Computing, Internet of People and Smart City Innovation (Smart-
World/SCALCOM/UIC/ATC/CBDCom/IOP/SCI), pages 94–98. IEEE,
2018.
[15] Fayaz Itoo, Satwinder Singh, et al. Comparison and analysis of logistic
regression, naive bayes and knn machine learning algorithms for credit
card fraud detection. International Journal of Information Technology,
13(4):1503–1511, 2021.
[16] Toluwase Ayobami Olowookere and Olumide Sunday Adewale. A frame-
work for detecting credit card fraud with cost-sensitive meta-learning
ensemble approach. Scientific African, 8:e00464, 2020.
[17] Altyeb Altaher Taha and Sharaf Jameel Malebary. An intelligent approach
to credit card fraud detection using an optimized light gradient boosting
machine. IEEE Access, 8:25579–25587, 2020.
[18] Xiong Kewei, Binhui Peng, Yang Jiang, and Tiying Lu. A hybrid deep
learning model for online fraud detection. In 2021 IEEE International Con-
ference on Consumer Electronics and Computer Engineering (ICCECE),
pages 431–434. IEEE, 2021.
[19] T Vairam, S Sarathambekai, S Bhavadharani, A Kavi Dharshini,
N Nithya Sri, and Tarika Sen. Evaluation of naive bayes and voting
classifier algorithm for credit card fraud detection. In 2022 8th Interna-
tional Conference on Advanced Computing and Communication Systems
(ICACCS), volume 1, pages 602–608, 2022.
[20] Pradeep Verma and Poornima Tyagi. Analysis of supervised machine
learning algorithms in the context of fraud detection. ECS Transactions,
107(1):7189, 2022. SEYEDEH KHADIJE HASHEMI is a former
[21] Junyi Zou, Jinliang Zhang, and Ping Jiang. Credit card fraud detection student of the Electrical and Computer Engineer-
using autoencoder neural network. arXiv preprint arXiv:1908.11553, ing Department at Kharazmi University. She has
2019. received her MSc and Bsc on computer engineer-
[22] Doaa Almhaithawi, Assef Jafar, and Mohamad Aljnidi. Example- ing. Her Master thesis has been performed on
dependent cost-sensitive credit cards fraud detection using smote and fraud detection for banking with machine learning
bayes minimum risk. SN Applied Sciences, 2(9):1–12, 2020. techniques. Her research interests includes appli-
[23] Jipeng Cui, Chungang Yan, and Cheng Wang. Learning transaction cation of machine learning techniques, focusing
cohesiveness for online payment fraud detection. In The 2nd International on banking.
Conference on Computing and Data Science, pages 1–5, 2021.
10 VOLUME 4, 2016
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4
This article has been accepted for publication in IEEE Access. This is the author's version which has not been fully edited and
content may change prior to final publication. Citation information: DOI 10.1109/ACCESS.2022.3232287
VOLUME 4, 2016 11
This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License. For more information, see https://creativecommons.org/licenses/by-nc-nd/4