International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 07 | July 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2633
A review of Fake Currency Recognition Methods
Sruthy R
Guest. Lecturer, Dept. of Electronics & Communication Engineering, NSS Polytechnic College, Kerala, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract –The global economy is vulnerable to counterfeit
currency. Advanced printing and scanning technologies have
made it a common occurrence. For both people and
corporations, fake currency recognition is a serious issue. The
creation of counterfeit banknotes, which are barely
distinguishable from legitimate currency, is a continuous
process for counterfeiters. To detect fake notes, several
traditional techniques and approaches are availablebased on
colors, widths, and serial numbers. This paper discusses
different methods of fake currency detection using image
processing.
Key Words: Fake Currency detection, Machine learning,
Support Vector Machine, Convolutional neural network,
AlexNet, K Nearest Neighbour (KNN), Support Vector
Classifier(SVC), Gradient Boosting Classifier(GBC),
ResNet50, DarkNet53, GoogleNet, Linear Discriminant
Analysis(LDA), Canny Edge Detector
1. INTRODUCTION
Digitalization is bringing about a rapid acceleration in
fraudulent activities, particularly in the financial
sector. Technology has greatly facilitatedtheproliferationof
fake money. Modern counterfeit money is very identical to
real money [1]. Even though identifying counterfeit cash
might be difficult, automated currency note recognition
systems have advanced significantly in recent years. It thus
attracts the interest of several modern research experts.
Despite their usefulness, today's fake money detectors are
too expensive to be used by the average person.
Recent studies are concentrating on fake currency
recognition based on image processing to resolve this
problem [1][2].
This paper reviews various methods of fake currency
detection based on image processing and machine learning.
The different methods are presented in Chapter 3.Chapter4
depicts the comparison of these methods.Chapter5includes
the conclusion of the study.
2. LITERATURE REVIEW
AlexNet-based fake currency detection has been proposedin
[3]. This transfer learned convolutional neural network is
trained using data sets consisting of 50,200,500,2000 Indian
rupee notes to obtain feature vectors. Here, the average
accuracy for identifying real currency and counterfeit
currency was 81.5percentand75%,respectively.AdeepCNN
model has been presented in [4] to detect counterfeit
currency. It is intended to detect counterfeit notes on
portable electronics like smartphones and tablets. A self-
generated dataset of 10,000 images including 500 actuals,
500 fake, and 2000 real and 2000 fake notes was used to
train and test the CNN model.Testing accuracy of 85.6%was
obtained through this method.
An ensemble of classifiers has been used for the fake
currency classification task in [5]. Moreover, this system is
based on more than one security feature. DT, SVM, LDA, and
KNN are the classifiers employed in this system. With an
accuracy of 82.7 percent for all features, the SVM classifier
outperforms all other classifiers. Four different CNN called
Alexnet,Resnet50,Darknet53,andGooglenethavebeenused
for Indian currency recognition in[6]. The findings
demonstrated that each of the four preconfigured networks
excels at one parameter while sacrificing the others.
KNN, SVC, and GBC have been used for fake money
recognition in [7]. KNN isa suitable candidate forapplication
in the computer vision job because of its excellent accuracy
forsmaller data sets. Machine learning algorithmsandimage
processing techniques are used to obtain the desired
outcome and accuracy. Here, KNN and GBC provide higher
accuracy in the recognition task.
A fake cash detection technique that takes advantage of edge
detection has been presented in [8]. A training dataset
identical to the one that will be tested later is used by the
detector. This edge detector-based system gives 90.45%
accuracy in the fake currency detection system. A unique
Optically Variable Device (OVD) patch was applied in [9] to
help identify fake Philippine notes. Here, the Canny Edge
algorithm identifiedcounterfeit currency usingOVDsecurity
features. It showed statistically significant detection rates
under a threshold of significance of 5 percent for all four
tests.
3. METHODOLOGY
3.1 AlexNet-based system
This system was implemented to classify fake Indian
Currency. Transfer learned Alex network with Adam
optimization has been used in the suggested technique [3].
Automatic feature extraction andfakecurrencyclassification
from the input image of note is done by Alex Net, which is
composed of 5 convolutional layers, 5 Max pooling layers, 2
Dropout layers, and 3 fully connected layers. The technique
is examined in real-time using a webcam. Following the
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 07 | July 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2634
acquisition of the picture, the network learns how the input
currency note is constructed and compares it to its learned
features to produce a "Real Note" (or "Fake Note") result.
3.2 Deep CNN model-based system
An image of the ‘note’ must be captured or uploaded by the
user and is added to the real-time databaseFirebaseinorder
to receive results immediately [4]. After feeding the image
into the CNN model, the output appears on the screen
shortly afterward. The CNN model receives an image from
the database and predicts the outcomes, which are then
returned to the database. The picture is pre-processed and
converted to an 80 × 80-pixel size. CNN classifies whether
the note is fake or not by extracting features from the image.
The Deep CNN model has been implemented using 5
convolutional layers, 4 fully connected layers, and a single
flattened layer.
3.3 Feature Ensemble Approach based system
Here, an ensemble of six classifiers has been used for
currency recognition [5]. At first, the input image of the note
is converted to a grayscale image. This image is segmented
using ChanVese Segmentation which is a blend of the active
contour model and Mumford Shah model. DuringChanVese
segmentation, each pixel of the input image is assigned
either a true or false value. In this system, 6 securityfeatures
of notes are considered for fake currency recognition.
ROI can be calculated by partitioning the image ofa noteinto
16 blocks and merging these blocks to create images that
represent each security feature. Eachofthesecurityfeatures
is classified using different classifiers., SVM with linear
kernel, LDA, KNN, and Decision trees (DT) are the classifiers
employed in this system.
3.4 CNN-based System
Here, four different CNN architectures named AlexNet,
Darknet-53, GoogleNet, and ResNet-50 have been used for
detecting fake currency [6]. The dataset has been divided
into training and testing sets, which consist of the two
classes labeled Original and Fake Indian Note Currency.
Utilizing predetermined convolutional neural networks, the
training set and testing set attributes are retrieved. Support
Vector Machine (SVM) is used to classify the test picture of
the note as real or fake cash after characteristics have been
extracted using CNN.
3.5 Machine Learning Algorithm and Image
Processing-based system
In this system, due to the substantial variation in all the
feature values, the dataset has been normalized. Then data
has been divided utilizing the K-fold cross-validation
technique. The prediction model has been trained using K-
Nearest Neighbours, Support Vector Classifier, andGradient
Boosting Classifier. KNN categorizes a given data point by
examining its nearest neighbors and giving each one a score
based on the distance between them. The closestdata points
are given a greater weight based on the distance.
Determining the best-fitting hyper-plane for splitting the
categorization is how SVM classification is carried out.
Gradient boosting classifiers are built using a decision tree-
like paradigm, where layers of yes-or-no inquiriesareposed
to produce a prediction model. In this system, all three
classifiers provide more than 97% accuracy in the currency
classification task.
3.6 Edge detector-based system
Here, a camera or other device has been used to take a
picture of the currency [8]. Then the image is resized and
converted to the grayscale format. Then the edges of the
image have been detected using an edge detector. Then the
image is segmented using various machine learning and
clustering algorithms. Some dimensionality reduction
approaches are then utilized to highlight the key elements of
the image. The generated picture is then compared to the
data set already in place as the last step to determine if the
note is authentic or fraudulent (counterfeit).
3.7 Canny Edge detection Algorithm-based
system
In the first step, the security attributes of the reference
image are saved. The GUI software will evaluate the
note under test with the reference note after the user clicks
the "Compare" button [9]. The GUI clearly shows the
difference between these two notesonthecomparison.Here
Canny edge detection algorithm is employed for image
enhancement and sensing. It is a multiphase edge detection
algorithm that consists of an upper and lower threshold as
the parameters. Optically Variable Device (OVD) patches, a
unique security feature that outperforms the conventional
three-way recognition of notes, were added to some
Philippine banknotes in ordertorecognizecounterfeitnotes.
4. COMPARISON
The comparison of various fake currency recognition
techniques is shown in Table-1.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 07 | July 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2635
5. CONCLUSION
Finding the best approach to detect and recognize
counterfeit money is a problem that is becoming worse for
the scientific world. This review provides a summary of the
identification of fakecurrencyusingnon-conventional image
processing techniques. Majority of the reviewed fake
currency detection works are based on Indian Currency
Notes. The use of image processing algorithms, CNN models,
Machine learning algorithms make the counterfeit currency
recognition task quick and easy. All these techniques gives
more than eighty percentage accuracy in recognition task.
REFERENCES
[1] https://matlabsimulation.com/fake-currency-detection-
using-matlab/
[2] https://www.ris-ai.com/fake-currency-detection-with-
machine-learning
[3] Laavanya, M., & Vijayaraghavan, V. (2019). Real time
fake currency note detection using deep learning. Int. J.
Eng. Adv. Technol.(IJEAT), 9.
[4] K. Kamble, A. Bhansali, P. Satalgaonkar andS.Alagundgi,
"Counterfeit Currency Detection using Deep
Convolutional Neural Network,"2019IEEEPuneSection
International Conference (PuneCon), 2019, pp. 1-4, doi:
10.1109/PuneCon46936.2019.9105683.
[5] Narra, P., & Kirar, J. S. (2021, December). Indian
Currency Classification and Fake Note Identification
using Feature Ensemble Approach. In 2021
International Conference on Computational
Performance Evaluation (ComPE) (pp. 022-029). IEEE.
[6] Sumalatha, R., Reddy, B. J., & Reddy, T. V. R. (2022,
March). Identification of Fake Indian Currency using
Convolutional Neural Network. In 2022 6th
No Title Method Dataset Accuracy
1
Real time fake currency note detection
using deep learning. [3]
AlexNet
Indian Currency
(50,200,500,2000 notes)
87% for real
2000 note,
82% for fake
note
2
Counterfeit Currency Detection using
Deep
Convolutional Neural Network [4]
Deep CNN
Indian Currency
(500, 2000 notes)
85.6%
3
Indian Currency Classification and Fake
Note Identification using Feature
Ensemble Approach [5]
Chanvese Segmentation
SVM, LDA, KNN, DT
Indian Currency
(100,200,500,2000 notes)
88.5%
4
Identification of Fake Indian Currency
using
Convolutional Neural Network [6]
Darknet53
AlexNet
ResNet-50
GoogleNet
Indian Currency
(10, 20,50, 100, 200 and
1000 notes)
72.04%
65.15%
80.94%
64.64%
5
Fake Currency Detection with Machine
Learning Algorithm and Image
Processing [7]
KNN
SVC
GBC
Indian Currency
99.9%
97.5%
99.4%
6
Fake currency detection using Image
processing [8]
Edge Detection,
Segmentation
Indian Currency
(500)
90.45%
7
Philippine currency paper bill
counterfeit detection through image
processing using Canny Edge
Technology [9]
Canny Edge detection and
OVD patch
Philippine currency Peso
500, 1000
95%
Table 1: Comparison
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 07 | July 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2636
International Conference on Computing Methodologies
and Communication (ICCMC) (pp. 1619-1623). IEEE.
[7] Bhatia, A., Kedia, V., Shroff, A., Kumar, M., & Shah, B. K.
(2021, May). Fake currency detection with machine
learning algorithm and image processing. In 2021 5th
International Conference on Intelligent Computing and
Control Systems (ICICCS) (pp. 755-760). IEEE.
[8] L. Latha, B. Raajshree and D. Nivetha, "Fake currency
detection using Image processing," 2021 International
Conference on Advancements in Electrical, Electronics,
Communication, Computing and Automation (ICAECA),
2021, pp. 1-5, doi:
10.1109/ICAECA52838.2021.9675592.
[9] A. H. Ballado et al., "Philippine currency paper bill
counterfeit detection through image processing using
Canny Edge Technology," 2015International Conference
on Humanoid, Nanotechnology, Information
Technology,Communication and Control, Environment
and Management (HNICEM), 2015, pp. 1-4, doi:
10.1109/HNICEM.2015.7393184.
[10] https://www.researchgate.net/publication/346597498
_Fake_currency_detection_A_survey
[11] Ding, L., & Goshtasby, A. (2001). On the Canny edge
detector. Pattern recognition, 34(3), 721-725.
[12] Yang, Y., Li, J., & Yang, Y. (2015, December).Theresearch
of the fast SVM classifier method. In 2015 12th
international computer conference on wavelet active
media technology and information processing
(ICCWAMTIP) (pp. 121-124). IEEE.
[13] Shin, H. C., Roth, H. R., Gao, M., Lu, L., Xu, Z., Nogues, I., ...
& Summers, R. M. (2016). Deep convolutional neural
networks for computer-aided detection: CNN
architectures, dataset characteristics and transfer
learning. IEEE transactions on medical imaging, 35(5),
1285-1298.
[14] Yu, H., & Yang, J. (2001). A direct LDAalgorithmforhigh-
dimensional data—with application to face recognition.
Pattern recognition, 34(10), 2067-2070.
[15] Guo, G., Wang, H., Bell, D., Bi, Y., & Greer, K. (2003,
November). KNN model-based approach in
classification. In OTM Confederated International
Conferences" On the Move to Meaningful Internet
Systems" (pp. 986-996). Springer, Berlin, Heidelberg.
[16] Rathee, N., Kadian, A., Sachdeva, R., Dalel, V., & Jaie, Y.
(2016, March). Feature fusion for fake Indian currency
detection. In 2016 3rd International Conference on
Computing for Sustainable Global Development
(INDIACom) (pp. 1265-1270). IEEE.

