All Projects → talreiss → PANDA

talreiss / PANDA

Licence: other
PANDA: Adapting Pretrained Features for Anomaly Detection and Segmentation (CVPR 2021)

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to PANDA

f anogan pytorch
Code for reproducing f-AnoGAN in Pytorch
Stars: ✭ 28 (-56.25%)
Mutual labels:  anomaly-detection
anomagram
Interactive Visualization to Build, Train and Test an Autoencoder with Tensorflow.js
Stars: ✭ 152 (+137.5%)
Mutual labels:  anomaly-detection
ailia-models
The collection of pre-trained, state-of-the-art AI models for ailia SDK
Stars: ✭ 1,102 (+1621.88%)
Mutual labels:  anomaly-detection
DGFraud-TF2
A Deep Graph-based Toolbox for Fraud Detection in TensorFlow 2.X
Stars: ✭ 84 (+31.25%)
Mutual labels:  anomaly-detection
ocsvm-anomaly-detection
anomaly detection by one-class SVM
Stars: ✭ 66 (+3.13%)
Mutual labels:  anomaly-detection
CCD
Code for 'Constrained Contrastive Distribution Learning for Unsupervised Anomaly Detection and Localisation in Medical Images' [MICCAI 2021]
Stars: ✭ 30 (-53.12%)
Mutual labels:  anomaly-detection
kubervisor
The Kubervisor allow you to control which pods should receive traffic or not based on anomaly detection.It is a new kind of health check system.
Stars: ✭ 35 (-45.31%)
Mutual labels:  anomaly-detection
XGBOD
Supplementary material for IJCNN paper "XGBOD: Improving Supervised Outlier Detection with Unsupervised Representation Learning"
Stars: ✭ 59 (-7.81%)
Mutual labels:  anomaly-detection
Bagel
IPCCC 2018: Robust and Unsupervised KPI Anomaly Detection Based on Conditional Variational Autoencoder
Stars: ✭ 45 (-29.69%)
Mutual labels:  anomaly-detection
deviation-network-image
Official PyTorch implementation of the paper “Explainable Deep Few-shot Anomaly Detection with Deviation Networks”, weakly/partially supervised anomaly detection, few-shot anomaly detection, image defect detection.
Stars: ✭ 47 (-26.56%)
Mutual labels:  anomaly-detection
deepAD
Detection of Accounting Anomalies in the Latent Space using Adversarial Autoencoder Neural Networks - A lab we prepared for the KDD'19 Workshop on Anomaly Detection in Finance that will walk you through the detection of interpretable accounting anomalies using adversarial autoencoder neural networks. The majority of the lab content is based on J…
Stars: ✭ 65 (+1.56%)
Mutual labels:  anomaly-detection
ind knn ad
Industrial knn-based anomaly detection for images. Visit streamlit link to check out the demo.
Stars: ✭ 102 (+59.38%)
Mutual labels:  anomaly-detection
sherlock
Sherlock is an anomaly detection service built on top of Druid
Stars: ✭ 137 (+114.06%)
Mutual labels:  anomaly-detection
pytod
TOD: GPU-accelerated Outlier Detection via Tensor Operations
Stars: ✭ 131 (+104.69%)
Mutual labels:  anomaly-detection
traffic
A quick and dirty vehicle speed detector using video + anomaly detection
Stars: ✭ 21 (-67.19%)
Mutual labels:  anomaly-detection
FSSD OoD Detection
Feature Space Singularity for Out-of-Distribution Detection. (SafeAI 2021)
Stars: ✭ 66 (+3.13%)
Mutual labels:  anomaly-detection
msda
Library for multi-dimensional, multi-sensor, uni/multivariate time series data analysis, unsupervised feature selection, unsupervised deep anomaly detection, and prototype of explainable AI for anomaly detector
Stars: ✭ 80 (+25%)
Mutual labels:  anomaly-detection
A-Hierarchical-Transformation-Discriminating-Generative-Model-for-Few-Shot-Anomaly-Detection
Official pytorch implementation of the paper: "A Hierarchical Transformation-Discriminating Generative Model for Few Shot Anomaly Detection"
Stars: ✭ 42 (-34.37%)
Mutual labels:  anomaly-detection
CVAE-AnomalyDetection-PyTorch
Example of Anomaly Detection using Convolutional Variational Auto-Encoder (CVAE)
Stars: ✭ 23 (-64.06%)
Mutual labels:  anomaly-detection
AnomalyDetection
基于智能计算框架nupic的异常检测restful Api.
Stars: ✭ 31 (-51.56%)
Mutual labels:  anomaly-detection

PANDA

Official PyTorch implementation of “PANDA: Adapting Pretrained Features for Anomaly Detection and Segmentation” (CVPR 2021).

Virtual Environment

Use the following commands:

cd path-to-PANDA-directory
virtualenv venv --python python3
source venv/bin/activate
pip install -r requirements.txt --find-links https://download.pytorch.org/whl/torch_stable.html

Data Preparation

Use the following commands:

cd path-to-PANDA-directory
mkdir data

Download:

Extract these files into path-to-PANDA-directory/data and unzip tiny.zip

Experiments

To replicate the results on CIFAR10, FMNIST for a specific normal class with EWC:

python panda.py --dataset=cifar10 --label=n --ewc --epochs=50
python panda.py --dataset=fashion --label=n --ewc --epochs=50

To replicate the results on CIFAR10, FMNIST for a specific normal class with early stopping:

python panda.py --dataset=cifar10 --label=n
python panda.py --dataset=fashion --label=n

Where n indicates the id of the normal class.

To run experiments on different datasets, please set the path in utils.py to the desired dataset.

OE Experiments

To replicate the results on CIFAR10 for a specific normal class:

python outlier_exposure.py --dataset=cifar10 --label=n

Where n indicates the id of the normal class.

Further work

See our new paper “Mean-Shifted Contrastive Loss for Anomaly Detection” which achieves state-of-the-art anomaly detection performance on multiple benchmarks including 97.5% ROC-AUC on the CIFAR-10 dataset.

GitHub Repository

Citation

If you find this useful, please cite our paper:

@inproceedings{reiss2021panda,
  title={PANDA: Adapting Pretrained Features for Anomaly Detection and Segmentation},
  author={Reiss, Tal and Cohen, Niv and Bergman, Liron and Hoshen, Yedid},
  booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition},
  pages={2806--2814},
  year={2021}
}
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].