Report Final Year
Report Final Year
Abstract I
Table of Contents II
List of Figure IV
List of tables VI
Abbreviations VII
i
ABSTRACT
In the era of social media, digital images serve as a primary medium for information
exchange. However, malicious software poses a significant threat by forging images
to disseminate fake information, necessitating robust digital image forgery detection
techniques. Traditional methods often focus on detecting a specific type of forgery,
such as image splicing or copy-move, limiting their practical applicability in real-
world scenarios where multiple types of forgeries coexist. To address this challenge,
this study explores advanced deep learning architectures for detecting diverse image
forgeries using the CASIA dataset. We evaluate the performance of several state-of-
the-art convolutional neural network (CNN) models, including InceptionV3,
VGG16, VGG19, DenseNet, MobileNetV2, ResNet50, ResNet101, ResNet152,
Xception, and NASNetMobile. These models are benchmarked to identify their
efficacy in detecting forgeries with high accuracy. Additionally, a hybrid model
combining Xception and NASNetMobile is proposed to leverage the strengths of
both architectures, enhancing detection accuracy and robustness. The results
demonstrate the potential of hybrid models in effectively addressing real-world
digital image forgery detection, paving the way for secure information sharing on
digital platforms
i
TABLE OF CONTENTS
ii
6 Chapter 6 37
6.1 System testing
6.2 Test cases
7 Chapter 7 40
7.1 comparison graphs
7.2 Screenshots
8 Chapter 8 48
8.1 Conclusion
8.2 Future scope
References 49
iii
LIST OF FIGURES
iv
WHILE MAINTAINING CLARITY
AND SIMPLICITY
FIG 7.2.4 45
SIGN IN TO PAGE
FIG 7.2.5 45
UPLOADING OF IMAGE FROM FOLDER
SELECTING REAL PICTURE FROM FOLDER 46
FIG 7.2.6.1
RESULTS SHOWN WILL BE OF REAL 46
FIG 7.2.6.2
IMAGE
FIG 7.2.7.1 47
SELECTING FAKE PICTURE FROM FOLDER
FIG 7.2.7.2 47
RESULTS SHOWN WILL BE OF FAKE IMAGE
v
LIST OF TABLES
vi
ABBREVIATIONS
vii
DETECTING DIGITAL FORGERY IMAGES USING TRANSFER LEARNING TECHNIQUE
CHAPTER 1
INTRODUCTION
1.1. INTRODUCTION
The alteration of a digital picture is referred to as digital image forgery; such manipulated
images are undetectable to the unaided eye. Such photos serve as key sources for
disseminating false information and misleading narratives across society, facilitated by
various social media platforms such as Facebook and Twitter. Free editing software
programs capable of creating these forgeries include powerful functionality for image
manipulation, such as GNU, GIMP, and Adobe Photoshop. Digital picture forgery
algorithms and strategies can identify such forgeries, particularly in image security when
the original material is unavailable. Digital picture counterfeiting refers to the
incorporation of atypical patterns into original photographs, resulting in a heterogeneous
variance in image attributes and an irregular distribution of image components. The
categorization of digital picture manipulation. Active methodologies need critical
information regarding the picture for the verification procedure. The information
embedded in the image is utilized to monitor alterations in that image. The active
technique has two categories: digital signatures, which embed supplementary data derived
from a picture at the conclusion of the acquisition process, and digital watermarking,
which is integrated into images either during the capture phase or the processing phase.
Objective:
The objective of this study is to develop a comprehensive and robust digital image
forgery detection system capable of identifying diverse types of forgeries, such as image
splicing and copy-move, in real-world scenarios. Utilizing the CASIA dataset, the study
evaluates the performance of advanced deep learning architectures, including
InceptionV3, VGG16, VGG19, DenseNet, MobileNetV2, ResNet50, ResNet101,
ResNet152, Xception, and NASNetMobile, to detect subtle inconsistencies in
manipulated images. Additionally, the study proposes a hybrid model combining
Xception and NASNetMobile to leverage their strengths, aiming to enhance detection
accuracy, scalability, and reliability for secure and trustworthy information sharing on
digital platforms.
Extension:
We can enhance performance by integrating the ensemble of Xception and
NASNetMobile models, improving accuracy and scalability in detecting image forgeries.
Additionally, we can develop a Flask-based frontend for user testing, incorporating
authentication for secure access. This setup allows real-time interaction with the system
and supports seamless deployment for practical use, increasing its utility in real-world
applications.
Advantages:
VGG19: With a deeper architecture than VGG16, VGG19 enhances feature extraction
capabilities, improving the detection of intricate image manipulations and providing a
more detailed analysis of image authenticity.
DenseNet: Dense Net‘s feature reuse across layers facilitates efficient image processing.
It excels at detecting small image forgeries by leveraging its densely connected layers to
capture subtle details in manipulated images.
MobileNetV2: Designed for efficiency, MobileNetV2 processes images faster with fewer
resources, making it ideal for real-time forgery detection without compromising accuracy
in detecting smaller, less obvious manipulations.
ResNet50: ResNet50‘s residual learning allows for deeper networks without performance
degradation, making it effective for forgery detection, especially in handling images with
complex manipulation techniques.
ResNet101: Building upon ResNet50, ResNet101 enhances forgery detection by
providing deeper feature representations, which improves accuracy in detecting subtle
and complex forgeries in digital images.
ResNet152: With even deeper layers than ResNet101, ResNet152 excels at detecting
highly intricate forgeries by offering refined feature extraction and robust handling of
various manipulation techniques.
Xception: Xception utilizes depthwise separable convolutions, allowing for high
efficiency in feature extraction, making it particularly effective in detecting detailed and
sophisticated forgery types with minimal computational overhead.
NASNetMobile: Leveraging neural architecture search, NASNetMobile provides a
lightweight but highly effective model for detecting image forgeries, optimizing accuracy
while maintaining fast processing for mobile or edge devices.
Hybrid Model - Xception + NASNetMobile: Combining Xception‘s powerful feature
extraction and NASNetMobile‘s efficiency, this hybrid model enhances forgery detection
performance, offering both high accuracy and scalability for real- world applications.
Self-driving cars use deep learning models to automatically detect road signs
and pedestrians.
Defense systems use deep learning to automatically flag areas of interest in
satellite images.
Medical image analysis uses deep learning to automatically detect cancer cells
for medical diagnosis.
Factories use deep learning applications to automatically detect when people or
objects are within an unsafe distance of machines.
You can group these various use cases of deep learning into four broad
categories— computer vision, speech recognition, natural language processing
(NLP), and recommendation engines.
Computer vision
Computer vision is the computer's ability to extract information and insights from images
and videos. Computers can use deep learning techniques to comprehend images in the
same way that humans do. Computer vision has several applications, such as the
following:
Content moderation to automatically remove unsafe or inappropriate content
from image and video archives
Facial recognition to identify faces and recognize attributes like open eyes,
glasses, and facial hair
Image classification to identify brand logos, clothing, safety gear, and other
image details
Speech recognition
Deep learning models can analyze human speech despite varying speech patterns, pitch,
tone, language, and accent. Virtual assistants such as Amazon Alexa and automatic
transcription software use speech recognition to do the following tasks:
Assist call center agents and automatically classify calls.
Convert clinical conversations into documentation in real time.
Accurately subtitle videos and meeting recordings for a wider content reach.
Recommendation engines
Applications can use deep learning methods to track user activity and develop
personalized recommendations. They can analyze the behavior of various users and help
them discover new products or services. For example, many media and entertainment
companies, such as Netflix, Fox, and Peacock, use deep learning to give personalized
video recommendations.
Artificial neurons are software modules called nodes, which use mathematical
calculations to process data. Artificial neural networks are deep learning algorithms that
use these nodes to solve complex problems.
What are the components of a deep learning network? The components of a deep
neural network are the following. Input layer
An artificial neural network has several nodes that input data into it. These nodes make
up the input layer of the system.
Hidden layer
The input layer processes and passes the data to layers further in the neural network. These
hidden layers process information at different levels, adapting their behavior as they
receive new information. Deep learning networks have hundreds of hidden layers that
they can use to analyze a problem from several different angles.
For example, if you were given an image of an unknown animal that you had to classify,
you would compare it with animals you already know. For example, you would look at
the shape of its eyes and ears, its size, the number of legs, and its fur pattern. You would
try to identify patterns, such as the following:
The animal has hooves, so it could be a cow or deer.
The animal has cat eyes, so it could be some type of wild cat.
The hidden layers in deep neural networks work in the same way. If a deep learning
algorithm is trying to classify an animal image, each of its hidden layers processes a
different feature of the animal and tries to accurately categorize it.
Output layer
The output layer consists of the nodes that output the data. Deep learning models that
output "yes" or "no" answers have only two nodes in the output layer. On the other hand,
those that output a wider range of answers have more nodes.
The tampering of a digital image is called digital image forgery, these forged images
cannot be detected by the naked eye. Such images are the primary sources of spreading
fake news and misleading information in the context of society with the aid of diverse
social media platforms like Facebook, Twitter, etc. The editing software tools that can
make these forgeries are available for free with some advanced features that are used for
image tampering such as GNU, GIMP, and Adobe Photoshop. Such forgeries can be
detected using digital image forgery algorithms and techniques, these algorithms are used
in image security especially when the original content is not available. Digital image
forgery means adding unusual patterns to the original images that create a heterogeneous
variation in image properties and an unusual distribution of image features. Figure 1
shows the classification of digital image forgery. Active approaches require essential
information about the image for the verification process. The inserted information within
the picture is employed to observe the modification in that picture. The active approach
consists of two types: digital signatures which insert some additional data obtained from
an image by the end of the acquisition process, and digital watermarking which is inserted
into images either during the acquisition phase or during the processing phase. The
passive image forgery detection methods benefit from the features retained by the image
allocation processes achieved in different stages of digital image acquisition and storage.
Passive methodologies do not require past information about the image. These approaches
exploit that the tampering actions modify the contents of information of the image that can
facilitate tampering detection. Copy move forgery involves duplicating a section or object
within an image and pasting it again in a different location within the same image to
replicate (or move) a specific scene in the image. Copy-move forgery is the most
common technique used to manipulate images, it is also the most challenging type of
forgery to detect due to the complexity of copying and replicating an object or section of
the image with identical properties and feature distributions and pasting it within the same
image. some post-processing techniques can be added after CMF processes such as
rotation, scaling, JPEG compression, etc. which makes the detection further difficult and
complex Splicing forgery can be generated by adding or blending two images or set of
images to produce an unprecedented image. The source images used to generate a spliced
image may include dissimilar color temperatures, illumination conditions, and noise levels
based on various factors. Average filtering or some other related image processing
operation can be applied as postprocessing like resizing, cropping, rotating, and
retouching each of the source images to match the visual attributes, shape, and size of the
target image so that the forged image can look realistic Retouching forgery involves
modifying an image to hide or highlight particular features such as brightness, color,
contrast, or other visual attributes and altering background coloring. It includes the visual
quality enhancement of the image. Resampling Forgery is the act of altering the
dimensionality of a particular object or section within an image to present a distorted or
misleading view. Morphing forgery involves merging two scenes from different images to
create an entirely new scene, this can be done using graphic software to create a
completely artificial image with no basis in reality. The three major types of tampering are
Copy Move, Image Splicing, and Image Retouching. Digital Image Forgery Detection is a
binary classification task, to classify the image as either forged or authentic. Recently,
deep learning has become a promising tool for enhancing digital image forgery detection.
In any Deep Learning Model, feature extraction is an important phase that affects the
performance of the algorithm, where the database size is considered a significant factor.
Transfer learning presents a viable alternative solution when dealing with limited sample
size problems that supports taking the knowledge acquired from a previously trained
model including features, weights, and other relevant information which was trained on a
large dataset such as the ImageNet database, that contains 1.2 million images grouped
into 1000 classes to solve the problem of small size dataset in the new target domain By
utilizing a pre- trained model, significant amounts of time spent on training can be saved,
and the model can be adapted to work with smaller datasets through retraining . The
motivation behind image forgery detection is to check the authenticity of digital images,
especially when images are used as evidence in court and forensics, news, or historical
data, or in the military, and medical diagnosis systems, it prevents the distribution of
misinformation and fake news, particularly in social media and online platforms, these
forged images can be used to destroy someone‘s reputation or mislead public opinion, or
for distorting the truth in news reports, they can also be used to exaggerate the capabilities
of the countries army.
Image forgery detection has several challenges due to the nature of image manipulation
techniques. These challenges can be concluded as:
Computational Complexity and the limitation of the CPU and memory is the main
challenge, which takes a lot of training time and most of the time runs out of memory
even with high memory specifications.
Detecting more than one type of image forgery at the same time affects the accuracy
rate, so there is a need to improve its accuracy rate.
There is a need to solve the problem of the accuracy-speed trade-off.
Most image forgery detection techniques that have high detection accuracy are
very complex, there is a need for a simpler technique with high detection accuracy
rate.
Most image forgery detection techniques suffer from detecting images that lie under
post-processing operations like image rotation, scaling, blurring, brightness
adjustment, and adding noise. This paper presents the following contribution:
Detecting two types of passive image forgeries like image splicing and copy-move at
the same time to be suitable for real-life scenarios
Achieving a high accuracy rate compared to the state of art results found in the
literature. Moreover, using a pre-trained model and taking the power of transfer
learning, with a small number of parameters, the developed lightweight model is
well-suited for environments with memory and CPU limitations. This is an added
value in favor of the proposed architecture.
Evaluating the performance of eight different pre-trained models such as VGG16,
VGG19, ResNet50, Reset101, ResNet152, MobileNetV2, Xception and DenseNet
are considered.
A comparative analysis of the eight forementioned pretrained models and state of
art is presented.
Using the CASIAV2 dataset which is one of the best benchmark datasets that is
considered as the main challenge itself, it contains two main types of image forgery
(splicing and copy-move) with different sizes and contains many types of images
format (TIFF, JPEG, and BMP ) and also the cropped parts in the forged images
underwent some processing including distortion, rotation, and scaling, to create an
image that seems to be real, involving blurring Image forgery detection has several
challenges due to the nature of image manipulation techniques. These challenges can
be concluded as:
Computational Complexity and the limitation of the CPU and memory is the main
challenge, which takes a large training time and most of the time runs out of memory
even with high memory specifications.
Detecting more than one type of image forgery at the same time affects the accuracy
rate, so there is a need to improve its accuracy rate.
There is a need to solve the problem of the accuracy-speed trade-off.
Most image forgery detection techniques that have high detection accuracy are
very complex, there is a need for a simpler technique with high detection accuracy
rate.
Most image forgery detection techniques suffer from detecting images that lie
under post-processing operations like image rotation, scaling, blurring, brightness
adjustment, and adding noise. This paper presents the following contribution:
Detecting two types of passive image forgeries like image splicing and copy-move at
the same time to be suitable for real-life scenarios.
Achieving a high accuracy rate compared to the state of art results found in the
literature. Moreover, using a pre-trained model and taking the power of transfer
learning, with a small number of parameters, the developed lightweight model is
well-suited for environments with memory and CPU limitations. This is an added
value in favor of the proposed architecture.
Evaluating the performance of eight different pre-trained models such as VGG16,
VGG19, ResNet50, Reset101, ResNet152, MobileNetV2, Xception and DenseNet
are considered.
A comparative analysis of the eight forementioned pretrained models and state of art
is presented.
Using the CASIAV2 dataset which is one of the best benchmark datasets that is
considered as the main challenge itself, it contains two main types of image forgery
(splicing and copy-move) with different sizes and contains many types of images
format (TIFF, JPEG, and BMP ) and also the cropped parts in the forged images
underwent some processing including distortion, rotation, and scaling, to create an
image that seems to be real, involving blurring
CHAPTER 2
LITERATURE SURVEY
2.1 Literature Survey
In the image forgery detection field, various approaches were proposed. Traditional
techniques mostly extract a set of handcrafted based features, followed by a classifying
technique like feature matching to differentiate between the authentic and forged images.
In the machine learning approach, a set of classifiers can be used in the classifying process
like Support Vector Machine and Naïve Bayes classifier. While more recent techniques
employ convolutional neural networks (CNNs) and deep neural networks (DNN)
methods, others employ the network with the help of pre-trained models and the power of
transfer learning. CNN and deep learning-based techniques will be discussed moving over
the use of different pre-trained models.
Metaheuristics with Optimal Deep Transfer Learning Based Copy- Move Forgery
Detection Technique:
ABSTRACT: The extensive availability of advanced digital image technologies and image
editing tools has simplified the way of manipulating the image content. An effective
technique for tampering the identification is copy-move forgery. Conventional image
processing techniques generally search for the patterns linked to the fake content and
restrict the usage in massive data classification. Contrastingly, deep learning (DL) models
have demonstrated significant performance over the other statistical techniques. With this
motivation, this paper presents an Optimal Deep Transfer Learning based Copy Move
Forgery Detection(ODTLCMFD) technique. The presented ODTL-CMFD technique aims
to derive a DL model for the classification of target images into the original and the
forged/tampered, and then localize the copy moved regions. To perform the feature
extraction process, the political optimizer (PO) with Mobile Networks (MobileNet) model
has been derived for generating a set of useful vectors. Finally, an enhanced bird swarm
algorithm (EBSA) with least square support vector machine (LS-SVM) model has been
employed for classifying the digital images into the original or the forged ones. The
utilization of the EBSA algorithm helps to properly modify the parameters contained in
the Multiclass Support Vector Machine (MSVM) technique and thereby enhance the
classification performance. For ensuring the enhanced performance of the ODTL-CMFD
technique, a series of simulations have been performed against the benchmark MICC-
module is designed, which can focus the network‘s attention on the tampered areas and
segment them from the image by capturing the difference between the tampered area and
the nontampered area. Extensive experiments demonstrate that compared to existing
schemes, our scheme can simultaneously effectively achieve pixel-level forgery
localization and image-level forgery detection while maintaining higher detection
accuracy and stronger robustness.
monarchy of digitalization. Copy-move involves copying one part of the image and
pasting it to another part of the image while the latter involves merging of two images to
significantly change the original image and create a new forged one. In this article, a novel
slant using a convolutional neural network (CNN) has been proposed for automatic
detection of copy-move forgery detection. For the experimental work, a benchmark dataset
namely, MICC-F2000 is considered which consists of 2000 images in which 1300 are
original and 700 are forged. The experimental results depict that the proposed model
outperforms the other traditional methods for copy-move forgery detection. The results of
copy-move forgery were highly promising with an accuracy of 97.52% which is 2.52%
higher than the existing methods.
Database. We describe the purpose, the design criterion, the organization and self-
evaluation of this database in this paper.
Deep Learning Local Descriptor for Image Splicing Detection and Localization.
Abstract: In this paper, a novel image splicing detection and localization scheme is
proposed based on the local feature descriptor which is learned by deep convolutional
neural network (CNN). A two-branch CNN, which serves as an expressive local
descriptor is presented and applied to automatically learn hierarchical representations
from the input RGB color or grayscale test images. The first layer of the proposed CNN
model is used to suppress the effects of image contents and extract the diverse and
expressive residual features, which is deliberately designed for image splicing detection
applications. In specific, the kernels of the first convolutional layer are initialized with an
optimized combination of the 30 linear high-pass filters used in calculation of residual
maps in spatial rich model (SRM) and is ne-tuned through a constrained learning strategy
to retain the high-pass filtering properties for the learned kernels. Both the contrastive
loss and cross entropy loss are utilized to jointly improve the generalization ability of the
proposed CNN model. With the block-wise dense features for a test image extracted by the
pre-trained CNN-based local descriptor, an effective feature fusion strategy, known as
block pooling, is adopted to obtain the final discriminative features for image splicing
detection with SVM. Based on the pre-trained CNN model, an image splicing localization
scheme is further developed by incorporating the fully connected conditional random eld
(CRF). Extensive experimental results on several public datasets show that the proposed
CNN based scheme outperforms some state- of-the-art methods not only in image splicing
detection and localization performance, but also in robustness against JPEG compression.
encourage feature reuse, and substantially reduce the number of parameters. We evaluate
our proposed architecture on four highly competitive object recognition benchmark tasks
(CIFAR- 10, CIFAR-100, SVHN, and ImageNet). Dense Nets obtain significant
improvements over the state-of-the-art on most of them, whilst requiring less computation
to achieve high performance.
2. 2 FEASIBILITY STUDY
Feasibility Study
Feasibility study examines the viability or sustainability of an idea, project, or business.
The study examines whether there are enough resources to implement it, and the concept
has the potential to generate reasonable profits. In addition, it will demonstrate the
benefits received in return for taking the risk of investing in the idea.
Technical Feasibility
Technical feasibility study checks for accessibility of technical resources in the
organization. In case technological resources exist, the study team will conduct
assessments to check whether the technical team can customize or update the existing
technology to suit the new method of workings for the project by properly checking the
health of the hardware and software. Many factors need to be taken into consideration
here, like staffing requirements, transportation, and technological competency.
Financial Feasibility
Financial feasibility allows an organization to determine cost-benefit analysis. It gives
details about the investment that has to go in to get the desired level of benefit (profit).
Factors such as total cost and expenses are considered to arrive simultaneously. With this
data, the companies know their present state of financial affairs and anticipate future
monetary requirements and the sources from which the company can acquire them.
Investors can largely benefit from the economic analysis done. Assessing the return on
investment of a particular asset or acquisition can be a financial feasibility study example.
Market Feasibility
It assesses the industry type, the existing marketing characteristics and improvements to
make it better, the growth evident and needed, competitive environment of the company‘s
products and services. Preparations of sales projections can thus be a good market
feasibility study example.
Organization Feasibility
Organization feasibility focuses on the organization‘s structure, including the legal
system, management team‘s competency, etc. It checks whether the existing conditions
will suffice to implement the business idea.
CHAPTER 3
The existing systems for digital image forgery detection primarily utilize deep learning
techniques, with Convolutional Neural Networks (CNNs) being the most widely adopted
method for verifying image authenticity. These approaches focus on detecting specific
forensic manipulations, such as JPEG compression, contrast enhancement (CE), median
filtering (MF), additive Gaussian noise, and resampling. While CNNs have proven
effective, their high computational resource requirements and the need for extensive
datasets for training pose significant limitations. To address these challenges, transfer
learning-based deep learning methods have been introduced, leveraging pre-trained
models to reduce training time and resource demands. Existing methodologies often
incorporate preprocessing modules for noise removal and feature extraction, convolutional
modules for pattern recognition, and classification modules for forgery detection.
Benchmark datasets like BOW and BOSS Base are commonly used for evaluation.
Despite their effectiveness, existing systems lack versatility and efficiency, highlighting
the need for improved methods that balance accuracy, scalability, and computational
efficiency.
Disadvantages:
3. These methods heavily depend on specific benchmark datasets like BOW and
BOSSBase, which may not fully represent the variety of forgery techniques
encountered in practice.
4. Traditional approaches lack adaptability to multiple forgery types, restricting their
utility in dynamic and complex forgery scenarios.
5. The systems are not optimized for scalability, making it difficult to extend them
for larger datasets or more complex real-world applications.
Pre-processing: Cleaning and transforming raw data into a usable format by handling
missing values, normalizing, and encoding data to improve model performance.
Training and Testing: Feeding preprocessed data into the machine learning model to
enable it to learn patterns and relationships by adjusting its parameters and evaluating the
model's performance on unseen data to measure its accuracy and ability to generalize to
new inputs.
Predicting: Using the trained model to make future predictions or classify new, unseen
data based on learned patterns.
Reliability: The system should maintain consistent performance and accuracy under
varying operational conditions, including large-scale data processing and concurrent user
interactions.
Maintainability: The system should allow easy updates and integration of new
algorithms or features, ensuring long-term adaptability to advancements in forgery
detection techniques.
CHAPTER 4
METHODOLOGY
The methodology for detecting digital forgery in images using transfer learning involves
leveraging pre-trained deep learning models to identify anomalies or tampered regions in
images. Initially, a large dataset of forged and authentic images is collected and
preprocessed, including resizing, normalization, and augmentation, to ensure robust
model performance. A pre-trained convolutional neural network (CNN), such as VGG,
ResNet, or Inception, is fine-tuned on this dataset. Transfer learning helps in utilizing the
features learned by these models from large-scale image datasets, significantly reducing
training time and improving accuracy. The model is adapted to detect subtle
inconsistencies in texture, lighting, or noise patterns indicative of forgery. The final layers
are modified or replaced to classify images as forged or authentic. The performance is
evaluated using metrics like accuracy, precision, recall, and F1-score. This methodology
is efficient, as it combines the power of transfer learning with domain-specific training for
high detection accuracy.
Operating system: Windows 11. Coding Language: Python 3.10.9. Web Framework:
Flask.
Frontend: HTML, CSS, JavaScript.
Deep Learning Frameworks: TensorFlow (with Keras).
CHAPTER 5:
SYSTEM DESIGN
5.1 SYSTEM DESIGN
The system design for detecting digital forgery images using transfer learning techniques
involves leveraging pre-trained deep learning models to enhance the detection process.
Initially, a pre-trained model, such as ResNet, VGG, or Inception, is selected for its ability
to extract high-level features from images. These models, trained on large-scale datasets
like ImageNet, provide a robust foundation by utilizing learned features that are
transferable to the image forgery detection domain. The system is then fine-tuned using a
domain-specific dataset containing various types of manipulated and authentic images.
This fine-tuning process adjusts the pre- trained model's weights to improve its sensitivity
to forgery-specific features, such as inconsistencies in texture, lighting, or edges. The
architecture also includes preprocessing techniques like resizing, normalization, and
augmentation to improve the quality and diversity of training data. Finally, the system
incorporates a classification layer to output forgery detection results, providing accurate
and efficient detection with reduced training time and improved robustness against
diverse tampering methods.
A Data Flow Diagram (DFD) visually represents the flow of data within a system,
showing how information moves from inputs to outputs through processes. It helps to
identify system components, their interactions, and data transformations. In the project,
DFD is crucial for illustrating how digital images are processed, analyzed, and classified
for forgery detection. The diagram simplifies complex processes, aiding in understanding
and communication among stakeholders, ensuring clear insights into system design.
DFD clearly shows data flow between processes, data stores, and external
entities, making system understanding easier.
Helps visualize system interactions and data transformations, ensuring
efficient communication and design clarity among stakeholders.
Complex systems may require multiple layers of DFD, which can lead to
increased complexity and difficulty in understanding.
To provide a clear and structured view of how data flows through the system,
improving design and implementation.
Import libraries
YES NO NO PROCESS
VERIFY
Image Processing
User Input
To represent the system's architecture and design visually, making it easier for
stakeholders to understand.
To define and structure system components, ensuring clear relationships and
interactions.
To visualize user-system interactions, allowing effective user requirement
analysis.
To map out system behavior, facilitating smooth flow and efficient process
execution.
To identify potential design flaws early in the development process.
To support team collaboration by providing a shared, standardized language.
To ensure the system can be scaled, modified, and maintained with minimal
complexity.
Class Diagram
A Class Diagram represents the static structure of the system by showing its classes,
attributes, methods, and relationships. In digital image forgery detection, it models the
system's components, such as image processing modules and detection algorithms,
facilitating a clear understanding of system architecture.
Activity Diagram
An Activity Diagram depicts the dynamic flow of control within the system, illustrating
the sequence of activities. In digital image forgery detection, it outlines the steps from
image input, processing, analysis, to output, ensuring a clear understanding of the
detection process.
Sequence Diagram
Collaboration Diagram
Component Diagram
A Component Diagram represents the physical components in the system and their
dependencies. In digital image forgery detection, it shows how various software
components, such as image processing libraries and detection algorithms, are organized
and interact within the system.
Deployment Diagram
CHAPTER 6
SYSTEM TESTING
The software system testing is performed to detect any issues occurring after integration
of multiple units of the software. It finds defects in the integrated software as well as in
the complete software.
The software system testing is conducted on the complete software with the perspective
of the system requirements, functional requirements, or both. It verifies the design and
characteristics of the software, and how well it satisfies the end user requirements.
Sometimes the system testing validates the software beyond the requirements mentioned
in System Requirement Specification (SRS). It is conducted by a testing team who is not a
part of the development process, and hence has an unbiased testing mindset. It is a part of
both functional and non-functional testing and is performed with the help of the black box
testing techniques.
Performance Testing
Performance Testing is performed to verify the performance, stability, reliability etc of the
software.
Load Testing
Load Testing is performed to verify the amount of load or traffic that the software can
accommodate before it crashes. It finds the threshold limit of the maximum count of users
that the software can bear at a time after its software undergoes a breakdown.
Stress Testing
Stress Testing is performed to verify if there exists any security problems leading to the
potential scope of hacking, and other vulnerabilities. It ensures that the safety of data is
maintained while it is being exchanged between multiple units of the software. The stress
testing is done along with the Penetration Testing and user access control testing
techniques.
Scalability Testing
Scalability Testing is performed to verify the performance of the software with respect to
its capacity to scale up or down the count of the user request loads.
2 User signin User get login into the application There is no process
CHAPTER 7
COMPARISON GRAPHS:
Accuracy Comparison Graph
This bar chart compares the classification accuracy of various deep learning models, with
"Extension" achieving the highest score. The accuracy scores of other models like
NASNetMobile, ResNet, and VGG are also close to optimal.
This bar chart illustrates the precision scores of various deep learning models, with
"Extension" achieving the highest precision. Other models like NASNetMobile, ResNet,
and VGG also show comparable high performance.
This bar chart highlights the recall scores of different deep learning models, with
"Extension" attaining the highest score. Other models like NASNetMobile, ResNet, and
VGG demonstrate similarly strong recall performance.
7.2 SCREENSHOTS:
RUNNING OF SERVER:
Figure 7.2.1 Represents Running the server with node server.js in the Command Prompt and
access it at http://localhost127.0.0.1:5000.
HOME SCREEN:
SIGN UP\SIGN IN
Figure 7.2.3 This format ensures user information is collected while maintaining clarity and simplicity.
Figure 7.2.4 Once the user is signed up he/she can directly sign in to the page
UPLOAD IMAGE:
Figure 7.2.5: Here you can upload your image which has to be classified by clicking on choose file we can
select the image and upload it.
Figure 7.2.6.1 Once we click on the chose file we can select the picture from the created folders as shown
above in the above picture we selected the real image
Figure 7.2.6.2 Once the image is uploaded it predicts the given picture is real or fake in above figure it
detected as it is real image
Figure 7.2.7.1 Once we click on the chose file we can select the picture from the created folders
as shown above in the above picture we selected the fake image
Figure 7.2.7.2 Once the image is uploaded it predicts the given picture is real or fake in above figure it
detected as it is fake image
CHAPTER 8
CONCLUSION & FUTURE WORK
8.1 CONCLUSION
Image forgery detection has become increasingly crucial due to the widespread use of
image editing tools that enable the creation of highly convincing forged images. In this
study, we explored various deep learning models for image forgery detection, leveraging
the CASIA dataset, a widely used benchmark for evaluating image manipulation
techniques. We implemented several convolutional neural networks (CNNs), including
InceptionV3, VGG16, VGG19, DenseNet, MobileNetV2, ResNet50, ResNet101,
ResNet152, Xception, and NASNetMobile, to detect forgeries caused by various
manipulation types such as JPEG compression, contrast enhancement, and median
filtering. Each model was evaluated for its ability to accurately identify subtle
manipulations and classify the authenticity of images. Our results demonstrated that the
hybrid model, combining Xception and NASNetMobile, achieved an impressive accuracy
of 98.1%, outperforming individual models. This hybrid approach combined Xception's
superior feature extraction capabilities with NASNetMobile's computational efficiency,
providing a scalable and effective solution for real-time image forgery detection. By
integrating multiple state-of-the-art algorithms and datasets, we were able to design a
robust, high-performance system for detecting digital image forgeries, showcasing the
potential of deep learning in combating digital deception.
REFERENCES
[3] F. Li, Z. Pei, W. Wei, J. Li, and C. Qin, ―Image forgery detection using tamper-
guided dual self-attention network with multi resolution hybrid feature,‖ Secur.
Commun. Netw., vol. 2022, pp. 1–13, Oct. 2022.
[4] Q.Li, C.Wang, X.Zhou, and Z.Qin, ―Image copy-move forgery detection and
localization based on super-BPD segmentation and DCNN,‖ Sci. Rep., vol. 12, no. 1,
Sep. 2022, Art. no. 14987.
[6] S. Gupta, N. Mohan, and P. Kaushal, ―Passive image forensics using universal
techniques: A review,‖ Artif. Intell. Rev., vol. 55, no. 3, pp. 1629–1679, Jul. 2021.
[7] W. H. Khoh, Y. H. Pang, A. B. J. Teoh, and S. Y. Ooi, ―In-air hand gesture signature
using transfer learning and its forgery attack,‖ Appl. Soft Comput., vol. 113, Dec.
2021, Art. no. 108033.
[8] Abhishek and N. Jindal, ―Copy move and splicing forgery detection using deep
convolution neural network, and semantic segmentation‖, Multimedia Tools Appl.,
vol. 80, no. 3, pp. 3571–3599, Jan. 2021.
[9] M. M. Qureshi and M. G. Qureshi, Image Forgery Detection & Localization Using
Regularized U-Net. Singapore: Springer, 2021.
[10] Y.Rao, J.Ni, and H.Zhao, ―Deep learning local descriptor for image splicing
detection and localization,‖ IEEE Access, vol. 8, pp. 25611–25625, 2020.
[11] K.D.Kadam, S.Ahirrao, and K.Kotecha, ‗‗Multiple image splicing dataset (MISD):
A dataset for multiple splicing,‘‘ Data, vol. 6, no. 10, p. 102, Sep. 2021.
[12] R. Agarwal, O. P. Verma, A. Saini, A. Shaw, and A. R. Patel, ‗‗The advent of deep
learning-based,‘‘ in Innovative Data Communication Technologies and Application.
Singapore: Springer, 2021.
[13] C. Haipeng, C. Chang, S. Zenan, and L. Yingda, ―Hybrid features and semantic
reinforcement network for image,‖ Multimedia Syst., vol. 28, no. 2, pp. 363–374,
2021.
[17] S. S. Ali, I. I. Ganapathi, N.-S. Vu, S. D. Ali, N. Saxena, and N. Werghi, ―Image
forgery detection using deep learning by recompressing images,‖ Electronics, vol.
11, no. 3, p. 403, Jan. 2022.
[19] E.U.H.Qazi, T.Zia, and A.Almorjan, ―Deep learning-based digital image forgery
detection system,‖ Appl. Sci., vol. 12, no. 6, p. 2851, Mar. 2022.
[20] A.-R. Gu, J.-H. Nam, and S.-C. Lee, ―FBI-Net: Frequency-based image forgery
localization via multitask learning with self-attention,‖ IEEE Access, vol. 10, pp.
62751–62762, 2022.
[25] S. Jabeen, U. G. Khan, R. Iqbal, M. Mukherjee, and J. Lloret, ‗‗A deep multimodal
system for provenance filtering with universal forgery detection and localization,‘‘
Multimedia Tools Appl., vol. 80, no. 11, pp. 17025–17044, May 2021.
[26] D. Mallick, M. Shaikh, A. Gulhane, and T. Maktum, ‗‗Copy move and splicing
image forgery detection using CNN,‘‘ in Proc. ITM Web Conf., vol. 44, 2022, Art.
no. 03052.
[27] K. Simonyan and A. Zisserman, ‗‗Very deep convolutional networks for large- scale
image recognition,‘‘ 2014, arXiv:1409.1556.
[28] T.-H. Nguyen, T.-N. Nguyen, and B.-V. Ngo, ‗‗A VGG-19 model with transfer
learning and image segmentation for classification of tomato leaf disease,‘‘
AgriEngineering, vol. 4, no. 4, pp. 871–887, Oct. 2022.
[29] K. He, X. Zhang, S. Ren, and J. Sun, ‗‗Deep residual learning for image
recognition,‘‘ in Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (CVPR), Jun.
2016, pp. 770–778.
[30] G. Huang, Z. Liu, L. Van Der Maaten, and K. Q. Weinberger, ‗‗Densely connected
convolutional networks,‘‘ in Proc. IEEE Conf. Comput. Vis. Pattern Recognit.
(CVPR), Jul. 2017, pp. 2261–2269.
[33] J. Dong, W. Wang, and T. Tan, ‗‗CASIA image tampering detection evaluation
database,‘‘ in Proc. IEEE China Summit Int. Conf. Signal Inf. Process., Jul. 2013,
pp. 422–426.