SlideShare a Scribd company logo
1 of 8
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 204
Currency Recognition using Machine Learning
Rushikesh Jadhav1, Swaraj Kalbande2, Rohan Katkar3, Rohan Katta4, Prof. Rakhi Bharadwaj5
1,2,3,4 Third Year B.tech Student, Dept. Computer Engineering, Vishwakarma Institute of Technology, Pune,
Maharashtra, India
5Professor Rakhi Bharadwaj, Dept. of Computer Engineering, Vishwakarma Institute of Technology, Pune,
Maharashtra, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - This paper proposes the technique of currency
recognition using image processing. This technique works
based on three factors: color, size and texture which are
used in the recognition. The technique proposed in this
paper can be used to detect the currencies of many
countries. For the sake of implementation only Indian paper
currencies are considered. With this system it is easier to
check currency anywhere and at any time, and the
technique is implemented using the CNN (Convolution
Neural Network). We tested this method on every
denomination of India and the system was able to detect
with 95% accuracy. A classification model is generated
using all factors mentioned to increase the accuracy of the
technique. Paper currency features play an important role
in this recognition.
Key Words: Currency recognition, CNN, tflite,
flutter_tts, dart, teachable machine.
1.INTRODUCTION
Nowadays, every country is facing the currency
recognition problem due to the fake denominations in the
market or illiteracy of the people in the given country, so
automatic currency recognition system is important.
Accuracy and speed are the two important factors in such
a system. Also, accuracy is more important than speed. A
currency recogniser recognises the currency and identifies
denomination by analysing the prominent attributes.
Researchers proposed so many methods. Some of them
use physical properties (width, length) and few uses
internal properties (texture, colour). In the software field
every problem has a solution. Using such software
solutions, we can save our time as well as energy. In the
early 90's there was one method which identified currency
notes using image processing. However, their algorithm
does not take aspects of authentication of the notes into
account. For such a system it was necessary to have an
input of the image after that it was performing some tasks
over to it.
  Great advancement of the technologies in the banking
sector has resulted in the introduction of self-servicing for
making transactions simple and friendly to the customers.
also, we are known with the currency counting machines
where this currency recognition technique is used. New
techniques related to the recognition are also introduced
by these banks like cash deposit by the user itself through
the machines without visiting the respective bank. Here
currency recogniser is required to check currency and
handle it according to the denominations.
  In this paper we proposed a system which works based
on CNN (Convolution Neural Network) technique.
Different modules are used to detect the currency
according to the structural view of that currency notes.
Classification model is built for the validation of proposed
methods.
  The formatting of the paper is organized as follows.
Section II of the paper gives the related works done in this
area. Section III provides a brief description about the
currency features. Section IV of the paper gives a detailed
explanation of the method. Section V discusses the
experiment and results obtained. Section VI and VII
presents the inference and conclusion of the study.
2. RELATED WORK
Authors in [1] proposed a method that uses currency
features such as centre numeral, latent image, RBI seal,
shape, and micro letter for currency recognition. Training
data set preparing for getting training models is included.
PCA analysis is explained for paper currency recognition.
In [2] authors proposed a method that uses features such
as colour, texture, size for paper currency recognition.
Dirty banknotes recognition method is included.
Author of [3] proposed a system for paper currency
recognition using the MATLAB tool. PCA analysis along
with Euclidean Distance explained. LBP technique for
matching purpose is explained.
In [4] the authors proposed a technique which detects the
country first and then detects the denomination of the
country. For identifying the country and the denomination
different regions of the currency note included. 
Authors of [5] have given a brief idea about the features of
the Indian currency. Morphology Filtering process along
with some different analysis and segmentation explained.
Paper currency detection recognition technique using
neural networks is carried out. 
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 205
[6] is a book regarding the CNN that includes different
layer processing through the mathematical demonstration.
Each is explained through some graphical way. When the
image is captured, it is converted into the matrix format
before detection and then matched with a trained model
so the whole processing in between the matrix formation
and recognition is demonstrated using mathematical
calculations. Effects of the different convolutional kernels
in horizontal and vertical edges.
In [7] Author explained all aspects of the CNN.
In [8] the author proposed a technique for currency
recognition using a neural network. Classification using
weighted Euclidean Distance along with the different steps
required for data collection and processing included.
In [9], [10] authors proposed a technique of Currency
Recognition. [11] is the teachable machine used for data
training and getting accuracy.
3. METHODOLOGY
The project paper is based on the image processing
technique. The purpose of this project is to recognize
currency notes according to their denomination. Tflite
model and teachable machine are the important aspects of
the projects as these tools provide the classified model for
the project. Also, we have used CNN classification
algorithm used in the classification process. The process
followed by the capturing of currency and then
recognition output in the format of voice. The model
created work not only as a recognizer but also as a
calculator as it adds all the denomination of currency it
recognizes, so we don’t have to add them manually.
flutter_tts is used to get voice format by converting text to
voice.
Fig -1: Name of the figure
3.1 Components of Model
1. Tflite
   TensorFlow Lite or in short tflite is a set of tools which
helps to run ML models on various devices. It supports
various languages and has high performance. It helps in
common machine learning tasks like images or audio-
based classification, helps in NLP with text classification,
pose estimation and object detection. 
   Flat Buffers are the formats which are used to represent
TensorFlow lite model in a special efficient way. This leads
to small code footprints and high efficiency as it has fast
inference. A TensorFlow Lite model has metadata which is
human readable model description and machine-readable
data, in our case for classification of images.
   First it is necessary to divide the dataset into training
and testing dataset format, then a classified model is
generated using CNN classification method and then that
created model is converted into the tflite model and added
into the assets of application.
2. Flutter, camera, flutter text to speech module
  Flutter is Open-Source Framework by Google for building
apps which are fast, productive, and flexible. Using Flutter,
we can build mobile apps using widgets. Also, many pros
of Flutter include Hot Reload and Hot Restart which we
don’t have while building mobile apps with Java or Kotlin
using Android Studio. In Flutter application, if you must
insert plugin or dependencies, you have to mention it in
puspec.yaml.
In building this application we used many modules or
plugins which include camera module, tflite module,
flutter_tts module, etc.
   Camera module is Flutter plugin in Android allowing
