A curated list of awesome Active Learning

Overview

Awesome Active Learning Awesome

🤩 A curated list of awesome Active Learning ! 🤩

Background

(image source: Settles, Burr)

What is Active Learning?

Active learning is a special case of machine learning in which a learning algorithm can interactively query a oracle (or some other information source) to label new data points with the desired outputs.

(image source: Settles, Burr)

There are situations in which unlabeled data is abundant but manual labeling is expensive. In such a scenario, learning algorithms can actively query the oracle for labels. This type of iterative supervised learning is called active learning. Since the learner chooses the examples, the number of examples to learn a concept can often be much lower than the number required in normal supervised learning. With this approach, there is a risk that the algorithm is overwhelmed by uninformative examples. Recent developments are dedicated to multi-label active learning, hybrid active learning and active learning in a single-pass (on-line) context, combining concepts from the field of machine learning (e.g. conflict and ignorance) with adaptive, incremental learning policies in the field of online machine learning.

(source: Wikipedia)

Contributing

If you find the awesome paper/code/book/tutorial or have some suggestions, please feel free to pull requests or contact [email protected] to add papers using the following Markdown format:

Year | Paper Name | Conference | [Paper](link) | [Code](link) | Tags | Notes |

Thanks for your valuable contribution to the research community. 😃

Table of Contents

Books

Surveys

Papers

Tags

Sur.: survey | Cri.: critics | Pool.: pool-based sampling | Str.: stream-based sampling | Syn.: membership query synthesize | Meta.: meta learning | SSL.: semi-supervised learning | RL.: reinforcement learning | FS.: few-shot learning | SS.: self-supervised |

Before 2017

Year Title Conf Paper Code Tags Notes
1994 Improving Generalization with Active Learning Machine Learning paper
2007 Discriminative Batch Mode Active Learning NIPS paper
2008 Active Learning with Direct Query Construction KDD paper
2008 An Analysis of Active Learning Strategies for Sequence Labeling Tasks EMNLP paper
2008 Hierarchical Sampling for Active Learning ICML paper
2010 Active Instance Sampling via Matrix Partition NIPS paper
2011 Ask Me Better Questions: Active Learning Queries Based on Rule Induction KDD paper
2011 Active Learning from Crowds ICML paper
2011 Bayesian Active Learning for Classification and Preference Learning CoRR paper
2011 Active Learning Using On-line Algorithms KDD paper
2012 Bayesian Optimal Active Search and Surveying ICML paper
2012 Batch Active Learning via Coordinated Matching ICML paper
2013 Active Learning for Multi-Objective Optimization ICML paper
2013 Active Learning for Probabilistic Hypotheses Usingthe Maximum Gibbs Error Criterion NIPS paper
2014 Active Semi-Supervised Learning Using Sampling Theory for Graph Signals KDD paper
2014 Beyond Disagreement-based Agnostic Active Learning NIPS paper
2016 Cost-Effective Active Learning for Deep Image Classification TCSVT paper
2016 Active Image Segmentation Propagation CVPR paper

2017

Title Conf Paper Code Tags Notes
Active Decision Boundary Annotation with Deep Generative Models ICCV paper
Active One-shot Learning CoRR paper code Str. RL. FS.
A Meta-Learning Approach to One-Step Active-Learning [email protected]/ECML paper Pool. Meta.
Generative Adversarial Active Learning arXiv paper Pool. Syn.
Active Learning from Peers NIPS paper
Learning Active Learning from Data NIPS paper code Pool.
Learning Algorithms for Active Learning ICML paper
Deep Bayesian Active Learning with Image Data ICML paper code Pool.

2018

Title Conf Paper Code Tags Notes
The Power of Ensembles for Active Learning in Image Classification CVPR paper
Adversarial Learning for Semi-Supervised Semantic Segmentation BMVC paper code Pool. SSL.
A Variance Maximization Criterion for Active Learning Pattern Recognition paper
Meta-Learning Transferable Active Learning Policies by Deep Reinforcement Learning ICLR-WS paper Pool. Meta. RL.
Active Learning for Convolutional Neural Networks: A Core-Set Approach ICLR paper
Adversarial Active Learning for Sequence Labeling and Generation IJCAI paper
Meta-Learning for Batch Mode Active Learning ICLR-WS paper

2019

