A curated list of programmatic weak supervision papers and resources

Overview

Awesome-Weak-Supervision Awesome

A curated list of programmatic/rule-based weak supervision papers and resources.

Contents

An overview of weak supervision

Blogs

An Overview of Weak Supervision

Building NLP Classifiers Cheaply With Transfer Learning and Weak Supervision

Videos

Theory & Systems for Weak Supervision | Chinese Version

Lecture Notes

Lecture Notes on Weak Supervision

Algorithm

Data Programming: Creating Large Training Sets, Quickly. Alex Ratner NeurIPS 2016

Socratic Learning: Augmenting Generative Models to Incorporate Latent Subsets in Training Data. Paroma Varma FILM-NeurIPS 2016

Training Complex Models with Multi-Task Weak Supervision. Alex Ratner AAAI 2019

Data Programming using Continuous and Quality-Guided Labeling Functions. Oishik Chatterjee AAAI 2020

Fast and Three-rious: Speeding Up Weak Supervision with Triplet Methods. Dan Fu ICML 2020

Learning from Rules Generalizing Labeled Exemplars. Abhijeet Awasthi ICLR 2020

Train and You'll Miss It: Interactive Model Iteration with Weak Supervision and Pre-Trained Embeddings. Mayee F. Chen 2020

Learning the Structure of Generative Models without Labeled Data. Stephen H. Bach ICML 2017

Inferring Generative Model Structure with Static Analysis. Paroma Varma NeurIPS 2017

Learning Dependency Structures for Weak Supervision Models. Paroma Varma ICML 2019

Self-Training with Weak Supervision. Giannis Karamanolakis NAACL 2021

Interactive Programmatic Labeling for Weak Supervision. Benjamin Cohen-Wang KDD Workshop 2019

Pairwise Feedback for Data Programming. Benedikt Boecking NeurIPS 2019 workshop on Learning with Rich Experience: Integration of Learning Paradigms

Interactive Weak Supervision: Learning Useful Heuristics for Data Labeling. Benedikt Boecking ICLR 2021

Active WeaSuL: Improving Weak Supervision with Active Learning. Samantha Biegel ICLR WeaSuL 2021

System

Snorkel: Rapid Training Data Creation with Weak Supervision. Alex Ratner VLDB 2018

Snorkel DryBell: A Case Study in Deploying Weak Supervision at Industrial Scale. Stephen H. Bach SIGMOD (Industrial) 2019

Snuba: Automating Weak Supervision to Label Training Data. Paroma Varma VLDB 2019

Migrating a Privacy-Safe Information Extraction System to a Software 2.0 Design. Ying Sheng CIDR 2020

Overton: A Data System for Monitoring and Improving Machine-Learned Products. Christopher Ré CIDR 2020

Ruler: Data Programming by Demonstration for Document Labeling. Sara Evensen EMNLP 2020 Findings

skweak: Weak Supervision Made Easy for NLP. Pierre Lison 2021

Application

CV

Scene Graph Prediction with Limited Labels. Vincent Chen ICCV 2019

Multi-Resolution Weak Supervision for Sequential Data. Paroma Varma NeurIPS 2019

Rekall: Specifying Video Events using Compositions of Spatiotemporal Labels. Daniel Y. Fu SOSP 2019

GOGGLES: Automatic Image Labeling with Affinity Coding. Nilaksh Das SIGMOD 2020

Cut out the annotator, keep the cutout: better segmentation with weak supervision. Sarah Hooper ICLR 2021

Task Programming: Learning Data Efficient Behavior Representations. Jennifer J. Sun CVPR 2021

NLP

Heterogeneous Supervision for Relation Extraction: A Representation Learning Approach. Liyuan Liu EMNLP 2017

Training Classifiers with Natural Language Explanations. Braden Hancock ACL 2018

Deep Text Mining of Instagram Data without Strong Supervision. Kim Hammar ICWI 2018

Bootstrapping Conversational Agents With Weak Supervision. Neil Mallinar AAAI 2019

Weakly Supervised Sequence Tagging from Noisy Rules. Esteban Safranchik AAAI 2020

NERO: A Neural Rule Grounding Framework for Label-Efficient Relation Extraction. Wenxuan Zhou WWW 2020

Named Entity Recognition without Labelled Data: A Weak Supervision Approach. Pierre Lison ACL 2020