access to web cameras. It is used to display live camera
preview in a widget, video recording and many more
functions. Camera module dependencies need to be
mentioned in pubspec.yaml in flutter. We use this module
in an asynchronous manner where some functions are run
in the background.
   Flutter Text to Speech or flutter_tts module is used in
Flutter apps to convert texts to speech. This camera
module is used to capture the image of currency and pass
it to the classification model for the further process. After
recognition completion the  denomination amount is
displayed in the format of text, and which is converted into
the voice using this flutter_tts module.
3. TensorFlow
TensorFlow is an open-source library which helps us to
develop and train ML models. Various operations involved
in the Convolutional Neural Network Model like
Convolution Operation, ReLU layer, Pooling, Flattening can
be easily done using TensorFlow. Different lite versions of
TensorFlow are used to build this technique. 
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 206
3.2 Image Classification using CNN  
1. Notes features 
  Currency recognition is a field which is studied by many
researchers over the last couple of years. Currency can be
recognised in a variety of ways depending on features you
use for classification as well as machine learning model. 
  Every currency on this planet has certain features on
which we can easily classify them. In case of Indian
currencies, they have some security features which are
crucial for recognition of the denomination. Certain
features like the dominant colour of denomination are one
of important features for classification. So, we can infer
that a model using grayscale image for currency
recognition will surely be left out of one of the important
features of classification and can hamper accuracy.
   Most striking feature while recognizing notes is
identification marks of Indian currency. For every
denomination there are specific geometric symbols which
correspond to them.
Denomination  Identification Mark
10
Fig. 2:   RS 10 mark 
20
Fig. 3:    RS 20 mark 
50
Fig. 4:    RS 50 mark 
100
Fig. 5:   RS 100 mark 
200
Fig. 6:    RS 200 mark 
500
Fig. 7:   RS 500 mark 
2000
Fig. 8:  RS 2000 mark 
Table 1: Denomination with Identification Mark
   As per Reserve Bank of India, in Indian currency notes
there are 8 security features present. These features are
Watermark, Latent Image, Intaglio, Fluorescence, Security
thread, Micro Lettering, Identification mark, Optically
Variable Ink. 
    Some importance features in notes which our Neural
Network model can consider while classification:
1. Intaglio Painting
  The portrait of Mahatma Gandhi, Ashoka Pillar Emblem
on the left, the Reserve Bank seal, guarantee and promise
clause, RBI Governor's signature are printed in intaglio i.e.,
in raised prints, which can be felt by touch.
   These images can be used by neural networks for
classification.
2. Overall majority Colour
   As mentioned earlier, every note has a certain majority
colour depending on denomination. After the
Demonetisation of 2016, the Government of India issued
some new currencies with new colours. Also, currencies of
denominations like Rs. 50, Rs. 100, etc were introduced
with newer look and colour. This feature is very important
especially when images used for classification use RGB
colours.
3. Latent Image
  A latent image showing denominational value in numeral
is at the vertical band on the right side of Mahatma
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 207
Gandhi's portrait. When the currency note is held
horizontally at eye level only then this latent image is
visible.
4. ID mark
 Identification mark is a geometrical symbol
corresponding to the denomination of currency. This
feature is not available for Rs. 10 notes. This feature is in
different shapes for various denominations and helps the
visually impaired to identify the denomination.
5. Centre Numeral
We can see that on Indian currency, denomination is
printed in figures and words. Numerical representation of
denomination is present at the centre of notes.
3.3 Proposed methodology for Currency recognition
using CNN
Step 1: Collecting Dataset and cleaning it.
Collecting samples for the dataset is the big task in the
project building, as the dataset is the responsible thing for
the coming output of the classification model. Before
passing it through the classification model the dataset
should be cleaned as it contains some images which will
affect the model during image recognition.
  For this model nearly 600 images were collected. Then
