All Projects → minyoungg → Selfconsistency

minyoungg / Selfconsistency

Licence: apache-2.0
Code for the paper: Fighting Fake News: Image Splice Detection via Learned Self-Consistency

Projects that are alternatives of or similar to Selfconsistency

Deep learning
added all materials
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Pycaffe tutorial
Tutorial for pycaffe, the Python API to the Neural Network framework, Caffe
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Vmls Companions
These are companion notebooks written in Julia and Python for: "Introduction to Applied Linear Algebra" by Boyd and Vandenberghe.
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Natural Language Processing Tutorials
Natural Language Processing Tutorials(NLP) with Julia and Python
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Svhnclassifier Pytorch
A PyTorch implementation of Multi-digit Number Recognition from Street View Imagery using Deep Convolutional Neural Networks (http://arxiv.org/pdf/1312.6082.pdf)
Stars: ✭ 141 (-1.4%)
Mutual labels:  jupyter-notebook
Celeste.jl
Scalable inference for a generative model of astronomical images
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Jupytext.vim
Vim plugin for editing Jupyter ipynb files via jupytext
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Design Of Experiment Python
Design-of-experiment (DOE) generator for science, engineering, and statistics
Stars: ✭ 143 (+0%)
Mutual labels:  jupyter-notebook
Ml Forex Prediction
Predicting Forex Future Price with Machine Learning
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Disprcnn
Code release for Stereo 3D Object Detection via Shape Prior Guided Instance Disparity Estimation (CVPR 2020)
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Machine Learning
Notes for machine learning
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Mlnd distracted driver detection
基于深度学习的驾驶员状态检测,不仅仅可以识别出疲劳驾驶,还能够识别出各种各样的状态
Stars: ✭ 141 (-1.4%)
Mutual labels:  jupyter-notebook
Invisible Cloak
Stars: ✭ 143 (+0%)
Mutual labels:  jupyter-notebook
Textrank text summarization
A tutorial for Automatic Text Summarization using TextRank algorithm.
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Deep and machine learning projects
This Repository contains the list of various Machine and Deep Learning related projects. Related code and data files are available inside this folder. One can go through these projects to implement them in real life for specific use cases.
Stars: ✭ 141 (-1.4%)
Mutual labels:  jupyter-notebook
Torchtext Summary
torchtext使用总结,从零开始逐步实现了torchtext文本预处理过程,包括截断补长,词表构建,使用预训练词向量,构建可用于PyTorch的可迭代数据等步骤。并结合Pytorch实现LSTM.
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Pandas tutorial
Pandas tutorial for SciPy2015 and SciPy2016 conference
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Faster Rcnn tensorflow
This is a tensorflow re-implementation of Faster R-CNN: Towards Real-Time ObjectDetection with Region Proposal Networks.
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook
Gator
Conda environment and package management extension from within Jupyter
Stars: ✭ 143 (+0%)
Mutual labels:  jupyter-notebook
Machinelearningnote
Stars: ✭ 142 (-0.7%)
Mutual labels:  jupyter-notebook

Fighting Fake News: Image Splice Detection via Learned Self-Consistency

[paper] [website]

Minyoung Huh *12, Andrew Liu *1, Andrew Owens1, Alexei A. Efros1
In ECCV 2018.
UC Berkeley, Berkeley AI Research1
Carnegie Mellon University2

Abstract

In this paper, we introduce a self-supervised method for learning to detect visual manipulations using only unlabeled data. Given a large collection of real photographs with automatically recorded EXIF meta-data, we train a model to determine whether an image is self-consistent -- that is, whether its content could have been produced by a single imaging pipeline.

1) Prerequisites

First clone this repo
git clone --single-branch https://github.com/minyoungg/selfconsistency

All prerequisites should be listed in requirements.txt. The code is written on TensorFlow and is run on Python2.7, we have not verified whether Python3 works. The following command should automatically load any necessary requirements:
bash pip install -r requirements.txt

2) Downloading pretrained model

To download our pretrained-model run the following script in the terminal:
chmod 755 download_model.sh && ./download_model.sh

3) Demo

To run our model on an image run the following code:
python demo.py --im_path=./images/demo.png

We also provide a normalized cut implementation by running the code:
python ncuts_demo.py --im_path=./images/ncuts_demo.png

We have setup a ipython notebook demo here
Disclaimer: Our model works the best on high-resolution natural images. Frames from videos do not generally work well.

Citation

If you find our work useful, please cite:

@inproceedings{huh18forensics,
    title = {Fighting Fake News: Image Splice Detection via Learned Self-Consistency}
    author = {Huh, Minyoung and Liu, Andrew and
              Owens, Andrew and Efros, Alexei A.},
    booktitle = {ECCV},
    year = {2018}
}

Questions

For any further questions please contact Minyoung Huh or Andrew Liu

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].