Title Conf Paper Code Tags Notes
ViewAL: Active Learning with Viewpoint Entropy for Semantic Segmentation CVPR paper Pool.
Bayesian Generative Active Deep Learning ICML paper code Pool. Semi.
Variational Adversarial Active Learning ICCV paper code Pool. SSL.
Integrating Bayesian and Discriminative Sparse Kernel Machines for Multi-class Active Learning NeurIPS paper
Active Learning via Membership Query Synthesisfor Semi-supervised Sentence Classification CoNLL paper
Discriminative Active Learning arXiv paper
Semantic Redundancies in Image-Classification Datasets: The 10% You Don’t Need arXiv paper
Bayesian Batch Active Learning as Sparse Subset Approximation NIPS paper
Learning Loss for Active Learning CVPR paper code Pool.
Rapid Performance Gain through Active Model Reuse IJCAI paper
Parting with Illusions about Deep Active Learning arXiv paper Cri.
BatchBALD: Efficient and Diverse Batch Acquisition for Deep Bayesian Active Learning NIPS paper

2020

Title Conf Paper Code Tags Notes
Reinforced active learning for image segmentation ICLR paper code Pool. RL.
[BADGE] Batch Active learning by Diverse Gradient Embeddings ICLR paper code Pool.
Adversarial Sampling for Active Learning WACV paper Pool.
Online Active Learning of Reject Option Classifiers AAAI paper
Deep Active Learning for Biased Datasets via Fisher Kernel Self-Supervision CVPR paper
Deep Reinforcement Active Learning for Medical Image Classification MICCAI paper Pool. RL.
State-Relabeling Adversarial Active Learning CVPR paper code Pool.
Towards Robust and Reproducible Active Learning Using Neural Networks arXiv paper Cri.
Consistency-Based Semi-supervised Active Learning: Towards Minimizing Labeling Cost ECCV paper Pool. SSL.

2021

Title Conf Paper Code Tags Notes
MedSelect: Selective Labeling for Medical Image Classification Combining Meta-Learning with Deep Reinforcement Learning arXiv paper Pool. Meta. RL.
Can Active Learning Preemptively Mitigate Fairness Issues ICLR-RAI paper code Pool. Thinking fairness issues
Sequential Graph Convolutional Network for Active Learning CVPR paper code Pool.
Task-Aware Variational Adversarial Active Learning CVPR paper code Pool.
Effective Evaluation of Deep Active Learning on Image Classification Tasks arXiv paper Cri.
Semi-Supervised Active Learning for Semi-Supervised Models: Exploit Adversarial Examples With Graph-Based Virtual Labels ICCV paper Pool. SSL.
Contrastive Coding for Active Learning under Class Distribution Mismatch ICCV paper code Pool. Defines a good question
Mind Your Outliers! Investigating the Negative Impact of Outliers on Active Learning for Visual Question Answering ACL-IJCNLP paper code Pool. Thinking about outliers
LADA: Look-Ahead Data Acquisition via Augmentation for Active Learning NeurIPS paper Pool.
Multi-Anchor Active Domain Adaptation for Semantic Segmentation ICCV paper code Pool.
Active Learning for Lane Detection: A Knowledge Distillation Approach ICCV paper Pool.
Active Contrastive Learning of Audio-Visual Video Representations ICLR paper code Pool.
Multiple instance active learning for object detection CVPR paper code Pool.
SEAL: Self-supervised Embodied Active Learning using Exploration and 3D Consistency NeurIPS paper Robot exploration
Influence Selection for Active Learning ICCV paper code Pool.
Reducing Label Effort: Self-Supervised meets Active Learning arXiv paper Pool. SS. Cri. A meaningful attempt on the combination of SS & AL

Turtorials

Tools

Owner
BAI Fan
Deep Learning, Active Learning, Robotics, Artificial Intelligence.
BAI Fan
Towards End-to-end Video-based Eye Tracking

Towards End-to-end Video-based Eye Tracking The code accompanying our ECCV 2020 publication and dataset, EVE. Authors: Seonwook Park, Emre Aksan, Xuco

Seonwook Park 76 Dec 12, 2022
Doing fast searching of nearest neighbors in high dimensional spaces is an increasingly important problem

Benchmarking nearest neighbors Doing fast searching of nearest neighbors in high dimensional spaces is an increasingly important problem, but so far t

Erik Bernhardsson 3.2k Jan 03, 2023
FIGARO: Generating Symbolic Music with Fine-Grained Artistic Control

FIGARO: Generating Symbolic Music with Fine-Grained Artistic Control by Dimitri von Rütte, Luca Biggio, Yannic Kilcher, Thomas Hofmann FIGARO: Generat

Dimitri 83 Jan 07, 2023
Release of the ConditionalQA dataset

ConditionalQA Datasets accompanying the paper ConditionalQA: A Complex Reading Comprehension Dataset with Conditional Answers. Disclaimer This dataset

14 Oct 17, 2022
PASSL包含 SimCLR,MoCo,BYOL,CLIP等基于对比学习的图像自监督算法以及 Vision-Transformer,Swin-Transformer,BEiT,CVT,T2T,MLP_Mixer等视觉Transformer算法

