SlideShare a Scribd company logo
1 of 4
Download to read offline
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

Similar to A review of Fake Currency Recognition Methods

Efficient Intrusion Detection using Weighted K-means Clustering and Naïve Bay...
Efficient Intrusion Detection using Weighted K-means Clustering and Naïve Bay...Efficient Intrusion Detection using Weighted K-means Clustering and Naïve Bay...
Efficient Intrusion Detection using Weighted K-means Clustering and Naïve Bay...yousef emami
 
Traffic Sign Recognition using CNNs
Traffic Sign Recognition using CNNsTraffic Sign Recognition using CNNs
Traffic Sign Recognition using CNNsIRJET Journal
 
Traffic Sign Recognition Model
Traffic Sign Recognition ModelTraffic Sign Recognition Model
Traffic Sign Recognition ModelIRJET Journal
 
Object and Currency Detection for the Visually Impaired
Object and Currency Detection for the Visually ImpairedObject and Currency Detection for the Visually Impaired
Object and Currency Detection for the Visually ImpairedIRJET Journal
 
ATM fraud detection system using machine learning algorithms
ATM fraud detection system using machine learning algorithmsATM fraud detection system using machine learning algorithms
ATM fraud detection system using machine learning algorithmsIRJET Journal
 
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2 IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2
IRJET - Explicit Content Detection using Faster R-CNN and SSD Mobilenet V2IRJET Journal
 
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATIONBLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATION
BLOOD TISSUE IMAGE TO IDENTIFY MALARIA DISEASE CLASSIFICATIONIRJET Journal
 
Application of pattern recognition techniques in banknote classification
Application of pattern recognition techniques in banknote classificationApplication of pattern recognition techniques in banknote classification
Application of pattern recognition techniques in banknote classificationNikos Mouzakitis
 
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaIRJET Journal
 
IRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET- Implementation of Gender Detection with Notice Board using Raspberry Pi
IRJET- Implementation of Gender Detection with Notice Board using Raspberry PiIRJET Journal
 
Credit card fraud detection through machine learning
Credit card fraud detection through machine learningCredit card fraud detection through machine learning
Credit card fraud detection through machine learningdataalcott
 
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...IJNSA Journal
 
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...
Feature Extraction using Sparse SVD for Biometric Fusion in Multimodal Authen...IJNSA Journal
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkIRJET Journal
 
Detection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkDetection of Diabetic Retinopathy using Convolutional Neural Network
Detection of Diabetic Retinopathy using Convolutional Neural NetworkIRJET Journal
 
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET- Identification of Scene Images using Convolutional Neural Networks - A...
IRJET- Identification of Scene Images using Convolutional Neural Networks - A...IRJET Journal
 
IRJET- Credit Card Fraud Detection Analysis
IRJET- Credit Card Fraud Detection AnalysisIRJET- Credit Card Fraud Detection Analysis
IRJET- Credit Card Fraud Detection AnalysisIRJET Journal
 
IRJET- Credit Card Fraud Detection using Machine Learning
IRJET- Credit Card Fraud Detection using Machine LearningIRJET- Credit Card Fraud Detection using Machine Learning
IRJET- Credit Card Fraud Detection using Machine LearningIRJET Journal
 
A Traffic Sign Classifier Model using Sage Maker
A Traffic Sign Classifier Model using Sage MakerA Traffic Sign Classifier Model using Sage Maker
A Traffic Sign Classifier Model using Sage Makerijtsrd
 
IRJET - Hand Gesture Recognition to Perform System Operations
IRJET -  	  Hand Gesture Recognition to Perform System OperationsIRJET -  	  Hand Gesture Recognition to Perform System Operations
IRJET - Hand Gesture Recognition to Perform System OperationsIRJET Journal
 

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

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

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlysanyuktamishra911
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...Call Girls in Nagpur High Profile
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)Suman Mia
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Call Girls in Nagpur High Profile
 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college projectTonystark477637
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordAsst.prof M.Gokilavani
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...RajaP95
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 

Recently uploaded (20)

KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghly
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
 
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college project
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
IMPLICATIONS OF THE ABOVE HOLISTIC UNDERSTANDING OF HARMONY ON PROFESSIONAL E...
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
 

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.