More Related Content

PDF
A Review Paper on Elderly Fall Detection
PDF
Analysis on Fraud Detection Mechanisms Using Machine Learning Techniques
PDF
IRJET- Credit Card Fraud Detection : A Comparison using Random Forest, SVM an...
PDF
A review of Fake News Detection Methods
PDF
IRJET - Fake Currency Detection using CNN
PDF
A Review of Lie Detection Techniques.pdf
PDF
A Comparative Study for Credit Card Fraud Detection System using Machine Lear...
PDF
A Review of Lie Detection Techniques
A Review Paper on Elderly Fall Detection
Analysis on Fraud Detection Mechanisms Using Machine Learning Techniques
IRJET- Credit Card Fraud Detection : A Comparison using Random Forest, SVM an...
A review of Fake News Detection Methods
IRJET - Fake Currency Detection using CNN
A Review of Lie Detection Techniques.pdf
A Comparative Study for Credit Card Fraud Detection System using Machine Lear...
A Review of Lie Detection Techniques

Similar to A review of Fake Currency Recognition Methods (20)

PDF
Efficient Intrusion Detection using Weighted K-means Clustering and Naïve Bay...
PDF
Traffic Sign Recognition using CNNs
PDF
Traffic Sign Recognition Model
PDF
Object and Currency Detection for the Visually Impaired
PDF
ATM fraud detection system using machine learning algorithms
PDF
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
PDF
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
PDF
Application of pattern recognition techniques in banknote classification
PDF
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
PDF
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
PDF
Credit card fraud detection through machine learning
PDF
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...
PDF
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...
PDF
Detection of Diabetic Retinopathy using Convolutional Neural Network
PDF
Detection of Diabetic Retinopathy using Convolutional Neural Network
PDF
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
PDF
IRJET- Credit Card Fraud Detection Analysis
PDF
IRJET- Credit Card Fraud Detection using Machine Learning
PDF
A Traffic Sign Classifier Model using Sage Maker
PDF
IRJET - Hand Gesture Recognition to Perform System Operations
Efficient Intrusion Detection using Weighted K-means Clustering and Naïve Bay...
Traffic Sign Recognition using CNNs
Traffic Sign Recognition Model
Object and Currency Detection for the Visually Impaired
ATM fraud detection system using machine learning algorithms
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
Application of pattern recognition techniques in banknote classification
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
Credit card fraud detection through machine learning
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural Network
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Credit Card Fraud Detection Analysis
IRJET- Credit Card Fraud Detection using Machine Learning
A Traffic Sign Classifier Model using Sage Maker
IRJET - Hand Gesture Recognition to Perform System Operations
Ad

