Topic: "ood-detection"
huytransformer/Awesome-Out-Of-Distribution-Detection
Out-of-distribution detection, robustness, and generalization resources. The repository contains a curated list of papers, tutorials, books, videos, articles and open-source libraries etc
Size: 501 KB - Last synced at: 4 days ago - Pushed at: about 2 months ago - Stars: 924 - Forks: 74

Jingkang50/OODSurvey
The Official Repository for "Generalized OOD Detection: A Survey"
Language: Jupyter Notebook - Size: 2.08 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 455 - Forks: 40

kkirchheim/pytorch-ood
👽 Out-of-Distribution Detection with PyTorch
Language: Python - Size: 2.26 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 295 - Forks: 29

ldkong1205/RoboDepth
[NeurIPS 2023] RoboDepth: Robust Out-of-Distribution Depth Estimation under Corruptions
Language: Python - Size: 98 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 274 - Forks: 32

tianyu0207/PEBAL
[ECCV'22 Oral] Pixel-wise Energy-biased Abstention Learning for Anomaly Segmentation on Complex Urban Driving Scenes
Language: Python - Size: 673 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 139 - Forks: 20

yyliu01/RPL
[ICCV'23] Residual Pattern Learning for Pixel-wise Out-of-Distribution Detection in Semantic Segmentation
Language: Python - Size: 217 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 138 - Forks: 13

Cogito2012/DEAR
[ICCV 2021 Oral] Deep Evidential Action Recognition
Language: Python - Size: 210 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 128 - Forks: 19

dvlab-research/MOOD
Official PyTorch implementation of MOOD series: (1) MOODv1: Rethinking Out-of-distributionDetection: Masked Image Modeling Is All You Need. (2) MOODv2: Masked Image Modeling for Out-of-Distribution Detection.
Language: Python - Size: 3.08 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 120 - Forks: 4

xmed-lab/CLIPN
ICCV 2023: CLIPN for Zero-Shot OOD Detection: Teaching CLIP to Say No
Language: Python - Size: 1.43 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 101 - Forks: 10

megvii-research/FSSD_OoD_Detection
Feature Space Singularity for Out-of-Distribution Detection. (SafeAI 2021)
Language: Python - Size: 477 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 73 - Forks: 11

Jingkang50/ICCV21_SCOOD
The Official Implementation of the ICCV-2021 Paper: Semantically Coherent Out-of-Distribution Detection.
Language: Python - Size: 11.2 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 70 - Forks: 9

jfc43/robust-ood-detection
Robust Out-of-distribution Detection in Neural Networks
Language: Python - Size: 37.1 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 65 - Forks: 7

miniHuiHui/awesome-out-of-distribution-detection
Paper of out of distribution detection and generalization
Size: 119 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 56 - Forks: 5

dlmacedo/entropic-out-of-distribution-detection
A project to add scalable state-of-the-art out-of-distribution detection (open set recognition) support by changing two lines of code! Perform efficient inferences (i.e., do not increase inference time) and detection without classification accuracy drop, hyperparameter tuning, or collecting additional data.
Language: Python - Size: 7.71 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 51 - Forks: 8

dlmacedo/distinction-maximization-loss
A project to improve out-of-distribution detection (open set recognition) and uncertainty estimation by changing a few lines of code in your project! Perform efficient inferences (i.e., do not increase inference time) without repetitive model training, hyperparameter tuning, or collecting additional data.
Language: Python - Size: 2.45 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 45 - Forks: 5

sayakpaul/Generalized-ODIN-TF
TensorFlow 2 implementation of the paper Generalized ODIN: Detecting Out-of-distribution Image without Learning from Out-of-distribution Data (https://arxiv.org/abs/2002.11297).
Language: Jupyter Notebook - Size: 511 KB - Last synced at: 4 days ago - Pushed at: almost 4 years ago - Stars: 45 - Forks: 5

jfc43/informative-outlier-mining
We propose a theoretically motivated method, Adversarial Training with informative Outlier Mining (ATOM), which improves the robustness of OOD detection to various types of adversarial OOD inputs and establishes state-of-the-art performance.
Language: Python - Size: 2.66 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 43 - Forks: 10

luping-liu/DiffOOD
The official implementation for Diffusion Denoising Process for Perceptron Bias in Out-of-distribution Detection (DiffOOD)
Language: Python - Size: 515 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 38 - Forks: 2

ika-rwth-aachen/OCCUQ
[ICRA2025] OCCUQ: Exploring Efficient Uncertainty Quantification for 3D Occupancy Prediction
Language: Python - Size: 9.8 MB - Last synced at: 5 days ago - Pushed at: 2 months ago - Stars: 35 - Forks: 2

shyam671/Mask2Anomaly-Unmasking-Anomalies-in-Road-Scene-Segmentation
[ICCV'23 Oral] Unmasking Anomalies in Road-Scene Segmentation
Language: Python - Size: 561 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 35 - Forks: 4

Lingkai-Kong/Calibrated-BERT-Fine-Tuning
Code for Paper: Calibrated Language Model Fine-Tuning for In- and Out-of-Distribution Data
Language: Python - Size: 20 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 35 - Forks: 3

MengyuanChen21/ICLR2024-REDL
[ICLR 2024 Spotlight] R-EDL: Relaxing Nonessential Settings of Evidential Deep Learning
Language: Python - Size: 71.3 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 34 - Forks: 3

linhaowei1/TPL
✌[ICLR 2024] Class Incremental Learning via Likelihood Ratio Based Task Prediction
Language: Python - Size: 2.38 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 29 - Forks: 3

MengyuanChen21/NeurIPS2024-CSP
[NeurIPS 2024] Conjugated Semantic Pool Improves OOD Detection with Pre-trained Vision-Language Models
Language: Python - Size: 3.56 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 27 - Forks: 0

thudzj/ScalableBDL
Code for "BayesAdapter: Being Bayesian, Inexpensively and Robustly, via Bayeisan Fine-tuning"
Language: Python - Size: 5.56 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 27 - Forks: 3

lancopku/well-classified-examples-are-underestimated
Code for the AAAI 2022 publication "Well-classified Examples are Underestimated in Classification with Deep Neural Networks"
Language: Jupyter Notebook - Size: 30.5 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 25 - Forks: 2

kobybibas/pnml_ood_detection
Out-of-distribution detection using the pNML regret. NeurIPS2021
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 24 - Forks: 8

kumuji/stu_dataset
[CVPR 2025] Spotting the Unexpected (STU): A 3D LiDAR Dataset for Anomaly Segmentation in Autonomous Driving
Language: Python - Size: 525 KB - Last synced at: 9 days ago - Pushed at: 10 days ago - Stars: 19 - Forks: 0

CVMI-Lab/SyncOOD
(ECCV 2024) Can OOD Object Detectors Learn from Foundation Models?
Language: Python - Size: 6.47 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 18 - Forks: 0

gist-ailab/block-selection-for-OOD-detection
Language: Python - Size: 2.78 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 18 - Forks: 2

monk1337/Awesome-Distribution-Shift
A curated list of Distribution Shift papers/articles and recent advancements.
Size: 547 KB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 1

cure-lab/DiffGuard
[ICCV 2023] The official implementation of paper "DiffGuard: Semantic Mismatch-Guided Out-of-Distribution Detection using Pre-trained Diffusion Models"
Language: Python - Size: 1.13 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 1

dlmacedo/robust-deep-learning
A project to train your model from scratch or fine-tune a pretrained model using the losses provided in this library to improve out-of-distribution detection and uncertainty estimation performances. Calibrate your model to produce enhanced uncertainty estimations. Detect out-of-distribution data using the defined score type and threshold.
Language: Python - Size: 4.16 MB - Last synced at: 24 days ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 3

PyOpenTS/PyOpenTS
Efficient and User-Friendly Time Series Analysis Library for PyOpenTS with pytorch compatibility.
Language: Python - Size: 85.9 KB - Last synced at: 19 days ago - Pushed at: almost 2 years ago - Stars: 16 - Forks: 1

Aboriginer/ZS-NTTA
[ICLR 2025] "Noisy Test-Time Adaptation in Vision-Language Models"
Language: Python - Size: 2.24 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 13 - Forks: 2

LIYangggggg/SSB-OSR
PyTorch Implementation of ECCV 2024 OOD-CV Workshop SSB Challenge (Open-Set Recognition Track) - 1st Place
Language: Python - Size: 1010 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 13 - Forks: 1

ZFancy/Unleashing-Mask
[ICML 2023] "Unleashing Mask: Explore the Intrinsic Out-of-Distribution Detection Capability"
Language: Python - Size: 33.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 1

edadaltocg/detectors
Python package to accelerate research on generalized out-of-distribution (OOD) detection.
Language: Python - Size: 4.8 MB - Last synced at: 16 days ago - Pushed at: about 1 year ago - Stars: 12 - Forks: 0

AndrewZhou924/graph-ood-detection
A curated list of resources for OOD detection with graph data.
Size: 36.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 12 - Forks: 0

j-cb/Breaking_Down_OOD_Detection
Language: Jupyter Notebook - Size: 403 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 11 - Forks: 1

lancopku/Avg-Avg
[Findings of EMNLP 2022] Holistic Sentence Embeddings for Better Out-of-Distribution Detection
Language: Python - Size: 46.9 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 11 - Forks: 3

Kaleidophon/know-your-limits
Repository for UAI 2021 paper "Know Your Limits: Uncertainty Estimation with ReLU Classifiers Fail at Reliable OOD Detection".
Language: Jupyter Notebook - Size: 94.8 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 0

glhr/ood-labelnoise
"A noisy elephant in the room: Is your out-of-distribution detector robust to label noise?" (CVPR 2024)
Language: Jupyter Notebook - Size: 29 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 9 - Forks: 0

sudarshanregmi/ReweightOOD
Official code for CVPRW-2024 paper "ReweightOOD: Loss Reweighting for Distance-based OOD Detection".
Language: Python - Size: 2.83 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 8 - Forks: 1

tajwarfahim/OOD_Detection_Inconsistency
Project Code for ICML UDL Workshop 2021 Submission
Language: Python - Size: 213 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 0

ZIYU-DEEP/AAAI-2021-Paper-List-of-Anomaly-Detection
A list of accepted papers in AAAI 2021 about anomaly detection.
Size: 2.93 KB - Last synced at: 7 days ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 2

YongHyun-Ahn/LINe-Out-of-Distribution-Detection-by-Leveraging-Important-Neurons
LINe: Out-of-Distribution Detection by Leveraging Important Neurons (CVPR 2023 accepted)
Language: Python - Size: 42 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 7 - Forks: 1

vgtomahawk/LR_GC_OOD
[Under Progress] Code & Data for the AAAI 2020 Paper "Likelihood Ratios and Generative Classifiers For Unsupervised OOD Detection In Task-Based Dialog" - Varun Gangal, Abhinav Arora, Arash Einolghozati, Sonal Gupta
Language: Python - Size: 1.9 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 7 - Forks: 1

stdereka/ded-ood
[IEEE ICIP 2024] Diversifying Deep Ensembles: A Saliency Map Approach for Enhanced OOD Detection, Calibration, and Accuracy
Language: Python - Size: 712 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 0

kkirchheim/mchad
🔎 Multi-Class Hypersphere Anomaly Detection
Language: Jupyter Notebook - Size: 23.7 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 2

mahfuzmohammad/Brainomaly
[WACV 2024] Official PyTorch implementation of Brainomaly
Language: Python - Size: 3.22 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 2

vahid0001/Generalization-in-OOD-Detection
Realisitic Out-of-Distribution (OOD) Detection
Language: Python - Size: 135 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 5 - Forks: 2

tmlr-group/Unleashing-Mask Fork of ZFancy/Unleashing-Mask
[ICML 2023] "Unleashing Mask: Explore the Intrinsic Out-of-Distribution Detection Capability"
Language: Python - Size: 33.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 0

yunseokddi/OOD_milestone_implement
Implement the OOD milestone papers with pyotorch template style
Language: Python - Size: 107 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 0

yawenouyang/GOT
Source code for 《Energy-based Unknown Intent Detection with Data Manipulation》, which is accepted by Findings of ACL, 2021.
Language: Python - Size: 602 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 3

XueJiang16/NegLabel
[ICLR 2024 Spotlight] "Negative Label Guided OOD Detection with Pretrained Vision-Language Models"
Language: Python - Size: 1010 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

ExplainableML/Deep-Graph-Persistence
Code for the paper "Addressing caveats of neural persistence with deep graph persistence".
Language: Python - Size: 43 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

carpentries-incubator/fair-explainable-ml
Fair and explainable ML workshop
Language: Jupyter Notebook - Size: 43.6 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 3 - Forks: 6

paolotron/3DSend
This is the code repository for the 3D Semantic Novelty Detection via Large-Scale Pre-Trained Models
Language: Python - Size: 437 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

ZBox1005/CoVer
[NeurIPS 2024] "What If the Input is Expanded in OOD Detection?"
Language: Python - Size: 3.21 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 3 - Forks: 1

linhaowei1/FLatS
[EMNLP 2023] FLatS: Principled Out-of-Distribution Detection with Feature-Based Likelihood Ratio Score
Language: Python - Size: 3.69 MB - Last synced at: 27 days ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

ThanosM97/OOD-detection
A re-implementation project of Serra et al.: “Input complexity and out-of-distribution detection with likelihood-based generative models"
Language: Python - Size: 1.79 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

chrhenning/uncertainty_based_ood
Exploring the link between uncertainty estimates obtained via "exact" Bayesian inference and out-of-distribution (OOD) detection.
Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

ellenzhuwang/implicitOOD
An end-to-end vision and language model incorporating explicit knowledge graphs and OOD-detection.
Language: Python - Size: 175 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

yasithdev/robustml
Out of Distribution Detection via Hypothesis Testing
Language: Jupyter Notebook - Size: 733 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 1

nstrndrbi/STARNet
STARNet: Sensor Trustworthiness and Anomaly Recognition via Approximated Likelihood Regret for Robust Edge Autonomy
Language: Python - Size: 35.6 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

ZFancy/DivOE
[NeurIPS 2023] "Diversified Outlier Exposure for Out-of-Distribution Detection via Informative Extrapolation"
Language: Python - Size: 16.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Oooorca/slpTransformer_ViM
Enhancing Sleep Stage Classification Performance Using Transformer-Based Approach with OOD Method Integration
Language: MATLAB - Size: 28.2 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

zjysteven/SIO
Official PyTorch implementation for "SIO: Synthetic In-Distribution Data Benefits Out-of-Distribution Detection"
Language: Python - Size: 76.7 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

LukasDCode/Adversarial_OOD
Language: Jupyter Notebook - Size: 27.5 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

tgargiani/OOD-text-classification
Student project regarding out-of-domain text classification methods comparison on CLINC150 dataset.
Language: Python - Size: 5.29 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

Lake-Wang/OOD_Enhanced_Dino_Vision
This project integrates Out-of-Distribution (OOD) detection into self-supervised learning (SSL) to improve rare object representation in long-tailed datasets. It uses a memory buffer to prioritize rare samples during DINO-based training, enhancing downstream task performance in autonomous driving.
Language: Jupyter Notebook - Size: 1.71 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 1 - Forks: 0

adverML/AdvOpenOOD
accepted at ICMLw '24
Language: Python - Size: 76.3 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

kitsuyaazuma/DSFLplus
The implementation of DS-FL+ (Energy-based Knowledge Distillation for Communication-Efficient Federated Learning, IEICE 2024 student poster session).
Language: Python - Size: 5.42 MB - Last synced at: about 7 hours ago - Pushed at: 7 months ago - Stars: 1 - Forks: 1

ellenzhuwang/implicit_vkood
Implicit Out-Of-Distribution detection in multimodal analysis (NeurIPS23)
Language: Python - Size: 252 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

ZJLAB-AMMI/VAE4OOD
Python code to implement an efficient approach to unsupervised OOD detection with VAE
Language: Python - Size: 16.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

aimclub/Polygon.Web
Online tools for automated model evaluation
Language: HTML - Size: 174 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

yawenouyang/AIK
Source code for 《Towards Multi-label Unknown Intent Detection》, which is accepted by COLING 2022.
Language: Python - Size: 8.48 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

wjun0830/Out-of-Distribution-Baseline
Baseline for out-of-distribution detection
Language: Python - Size: 11.7 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

armbrustsamuel/DeepSAM
Size: 1000 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

armbrustsamuel/NearOODAutoencoder
Autoencoders for near-OOD detection
Size: 3.91 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

kmock930/Ethical-AI-in-Employee-Promotion-Fairness
Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: 21 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

mckellwoodland/ood_translation
This repository contains the code utilized to translate OOD detection into clinical applications.
Language: Python - Size: 31.3 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

giovancombo/DeepLearningApps
A repo containing all the material from the Laboratory Sessions of the Deep Learning Applications course, held by Professor Andrew David Bagdanov (@bagdanov on GitHub) at the University of Florence, Italy.
Language: Python - Size: 657 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

heyjoonkim/universal_domain_adaptation_for_nlp
Universal Domain Adaptation for Robust Handling of Distributional Shifts in NLP (Findings of EMNLP 2023)
Size: 1000 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

edadaltocg/ood-trajectory-projection
Code for the Paper "A Functional Data Perspective and Baseline on Multi-Layer Out-of-Distribution Detection"
Language: Python - Size: 362 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

g0bel1n/textual-ood-detection Fork of lilianmarey/nlp_ood_detection
Leveraging latent representations for efficient textual OOD detection
Language: Python - Size: 25.5 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

tpoppo/ood-post-hoc
Tensorflow Implementation of various post hoc OOD detectors
Language: Python - Size: 2.1 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

jahongir7174/ROBIN
OOD-CV dataset converter to COCO format
Language: Python - Size: 6.84 KB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

siihwanpark/RotNet-OOD Fork of sooonwoo/RotNet-OOD
Self-Supervised Learning for OOD Detection (NeurIPS 2019)
Language: Python - Size: 15.7 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

speedrun4life/dd2424-ood-covid-19
Source code for the project OOD Detection of COVID-19 From Chest X-Ray Images, written as part of the KTH course DD2424, Deep Learning in Data Science:
Language: Python - Size: 5.86 KB - Last synced at: 23 days ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0
