All Projects → thuyngch → Image-Forgery-using-Deep-Learning

thuyngch / Image-Forgery-using-Deep-Learning

Licence: other
Image Forgery Detection using Deep Learning, implemented in PyTorch.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Image-Forgery-using-Deep-Learning

Portrait Segmentation
Real-time portrait segmentation for mobile devices
Stars: ✭ 358 (+678.26%)
Mutual labels:  deeplearning, mobilenetv2
deepstreet
Traffic Sign Recognition - Fine tuning VGG16 + GTSRB
Stars: ✭ 60 (+30.43%)
Mutual labels:  deeplearning
bert experimental
code and supplementary materials for a series of Medium articles about the BERT model
Stars: ✭ 72 (+56.52%)
Mutual labels:  deeplearning
pyro-vision
Computer vision library for wildfire detection
Stars: ✭ 33 (-28.26%)
Mutual labels:  mobilenetv2
SESR
SESR: Single Image Super Resolution with Recursive Squeeze and Excitation Networks
Stars: ✭ 26 (-43.48%)
Mutual labels:  deeplearning
deeptrolldetector
Deep troll uses a deep learning model that identifies whether an audio contains the Gemidao troll (AAAWN OOOWN NHAAA AWWWWN AAAAAH).
Stars: ✭ 20 (-56.52%)
Mutual labels:  deeplearning
Image-Classifier
Final Project of the Udacity AI Programming with Python Nanodegree
Stars: ✭ 63 (+36.96%)
Mutual labels:  deeplearning
Depth estimation
Deep learning model to estimate the depth of image.
Stars: ✭ 62 (+34.78%)
Mutual labels:  mobilenetv2
yolo3 tensorflow
yolo3 implement by tensorflow, including mobilenet_v1, mobilenet_v2
Stars: ✭ 48 (+4.35%)
Mutual labels:  mobilenetv2
deep-improvisation
Easy-to-use Deep LSTM Neural Network to generate song sounds like containing improvisation.
Stars: ✭ 53 (+15.22%)
Mutual labels:  deeplearning
ODSC India 2018
My presentation at ODSC India 2018 about Deep Learning with Apache Spark
Stars: ✭ 26 (-43.48%)
Mutual labels:  deeplearning
dd performances
DeepDetect performance sheet
Stars: ✭ 92 (+100%)
Mutual labels:  deeplearning
ML4Sec-papers
Research papers on ML for security
Stars: ✭ 27 (-41.3%)
Mutual labels:  deeplearning
MTMT
Code for the CVPR 2020 paper "A Multi-task Mean Teacher for Semi-supervised Shadow Detection"
Stars: ✭ 66 (+43.48%)
Mutual labels:  deeplearning
LSUV-keras
Simple implementation of the LSUV initialization in keras
Stars: ✭ 65 (+41.3%)
Mutual labels:  deeplearning
VAE-Gumbel-Softmax
An implementation of a Variational-Autoencoder using the Gumbel-Softmax reparametrization trick in TensorFlow (tested on r1.5 CPU and GPU) in ICLR 2017.
Stars: ✭ 66 (+43.48%)
Mutual labels:  deeplearning
Satellite-Image-Forgery-Detection-and-Localization
No description or website provided.
Stars: ✭ 17 (-63.04%)
Mutual labels:  deeplearning
barrage
Barrage is an opinionated supervised deep learning tool built on top of TensorFlow 2.x designed to standardize and orchestrate the training and scoring of complicated models.
Stars: ✭ 16 (-65.22%)
Mutual labels:  deeplearning
DeepAnomalyDetection benchmark
Benchmark for DeepLearning anomaly detection
Stars: ✭ 25 (-45.65%)
Mutual labels:  mobilenetv2
ohsome2label
Historical OpenStreetMap Objects to Machine Learning Training Samples
Stars: ✭ 33 (-28.26%)
Mutual labels:  deeplearning

Image-Forgery-using-Deep-Learning

Image Forgery Detection using Deep Learning, implemented in PyTorch.

Proposal

The whole framework: An RGB image, firstly, is divided into overlapping patches (64x64). Then, RGB patches are converted to the YCrCb color channel, before being scored by a network. Lastly, a post-processing stage is designed to refine predictions of the network and make a final conclusion on the authentication of the image.

accessibility text

The deep neural network is adapted from MobileNet-V2. However, we modify the original MobileNet-V2 to be more relevant to our problem. The picture below depicts the architecture modification.

accessibility text

Experimental results

We have conducted a comprehensive evaluation on model configurations to show which factor improves the final performance of the model. To figure out this, we define six configurations accompanied with the MobileNetV2, denoted as MBN2, as the core. There are two color channels to be considered, namely RGB and YCrCb. Besides, three MobileNetV2 architectures are taken into account for comparing. The first architecture is MobileNetV2 trained from scratch, the second one is MobileNetV2 initialized with pre-trained weights from ImageNet, and the last one is modified MobileNetV2 trained from scratch.

accessibility text accessibility text

Citation

If you find this work useful, please cite:

@article{
  title={Preserving Spatial Information to Enhance Performance of Image Forgery Classification},
  author={Hanh Phan-Xuan, Thuong Le-Tien, Thuy Nguyen-Chinh, Thien Do-Tieu, Qui Nguyen-Van, and Tuan Nguyen-Thanh},
  journal={International Conference on Advanced Technologies for Communications (ATC)},
  year={2019}
}

Contact

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].