Fine-Tuning Pre-trained Language Model with Weak Supervision: A Contrastive-Regularized Self-Training Approach. Yue Yu NAACL 2021

BERTifying Hidden Markov Models for Multi-Source Weakly Supervised Named Entity Recognition Yinghao Li ACL 2021

RL

Generating Multi-Agent Trajectories using Programmatic Weak Supervision. Eric Zhan ICLR 2019

Others

Generating Training Labels for Cardiac Phase-Contrast MRI Images. Vincent Chen MED-NeurIPS 2017

Osprey: Weak Supervision of Imbalanced Extraction Problems without Code. Eran Bringer SIGMOD DEEM Workshop 2019

Weakly Supervised Classification of Rare Aortic Valve Malformations Using Unlabeled Cardiac MRI Sequences. Jason Fries Nature Communications 2019

Doubly Weak Supervision of Deep Learning Models for Head CT. Khaled Saab MICCAI 2019

A clinical text classification paradigm using weak supervision and deep representation. Yanshan Wang BMC MIDM 2019

A machine-compiled database of genome-wide association studies. Volodymyr Kuleshov Nature Communications 2019

Weak Supervision as an Efficient Approach for Automated Seizure Detection in Electroencephalography. Khaled Saab NPJ Digital Medicine 2020

Extracting Chemical Reactions From Text Using Snorkel. Emily Mallory BMC Bioinformatics 2020

Cross-Modal Data Programming Enables Rapid Medical Machine Learning. Jared A. Dunnmon Patterns 2020

SwellShark: A Generative Model for Biomedical Named Entity Recognition without Labeled Data. Jason Fries

Ontology-driven weak supervision for clinical entity classification in electronic health records. Jason Fries Nature Communications 2021

Utilizing Weak Supervision to Infer Complex Objects and Situations in Autonomous Driving Data. Zhenzhen Weng IV 2019

Multi-frame Weak Supervision to Label Wearable Sensor Data. Saelig Khattar ICML Time Series Workshop 2019

Thesis

Acclerating Machine Learning with Training Data Management. Alex Ratner

Weak Supervision From High-Level Abstrations. Braden Jay Hancock

Other Weak Supervision Paradigm

Label-name Only Supervision

Weakly-Supervised Neural Text Classification. Yu Meng CIKM 2018

Weakly-Supervised Hierarchical Text Classification. Yu Meng AAAI 2019

Weakly-Supervised Aspect-Based Sentiment Analysis via Joint Aspect-Sentiment Topic Embedding. Jiaxin Huang EMNLP 2020

Text Classification Using Label Names Only: A Language Model Self-Training Approach. Yu Meng EMNLP 2020

Hierarchical Metadata-Aware Document Categorization under Weak Supervision. Yu Zhang WSDM 2021

Owner
Jieyu Zhang
CS PhD
Jieyu Zhang
AAI supports interdisciplinary research to help better understand human, animal, and artificial cognition.

AnimalAI 3 AAI supports interdisciplinary research to help better understand human, animal, and artificial cognition. It aims to support AI research t

Matthew Crosby 58 Dec 12, 2022
Automated Evidence Collection for Fake News Detection

Automated Evidence Collection for Fake News Detection This is the code repo for the Automated Evidence Collection for Fake News Detection paper accept

Mrinal Rawat 2 Apr 12, 2022
Explaining Hyperparameter Optimization via PDPs

Explaining Hyperparameter Optimization via PDPs This repository gives access to an implementation of the methods presented in the paper submission “Ex

2 Nov 16, 2022
Autotype on websites that have copy-paste disabled like Moodle, HackerEarth contest etc.

Autotype A quick and small python script that helps you autotype on websites that have copy paste disabled like Moodle, HackerEarth contests etc as it

Tushar 32 Nov 03, 2022
Implementation of the state of the art beat-detection, downbeat-detection and tempo-estimation model

The ISMIR 2020 Beat Detection, Downbeat Detection and Tempo Estimation Model Implementation. This is an implementation in TensorFlow to implement the

Koen van den Brink 1 Nov 12, 2021
Machine Learning Framework for Operating Systems - Brings ML to Linux kernel

KML: A Machine Learning Framework for Operating Systems & Storage Systems Storage systems and their OS components are designed to accommodate a wide v

File systems and Storage Lab (FSL) 186 Nov 24, 2022
City Surfaces: City-scale Semantic Segmentation of Sidewalk Surfaces