PASSL Introduction PASSL is a Paddle based vision library for state-of-the-art Self-Supervised Learning research with PaddlePaddle. PASSL aims to acce

186 Dec 29, 2022
Combining Reinforcement Learning and Constraint Programming for Combinatorial Optimization

Hybrid solving process for combinatorial optimization problems Combinatorial optimization has found applications in numerous fields, from aerospace to

117 Dec 13, 2022
Performant, differentiable reinforcement learning

deluca Performant, differentiable reinforcement learning Notes This is pre-alpha software and is undergoing a number of core changes. Updates to follo

Google 114 Dec 27, 2022
Codes for our IJCAI21 paper: Dialogue Discourse-Aware Graph Model and Data Augmentation for Meeting Summarization

DDAMS This is the pytorch code for our IJCAI 2021 paper Dialogue Discourse-Aware Graph Model and Data Augmentation for Meeting Summarization [Arxiv Pr

xcfeng 55 Dec 27, 2022
PyTorch Implementation of SSTNs for hyperspectral image classifications from the IEEE T-GRS paper "Spectral-Spatial Transformer Network for Hyperspectral Image Classification: A FAS Framework."

PyTorch Implementation of SSTN for Hyperspectral Image Classification Paper links: SSTN published on IEEE T-GRS. Also, you can directly find the imple

Zilong Zhong 54 Dec 19, 2022
Code for Domain Adaptive Video Segmentation via Temporal Consistency Regularization in ICCV 2021

Domain Adaptive Video Segmentation via Temporal Consistency Regularization Updates 08/2021: check out our domain adaptation for sematic segmentation p

36 Dec 12, 2022
PyTorch implementation for "Mining Latent Structures with Contrastive Modality Fusion for Multimedia Recommendation"

MIRCO PyTorch implementation for paper: Latent Structures Mining with Contrastive Modality Fusion for Multimedia Recommendation Dependencies Python 3.

Big Data and Multi-modal Computing Group, CRIPAC 9 Dec 08, 2022
COVINS -- A Framework for Collaborative Visual-Inertial SLAM and Multi-Agent 3D Mapping

COVINS -- A Framework for Collaborative Visual-Inertial SLAM and Multi-Agent 3D Mapping Version 1.0 COVINS is an accurate, scalable, and versatile vis

ETHZ V4RL 183 Dec 27, 2022
Rethinking Nearest Neighbors for Visual Classification

Rethinking Nearest Neighbors for Visual Classification arXiv Environment settings Check out scripts/env_setup.sh Setup data Download the following fin

Menglin Jia 29 Oct 11, 2022
Code for ICLR 2020 paper "VL-BERT: Pre-training of Generic Visual-Linguistic Representations".

VL-BERT By Weijie Su, Xizhou Zhu, Yue Cao, Bin Li, Lewei Lu, Furu Wei, Jifeng Dai. This repository is an official implementation of the paper VL-BERT:

Weijie Su 698 Dec 18, 2022
Builds a LoRa radio frequency fingerprint identification (RFFI) system based on deep learning techiniques

This project builds a LoRa radio frequency fingerprint identification (RFFI) system based on deep learning techiniques.

20 Dec 30, 2022
PyTorch reimplementation of hand-biomechanical-constraints (ECCV2020)

Hand Biomechanical Constraints Pytorch Unofficial PyTorch reimplementation of Hand-Biomechanical-Constraints (ECCV2020). This project reimplement foll

Hao Meng 59 Dec 20, 2022
Research code for CVPR 2021 paper "End-to-End Human Pose and Mesh Reconstruction with Transformers"

MeshTransformer ✨ This is our research code of End-to-End Human Pose and Mesh Reconstruction with Transformers. MEsh TRansfOrmer is a simple yet effec

Microsoft 473 Dec 31, 2022
Bridging Composite and Real: Towards End-to-end Deep Image Matting

Bridging Composite and Real: Towards End-to-end Deep Image Matting Please note that the official repository of the paper Bridging Composite and Real:

Jizhizi_Li 30 Oct 31, 2022
So-ViT: Mind Visual Tokens for Vision Transformer

So-ViT: Mind Visual Tokens for Vision Transformer        Introduction This repository contains the source code under PyTorch framework and models trai

Jiangtao Xie 44 Nov 24, 2022
Code for the ECIR'22 paper "Evaluating the Robustness of Retrieval Pipelines with Query Variation Generators"

Query Variation Generators This repository contains the code and annotation data for the ECIR'22 paper "Evaluating the Robustness of Retrieval Pipelin

Gustavo Penha 12 Nov 20, 2022