Report SignatureVerificationSystem
Report SignatureVerificationSystem
Submitted by
This system uses image processing and deep learning to learn signature
patterns. The Siamese Network model is trained on genuine and forged
pairs to learn similarity features and make accurate classifications. It aims
to improve security, minimize human error, and streamline verification
processes in real-world systems.
Introduction
In today's digital era, ensuring the authenticity of handwritten signatures
has become a significant challenge. Manual verification is time-consuming
and prone to human error. Thus, there's a strong demand for automated
signature verification systems.
Literature Review
Traditional signature verification methods were based on handcrafted
features such as stroke width, slant, and edge direction. These techniques,
while somewhat effective, often fail to generalize across diverse handwriting
styles.
Methodology
The overall workflow of the project involves the following steps:
Results (Expected)
The system is expected to classify signature pairs with over 90% accuracy
using standard benchmark datasets. The performance is measured using:
- **Accuracy**: Percentage of correctly classified pairs
- **Precision and Recall**: To assess false positives and false negatives
- **ROC-AUC Score**: To evaluate the trade-off between sensitivity and
specificity
Abstract—The surge in counterfeit signatures has inflicted network. Now for testing, they provide an image that is then
widespread inconveniences and formidable challenges for both compared with the images from the dataset. The output of this
arXiv:2311.05579v1 [cs.CV] 9 Nov 2023
individuals and organizations. This groundbreaking research testing comes out as a prediction which is then compared with
paper introduces SigScatNet, an innovative solution to combat
this issue by harnessing the potential of a Siamese deep learning a threshold to verify if the image is a forgery or not. While
network, bolstered by Scattering wavelets, to detect signature this system works, it has its drawbacks. Firstly, signatures
forgery and assess signature similarity. The Siamese Network can vary naturally due to factors like the signer’s attitude,
empowers us to ascertain the authenticity of signatures through exhaustion, or writing pen type, making it difficult to set
a comprehensive similarity index, enabling precise validation and a general threshold that successfully distinguishes authentic
comparison. Remarkably, the integration of Scattering wavelets
endows our model with exceptional efficiency, rendering it from faked signatures. As a result, this strategy may produce
light enough to operate seamlessly on cost-effective hardware more false negatives or false positives, compromising the
systems. To validate the efficacy of our approach, extensive system’s reliability. Furthermore, the success of CNN-based
experimentation was conducted on two open-sourced datasets: signature forgery detection is largely dependent on the quality
the ICDAR SigComp Dutch dataset and the CEDAR dataset. The and variety of the training dataset. Building a comprehensive
experimental results demonstrate the practicality and resounding
success of our proposed SigScatNet, yielding an unparalleled and representative dataset is a difficult endeavor that neces-
Equal Error Rate of 3.689% with the ICDAR SigComp Dutch sitates great effort in collecting a diverse range of authentic
dataset and an astonishing 0.0578% with the CEDAR dataset. and counterfeit signatures. Additionally, CNN-based signature
Through the implementation of SigScatNet, our research spear- forgery detection systems often struggle to account for sophis-
heads a new state-of-the-art in signature analysis in terms of ticated forgery techniques, such as skilled imitations or forged
EER scores and computational efficiency, offering an advanced
and accessible solution for detecting forgery and quantifying signatures created using advanced tools. These techniques can
signature similarities. By employing cutting-edge Siamese deep potentially deceive the CNN network, leading to incorrect
learning and Scattering wavelets, we provide a robust framework predictions and reduced accuracy. Furthermore, the reliance
that paves the way for secure and efficient signature verification on pre-processing techniques introduces additional complexity
systems. and computational overhead, impacting the overall efficiency
Index Terms—Signatures, Siamese deep learning, Scattering
wavelets, forgery detection, similarity assessment of the system.
The SigScatNet employs a more complex form of CNN.
The Siamese model with Scattering wavelets counteracts the
I. I NTRODUCTION
limitations discussed by leveraging its unique architecture and
With the rising digitization of papers and transactions, comparison-based approach. The Siamese model, as opposed
signature forgery has become a major concern. Traditional to a simple CNN’s basic threshold-based decision-making,
manual signature verification procedures are frequently sub- learns a similarity measure that allows for a more flexible and
jective, time-consuming, and error-prone. As a result, there is comprehensive evaluation of authentic or forged signatures.
a growing demand for automated systems and technologies The Siamese model can reflect the intrinsic complexity and
that successfully identify and prevent signature fraud using diversity in signatures by examining pairwise interactions
computer vision, machine learning, and biometric identifica- between signatures, minimizing false negatives and false pos-
tion approaches. A number of papers from the research com- itives. Furthermore, the model achieves lightweight efficiency
munity have worked on using machine learning for detecting while preserving critical spatial and temporal information
forgery in signatures. While their work has provided useful by using Scattering wavelets. This improves performance in
insights into their methodology, there are a few areas where capturing dynamic elements of signatures and adjusting to
improvements can be made in order to make this system more evolving forgery tactics, overcoming the limits of standard
robust. CNN-based methods.
Most papers from the research community use a basic CNN
network to identify if the signature is fraudulent or not. For II. R ELATED W ORK
employing this, they use a dataset containing signature images The identification of signature forgery using machine learn-
and then apply pre-processing techniques and feed this into the ing techniques has seen significant advancements, as evidenced
by several research papers. Convolutional neural networks that contribute to increased false positives and false negatives,
(CNNs) combined with image processing techniques have or they require computationally expensive networks with high
been commonly employed in many papers. [1] developed hardware requirements.
a deep learning-based off-line signature verification system This research paper aims to address these limitations by
using a Convolutional Neural Network (CNN) and a novel striking a balance between the robustness of the system and the
method for extracting local features to distinguish between canonical form in signature forgery detection. The objective
genuine and forged signatures, with potential applications is to develop an approach that effectively captures natural
in organizations with a limited number of individuals for factors influencing signatures while maintaining computational
training and future forgery detection. [2] proposes a system efficiency. By employing a Siamese network and incorporating
for signature verification and forgery detection wherein this novel techniques such as Scattering wavelets, the SigScatNet
paper uses CNN and deep learning to extract unique features aims to achieve accurate and lightweight signature forgery
from pre-processed signatures, which are then compared to detection. This would contribute to enhancing the reliability
the signatures stored in the system to determine whether the and effectiveness of signature verification systems, improving
signature is real or fake. The system was tested on a dataset overall security and trust in various domains where signatures
containing 750 signatures from 150 individuals, and the results play a crucial role.
showcased how the proposed system works and then stated that
III. P ROPOSED M ETHODOLOGY
their method is more accurate and faster in the detection of
forged signatures than a trained professional. [3] developed A. SigScatNet Architecture
a solution using Convolutional Neural Network (CNN) to Fig. 1 illustrates the SigScatNet architecture, showcasing the
detect forgery in handwritten signatures by training the model integration of Scattering wavelets and the Siamese network.
on a dataset of signatures and predicting the authenticity This architecture forms the core of SigScatNet, enabling the
of provided signatures. [4] developed an interactive software robust detection of signature forgery and precise assessment
implementation of signature verification that includes both of signature similarity.
general learning from a population of signatures and special The SigScatNet architecture can be divided into two essen-
learning from multiple samples of an individual’s signature, tial parts: the Scattering wavelet component and the Siamese
resulting in improved accuracy. [5] proposes a signature network component.
verification system that uses pre-processing techniques such 1) Scattering Wavelets: Scattering wavelets are an effective
as RGB to Gray Scale Conversion, image binarization, and technique for extracting useful characteristics from signals or
Gaussian blurring. The system uses contour and SIFT features images in signal processing and image analysis. Both local
for feature extraction and SVM and K-Means algorithms for and global information is captured in a multiscale, translation-
model training. invariant representation provided by this method. The wavelet
Siamese networks have gained attention in recent research. transform, which breaks down a signal into several frequency
In [6], the methodology used involves the CEDAR dataset. components at various scales, serves as the foundation for the
The signatures are processed using various techniques such scattering transform. The scattering transform is better suited
as median filter, Otsu method, and morphological operations. for tasks like pattern identification and signal classification
The Siamese neural network is then trained and tested on this since it keeps the information about phase and magnitude
dataset, resulting in high accuracy rates. [7] conducted offline in contrast to conventional wavelet transforms. The scatter-
signature verification using a Siamese neural network based ing transform works via cascading wavelet transformations
on one-shot learning, which achieved successful classification and modulus non-linearities. A series of wavelet filters are
with fewer signature images. By utilizing the one-shot learning convolved with the input signal or image at various scales.
method, the model distinguished between genuine and forged Insight into local frequency is captured by the resulting
signatures without the need for a large amount of labeled data. wavelet coefficients. The magnitude data is then captured by
Experimental results on signature datasets demonstrated across applying the modulus non-linearity to the wavelet coefficients.
4NSigComp2012, SigComp2011, 4NSigComp2010, and BH- A depiction of multiscale scattering is created by repeating this
sig260 datasets, showcasing the effectiveness of their proposed procedure at several scales.
approach. [8] uses a Siamese Neural Network (SNN) with The scattering transform is incredibly helpful when it comes
a contrastive loss function and robust embedding to verify to signature analysis. The level of depth in a signature can
genuine and forged offline signatures. The experiments were range from broad strokes to finer details. We can record
conducted on challenging datasets like MCYT-75, GPDS, and these various informational scales by applying the scattering
CEDAR, and the proposed method outperformed other state- transform on signature images. The signatures’ global and
of-the-art methods in terms of accuracy. Their results show- low-frequency components, as represented by the coefficients
cased that the use of inter-quartile range and median absolute determined from lower scales, are what give the signatures
deviation measures in the embedding vector increases the their overall shape and structure. On the other hand, finer
accuracy of the algorithm for GPDS and MCYT-75 databases details and high-frequency components, such as minor texture
relating to the signature forgery domain. However, existing patterns and variation in stroke, are captured by the coefficients
approaches often face limitations in handling natural variations from higher scales. We consider a handwritten signature as
Fig. 1. SigScatNet Architecture
an illustration in Fig. 2. The scattering transform produces The Euclidean distance D between the feature embeddings
a scattering representation with several scales of coefficients of input image 1 and input image 2 is computed as seen in
when applied to the signature image. Lower scale coefficients equation (5), where n denotes the number of features (128 in
encode the signature’s overall shape and structure, encapsulat- our case):
ing its general properties. The factors pick up finer features v
at larger scales, including differences in the thickness of the u n
uX
signature’s strokes, their curvature, and their texture patterns. D = t (xi − xi )2 (5)
In this process, the selection of scales and scattering factors i=1
is critical. We may regulate the level of detail recorded in the
scattering representation by choosing the right scales. Finer This Euclidean distance is normalized between 0 and 1,
features can be captured at higher scales, however doing so where a lower D denotes a higher degree of similarity between
may also result in an increase in noise or artifacts. It’s crucial the signatures.
to find a balance and pick scales that accurately depict the The Siamese model is trained using a triplet loss function
pertinent distinctive traits without obscuring the representation. during the training phase [9]. The triplet loss function is a
The scattering transform is further influenced by the choice of distance-based loss function designed to learn embeddings
wavelet filters, their number per scale, and their sizes. These by minimizing the distance between the anchor and positive
variables affect how the transform behaves and how many samples while maximizing the distance between the anchor
features are extracted. These parameters need to be carefully and negative samples. The triplet loss function plays a crucial
thought out in order to guarantee ideal feature extraction and role in learning discriminative embeddings by encouraging the
discriminative power for signature analysis jobs. model to bring genuine signatures (positive samples) closer
to the anchor signature and push forged signatures (negative
2) Siamese Model: The Siamese model is a potent method
samples) farther away from the anchor. This enables effective
for comparing two signatures to assess their similarity. In our
differentiation between genuine and forged signatures based
scenario, the Siamese model is used to compare a signature
on their feature representations.
under scrutiny with a base or reference signature, allowing
We utilize the trained Siamese model to determine a signa-
us to determine whether the signature is genuine or not. The
ture’s similarity score to the reference signature for validation.
Siamese model comprises of two identical neural networks
If the similarity score exceeds a predefined threshold, the
with the same architecture and weights. Each network receives
questioned signature is considered authentic; otherwise, it is
an input signature, processes it through a series of convolu-
labeled as a forgery.
tional and fully connected layers to extract relevant features.
The formula for the Triplet loss is shown in equation (6):
The Conv2D layers in the model use filters with the following
configurations: 16 filters in the first two layers and 32 filters
in the last two layers. The kernel size for all Conv2D blocks L = max(d(a, p) − d(a, n) + margin, 0) (6)
is set to 3 × 3, and the activation function used is ReLU. The
features from the two networks are concatenated and passed Where L represents the Triplet loss, d(a, p) represents the
into a similarity function. distance between the anchor sample a and the positive sample
The model takes an input image of size 180×300×3. Before p, d(a, n) represents the distance between the anchor sample
the scattering network’s operation, the image is converted a and the negative sample n. The margin is a hyperparameter
to grayscale. It then goes through the convolutional blocks, that specifies a margin or threshold value, max(x, 0) ensures
resulting in an output array of size 128, which represents that the loss is non-negative, as the loss is only calculated
the signature’s features. A similarity score is generated by when the positive distance plus the margin is greater than the
comparing the feature embeddings of the two signatures using negative distance. The model was trained with a learning rate
these 128-sized arrays. One commonly used similarity metric of 0.0005, a batch size of 32, and it underwent 100 epochs of
is the Euclidean distance, also known as the L2 distance. training.
Fig. 2. Signatures at J=2 on performing Scattering Wavelet Operation.
Fig. 6. Distance histograms for the Testing set on the CEDAR dataset
Fig. 3. (i)ROC and (ii)PR curve on the Testing set of ICDAR SigComp Dutch the EER at the threshold coordinate came out to be 3.22%
dataset for the SigComp Dutch dataset and 0.058% for the CEDAR
dataset. This balance between false match and false non-match
errors denotes the point at which the model performs at its
best.
Fig. 7 and Fig. 8 showcase the FMR and FNMR plot with
the EER representation for the ICDAR SigComp Dutch dataset
and the CEDAR dataset, respectively.
These assessment metrics—the ROC and PR curves, dis-
tance histograms, and the False Error Rate versus Threshold
curve—all demonstrate the effectiveness of our Siamese model
in detecting signature forgeries. The model’s capacity to distin-
guish between authentic and forged signatures is supported by
its strong AUC and AUPR values, and the distance histograms
draw attention to the distinct differences between the two
Fig. 4. (i)ROC and (ii)PR curve on the Testing set of CEDAR dataset
groups.
We examined two histograms showing the Density vs. A quantitative evaluation of the model’s performance at the
Euclidean distances and Count vs. Euclidean distances be- best operating point is also provided by the EER computation.
tween embeddings to acquire additional insights into the These results demonstrate the accuracy and dependability of
model’s performance. These histograms visually represent the SigScatNet model in addressing the challenges related to
the distribution of distances between genuine pairings and signature forgery detection.
imposter pairs, allowing us to assess the model’s capability to
V. C OMPARISON WITH OTHER M ODELS
distinguish between authentic and forged signatures based on
the estimated embeddings. An important factor in successfully To evaluate the efficacy of our SigScatNet model, it is
categorizing signatures is the optimal threshold. imperative to compare its performance against other state-of-
Fig. 5 and Fig. 6 showcase the distance histograms for the the-art verification models in the research community, pro-
Testing sets on the ICDAR SigComp Dutch dataset and the viding valuable insights into the strengths and weaknesses of
CEDAR dataset, respectively. our model and highlighting the advancements achieved by
The False Match Rate (FMR) and False Non-Match Rate our proposed method. The results of these comparisons are
(FNMR) curve, which depicts the relationship between the presented in Table I and Table II.
error rates and the threshold value, provided another tool we Another important comparison to be done was to compare
used to assess the model’s effectiveness. The Equal Error Rate the SigScatNet model in two ways: one with Scattering
(EER), a crucial measure in the detection of signature fraud, is parameters and one without Scattering parameters. Table III
represented at the junction of these two curves. In our instance, showcases the advantages of using the Scattering parameters.
TABLE I
C OMPARISON OF PROPOSED S IG S CAT N ET WITH OTHER METHODS ON THE S IG C OMP D UTCH DATASET USED IN THE RESEARCH COMMUNITY
TABLE II
C OMPARISON OF PROPOSED S IG S CAT N ET WITH OTHER METHODS ON THE CEDAR DATASET USED IN THE RESEARCH COMMUNITY
TABLE III
C OMPARISON OF PROPOSED S IG S CAT N ET WITH AND WITHOUT S CATTERING PARAMETERS ON S IG C OMP D UTCH AND ON CEDAR DATASET
Methodology Used Number of Parameters EER (For SigComp) EER (For CEDAR)
Only Siamese Network 3,327,056 3.22% 0.069%
SigScatNet (Siamese CNN + Scattering) 257,232 3.87% 0.058%
Fig. 7. False Match Rate and False Non-Match Rate Plot with EER
representation for the ICDAR SigComp Dutch dataset
Fig. 8. False Match Rate and False Non-Match Rate Plot with EER
The number of parameters in the plain Siamese network representation for the CEDAR dataset
rose to around 3.3 million as illustrated in Table III to give
comparable results. On the other hand, while incorporating the
Scattering parameters in the network, we were able to reduce similarity assessment by combining a Siamese deep learning
the parameters down to 257,232, which is a 92.27% decrease network with Scattering wavelets. This system proves to be a
in the number of parameters, still yielding a comparable or reliable and effective model that can accurately differentiate
even better EER. This further showcases that incorporating between authentic and fake signatures while also offering a
wavelets into the network drastically reduces the complexity measure of similarity by utilizing the strength of deep learn-
and dramatically increases computational efficiency. ing and the distinctive characteristics of scattering wavelets.
Furthermore, the addition of Scattering wavelets to our model
VI. C ONCLUSION AND F UTURE W ORK helped us achieve excellent efficiency without sacrificing
This research paper presents SigScatNet: a comprehensive accuracy. In order to help the model make wise decisions,
and effective solution for signature forgery detection and the wavelet-based feature extraction procedure extracted cru-
cial structural and textural data from the signatures. The [10] Brittany Cozzens, Richard Huang, Maxwell Jay, Kyle Khembunjong,
experimental evaluation of the SigComp Dutch and CEDAR Sahan Paliskara, Felix Zhan, Mark Zhang, Shahab Tayeb, Aeop Unite,
and Unlv Stem. Signature verification using a convolutional neural
datasets proved the viability of our suggested methodology. network. 2017.
The SigScatNet model demonstrated excellent performance [11] T.-A. Pham, H.-H. Le, and N.-T. Do. Offline handwritten signature
with an Equal Error Rate of 3.689% for the SigComp Dutch verification using local and global features. volume 75, page 231–247,
2014.
Dataset and 0.05787% for the CEDAR dataset after being [12] S. Khan, M. Ali Akbar, F. Shahzad, M. Farooq, and Z. Khan. Secure bio-
trained on a wide range of real and fake signatures. This metric template generation for multi-factor authentication. volume 48,
demonstrates the model’s capacity to balance false match pages 458–472. Elsevier, 2015.
[13] G. Alvarez, B. Sheffer, and M. Bryant. Offline signature verification
and false non-match errors, resulting in reliable and accurate with convolutional neural networks: Technical report, stanford university.
detection of signature fraud. 2016.
The proposed approach presents a practical solution to [14] X. h. Chen, C. Champod, X. Yang, S. pei Shi, Y. wen Luo, N. Wang,
Y. chen Wang, and Q. meng Lu. Assessment of signature handwriting
address the challenges associated with signature forgery. Our evidence via score-based likelihood ratio based on comparative measure-
model illustrates its potential for real-world deployment, ment of relevant dynamic features. volume 282, page 101–110, 2018.
enabling individuals and organizations to verify signatures [15] Marianela Parodi and Juan Gómez. Legendre polynomials based feature
extraction for online signature verification. consistency analysis of
quickly and accurately. It does this by utilizing cutting- feature combinations. volume 47, pages 128–140, 01 2014.
edge deep-learning techniques and harnessing the special [16] Elias Zois, Ilias Theodorakopoulos, Dimitrios Tsourounis, and George
properties of scattering wavelets. By offering a strong and Economou. Parsimonious coding and verification of offline handwritten
signatures. pages 636–645, 07 2017.
effective framework that combines the strength of Siamese [17] Bilal Hadjadji, Youcef Chibani, and Hassiba Nemmour. An efficient
deep learning networks and Scattering wavelets, this research open system for offline handwritten signature identification based on
makes a contribution to the field of signature fraud detection curvelet transform and one-class principal component analysis. volume
265, pages 66–77, 2017. New Trends for Pattern Recognition: Theory
and paves the way for increased security and confidence in & Applications.
applications for signature verification. Since this model is [18] Nurullah Calik, Onur Kurban, Ali Yilmaz, Tülay Yildirim, and Lutfiye
extremely lightweight, it can in theory be implemented into Durak Ata. Large-scale offline signature recognition via deep neural
networks and feature embedding. volume 359, 05 2019.
an app that can make the signature verification task in the [19] Manabu Okawa. From bovw to vlad with kaze features: Offline signature
palm of everyone’s hands. verification considering cognitive processes of forensic experts. volume
All other authors have no conflicts of interest. SigComp 113, pages 75–82, 2018. Integrating Biometrics and Forensics.
[20] Avani Rateria and Suneeta Agarwal. Off-line signature verification
Dutch dataset analyzed during the current study is available through machine learning. In 2018 5th IEEE Uttar Pradesh Section
in the ICDAR 2011 Signature Verification Competition (Sig- International Conference on Electrical, Electronics and Computer En-
Comp2011) repository. CEDAR dataset analyzed during the gineering (UPCON), pages 1–7, 2018.
[21] Elias N. Zois, Linda Alewijnse, and George Economou. Offline
current study is available in the CEDAR from University of signature verification and quality characterization using poset-oriented
Buffalo repository. grid features. volume 54, pages 162–177, 2016.
[22] George S. Eskander, Robert Sabourin, and Eric Granger. Hybrid writer-
R EFERENCES independent–writer-dependent offline signature verification system. vol-
ume 2, pages 169–181, 2013.
[1] Gowri P, Sivapriya G, Karthick Raja K, Kamaleshwar N K J, and [23] Rajesh Kumar, J.D. Sharma, and Bhabatosh Chanda. Writer-independent
Kesavaraj N. Real time signature forgery detection using machine off-line signature verification using surroundedness feature. volume 33,
learning. In 2022 Second International Conference on Advances in pages 301–308, 2012.
Electrical, Computing, Communication and Sustainable Technologies [24] Luiz Gustavo Hafemann and Luiz Soares de Oliveira. Fixed-sized
(ICAECT), pages 1–5, 2022. representation learning from offline handwritten signatures of different
[2] Subramaniam M, Teja E, and Mathew A. Signature forgery detection sizes. volume 21, pages 219–232, 09 2018.
using machine learning. In International Research Journal of Modern-
ization in Engineering Technology and Science, volume 04, 2022.
[3] S Jerome Gideon, Anurag Kandulna, Aron Abhishek Kujur, A Diana,
and Kumudha Raimond. Handwritten signature forgery detection using
convolutional neural networks. volume 143, pages 978–987, 2018. 8th
International Conference on Advances in Computing & Communications
(ICACC-2018).
[4] Harish Srinivasan, Sargur N. Srihari, and Matthew J. Beal. Machine
learning for signature verification. In Prem K. Kalra and Shmuel Peleg,
editors, Computer Vision, Graphics and Image Processing, pages 761–
775, Berlin, Heidelberg, 2006. Springer Berlin Heidelberg.
[5] Dr. Chayadevi M L, Anagha R, and Chandan Kumar G. Signature
Recognition and Forgery Detection. 11 2022.
[6] A. Agarwal and A. BS. International journal of creative research
thoughts (ijcrt), 9(8). volume 9, pages 659–662, 2021.
[7] M. Varol Arısoy. Signature verification using siamese neural network
one-shot learning. volume 3, pages 248–260, 2021.
[8] Amruta Jagtap, Dattatray Sawat, Rajendra Hegadi, and Ravindra Hegadi.
Verification of genuine and forged offline signatures using siamese
neural network (snn). volume 79, 12 2020.
[9] Soumitri Chattopadhyay, Siladittya Manna, Saumik Bhattacharya, and
Umapada Pal. Surds: Self-supervised attention-guided reconstruction
and dual triplet loss for writer independent offline signature verification.
01 2022.