City Surfaces: City-scale Semantic Segmentation of Sidewalk Surfaces Paper Temporary GitHub page for City Surfaces paper. More soon! While designing s

14 Nov 10, 2022
Source code release of the paper: Knowledge-Guided Deep Fractal Neural Networks for Human Pose Estimation.

GNet-pose Project Page: http://guanghan.info/projects/guided-fractal/ UPDATE 9/27/2018: Prototxts and model that achieved 93.9Pck on LSP dataset. http

Guanghan Ning 83 Nov 21, 2022
Implementation of Squeezenet in pytorch, pretrained models on Cifar 10 data to come

Pytorch Squeeznet Pytorch implementation of Squeezenet model as described in https://arxiv.org/abs/1602.07360 on cifar-10 Data. The definition of Sque

gaurav pathak 86 Oct 28, 2022
Pytorch Implementation of Neural Analysis and Synthesis: Reconstructing Speech from Self-Supervised Representations

NANSY: Unofficial Pytorch Implementation of Neural Analysis and Synthesis: Reconstructing Speech from Self-Supervised Representations Notice Papers' D

Dongho Choi 최동호 104 Dec 23, 2022
The implementation of ICASSP 2020 paper "Pixel-level self-paced learning for super-resolution"

Pixel-level Self-Paced Learning for Super-Resolution This is an official implementaion of the paper Pixel-level Self-Paced Learning for Super-Resoluti

Elon Lin 41 Dec 15, 2022
Hcaptcha-challenger - Gracefully face hCaptcha challenge with Yolov5(ONNX) embedded solution

hCaptcha Challenger 🚀 Gracefully face hCaptcha challenge with Yolov5(ONNX) embe

593 Jan 03, 2023
This repository contains code for the paper "Disentangling Label Distribution for Long-tailed Visual Recognition", published at CVPR' 2021

Disentangling Label Distribution for Long-tailed Visual Recognition (CVPR 2021) Arxiv link Blog post This codebase is built on Causal Norm. Install co

Hyperconnect 85 Oct 18, 2022
PyTorch code for the "Deep Neural Networks with Box Convolutions" paper

Box Convolution Layer for ConvNets Single-box-conv network (from `examples/mnist.py`) learns patterns on MNIST What This Is This is a PyTorch implemen

Egor Burkov 515 Dec 18, 2022
LightNet++: Boosted Light-weighted Networks for Real-time Semantic Segmentation

LightNet++ !!!New Repo.!!! ⇒ EfficientNet.PyTorch: Concise, Modular, Human-friendly PyTorch implementation of EfficientNet with Pre-trained Weights !!

linksense 237 Jan 05, 2023
Code for "Unsupervised Source Separation via Bayesian inference in the latent domain"

LQVAE-separation Code for "Unsupervised Source Separation via Bayesian inference in the latent domain" Paper Samples GT Compressed Separated Drums GT

Michele Mancusi 30 Oct 25, 2022
This repository contains all data used for writing a research paper Multiple Object Trackers in OpenCV: A Benchmark, presented in ISIE 2021 conference in Kyoto, Japan.

OpenCV-Multiple-Object-Tracking Python is version 3.6.7 to install opencv: pip uninstall opecv-python pip uninstall opencv-contrib-python pip install

6 Dec 19, 2021
The implementation of "Optimizing Shoulder to Shoulder: A Coordinated Sub-Band Fusion Model for Real-Time Full-Band Speech Enhancement"

SF-Net for fullband SE This is the repo of the manuscript "Optimizing Shoulder to Shoulder: A Coordinated Sub-Band Fusion Model for Real-Time Full-Ban

Guochen Yu 36 Dec 02, 2022
Codes accompanying the paper "Learning Nearly Decomposable Value Functions with Communication Minimization" (ICLR 2020)

NDQ: Learning Nearly Decomposable Value Functions with Communication Minimization Note This codebase accompanies paper Learning Nearly Decomposable Va

Tonghan Wang 69 Nov 26, 2022
DeepI2I: Enabling Deep Hierarchical Image-to-Image Translation by Transferring from GANs

DeepI2I: Enabling Deep Hierarchical Image-to-Image Translation by Transferring from GANs Abstract: Image-to-image translation has recently achieved re

yaxingwang 23 Apr 14, 2022