All Projects → samet-akcay → Skip Ganomaly

samet-akcay / Skip Ganomaly

Source code for Skip-GANomaly paper

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Skip Ganomaly

Junos monitoring with healthbot
Healthbot configuration examples. Scripts to manage Healthbot. Closed loop automation. Healthbot building blocks description and troubleshooting guide
Stars: ✭ 17 (-84.11%)
Mutual labels:  anomaly-detection
Coursera Ml Py
Python programming assignments for Machine Learning by Prof. Andrew Ng in Coursera
Stars: ✭ 1,140 (+965.42%)
Mutual labels:  anomaly-detection
Pysad
Streaming Anomaly Detection Framework in Python (Outlier Detection for Streaming Data)
Stars: ✭ 87 (-18.69%)
Mutual labels:  anomaly-detection
Machine Failure Detection
PCA and DBSCAN based anomaly and outlier detection method for time series data.
Stars: ✭ 32 (-70.09%)
Mutual labels:  anomaly-detection
Repo 2017
Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
Stars: ✭ 1,123 (+949.53%)
Mutual labels:  anomaly-detection
Surpriver
Find big moving stocks before they move using machine learning and anomaly detection
Stars: ✭ 1,152 (+976.64%)
Mutual labels:  anomaly-detection
T Bear
Detect EEG artifacts, outliers, or anomalies using supervised machine learning.
Stars: ✭ 6 (-94.39%)
Mutual labels:  anomaly-detection
Keras Oneclassanomalydetection
[5 FPS - 150 FPS] Learning Deep Features for One-Class Classification (AnomalyDetection). Corresponds RaspberryPi3. Convert to Tensorflow, ONNX, Caffe, PyTorch. Implementation by Python + OpenVINO/Tensorflow Lite.
Stars: ✭ 102 (-4.67%)
Mutual labels:  anomaly-detection
Anomaly Detection
A machine learning plugin in Open Distro for Elasticsearch for real time anomaly detection on streaming data.
Stars: ✭ 65 (-39.25%)
Mutual labels:  anomaly-detection
Bayesloop
Probabilistic programming framework that facilitates objective model selection for time-varying parameter models.
Stars: ✭ 87 (-18.69%)
Mutual labels:  anomaly-detection
Ugfraud
An Unsupervised Graph-based Toolbox for Fraud Detection
Stars: ✭ 38 (-64.49%)
Mutual labels:  anomaly-detection
Fcdd
Repository for the Explainable Deep One-Class Classification paper
Stars: ✭ 56 (-47.66%)
Mutual labels:  anomaly-detection
Sentinl
Kibana Alert & Report App for Elasticsearch
Stars: ✭ 1,233 (+1052.34%)
Mutual labels:  anomaly-detection
Awesome Aiops
AIOps学习资料汇总,欢迎一起补全这个仓库,欢迎star
Stars: ✭ 931 (+770.09%)
Mutual labels:  anomaly-detection
Visual Feature Attribution Using Wasserstein Gans Pytorch
Implementation of Visual Feature Attribution using Wasserstein GANs (VAGANs, https://arxiv.org/abs/1711.08998) in PyTorch
Stars: ✭ 88 (-17.76%)
Mutual labels:  anomaly-detection
Luminol
Anomaly Detection and Correlation library
Stars: ✭ 888 (+729.91%)
Mutual labels:  anomaly-detection
Timecop
Time series based anomaly detector
Stars: ✭ 65 (-39.25%)
Mutual labels:  anomaly-detection
Deepai
Detection of Accounting Anomalies using Deep Autoencoder Neural Networks - A lab we prepared for NVIDIA's GPU Technology Conference 2018 that will walk you through the detection of accounting anomalies using deep autoencoder neural networks. The majority of the lab content is based on Jupyter Notebook, Python and PyTorch.
Stars: ✭ 104 (-2.8%)
Mutual labels:  anomaly-detection
Awesome Anomaly Detection
A curated list of awesome anomaly detection resources
Stars: ✭ 1,378 (+1187.85%)
Mutual labels:  anomaly-detection
Ml
A high-level machine learning and deep learning library for the PHP language.
Stars: ✭ 1,270 (+1086.92%)
Mutual labels:  anomaly-detection

Skip-GANomaly

This repository contains PyTorch implementation of the following paper: Skip-GANomaly: Skip Connected and Adversarially Trained Encoder-Decoder Anomaly Detection [1]

1. Table of Contents

2. Installation

  1. First clone the repository
    git clone https://github.com/samet-akcay/skip-ganomaly.git
    
  2. Create the virtual environment via conda
    conda create -n skipganomaly python=3.7
    
  3. Activate the virtual environment.
    conda activate skipganomaly
    
  4. Install the dependencies.
    pip install --user --requirement requirements.txt
    

3. Experiment

To replicate the results in the paper for CIFAR10 dataset, run the following commands:

# CIFAR
sh experiments/run_cifar.sh

4. Training

To list the arguments, run the following command:

python train.py -h

4.1. Training on CIFAR10

To train the model on CIFAR10 dataset for a given anomaly class, run the following:

python train.py \
    --dataset cifar10                                                             \
    --niter <number-of-epochs>                                                    \
    --abnormal_class                                                              \
        <airplane, automobile, bird, cat, deer, dog, frog, horse, ship, truck>    \
    --display                                   # optional if you want to visualize        

4.2. Train on Custom Dataset

To train the model on a custom dataset, the dataset should be copied into ./data directory, and should have the following directory & file structure:

Custom Dataset
├── test
│   ├── 0.normal
│   │   └── normal_tst_img_0.png
│   │   └── normal_tst_img_1.png
│   │   ...
│   │   └── normal_tst_img_n.png
│   ├── 1.abnormal
│   │   └── abnormal_tst_img_0.png
│   │   └── abnormal_tst_img_1.png
│   │   ...
│   │   └── abnormal_tst_img_m.png
├── train
│   ├── 0.normal
│   │   └── normal_tst_img_0.png
│   │   └── normal_tst_img_1.png
│   │   ...
│   │   └── normal_tst_img_t.png

Then model training is the same as the training explained above.

python train.py                     \
    --dataset <name-of-the-data>    \
    --isize <image-size>            \
    --niter <number-of-epochs>      \
    --display                       # optional if you want to visualize

For more training options, run python train.py -h.

5. Citing Skip-GANomaly

If you use this repository or would like to refer the paper, please use the following BibTeX entry

@INPROCEEDINGS {Akcay2019SkipGANomaly,
    author    = "Samet Akçay and Amir Atapour-Abarghouei andToby P. Breckon",
    title     = "Skip-GANomaly: Skip Connected and Adversarially Trained Encoder-Decoder Anomaly Detection",
    booktitle = "2019 International Joint Conference on Neural Networks (IJCNN)",
    year      = "2019",
    pages     = "1-8",
    month     = "jul",
    publisher = "IEEE"
}

6. Reference

[1] S. Akçay, A. Atapour-Abarghouei, T. P. Breckon, Skip-GANomaly: Skip Connected and Adversarially Trained Encoder-Decoder Anomaly Detection, in: International Joint Conference on Neural Networks (IJCNN), IEEE, 2019.

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