More from IRJET Journal (20)

PDF
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
PDF
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
PDF
Kiona – A Smart Society Automation Project
PDF
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
PDF
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
PDF
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
PDF
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
PDF
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
PDF
BRAIN TUMOUR DETECTION AND CLASSIFICATION
PDF
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
PDF
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
PDF
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
PDF
Breast Cancer Detection using Computer Vision
PDF
Auto-Charging E-Vehicle with its battery Management.
PDF
Analysis of high energy charge particle in the Heliosphere
PDF
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
PDF
Auto-Charging E-Vehicle with its battery Management.
PDF
Analysis of high energy charge particle in the Heliosphere
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
Kiona – A Smart Society Automation Project
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
BRAIN TUMOUR DETECTION AND CLASSIFICATION
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
Breast Cancer Detection using Computer Vision
Auto-Charging E-Vehicle with its battery Management.
Analysis of high energy charge particle in the Heliosphere
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
Auto-Charging E-Vehicle with its battery Management.
Analysis of high energy charge particle in the Heliosphere
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
Ad

Recently uploaded (20)

PDF
MLpara ingenieira CIVIL, meca Y AMBIENTAL
PDF
Introduction to Power System StabilityPS
PDF
August -2025_Top10 Read_Articles_ijait.pdf
PDF
Exploratory_Data_Analysis_Fundamentals.pdf
PPTX
Software Engineering and software moduleing
PPTX
ai_satellite_crop_management_20250815030350.pptx
PPTX
mechattonicsand iotwith sensor and actuator
PPTX
CN_Unite_1 AI&DS ENGGERING SPPU PUNE UNIVERSITY
PDF
First part_B-Image Processing - 1 of 2).pdf
PPTX
Chemical Technological Processes, Feasibility Study and Chemical Process Indu...
PPTX
Principal presentation for NAAC (1).pptx
PDF
distributed database system" (DDBS) is often used to refer to both the distri...
PDF
Unit I -OPERATING SYSTEMS_SRM_KATTANKULATHUR.pptx.pdf
PDF
Computer organization and architecuture Digital Notes....pdf
PDF
20250617 - IR - Global Guide for HR - 51 pages.pdf
PDF
UEFA_Embodied_Carbon_Emissions_Football_Infrastructure.pdf
PDF
UEFA_Carbon_Footprint_Calculator_Methology_2.0.pdf
PPTX
CyberSecurity Mobile and Wireless Devices
PDF
Soil Improvement Techniques Note - Rabbi
PPTX
AUTOMOTIVE ENGINE MANAGEMENT (MECHATRONICS).pptx
MLpara ingenieira CIVIL, meca Y AMBIENTAL
Introduction to Power System StabilityPS
August -2025_Top10 Read_Articles_ijait.pdf
Exploratory_Data_Analysis_Fundamentals.pdf
Software Engineering and software moduleing
ai_satellite_crop_management_20250815030350.pptx
mechattonicsand iotwith sensor and actuator
CN_Unite_1 AI&DS ENGGERING SPPU PUNE UNIVERSITY
First part_B-Image Processing - 1 of 2).pdf
Chemical Technological Processes, Feasibility Study and Chemical Process Indu...
Principal presentation for NAAC (1).pptx
distributed database system" (DDBS) is often used to refer to both the distri...
Unit I -OPERATING SYSTEMS_SRM_KATTANKULATHUR.pptx.pdf
Computer organization and architecuture Digital Notes....pdf
20250617 - IR - Global Guide for HR - 51 pages.pdf
UEFA_Embodied_Carbon_Emissions_Football_Infrastructure.pdf
UEFA_Carbon_Footprint_Calculator_Methology_2.0.pdf
CyberSecurity Mobile and Wireless Devices
Soil Improvement Techniques Note - Rabbi
AUTOMOTIVE ENGINE MANAGEMENT (MECHATRONICS).pptx