these images were cleaned to get a better classification
model. Sometimes background-coloured images affect
model generated, so discarding them is best option. So,
image cleaning is important.
Step 2: Making CNN model for dataset collected for image
classification.
Every image is a 2D matrix of pixels of different values
with RGB colours. Images consist of pixels in a grid. Every
image processing is involved with 3 basic steps - 1)
Importing images using appropriate image importing tools
2) Image pre-processing/ analysing and manipulating
images. 3) Analysed output.
Here in the project, we used TensorFlow for Image
Classification. Images used are . CNN concept
is that not all pixels are needed to identify features of an
image or classify them.
Steps involved in in image classification are dataset,
Convolution, ReLU layer, Pooling, Flattening, Neural
Connections, converting generated model to tflite model
an Exporting model to Flutter application.
Convolution: Convolution basically is a combined
integration of two functions, and it shows you how one
function modifies or affects other functions.
( )( ) ∫ ( ) ( ) ( )
(1)is an example of convolution.
There is input image
( )
(2)(where D = 3 where it represents RGB image format
layers and is pixel matrix size) and a feature
detector matrix . Here we apply convolution on each red,
green, and blue layer separately , so we can represent each
image as . Suppose the dimension of the image is
and the feature matrix is . 
Fig. 9:  Convolution of image matrix
In the given diagram, we can see the use of convolution.
These feature matrices or convolution kernels are used to
detect various things like edges, horizontal and vertical
ones, or other features. After convolution, i.e., multiplying
each value of matrix with each value of kernel, we get a
matrix of
( ) ( ) ( )
(3)which is a Feature Map. We can create multiple feature
maps for targeting each feature on notes and for each
feature we must create separate filters.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 208
Fig. 10: Variation Graph for Sigmoid and ReLU functions
ReLU layer:- We use Rectifier function because we want to
increase nonlinearity in our image or in our CNN. Rectifier
acts as that filter. If we apply ReLU , it makes everything
below 0 the same value or flattens it. 
Pooling:- Pooling is needed especially for orientation
correction of currency notes. In the dataset we have
images which are rotated or sometimes slim or fat, but we
want the neural network to recognise all of them as the
same note. We need to make sure that our neural network
has a feature called spatial invariance meaning that it
doesn’t care where features are in cases like rotation or
whether features are a little bit different. Various types of
pooling exist like mean or max pooling.
Flattening:- Pooled feature map is converted to linear
matrix or one long column. Now we run a Neural Network
considering this linear matrix as input. 
Full Connection: - In this step we run Neural Network and
Neural Network using Backpropagation and Gradient
Descent builds the whole Neural Network. 
Suppose we have neural network of one layer:
( )
in (4) Here are randomised weights matrix ; X is image
which is input, and b is randomised bias matrix and Z is
output.
We apply sigmoid function or can apply ReLU function on
Z .
ReLU function :
( ) ( ) ( )
Sigmoid function :
( ) ( )               (6)
( ) ( )
( ) ( )
If actual output is O’ and we are getting O as output.
Let Error be E.
Gradient Descent equation : 
( ) ( )
For CNN we have a filter matrix as our gradient of
parameter.
( )
( ) ( )
( ) ( )
This is how we correct mistakes by backward propagation
and correct filter matrix. This is how we make correct
filters which can be applied on images, and we get correct
recognition of currency notes.
3.4 Teachable Machine
Teachable machine[reference number included here] is an
online software which helps to train our dataset and use it
with the tflite module in the asset folder of the Application.
Through this model 600 images are classified, and each
image is checked according to its accuracy of matching
with denomination. In it multiple classes are created with
each currency value. By uploading images
size and setting accurate epoch value we got near about
95% accuracy through our model. 
4. ALGORITHM
1. Data collection
2. Data cleaning
3. Data trained with the epoch size 50 batch size 16 and
learning rate 0.001
4. Module exported
5. Two files generated label.txt and model.tflite
6. Files included in asset folder of program
7. Model is loaded into flutter application
8. Apk file is generated after building all components
9. Denomination captured
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 209
10. Output in the form of a voice.
4.1 Accuracy Per class 
For this model it is necessary to check the accuracy of
every denomination to check the currency note correctly.
As on the teachable machine we created the model of
different classes containing the denominations, and then
setting proper epoch value the below accuracy achieved.
For this image processing project, we included all the
Indian denominations ranging from 10 to 2000. 
Fig. 11:   Accuracy Per Class
4.2 Accuracy per epoch
Also, the loss factor is considered to achieve better
accuracy through epoch. For this the data set is trained for
the 500 epoch and then graphical accuracy is achieved for
images included in the dataset. 
Fig. 12:   Loss and accuracy according to epoch value
4.3 Accuracy on Teachable Machine
When we capture any image of a currency note then the
model identifies the correct denomination through the
trained dataset. As for e.g., the denomination of 200 is
captured by the camera module then it is checked with the
trained data with the help of tflite and as we can see
through the output table the accuracy for the 200-
currency note is 100% it means technique works properly.
The same happens with the other currency
denominations. 
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 210
Fig. 13:   Accuracy Model
4.4 Flutter App
The interface with the header A-Eye is in a dark mode, and
camera button widget in bottom middle area.
Fig. 14: Interface
5. FUTURE SCOPE
Nowadays, technology is growing on a large scale. The
proposed system can be extended towards coin detection
also for fake currency recognition. Denomination of other
countries other than India can be added also comparison
between them can be achieved. When an image is loaded
from the outside into the training folder then it is not
giving 100% accuracy. We can improve this problem by
optimizing the system.
6. CONCLUSION
Thus, the different methods proposed in this paper were
implemented successfully and verified by performing
experiments over the model. CNN is found to be the best
feature for performing the technique by using tflite and
flutter_tts modules. Accuracy of 95% achieved by
performing the classification of models. Also, the detection
of the coins is performing well in this method.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 211
ACKNOWLEDGEMENT
We would like to thank Vishwakarma Institute of
Technology for providing us with a platform for producing
such a wonderful project. We would like to acknowledge
our honorable Director Prof. Dr. Rajesh M. Jalnekar for his
overwhelming guidance and kind support. Also, the Head
of Department of the Department of Computer
Engineering Prof. (DR.) Sandeep Shinde for his valuable
support, help and time. Even our project Guide Prof. Rakhi
Bhardwaj gave us valuable time, support, and inspiration
for creating this paper.
REFERENCES
[1] Vishnu R, Bini Omman, "Principal Features for Indian
Currency Recognition", 2014 Annual IEEE India
Conference (INDICON), Pune,
India.doi:10.1109/INDICON.2014.7030679
[2] H. Hassanpour, A.Yaseri, G.Ardeshiri,"Feature
Extraction for Paper currency Recognition", 2007
IEEE 9th international Symposium on signal
processing and its Applications,
doi:10.1109/isspa.2007.4555366
[3] Kalpana Gautam, “Indian Currency Detection Using
Image Recognition Technique", 2020 IEEE
International Conference on Computer Science,
Engineering and Applications(ICCSEA),
doi:10.1109/ICCSEA49143.2020.9132955
[4] Vedasamhitha Abburu, Saumya Gupta, S. R. Rimitha,
Manjunath Mulimani, Shashidhar G. Koolagudi,
“Currency Recognition System Using Image
Processing",2017 IEEE Tenth International
Conference on Contemporary Computing,
doi:10.1109/IC3.2017.8284300
[5] Ms. Rumi Ghosh, Mr. Rakesh Khare, “A Study on
Diverse Recognition Techniques for Indian Currency
Note", 2013(JUNE) INTERNATIONAL JOURNAL OF
ENGINEERING SCIENCES & RESEARCH TECHNOLOGY,
ISSN:2277-965
[6] Jianxin Wu, “Introduction to Convolutional Neural
Networks”, May 1, 2017.
[7] Simon Haykin, "Neural Networks: A comprehensive
foundation", 2nd Edition, Prentice Hall, 1998
[8] Muhammad Sarfraza, “An intelligent paper currency
recognition system", 2015, International Conference
on Communication, Management and Information
Technology (ICCMIT 2015).
[9] Faisal Saeed, Tawfik Al-Hadhrami, Fathey Mohammed,
Errais Mohammed,” Advances on Smart and Soft
Computing". 2021, Springer.
[10] Minal Gour , Kunal Gajbhiye, Bhagyashree Kumbhare,
and M. M. Sharm, “Paper Currency Recognition System
Using Characteristics Extraction and Negatively
Correlated NN Ensemble", 2011, Advanced Materials
Research Vols 403-408 (2012) pp 915-919 © (2012)
Trans Tech Publications, Switzerland, doi: 10.4028.
[11] Teachable Machine,
“https://teachablemachine.withgoogle.com/train/ima
ge".

