Enhancing Digital Image Forgery Detection Using Transfer Learning
Enhancing Digital Image Forgery Detection Using Transfer Learning
ABSTRACT Nowadays, digital images are a main source of shared information in social media. Meanwhile,
malicious software can forge such images for fake information. So, it’s crucial to identify these forgeries.
This problem was tackled in the literature by various digital image forgery detection techniques. But most
of these techniques are tied to detecting only one type of forgery, such as image splicing or copy-move
that is not applied in real life. This paper proposes an approach, to enhance digital image forgery detection
using deep learning techniques via transfer learning to uncover two types of image forgery at the same time,
The proposed technique relies on discovering the compressed quality of the forged area, which normally
differs from the compressed quality of the rest of the image. A deep learning-based model is proposed to
detect forgery in digital images, by calculating the difference between the original image and its compressed
version, to produce a featured image as an input to the pre-trained model to train the model after removing its
classifier and adding a new fine-tuned classifier. A comparison between eight different pre-trained models
adapted for binary classification is done. The experimental results show that applying the technique using
the adapted eight different pre-trained models outperforms the state-of-the-art methods after comparing it
with the resulting evaluation metrics, charts, and graphs. Moreover, the results show that using the technique
with the pre-trained model MobileNetV2 has the highest detection accuracy rate (around 95%) with fewer
training parameters, leading to faster training time.
INDEX TERMS Deep neural network (DNN), image compression, image forgery detection (IFD), pretrained
model, transfer learning.
• Achieving a high accuracy rate compared to the state- the original image [9]. Deep learning technique has proven
of-the-art results found in the literature. Moreover, to be effective in resolving many activities or issues that
using a pre-trained model and taking the power of machine learning algorithms were previously unable to
transfer learning, with a small number of parame- address [8].
ters, the developed lightweight model is well-suited When considering splicing detection, a scheme was
for environments with memory and CPU limitations. proposed in [10] based on the local feature descriptor
This is an added value in favor of the proposed which is learned by a DNN. An improved initialization
architecture. based on the (SRM) was proposed and developed a splicing
• Evaluating the performance of eight different pre-trained localization scheme based on the proposed CNN model
models such as VGG16, VGG19, ResNet50, Reset101, and fully connected conditional random field (CRF) with
ResNet152, MobileNetV2, Xception and DenseNet are SVM which is robust against JPEG compression. In [11], a
considered. (CNN) model was developed using a relatively small number
• A comparative analysis of the eight forementioned pre- of parameters that can be used as an on-time detection
trained models and state of art is presented. model.
• Using the CASIAV2 dataset which is one of the best For splicing and copy-move separately, an end-to-end
benchmark datasets that is considered as the main fully CNN that combines multi-resolution hybrid features,
challenge itself, it contains two main types of image from RGB and noise streams was introduced in [12], where
forgery (splicing and copy-move) with different sizes a tamper-guided dual self-attention (TDSA) module was
and contains many types of image formats (TIFF, designed to capture the difference between tampered and
JPEG, and BMP ) and also the cropped parts in the non-tampered areas and segments them from the image.
forged images underwent some processing including A proposed hybrid features and semantic reinforcement
distortion, rotation, and scaling, to create an image network (HFSRNet) for IFD at the pixel level was proposed
that seems to be real, involving blurring the spliced in [13], where the network employs an encoding and
region’s edge, which makes the detection process decoding approach and utilizes Long-Short Term Memory
challenging. (LSTM) technology.
The paper is organized as follows: A literature review For copy move, [14] introduced a copy-move forgery
is covered in section II. Section III discusses the proposed detection and localization model based on super boundary-
approach and presents the proposed architecture in detail. to-pixel direction (super-BPD) segmentation and deep CNN
Section IV outlines the experimental results and discussion, (DCNN). Starting with employing the segmentation tech-
along with the experimental setup and dataset structure. nique that is used to enhance the connection among identical
Section V has the conclusion and future work. image blocks, thereby improving the accuracy of forgery
detection, the DCNN is used to extract image features, ending
II. LITERATURE REVIEW by using image BPD information to optimize the edges
In image forgery detection field, various approaches were of the rough detected image and obtain the final detected
proposed. Traditional techniques mostly extract a set of hand- image. [15] developed a deep learning CNN model which
crafted based features, followed by a classifying technique used multi-scale input and multiple stages of convolutional
like feature matching to differentiate between the authentic layers, with two different parts, encoder, and decoder. In [16],
and forged images. In the machine learning approach, a set of a simple and lightweight convolutional neural network
classifiers can be used in the classifying process like Support (CNN) has been proposed for the automatic detection of
Vector Machine and Naïve Bayes classifier. While more copy-move forgery detection, which has a high detection
recent techniques employ convolutional neural networks accuracy rate.
(CNNs) and deep neural networks (DNN) methods, others For copy-move and splicing together, [9] used a new image
employ the network with the help of pre-trained models and segmentation model U-Net by adding L2 regularization.
the power of transfer learning. CNN and deep learning-based Reference [17] introduced a system for IFD using double
techniques will be discussed moving over the use of different image compression, in which the difference between an
pre-trained models. original image and recompressed one was used in training the
model, the method is capable of detecting both image splicing
A. DEEP NEURAL NETWORK-BASED IMAGE FORGERY and copy-move together.
DETECTION TECHNIQUES
DNNs can autonomously learn an extensive number of
features. Over the past few years, a variety of image B. PRETRAINED NETWORK-BASED IMAGE FORGERY
forgery detection methods have been proposed, for detecting DETECTION TECHNIQUES
image forgery, where many of which relied on deep Different IFD techniques based on transfer learning will be
learning [5]. By constructing an appropriate neural network, discussed in this section. For splicing, [18] presented multiple
deep learning networks can identify complex hidden patterns image-splicing forgeries using Mask R-CNN and MobileNet-
in data and effectively distinguish the forged parts from V1 backbone. A novel approach utilizing ResNet50v2 was
introduced in [19], that considered image batches as an detection with a high detection accuracy rate. Image splicing
input and used YOLO CNN weights with ResNet50v2 seems to be the easiest type to detect, Meanwhile, a lot
architecture. of efforts were made to detect copy-move which seems
For splicing and copy-move separately, [20] proposed a to be difficult to detect. It is also worth to be noticed
multi-task learning network called FBI-Net based on (DCT). that there were a few research studies done for detecting
The network employs a fully convolutional encoder-decoder both splicing and copy-move at the same time where less
architecture, and the Dilated Frequency Self-Attention Mod- detection accuracy rate was recorded compared to the other
ule (DFSAM) in the bridge layer adjusts fused features. techniques.
Reference [21] introduced a lightweight model using mask
R-CNN with MobileNet to detect copy-move and image- TABLE 1. Summary of deep learning-based image forgery detection
splicing forgeries. techniques.
For copy move, [22] used SmallerVGGNet and MobileNet-
V2, time- and memory-saving deep learning models. In [23]
an Optimal Deep Transfer Learning based Copy Move
Forgery Detection (ODTLCMFD) technique was presented
that derived a DL model for the classification of target
images and then localized the copy moved regions. They
used the MobileNet model with a political optimizer (PO)
for feature extraction and the least square support vector
machine (LS-SVM) model with an enhanced bird swarm
algorithm (EBSA) for classification. They utilized the
EBSA algorithm to modify the parameters in the Multiclass
Support Vector Machine (MSVM) technique to enhance
the classification performance. Reference [24] provided an
automated deep learning-based fusion model for detecting
and localizing copy-move forgeries (DLFM-CMDFC), that
combined models of generative adversarial networks (GANs)
and densely connected networks (DenseNet). The two
outputs were merged in the DLFM-CMDFC technique to
create a layer for encoding the input vectors with the first
layer of an extreme learning machine (ELM) classifier. Recently, image forgery detection techniques relied on
The ELM model’s weight and bias values were modified deep learning only that needs the availability of large
using the artificial fish swarm algorithm (AFSA). The data sets for training which is not available in the real.
networks’ outputs were supplied into the merger unit This problem can be solved with the help of pre-trained
as input. models and the power of transfer learning. In addition,
For splicing and copy-move together, a multimodal system previous researches seems to be very complex to reach a
was proposed in [25], which covers classification and high detection accuracy rate. Moreover, different evaluation
localization, forgery detection through a deep neural network matrices were considered in the studies which add difficulties
followed by part-based image retrieval classification. The when comparing such techniques. Also, not all studies
localization of manipulated regions was accomplished using are concerned with image pre-processing such as rotation,
a deep neural network. InceptionV3 was employed for feature scaling, and blurring, which adds difficulties to the detection
extraction. The Nearest Neighbor Algorithm was used to process. The above-mentioned considerations trigger the
retrieve Potential donors and nearly duplicates. In [26] a motivation to consider the transfer learning technique to build
novel approach to detect copy move and splicing image the proposed model.
forgery using a Convolutional Neural Network (CNN), with In [17], the authors focused on the fact that CNNs can
three different models was presented, namely, ELA (Error be utilized to detect image forgery, which is difficult for the
Level Analysis), VGG16, and VGG19. The proposed method human eye to detect, due to artifacts left by the forgeries.
applied the pre-processing technique to obtain the images Also, the source of the forged region and the background
at a particular compression rate. These images were then images are different. This makes it easy to allocate the
utilized to train the model, where the images were classified forged region by compression differences between both. This
as authentic or forged. difference was utilized to train the CNN-based model to
TABLE 1 summarizes the image forgery detection tech- identify image forgery. The experimental results of [17]
niques based on deep learning, and TABLE 2 summarizes showed that the CNN model achieved a 92.3% detection
the image forgery detection techniques based on transfer accuracy rate which still needs improvement. In addition,
learning. Both tables show that previous research reveals the model has a large number of parameters that need to be
that some efforts were made for image splicing forgery reduced to save CPU and memory consumption. Also, the
TABLE 2. Summary of transfer learning-based image forgery detection the accuracy rate that will get better than that which was
techniques.
recorded when using CNN in [17]. This will be elaborated
and discussed in the following section.
In a forged image, if the image is compressed, the forged
section of the image will be compressed differently than the
rest of the image. This is because the source of the original
image differs from the source of the forged section. When
analyzing the difference between the original image and its
compressed version, the forgery component becomes more
distinguished. Therefore, this aspect can be utilized to train a
DNN-based model for detecting image forgery.
TABLE 4. Details division of CASIA-V2 dataset in the experiments. pre-trained model experiment is drawn, and three samples
from them are displayed in Figures 5,6 and 7. In each
figure, (a) displays the relationship between the training and
validation accuracy, and (b) displays the relationship between
the training and validation loss for each model.
These graphs are useful in many directions, the training
accuracy curve shows how well the model is learning from
the training data over time. As shown the curve generally
In the experiments, the dataset is divided into two sets, increases as the model gets better at fitting the training
training, and testing sets with ratios of 80% and 20%, data.
respectively. As TABLE 4 shows, the testing set is used
as a testing and validation set as done in the paper [17].
The training set contains 10091 images, which are divided
into 5993 authentic images and 4098 forged images, and the
testing set contains 2523 images divided into 1498 authentic
images and 1025 forged images.
B. EVALUATION METRICS
The performance of the proposed model is evaluated using
the metrics specified in [16].
•Accuracy: The accuracy is determined by dividing the
total number of correctly classified instances from both
classes by the total number of instances in the dataset.
localization. The combination of the proposed approach with [21] K. D. Kadam, S. Ahirrao, and K. Kotecha, ‘‘Efficient approach towards
other known image localization techniques will improve the detection and identification of copy move and image splicing forgeries
using mask R-CNN with MobileNet v1,’’ Comput. Intell. Neurosci.,
accuracy, but it may increase the time complexity so it will vol. 2022, pp. 1–21, Jan. 2022.
need more improvement. The detection of forged videos that [22] M. N. Abbas, M. S. Ansari, M. N. Asghar, N. Kanwal, T. O’Neill,
may be created by merging several videos is an incredibly and B. Lee, ‘‘Lightweight deep learning model for detection of copy-
move image forgery with post-processed attacks,’’ in Proc. IEEE
challenging task. 19th World Symp. Appl. Mach. Intell. Informat. (SAMI), Jan. 2021,
pp. 125–130.
[23] C. D. P. Kumar and S. S. Sundaram, ‘‘Metaheuristics with optimal deep
REFERENCES transfer learning based copy-move forgery detection technique,’’ Intell.
[1] K. D. Kadam, S. Ahirrao, and K. Kotecha, ‘‘Multiple image splicing dataset Autom. Soft Comput., vol. 35, no. 1, pp. 881–899, 2023.
(MISD): A dataset for multiple splicing,’’ Data, vol. 6, no. 10, p. 102, [24] N. Krishnaraj, B. Sivakumar, R. Kuppusamy, Y. Teekaraman, and
Sep. 2021. A. R. Thelkar, ‘‘Design of automated deep learning-based fusion model for
[2] R. Agarwal, O. P. Verma, A. Saini, A. Shaw, and A. R. Patel, ‘‘The advent copy-move image forgery detection,’’ Comput. Intell. Neurosci., vol. 2022,
of deep learning-based,’’ in Innovative Data Communication Technologies pp. 1–13, Jan. 2022.
and Application. Singapore: Springer, 2021. [25] S. Jabeen, U. G. Khan, R. Iqbal, M. Mukherjee, and J. Lloret, ‘‘A deep
[3] M. A. Elaskily, M. H. Alkinani, A. Sedik, and M. M. Dessouky, multimodal system for provenance filtering with universal forgery
‘‘Deep learning based algorithm (ConvLSTM) for copy move forgery detection and localization,’’ Multimedia Tools Appl., vol. 80, no. 11,
detection,’’ J. Intell. Fuzzy Syst., vol. 40, no. 3, pp. 4385–4405, pp. 17025–17044, May 2021.
Mar. 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.,
[4] A. Mohassin and K. Farida, ‘‘Digital image forgery detection approaches:
vol. 44, 2022, Art. no. 03052.
A review,’’ in Applications of Artificial Intelligence in Engineering.
[27] K. Simonyan and A. Zisserman, ‘‘Very deep convolutional networks for
Singapore: Springer, 2021.
large-scale image recognition,’’ 2014, arXiv:1409.1556.
[5] K. B. Meena and V. Tyagi, Image Splicing Forgery Detection Techniques: [28] T.-H. Nguyen, T.-N. Nguyen, and B.-V. Ngo, ‘‘A VGG-19 model
A Review. Cham, Switzerland: Springer, 2021. with transfer learning and image segmentation for classification of
[6] S. Gupta, N. Mohan, and P. Kaushal, ‘‘Passive image forensics using tomato leaf disease,’’ AgriEngineering, vol. 4, no. 4, pp. 871–887,
universal techniques: A review,’’ Artif. Intell. Rev., vol. 55, no. 3, Oct. 2022.
pp. 1629–1679, Jul. 2021. [29] K. He, X. Zhang, S. Ren, and J. Sun, ‘‘Deep residual learning for image
[7] W. H. Khoh, Y. H. Pang, A. B. J. Teoh, and S. Y. Ooi, ‘‘In-air hand recognition,’’ in Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (CVPR),
gesture signature using transfer learning and its forgery attack,’’ Appl. Soft Jun. 2016, pp. 770–778.
Comput., vol. 113, Dec. 2021, Art. no. 108033. [30] G. Huang, Z. Liu, L. Van Der Maaten, and K. Q. Weinberger, ‘‘Densely
[8] Abhishek and N. Jindal, ‘‘Copy move and splicing forgery detection using connected convolutional networks,’’ in Proc. IEEE Conf. Comput. Vis.
deep convolution neural network, and semantic segmentation,’’ Multimedia Pattern Recognit. (CVPR), Jul. 2017, pp. 2261–2269.
Tools Appl., vol. 80, no. 3, pp. 3571–3599, Jan. 2021. [31] F. Chollet, ‘‘Xception: Deep learning with depthwise separable convo-
[9] M. M. Qureshi and M. G. Qureshi, Image Forgery Detection & lutions,’’ in Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (CVPR),
Localization Using Regularized U-Net. Singapore: Springer, 2021. Jul. 2017, pp. 1800–1807.
[10] Y. Rao, J. Ni, and H. Zhao, ‘‘Deep learning local descriptor for image splic- [32] R. Indraswaria, R. Rokhanab, and W. Herulambang, ‘‘Melanoma image
ing detection and localization,’’ IEEE Access, vol. 8, pp. 25611–25625, classification based on MobileNetV2 network,’’ in Proc. 6th Inf. Syst. Int.
2020. Conf. (ISICO), 2022, pp. 198–207.
[33] J. Dong, W. Wang, and T. Tan, ‘‘CASIA image tampering detection
[11] K. M. Hosny, A. M. Mortda, N. A. Lashin, and M. M. Fouda, ‘‘A
evaluation database,’’ in Proc. IEEE China Summit Int. Conf. Signal Inf.
new method to detect splicing image forgery using convolutional neural
Process., Jul. 2013, pp. 422–426.
network,’’ Appl. Sci., vol. 13, no. 3, p. 1272, Jan. 2023.
[12] F. Li, Z. Pei, W. Wei, J. Li, and C. Qin, ‘‘Image forgery detec-
tion using tamper-guided dual self-attention network with multireso-
lution hybrid feature,’’ Secur. Commun. Netw., vol. 2022, pp. 1–13,
Oct. 2022.
[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.
[14] 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.
[15] A. K. Jaiswal and R. Srivastava, ‘‘Detection of copy-move forgery in ASHGAN H. KHALIL received the B.S. degree
digital image using multi-scale, multi-stage deep learning model,’’ Neural in computer science from the Modern Academy,
Process. Lett., vol. 54, no. 1, pp. 75–100, Aug. 2021. Cairo, Egypt, in 2000, the Deplume Program in
[16] S. Koul, M. Kumar, S. S. Khurana, F. Mushtaq, and K. Kumar, management and the M.S. degree in information
‘‘An efficient approach for copy-move image forgery detection using systems from the Sadat Academy, Cairo, in
convolution neural network,’’ Multimedia Tools Appl., vol. 81, no. 8, 2004 and 2011, respectively, and the M.S. degree
pp. 11259–11277, Mar. 2022. in computer science from the Arab Academy
[17] S. S. Ali, I. I. Ganapathi, N.-S. Vu, S. D. Ali, N. Saxena, and N. Werghi, for Science, Technology and Maritime Transport,
‘‘Image forgery detection using deep learning by recompressing images,’’ Cairo, in 2015. She is currently pursuing the
Electronics, vol. 11, no. 3, p. 403, Jan. 2022. Ph.D. degree in computer science with Helwan
[18] K. Kadam, S. Ahirrao, K. Kotecha, and S. Sahu, ‘‘Detection and University, Cairo.
localization of multiple image splicing using MobileNet v1,’’ IEEE Access, From 2000 to 2011, she was a Teaching Assistant with the Computer
vol. 9, pp. 162499–162519, 2021. Science Department, Modern Academy. From 2012 to 2019, she was an
[19] E. U. H. Qazi, T. Zia, and A. Almorjan, ‘‘Deep learning-based digital image Assistant Lecturer with the Computer Science Department, University of
forgery detection system,’’ Appl. Sci., vol. 12, no. 6, p. 2851, Mar. 2022. Wales, Validated Schemes, Faculty of Computer Science and Artificial
[20] A.-R. Gu, J.-H. Nam, and S.-C. Lee, ‘‘FBI-Net: Frequency-based image Intelligence, and the Modern University for Technology and Information
forgery localization via multitask learning with self-attention,’’ IEEE (MTI), Cairo. Her research interests include image processing and security
Access, vol. 10, pp. 62751–62762, 2022. techniques using deep learning.
ATEF Z. GHALWASH received the Ph.D. degree GOUDA I. SALAMA received the B.Eng. and
from the Faculty of Engineering, Computer Engi- M.Eng. degrees from MTC, Cairo, Egypt, in
neering Department, University of Maryland, 1988 and 1994, respectively, and the Ph.D.
USA, in 1988. He is currently a Professor with the degree in electrical and computer engineering
Faculty of Computers and Artificial Intelligence, from Virginia Tech University, USA, in 1999.
Helwan University, Egypt. He is involved in scien- He is currently a Faculty Member with the
tific research in the field of computer science and Department of Computer Engineering, MTC.
his specialty includes data and network security, His research interests include image and video
artificial intelligence algorithms, machine learn- processing, pattern recognition, and information
ing, image processing, and software engineering. security.
He has published more than 100 scientific papers in high quality journals
and international conferences. He was the Head of the Scientific Promotion
Committee, High Ministry of Education, in the computer and information
systems field, from 2016 to 2022.