All Projects → 13952522076 → Open-Set-Recognition

13952522076 / Open-Set-Recognition

Licence: other
Open Set Recognition

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to Open-Set-Recognition

Stochastic-Quantization
Training Low-bits DNNs with Stochastic Quantization
Stars: ✭ 70 (+42.86%)
Mutual labels:  imagenet, cifar
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+4808.16%)
Mutual labels:  imagenet, cifar
catseye
Neural network library written in C and Javascript
Stars: ✭ 29 (-40.82%)
Mutual labels:  mnist, cifar
keras-triplet-center-loss
Simple Keras implementation of Triplet-Center Loss on the MNIST dataset
Stars: ✭ 34 (-30.61%)
Mutual labels:  mnist, center-loss
gan-vae-pretrained-pytorch
Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Stars: ✭ 134 (+173.47%)
Mutual labels:  mnist, cifar
TF-NAS
TF-NAS: Rethinking Three Search Freedoms of Latency-Constrained Differentiable Neural Architecture Search (ECCV2020)
Stars: ✭ 66 (+34.69%)
Mutual labels:  imagenet
NIPS-Global-Paper-Implementation-Challenge
Selective Classification For Deep Neural Networks.
Stars: ✭ 11 (-77.55%)
Mutual labels:  imagenet
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (+775.51%)
Mutual labels:  imagenet
SimpNet-Tensorflow
A Tensorflow Implementation of the SimpNet Convolutional Neural Network Architecture
Stars: ✭ 16 (-67.35%)
Mutual labels:  mnist
tf-imagenet
TensorFlow ImageNet - Training and SOTA checkpoints
Stars: ✭ 50 (+2.04%)
Mutual labels:  imagenet
AdaBound-tensorflow
An optimizer that trains as fast as Adam and as good as SGD in Tensorflow
Stars: ✭ 44 (-10.2%)
Mutual labels:  mnist
Adversarial-Examples-in-PyTorch
Pytorch code to generate adversarial examples on mnist and ImageNet data.
Stars: ✭ 112 (+128.57%)
Mutual labels:  imagenet
deeplearning-mpo
Replace FC2, LeNet-5, VGG, Resnet, Densenet's full-connected layers with MPO
Stars: ✭ 26 (-46.94%)
Mutual labels:  mnist
lambda.pytorch
PyTorch implementation of Lambda Network and pretrained Lambda-ResNet
Stars: ✭ 54 (+10.2%)
Mutual labels:  imagenet
keras gpyopt
Using Bayesian Optimization to optimize hyper parameter in Keras-made neural network model.
Stars: ✭ 56 (+14.29%)
Mutual labels:  mnist
Tiny-Imagenet-200
🔬 Some personal research code on analyzing CNNs. Started with a thorough exploration of Stanford's Tiny-Imagenet-200 dataset.
Stars: ✭ 68 (+38.78%)
Mutual labels:  imagenet
digitrecognition ios
Deep Learning with Tensorflow/Keras: Digit recognition based on mnist-dataset and convolutional neural-network on iOS with CoreML
Stars: ✭ 23 (-53.06%)
Mutual labels:  mnist
mnist-flask
A Flask web app for handwritten digit recognition using machine learning
Stars: ✭ 34 (-30.61%)
Mutual labels:  mnist
tensorflow-mnist-convnets
Neural nets for MNIST classification, simple single layer NN, 5 layer FC NN and convolutional neural networks with different architectures
Stars: ✭ 22 (-55.1%)
Mutual labels:  mnist
alexnet-architecture.tensorflow
Unofficial TensorFlow implementation of "AlexNet" architecture.
Stars: ✭ 15 (-69.39%)
Mutual labels:  imagenet

Open Set Recognition Project

Ongoing Open Set Recognition project using PyTorch.

For any issue and question, please email [email protected]

Attention: need to be re-constrcuted due to my experimental implementations (especially my methods).

Requirements

For different Algorithms and different datasets, the requirements varies. In general, the basic and must requirements are:

# pytorch 1.4+, torchvision 0.7.0 +
pip3 install torch torchvision
# sklearn
pip3 install -U scikit-learn
# numpy
pip3 install numpy
# scikit-learn-0.23.2
pip3 install -U sklearn

For OpenMax:

pip3 install libmr

For plotting MNIST:

pip3 install imageio
pip3 install tqdm

Supporting

Have a try

Click go link to the related method/dataset and have a try.

CIFAR-100 CIFAR-10 MNIST ImageNet
OpenMax [ReadME] go
OLTR [ReadME] go
CenterLoss [ReadME] go
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].