More Related Content

Similar to Currency Recognition using Machine Learning

IRJET- Applications of Artificial Intelligence in Neural Machine Translation
IRJET- Applications of Artificial Intelligence in Neural Machine TranslationIRJET- Applications of Artificial Intelligence in Neural Machine Translation
IRJET- Applications of Artificial Intelligence in Neural Machine TranslationIRJET Journal
 
IRJET- ASL Language Translation using ML
IRJET- ASL Language Translation using MLIRJET- ASL Language Translation using ML
IRJET- ASL Language Translation using MLIRJET Journal
 
IRJET - Speech to Speech Translation using Encoder Decoder Architecture
IRJET -  	  Speech to Speech Translation using Encoder Decoder ArchitectureIRJET -  	  Speech to Speech Translation using Encoder Decoder Architecture
IRJET - Speech to Speech Translation using Encoder Decoder ArchitectureIRJET Journal
 
Named Entity Recognition (NER) Using Automatic Summarization of Resumes
Named Entity Recognition (NER) Using Automatic Summarization of ResumesNamed Entity Recognition (NER) Using Automatic Summarization of Resumes
Named Entity Recognition (NER) Using Automatic Summarization of ResumesIRJET Journal
 
IRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET Journal
 
Currency Detection using TensorFlow
Currency Detection using TensorFlowCurrency Detection using TensorFlow
Currency Detection using TensorFlowIRJET Journal
 
Real Time Sign Language Translation Using Tensor Flow Object Detection
Real Time Sign Language Translation Using Tensor Flow Object DetectionReal Time Sign Language Translation Using Tensor Flow Object Detection
Real Time Sign Language Translation Using Tensor Flow Object DetectionIRJET Journal
 
IRJET- Recruitment Chatbot
IRJET- Recruitment ChatbotIRJET- Recruitment Chatbot
IRJET- Recruitment ChatbotIRJET Journal
 
IRJET- Number Plate Recognition by using Open CV- Python
IRJET-  	  Number Plate Recognition by using Open CV- PythonIRJET-  	  Number Plate Recognition by using Open CV- Python
IRJET- Number Plate Recognition by using Open CV- PythonIRJET Journal
 
Handwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNHandwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNIRJET Journal
 
IRJET- Sign Language Interpreter using Image Processing and Machine Learning
IRJET- Sign Language Interpreter using Image Processing and Machine LearningIRJET- Sign Language Interpreter using Image Processing and Machine Learning
IRJET- Sign Language Interpreter using Image Processing and Machine LearningIRJET Journal
 
Sign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionSign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionIRJET Journal
 
IRJET- Cheque Bounce Detection System using Image Processing
IRJET- Cheque Bounce Detection System using Image ProcessingIRJET- Cheque Bounce Detection System using Image Processing
IRJET- Cheque Bounce Detection System using Image ProcessingIRJET Journal
 
IMAGE TO TEXT TO SPEECH CONVERSION USING MACHINE LEARNING
IMAGE TO TEXT TO SPEECH CONVERSION USING MACHINE LEARNINGIMAGE TO TEXT TO SPEECH CONVERSION USING MACHINE LEARNING
IMAGE TO TEXT TO SPEECH CONVERSION USING MACHINE LEARNINGIRJET Journal
 
IRJET- Voice to Code Editor using Speech Recognition
IRJET- Voice to Code Editor using Speech RecognitionIRJET- Voice to Code Editor using Speech Recognition
IRJET- Voice to Code Editor using Speech RecognitionIRJET Journal
 
A Research Paper on HUMAN MACHINE CONVERSATION USING CHATBOT
A Research Paper on HUMAN MACHINE CONVERSATION USING CHATBOTA Research Paper on HUMAN MACHINE CONVERSATION USING CHATBOT
A Research Paper on HUMAN MACHINE CONVERSATION USING CHATBOTIRJET Journal
 
A SOFTWARE REQUIREMENT ENGINEERING TECHNIQUE USING OOADA-RE AND CSC FOR IOT B...
A SOFTWARE REQUIREMENT ENGINEERING TECHNIQUE USING OOADA-RE AND CSC FOR IOT B...A SOFTWARE REQUIREMENT ENGINEERING TECHNIQUE USING OOADA-RE AND CSC FOR IOT B...
A SOFTWARE REQUIREMENT ENGINEERING TECHNIQUE USING OOADA-RE AND CSC FOR IOT B...ijseajournal
 
Development of Information Extraction for Data Analysis using NLP
Development of Information Extraction for Data Analysis using NLPDevelopment of Information Extraction for Data Analysis using NLP
Development of Information Extraction for Data Analysis using NLPIRJET Journal
 
IRJET- Text Extraction from Text Based Image using Android
IRJET- Text Extraction from Text Based Image using AndroidIRJET- Text Extraction from Text Based Image using Android
IRJET- Text Extraction from Text Based Image using AndroidIRJET Journal
 
IRJET - A Review on Text Recognition for Visually Blind People
IRJET - A Review on Text Recognition for Visually Blind PeopleIRJET - A Review on Text Recognition for Visually Blind People
IRJET - A Review on Text Recognition for Visually Blind PeopleIRJET Journal
 

Similar to Currency Recognition using Machine Learning (20)

IRJET- Applications of Artificial Intelligence in Neural Machine Translation
IRJET- Applications of Artificial Intelligence in Neural Machine TranslationIRJET- Applications of Artificial Intelligence in Neural Machine Translation
IRJET- Applications of Artificial Intelligence in Neural Machine Translation
 