A review of Fake Currency Recognition Methods

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 07 | July 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2633 A review of Fake Currency Recognition Methods Sruthy R Guest. Lecturer, Dept. of Electronics & Communication Engineering, NSS Polytechnic College, Kerala, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract –The global economy is vulnerable to counterfeit currency. Advanced printing and scanning technologies have made it a common occurrence. For both people and corporations, fake currency recognition is a serious issue. The creation of counterfeit banknotes, which are barely distinguishable from legitimate currency, is a continuous process for counterfeiters. To detect fake notes, several traditional techniques and approaches are availablebased on colors, widths, and serial numbers. This paper discusses different methods of fake currency detection using image processing. Key Words: Fake Currency detection, Machine learning, Support Vector Machine, Convolutional neural network, AlexNet, K Nearest Neighbour (KNN), Support Vector Classifier(SVC), Gradient Boosting Classifier(GBC), ResNet50, DarkNet53, GoogleNet, Linear Discriminant Analysis(LDA), Canny Edge Detector 1. INTRODUCTION Digitalization is bringing about a rapid acceleration in fraudulent activities, particularly in the financial sector. Technology has greatly facilitatedtheproliferationof fake money. Modern counterfeit money is very identical to real money [1]. Even though identifying counterfeit cash might be difficult, automated currency note recognition systems have advanced significantly in recent years. It thus attracts the interest of several modern research experts. Despite their usefulness, today's fake money detectors are too expensive to be used by the average person. Recent studies are concentrating on fake currency recognition based on image processing to resolve this problem [1][2]. This paper reviews various methods of fake currency detection based on image processing and machine learning. The different methods are presented in Chapter 3.Chapter4 depicts the comparison of these methods.Chapter5includes the conclusion of the study. 2. LITERATURE REVIEW AlexNet-based fake currency detection has been proposedin [3]. This transfer learned convolutional neural network is trained using data sets consisting of 50,200,500,2000 Indian rupee notes to obtain feature vectors. Here, the average accuracy for identifying real currency and counterfeit currency was 81.5percentand75%,respectively.AdeepCNN model has been presented in [4] to detect counterfeit currency. It is intended to detect counterfeit notes on portable electronics like smartphones and tablets. A self- generated dataset of 10,000 images including 500 actuals, 500 fake, and 2000 real and 2000 fake notes was used to train and test the CNN model.Testing accuracy of 85.6%was obtained through this method. An ensemble of classifiers has been used for the fake currency classification task in [5]. Moreover, this system is based on more than one security feature. DT, SVM, LDA, and KNN are the classifiers employed in this system. With an accuracy of 82.7 percent for all features, the SVM classifier outperforms all other classifiers. Four different CNN called Alexnet,Resnet50,Darknet53,andGooglenethavebeenused for Indian currency recognition in[6]. The findings demonstrated that each of the four preconfigured networks excels at one parameter while sacrificing the others. KNN, SVC, and GBC have been used for fake money recognition in [7]. KNN isa suitable candidate forapplication in the computer vision job because of its excellent accuracy forsmaller data sets. Machine learning algorithmsandimage processing techniques are used to obtain the desired outcome and accuracy. Here, KNN and GBC provide higher accuracy in the recognition task. A fake cash detection technique that takes advantage of edge detection has been presented in [8]. A training dataset identical to the one that will be tested later is used by the detector. This edge detector-based system gives 90.45% accuracy in the fake currency detection system. A unique Optically Variable Device (OVD) patch was applied in [9] to help identify fake Philippine notes. Here, the Canny Edge algorithm identifiedcounterfeit currency usingOVDsecurity features. It showed statistically significant detection rates under a threshold of significance of 5 percent for all four tests. 3. METHODOLOGY 3.1 AlexNet-based system This system was implemented to classify fake Indian Currency. Transfer learned Alex network with Adam optimization has been used in the suggested technique [3]. Automatic feature extraction andfakecurrencyclassification from the input image of note is done by Alex Net, which is composed of 5 convolutional layers, 5 Max pooling layers, 2 Dropout layers, and 3 fully connected layers. The technique is examined in real-time using a webcam. Following the
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 07 | July 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2634 acquisition of the picture, the network learns how the input currency note is constructed and compares it to its learned features to produce a "Real Note" (or "Fake Note") result. 3.2 Deep CNN model-based system An image of the ‘note’ must be captured or uploaded by the user and is added to the real-time databaseFirebaseinorder to receive results immediately [4]. After feeding the image into the CNN model, the output appears on the screen shortly afterward. The CNN model receives an image from the database and predicts the outcomes, which are then returned to the database. The picture is pre-processed and converted to an 80 × 80-pixel size. CNN classifies whether the note is fake or not by extracting features from the image. The Deep CNN model has been implemented using 5 convolutional layers, 4 fully connected layers, and a single flattened layer. 3.3 Feature Ensemble Approach based system Here, an ensemble of six classifiers has been used for currency recognition [5]. At first, the input image of the note is converted to a grayscale image. This image is segmented using ChanVese Segmentation which is a blend of the active contour model and Mumford Shah model. DuringChanVese segmentation, each pixel of the input image is assigned either a true or false value. In this system, 6 securityfeatures of notes are considered for fake currency recognition. ROI can be calculated by partitioning the image ofa noteinto 16 blocks and merging these blocks to create images that represent each security feature. Eachofthesecurityfeatures is classified using different classifiers., SVM with linear kernel, LDA, KNN, and Decision trees (DT) are the classifiers employed in this system. 3.4 CNN-based System Here, four different CNN architectures named AlexNet, Darknet-53, GoogleNet, and ResNet-50 have been used for detecting fake currency [6]. The dataset has been divided into training and testing sets, which consist of the two classes labeled Original and Fake Indian Note Currency. Utilizing predetermined convolutional neural networks, the training set and testing set attributes are retrieved. Support Vector Machine (SVM) is used to classify the test picture of the note as real or fake cash after characteristics have been extracted using CNN. 3.5 Machine Learning Algorithm and Image Processing-based system In this system, due to the substantial variation in all the feature values, the dataset has been normalized. Then data has been divided utilizing the K-fold cross-validation technique. The prediction model has been trained using K- Nearest Neighbours, Support Vector Classifier, andGradient Boosting Classifier. KNN categorizes a given data point by examining its nearest neighbors and giving each one a score based on the distance between them. The closestdata points are given a greater weight based on the distance. Determining the best-fitting hyper-plane for splitting the categorization is how SVM classification is carried out. Gradient boosting classifiers are built using a decision tree- like paradigm, where layers of yes-or-no inquiriesareposed to produce a prediction model. In this system, all three classifiers provide more than 97% accuracy in the currency classification task. 3.6 Edge detector-based system Here, a camera or other device has been used to take a picture of the currency [8]. Then the image is resized and converted to the grayscale format. Then the edges of the image have been detected using an edge detector. Then the image is segmented using various machine learning and clustering algorithms. Some dimensionality reduction approaches are then utilized to highlight the key elements of the image. The generated picture is then compared to the data set already in place as the last step to determine if the note is authentic or fraudulent (counterfeit). 3.7 Canny Edge detection Algorithm-based system In the first step, the security attributes of the reference image are saved. The GUI software will evaluate the note under test with the reference note after the user clicks the "Compare" button [9]. The GUI clearly shows the difference between these two notesonthecomparison.Here Canny edge detection algorithm is employed for image enhancement and sensing. It is a multiphase edge detection algorithm that consists of an upper and lower threshold as the parameters. Optically Variable Device (OVD) patches, a unique security feature that outperforms the conventional three-way recognition of notes, were added to some Philippine banknotes in ordertorecognizecounterfeitnotes. 4. COMPARISON The comparison of various fake currency recognition techniques is shown in Table-1.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 07 | July 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2635 5. CONCLUSION Finding the best approach to detect and recognize counterfeit money is a problem that is becoming worse for the scientific world. This review provides a summary of the identification of fakecurrencyusingnon-conventional image processing techniques. Majority of the reviewed fake currency detection works are based on Indian Currency Notes. The use of image processing algorithms, CNN models, Machine learning algorithms make the counterfeit currency recognition task quick and easy. All these techniques gives more than eighty percentage accuracy in recognition task. REFERENCES [1] https://matlabsimulation.com/fake-currency-detection- using-matlab/ [2] https://www.ris-ai.com/fake-currency-detection-with- machine-learning [3] Laavanya, M., & Vijayaraghavan, V. (2019). Real time fake currency note detection using deep learning. Int. J. Eng. Adv. Technol.(IJEAT), 9. [4] K. Kamble, A. Bhansali, P. Satalgaonkar andS.Alagundgi, "Counterfeit Currency Detection using Deep Convolutional Neural Network,"2019IEEEPuneSection International Conference (PuneCon), 2019, pp. 1-4, doi: 10.1109/PuneCon46936.2019.9105683. [5] Narra, P., & Kirar, J. S. (2021, December). Indian Currency Classification and Fake Note Identification using Feature Ensemble Approach. In 2021 International Conference on Computational Performance Evaluation (ComPE) (pp. 022-029). IEEE. [6] Sumalatha, R., Reddy, B. J., & Reddy, T. V. R. (2022, March). Identification of Fake Indian Currency using Convolutional Neural Network. In 2022 6th No Title Method Dataset Accuracy 1 Real time fake currency note detection using deep learning. [3] AlexNet Indian Currency (50,200,500,2000 notes) 87% for real 2000 note, 82% for fake note 2 Counterfeit Currency Detection using Deep Convolutional Neural Network [4] Deep CNN Indian Currency (500, 2000 notes) 85.6% 3 Indian Currency Classification and Fake Note Identification using Feature Ensemble Approach [5] Chanvese Segmentation SVM, LDA, KNN, DT Indian Currency (100,200,500,2000 notes) 88.5% 4 Identification of Fake Indian Currency using Convolutional Neural Network [6] Darknet53 AlexNet ResNet-50 GoogleNet Indian Currency (10, 20,50, 100, 200 and 1000 notes) 72.04% 65.15% 80.94% 64.64% 5 Fake Currency Detection with Machine Learning Algorithm and Image Processing [7] KNN SVC GBC Indian Currency 99.9% 97.5% 99.4% 6 Fake currency detection using Image processing [8] Edge Detection, Segmentation Indian Currency (500) 90.45% 7 Philippine currency paper bill counterfeit detection through image processing using Canny Edge Technology [9] Canny Edge detection and OVD patch Philippine currency Peso 500, 1000 95% Table 1: Comparison
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 07 | July 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 2636 International Conference on Computing Methodologies and Communication (ICCMC) (pp. 1619-1623). IEEE. [7] Bhatia, A., Kedia, V., Shroff, A., Kumar, M., & Shah, B. K. (2021, May). Fake currency detection with machine learning algorithm and image processing. In 2021 5th International Conference on Intelligent Computing and Control Systems (ICICCS) (pp. 755-760). IEEE. [8] L. Latha, B. Raajshree and D. Nivetha, "Fake currency detection using Image processing," 2021 International Conference on Advancements in Electrical, Electronics, Communication, Computing and Automation (ICAECA), 2021, pp. 1-5, doi: 10.1109/ICAECA52838.2021.9675592. [9] A. H. Ballado et al., "Philippine currency paper bill counterfeit detection through image processing using Canny Edge Technology," 2015International Conference on Humanoid, Nanotechnology, Information Technology,Communication and Control, Environment and Management (HNICEM), 2015, pp. 1-4, doi: 10.1109/HNICEM.2015.7393184. [10] https://www.researchgate.net/publication/346597498 _Fake_currency_detection_A_survey [11] Ding, L., & Goshtasby, A. (2001). On the Canny edge detector. Pattern recognition, 34(3), 721-725. [12] Yang, Y., Li, J., & Yang, Y. (2015, December).Theresearch of the fast SVM classifier method. In 2015 12th international computer conference on wavelet active media technology and information processing (ICCWAMTIP) (pp. 121-124). IEEE. [13] Shin, H. C., Roth, H. R., Gao, M., Lu, L., Xu, Z., Nogues, I., ... & Summers, R. M. (2016). Deep convolutional neural networks for computer-aided detection: CNN architectures, dataset characteristics and transfer learning. IEEE transactions on medical imaging, 35(5), 1285-1298. [14] Yu, H., & Yang, J. (2001). A direct LDAalgorithmforhigh- dimensional data—with application to face recognition. Pattern recognition, 34(10), 2067-2070. [15] Guo, G., Wang, H., Bell, D., Bi, Y., & Greer, K. (2003, November). KNN model-based approach in classification. In OTM Confederated International Conferences" On the Move to Meaningful Internet Systems" (pp. 986-996). Springer, Berlin, Heidelberg. [16] Rathee, N., Kadian, A., Sachdeva, R., Dalel, V., & Jaie, Y. (2016, March). Feature fusion for fake Indian currency detection. In 2016 3rd International Conference on Computing for Sustainable Global Development (INDIACom) (pp. 1265-1270). IEEE.