IRJET- ASL Language Translation using ML
IRJET- ASL Language Translation using MLIRJET- ASL Language Translation using ML
IRJET- ASL Language Translation using ML
 
IRJET - Speech to Speech Translation using Encoder Decoder Architecture
IRJET -  	  Speech to Speech Translation using Encoder Decoder ArchitectureIRJET -  	  Speech to Speech Translation using Encoder Decoder Architecture
IRJET - Speech to Speech Translation using Encoder Decoder Architecture
 
Named Entity Recognition (NER) Using Automatic Summarization of Resumes
Named Entity Recognition (NER) Using Automatic Summarization of ResumesNamed Entity Recognition (NER) Using Automatic Summarization of Resumes
Named Entity Recognition (NER) Using Automatic Summarization of Resumes
 
IRJET- Sign Language Interpreter
IRJET- Sign Language InterpreterIRJET- Sign Language Interpreter
IRJET- Sign Language Interpreter
 
Currency Detection using TensorFlow
Currency Detection using TensorFlowCurrency Detection using TensorFlow
Currency Detection using TensorFlow
 
Real Time Sign Language Translation Using Tensor Flow Object Detection
Real Time Sign Language Translation Using Tensor Flow Object DetectionReal Time Sign Language Translation Using Tensor Flow Object Detection
Real Time Sign Language Translation Using Tensor Flow Object Detection
 
IRJET- Recruitment Chatbot
IRJET- Recruitment ChatbotIRJET- Recruitment Chatbot
IRJET- Recruitment Chatbot
 
IRJET- Number Plate Recognition by using Open CV- Python
IRJET-  	  Number Plate Recognition by using Open CV- PythonIRJET-  	  Number Plate Recognition by using Open CV- Python
IRJET- Number Plate Recognition by using Open CV- Python
 
Handwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNNHandwritten Digit Recognition Using CNN
Handwritten Digit Recognition Using CNN
 
IRJET- Sign Language Interpreter using Image Processing and Machine Learning
IRJET- Sign Language Interpreter using Image Processing and Machine LearningIRJET- Sign Language Interpreter using Image Processing and Machine Learning
IRJET- Sign Language Interpreter using Image Processing and Machine Learning
 
Sign Language Detection using Action Recognition
Sign Language Detection using Action RecognitionSign Language Detection using Action Recognition
Sign Language Detection using Action Recognition
 
IRJET- Cheque Bounce Detection System using Image Processing
IRJET- Cheque Bounce Detection System using Image ProcessingIRJET- Cheque Bounce Detection System using Image Processing
IRJET- Cheque Bounce Detection System using Image Processing
 
IMAGE TO TEXT TO SPEECH CONVERSION USING MACHINE LEARNING
IMAGE TO TEXT TO SPEECH CONVERSION USING MACHINE LEARNINGIMAGE TO TEXT TO SPEECH CONVERSION USING MACHINE LEARNING
IMAGE TO TEXT TO SPEECH CONVERSION USING MACHINE LEARNING
 
IRJET- Voice to Code Editor using Speech Recognition
IRJET- Voice to Code Editor using Speech RecognitionIRJET- Voice to Code Editor using Speech Recognition
IRJET- Voice to Code Editor using Speech Recognition
 
A Research Paper on HUMAN MACHINE CONVERSATION USING CHATBOT
A Research Paper on HUMAN MACHINE CONVERSATION USING CHATBOTA Research Paper on HUMAN MACHINE CONVERSATION USING CHATBOT
A Research Paper on HUMAN MACHINE CONVERSATION USING CHATBOT
 
A SOFTWARE REQUIREMENT ENGINEERING TECHNIQUE USING OOADA-RE AND CSC FOR IOT B...
A SOFTWARE REQUIREMENT ENGINEERING TECHNIQUE USING OOADA-RE AND CSC FOR IOT B...A SOFTWARE REQUIREMENT ENGINEERING TECHNIQUE USING OOADA-RE AND CSC FOR IOT B...
A SOFTWARE REQUIREMENT ENGINEERING TECHNIQUE USING OOADA-RE AND CSC FOR IOT B...
 
Development of Information Extraction for Data Analysis using NLP
Development of Information Extraction for Data Analysis using NLPDevelopment of Information Extraction for Data Analysis using NLP
Development of Information Extraction for Data Analysis using NLP
 
IRJET- Text Extraction from Text Based Image using Android
IRJET- Text Extraction from Text Based Image using AndroidIRJET- Text Extraction from Text Based Image using Android
IRJET- Text Extraction from Text Based Image using Android
 
IRJET - A Review on Text Recognition for Visually Blind People
IRJET - A Review on Text Recognition for Visually Blind PeopleIRJET - A Review on Text Recognition for Visually Blind People
IRJET - A Review on Text Recognition for Visually Blind People
 

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

Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxAsutosh Ranjan
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
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
 
VIP Call Girls Ankleshwar 7001035870 Whatsapp Number, 24/07 Booking
VIP Call Girls Ankleshwar 7001035870 Whatsapp Number, 24/07 BookingVIP Call Girls Ankleshwar 7001035870 Whatsapp Number, 24/07 Booking
VIP Call Girls Ankleshwar 7001035870 Whatsapp Number, 24/07 Bookingdharasingh5698
 
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
 
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
 
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTINGMANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTINGSIVASHANKAR N
 
(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
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...roncy bisnoi
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Dr.Costas Sachpazis
 
Glass Ceramics: Processing and Properties
Glass Ceramics: Processing and PropertiesGlass Ceramics: Processing and Properties
Glass Ceramics: Processing and PropertiesPrabhanshu Chaturvedi
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
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
 
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...Call Girls in Nagpur High Profile
 

Recently uploaded (20)

Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
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
 
VIP Call Girls Ankleshwar 7001035870 Whatsapp Number, 24/07 Booking
VIP Call Girls Ankleshwar 7001035870 Whatsapp Number, 24/07 BookingVIP Call Girls Ankleshwar 7001035870 Whatsapp Number, 24/07 Booking
VIP Call Girls Ankleshwar 7001035870 Whatsapp Number, 24/07 Booking
 
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...
 
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...
 
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTINGMANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
 
(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...
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
 
Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024
 
Glass Ceramics: Processing and Properties
Glass Ceramics: Processing and PropertiesGlass Ceramics: Processing and Properties
Glass Ceramics: Processing and Properties
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
 
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
 
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
 

Currency Recognition using Machine Learning

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 204 Currency Recognition using Machine Learning Rushikesh Jadhav1, Swaraj Kalbande2, Rohan Katkar3, Rohan Katta4, Prof. Rakhi Bharadwaj5 1,2,3,4 Third Year B.tech Student, Dept. Computer Engineering, Vishwakarma Institute of Technology, Pune, Maharashtra, India 5Professor Rakhi Bharadwaj, Dept. of Computer Engineering, Vishwakarma Institute of Technology, Pune, Maharashtra, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - This paper proposes the technique of currency recognition using image processing. This technique works based on three factors: color, size and texture which are used in the recognition. The technique proposed in this paper can be used to detect the currencies of many countries. For the sake of implementation only Indian paper currencies are considered. With this system it is easier to check currency anywhere and at any time, and the technique is implemented using the CNN (Convolution Neural Network). We tested this method on every denomination of India and the system was able to detect with 95% accuracy. A classification model is generated using all factors mentioned to increase the accuracy of the technique. Paper currency features play an important role in this recognition. Key Words: Currency recognition, CNN, tflite, flutter_tts, dart, teachable machine. 1.INTRODUCTION Nowadays, every country is facing the currency recognition problem due to the fake denominations in the market or illiteracy of the people in the given country, so automatic currency recognition system is important. Accuracy and speed are the two important factors in such a system. Also, accuracy is more important than speed. A currency recogniser recognises the currency and identifies denomination by analysing the prominent attributes. Researchers proposed so many methods. Some of them use physical properties (width, length) and few uses internal properties (texture, colour). In the software field every problem has a solution. Using such software solutions, we can save our time as well as energy. In the early 90's there was one method which identified currency notes using image processing. However, their algorithm does not take aspects of authentication of the notes into account. For such a system it was necessary to have an input of the image after that it was performing some tasks over to it.   Great advancement of the technologies in the banking sector has resulted in the introduction of self-servicing for making transactions simple and friendly to the customers. also, we are known with the currency counting machines where this currency recognition technique is used. New techniques related to the recognition are also introduced by these banks like cash deposit by the user itself through the machines without visiting the respective bank. Here currency recogniser is required to check currency and handle it according to the denominations.   In this paper we proposed a system which works based on CNN (Convolution Neural Network) technique. Different modules are used to detect the currency according to the structural view of that currency notes. Classification model is built for the validation of proposed methods.   The formatting of the paper is organized as follows. Section II of the paper gives the related works done in this area. Section III provides a brief description about the currency features. Section IV of the paper gives a detailed explanation of the method. Section V discusses the experiment and results obtained. Section VI and VII presents the inference and conclusion of the study. 2. RELATED WORK Authors in [1] proposed a method that uses currency features such as centre numeral, latent image, RBI seal, shape, and micro letter for currency recognition. Training data set preparing for getting training models is included. PCA analysis is explained for paper currency recognition. In [2] authors proposed a method that uses features such as colour, texture, size for paper currency recognition. Dirty banknotes recognition method is included. Author of [3] proposed a system for paper currency recognition using the MATLAB tool. PCA analysis along with Euclidean Distance explained. LBP technique for matching purpose is explained. In [4] the authors proposed a technique which detects the country first and then detects the denomination of the country. For identifying the country and the denomination different regions of the currency note included.  Authors of [5] have given a brief idea about the features of the Indian currency. Morphology Filtering process along with some different analysis and segmentation explained. Paper currency detection recognition technique using neural networks is carried out. 
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 205 [6] is a book regarding the CNN that includes different layer processing through the mathematical demonstration. Each is explained through some graphical way. When the image is captured, it is converted into the matrix format before detection and then matched with a trained model so the whole processing in between the matrix formation and recognition is demonstrated using mathematical calculations. Effects of the different convolutional kernels in horizontal and vertical edges. In [7] Author explained all aspects of the CNN. In [8] the author proposed a technique for currency recognition using a neural network. Classification using weighted Euclidean Distance along with the different steps required for data collection and processing included. In [9], [10] authors proposed a technique of Currency Recognition. [11] is the teachable machine used for data training and getting accuracy. 3. METHODOLOGY The project paper is based on the image processing technique. The purpose of this project is to recognize currency notes according to their denomination. Tflite model and teachable machine are the important aspects of the projects as these tools provide the classified model for the project. Also, we have used CNN classification algorithm used in the classification process. The process followed by the capturing of currency and then recognition output in the format of voice. The model created work not only as a recognizer but also as a calculator as it adds all the denomination of currency it recognizes, so we don’t have to add them manually. flutter_tts is used to get voice format by converting text to voice. Fig -1: Name of the figure 3.1 Components of Model 1. Tflite    TensorFlow Lite or in short tflite is a set of tools which helps to run ML models on various devices. It supports various languages and has high performance. It helps in common machine learning tasks like images or audio- based classification, helps in NLP with text classification, pose estimation and object detection.     Flat Buffers are the formats which are used to represent TensorFlow lite model in a special efficient way. This leads to small code footprints and high efficiency as it has fast inference. A TensorFlow Lite model has metadata which is human readable model description and machine-readable data, in our case for classification of images.    First it is necessary to divide the dataset into training and testing dataset format, then a classified model is generated using CNN classification method and then that created model is converted into the tflite model and added into the assets of application. 2. Flutter, camera, flutter text to speech module   Flutter is Open-Source Framework by Google for building apps which are fast, productive, and flexible. Using Flutter, we can build mobile apps using widgets. Also, many pros of Flutter include Hot Reload and Hot Restart which we don’t have while building mobile apps with Java or Kotlin using Android Studio. In Flutter application, if you must insert plugin or dependencies, you have to mention it in puspec.yaml. In building this application we used many modules or plugins which include camera module, tflite module, flutter_tts module, etc.    Camera module is Flutter plugin in Android allowing access to web cameras. It is used to display live camera preview in a widget, video recording and many more functions. Camera module dependencies need to be mentioned in pubspec.yaml in flutter. We use this module in an asynchronous manner where some functions are run in the background.    Flutter Text to Speech or flutter_tts module is used in Flutter apps to convert texts to speech. This camera module is used to capture the image of currency and pass it to the classification model for the further process. After recognition completion the  denomination amount is displayed in the format of text, and which is converted into the voice using this flutter_tts module. 3. TensorFlow TensorFlow is an open-source library which helps us to develop and train ML models. Various operations involved in the Convolutional Neural Network Model like Convolution Operation, ReLU layer, Pooling, Flattening can be easily done using TensorFlow. Different lite versions of TensorFlow are used to build this technique. 
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 206 3.2 Image Classification using CNN   1. Notes features    Currency recognition is a field which is studied by many researchers over the last couple of years. Currency can be recognised in a variety of ways depending on features you use for classification as well as machine learning model.    Every currency on this planet has certain features on which we can easily classify them. In case of Indian currencies, they have some security features which are crucial for recognition of the denomination. Certain features like the dominant colour of denomination are one of important features for classification. So, we can infer that a model using grayscale image for currency recognition will surely be left out of one of the important features of classification and can hamper accuracy.    Most striking feature while recognizing notes is identification marks of Indian currency. For every denomination there are specific geometric symbols which correspond to them. Denomination  Identification Mark 10 Fig. 2:   RS 10 mark  20 Fig. 3:    RS 20 mark  50 Fig. 4:    RS 50 mark  100 Fig. 5:   RS 100 mark  200 Fig. 6:    RS 200 mark  500 Fig. 7:   RS 500 mark  2000 Fig. 8:  RS 2000 mark  Table 1: Denomination with Identification Mark    As per Reserve Bank of India, in Indian currency notes there are 8 security features present. These features are Watermark, Latent Image, Intaglio, Fluorescence, Security thread, Micro Lettering, Identification mark, Optically Variable Ink.      Some importance features in notes which our Neural Network model can consider while classification: 1. Intaglio Painting   The portrait of Mahatma Gandhi, Ashoka Pillar Emblem on the left, the Reserve Bank seal, guarantee and promise clause, RBI Governor's signature are printed in intaglio i.e., in raised prints, which can be felt by touch.    These images can be used by neural networks for classification. 2. Overall majority Colour    As mentioned earlier, every note has a certain majority colour depending on denomination. After the Demonetisation of 2016, the Government of India issued some new currencies with new colours. Also, currencies of denominations like Rs. 50, Rs. 100, etc were introduced with newer look and colour. This feature is very important especially when images used for classification use RGB colours. 3. Latent Image   A latent image showing denominational value in numeral is at the vertical band on the right side of Mahatma
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 207 Gandhi's portrait. When the currency note is held horizontally at eye level only then this latent image is visible. 4. ID mark  Identification mark is a geometrical symbol corresponding to the denomination of currency. This feature is not available for Rs. 10 notes. This feature is in different shapes for various denominations and helps the visually impaired to identify the denomination. 5. Centre Numeral We can see that on Indian currency, denomination is printed in figures and words. Numerical representation of denomination is present at the centre of notes. 3.3 Proposed methodology for Currency recognition using CNN Step 1: Collecting Dataset and cleaning it. Collecting samples for the dataset is the big task in the project building, as the dataset is the responsible thing for the coming output of the classification model. Before passing it through the classification model the dataset should be cleaned as it contains some images which will affect the model during image recognition.   For this model nearly 600 images were collected. Then these images were cleaned to get a better classification model. Sometimes background-coloured images affect model generated, so discarding them is best option. So, image cleaning is important. Step 2: Making CNN model for dataset collected for image classification. Every image is a 2D matrix of pixels of different values with RGB colours. Images consist of pixels in a grid. Every image processing is involved with 3 basic steps - 1) Importing images using appropriate image importing tools 2) Image pre-processing/ analysing and manipulating images. 3) Analysed output. Here in the project, we used TensorFlow for Image Classification. Images used are . CNN concept is that not all pixels are needed to identify features of an image or classify them. Steps involved in in image classification are dataset, Convolution, ReLU layer, Pooling, Flattening, Neural Connections, converting generated model to tflite model an Exporting model to Flutter application. Convolution: Convolution basically is a combined integration of two functions, and it shows you how one function modifies or affects other functions. ( )( ) ∫ ( ) ( ) ( ) (1)is an example of convolution. There is input image ( ) (2)(where D = 3 where it represents RGB image format layers and is pixel matrix size) and a feature detector matrix . Here we apply convolution on each red, green, and blue layer separately , so we can represent each image as . Suppose the dimension of the image is and the feature matrix is .  Fig. 9:  Convolution of image matrix In the given diagram, we can see the use of convolution. These feature matrices or convolution kernels are used to detect various things like edges, horizontal and vertical ones, or other features. After convolution, i.e., multiplying each value of matrix with each value of kernel, we get a matrix of ( ) ( ) ( ) (3)which is a Feature Map. We can create multiple feature maps for targeting each feature on notes and for each feature we must create separate filters.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 208 Fig. 10: Variation Graph for Sigmoid and ReLU functions ReLU layer:- We use Rectifier function because we want to increase nonlinearity in our image or in our CNN. Rectifier acts as that filter. If we apply ReLU , it makes everything below 0 the same value or flattens it.  Pooling:- Pooling is needed especially for orientation correction of currency notes. In the dataset we have images which are rotated or sometimes slim or fat, but we want the neural network to recognise all of them as the same note. We need to make sure that our neural network has a feature called spatial invariance meaning that it doesn’t care where features are in cases like rotation or whether features are a little bit different. Various types of pooling exist like mean or max pooling. Flattening:- Pooled feature map is converted to linear matrix or one long column. Now we run a Neural Network considering this linear matrix as input.  Full Connection: - In this step we run Neural Network and Neural Network using Backpropagation and Gradient Descent builds the whole Neural Network.  Suppose we have neural network of one layer: ( ) in (4) Here are randomised weights matrix ; X is image which is input, and b is randomised bias matrix and Z is output. We apply sigmoid function or can apply ReLU function on Z . ReLU function : ( ) ( ) ( ) Sigmoid function : ( ) ( )               (6) ( ) ( ) ( ) ( ) If actual output is O’ and we are getting O as output. Let Error be E. Gradient Descent equation :  ( ) ( ) For CNN we have a filter matrix as our gradient of parameter. ( ) ( ) ( ) ( ) ( ) This is how we correct mistakes by backward propagation and correct filter matrix. This is how we make correct filters which can be applied on images, and we get correct recognition of currency notes. 3.4 Teachable Machine Teachable machine[reference number included here] is an online software which helps to train our dataset and use it with the tflite module in the asset folder of the Application. Through this model 600 images are classified, and each image is checked according to its accuracy of matching with denomination. In it multiple classes are created with each currency value. By uploading images size and setting accurate epoch value we got near about 95% accuracy through our model.  4. ALGORITHM 1. Data collection 2. Data cleaning 3. Data trained with the epoch size 50 batch size 16 and learning rate 0.001 4. Module exported 5. Two files generated label.txt and model.tflite 6. Files included in asset folder of program 7. Model is loaded into flutter application 8. Apk file is generated after building all components 9. Denomination captured
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 209 10. Output in the form of a voice. 4.1 Accuracy Per class  For this model it is necessary to check the accuracy of every denomination to check the currency note correctly. As on the teachable machine we created the model of different classes containing the denominations, and then setting proper epoch value the below accuracy achieved. For this image processing project, we included all the Indian denominations ranging from 10 to 2000.  Fig. 11:   Accuracy Per Class 4.2 Accuracy per epoch Also, the loss factor is considered to achieve better accuracy through epoch. For this the data set is trained for the 500 epoch and then graphical accuracy is achieved for images included in the dataset.  Fig. 12:   Loss and accuracy according to epoch value 4.3 Accuracy on Teachable Machine When we capture any image of a currency note then the model identifies the correct denomination through the trained dataset. As for e.g., the denomination of 200 is captured by the camera module then it is checked with the trained data with the help of tflite and as we can see through the output table the accuracy for the 200- currency note is 100% it means technique works properly. The same happens with the other currency denominations. 
  • 7. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 210 Fig. 13:   Accuracy Model 4.4 Flutter App The interface with the header A-Eye is in a dark mode, and camera button widget in bottom middle area. Fig. 14: Interface 5. FUTURE SCOPE Nowadays, technology is growing on a large scale. The proposed system can be extended towards coin detection also for fake currency recognition. Denomination of other countries other than India can be added also comparison between them can be achieved. When an image is loaded from the outside into the training folder then it is not giving 100% accuracy. We can improve this problem by optimizing the system. 6. CONCLUSION Thus, the different methods proposed in this paper were implemented successfully and verified by performing experiments over the model. CNN is found to be the best feature for performing the technique by using tflite and flutter_tts modules. Accuracy of 95% achieved by performing the classification of models. Also, the detection of the coins is performing well in this method.
  • 8. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 01 | Jan 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 211 ACKNOWLEDGEMENT We would like to thank Vishwakarma Institute of Technology for providing us with a platform for producing such a wonderful project. We would like to acknowledge our honorable Director Prof. Dr. Rajesh M. Jalnekar for his overwhelming guidance and kind support. Also, the Head of Department of the Department of Computer Engineering Prof. (DR.) Sandeep Shinde for his valuable support, help and time. Even our project Guide Prof. Rakhi Bhardwaj gave us valuable time, support, and inspiration for creating this paper. REFERENCES [1] Vishnu R, Bini Omman, "Principal Features for Indian Currency Recognition", 2014 Annual IEEE India Conference (INDICON), Pune, India.doi:10.1109/INDICON.2014.7030679 [2] H. Hassanpour, A.Yaseri, G.Ardeshiri,"Feature Extraction for Paper currency Recognition", 2007 IEEE 9th international Symposium on signal processing and its Applications, doi:10.1109/isspa.2007.4555366 [3] Kalpana Gautam, “Indian Currency Detection Using Image Recognition Technique", 2020 IEEE International Conference on Computer Science, Engineering and Applications(ICCSEA), doi:10.1109/ICCSEA49143.2020.9132955 [4] Vedasamhitha Abburu, Saumya Gupta, S. R. Rimitha, Manjunath Mulimani, Shashidhar G. Koolagudi, “Currency Recognition System Using Image Processing",2017 IEEE Tenth International Conference on Contemporary Computing, doi:10.1109/IC3.2017.8284300 [5] Ms. Rumi Ghosh, Mr. Rakesh Khare, “A Study on Diverse Recognition Techniques for Indian Currency Note", 2013(JUNE) INTERNATIONAL JOURNAL OF ENGINEERING SCIENCES & RESEARCH TECHNOLOGY, ISSN:2277-965 [6] Jianxin Wu, “Introduction to Convolutional Neural Networks”, May 1, 2017. [7] Simon Haykin, "Neural Networks: A comprehensive foundation", 2nd Edition, Prentice Hall, 1998 [8] Muhammad Sarfraza, “An intelligent paper currency recognition system", 2015, International Conference on Communication, Management and Information Technology (ICCMIT 2015). [9] Faisal Saeed, Tawfik Al-Hadhrami, Fathey Mohammed, Errais Mohammed,” Advances on Smart and Soft Computing". 2021, Springer. [10] Minal Gour , Kunal Gajbhiye, Bhagyashree Kumbhare, and M. M. Sharm, “Paper Currency Recognition System Using Characteristics Extraction and Negatively Correlated NN Ensemble", 2011, Advanced Materials Research Vols 403-408 (2012) pp 915-919 © (2012) Trans Tech Publications, Switzerland, doi: 10.4028. [11] Teachable Machine, “https://teachablemachine.withgoogle.com/train/ima ge".