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
Source code for NAACL 2021 paper "TR-BERT: Dynamic Token Reduction for Accelerating BERT Inference"

TR-BERT Source code and dataset for "TR-BERT: Dynamic Token Reduction for Accelerating BERT Inference". The code is based on huggaface's transformers.

THUNLP 37 Oct 30, 2022
Real-time VIBE: Frame by Frame Inference of VIBE (Video Inference for Human Body Pose and Shape Estimation)

Real-time VIBE Inference VIBE frame-by-frame. Overview This is a frame-by-frame inference fork of VIBE at [https://github.com/mkocabas/VIBE]. Usage: i

23 Jul 02, 2022
LSTMs (Long Short Term Memory) RNN for prediction of price trends

Price Prediction with Recurrent Neural Networks LSTMs BTC-USD price prediction with deep learning algorithm. Artificial Neural Networks specifically L

5 Nov 12, 2021
Structure-Preserving Deraining with Residue Channel Prior Guidance (ICCV2021)

SPDNet Structure-Preserving Deraining with Residue Channel Prior Guidance (ICCV2021) Requirements Linux Platform NVIDIA GPU + CUDA CuDNN PyTorch == 0.

41 Dec 12, 2022
The repository for our EMNLP 2021 paper "Finnish Dialect Identification: The Effect of Audio and Text"

Finnish Dialect Identification The repository for our EMNLP 2021 paper "Finnish Dialect Identification: The Effect of Audio and Text". We present a te

Rootroo Ltd 2 Dec 25, 2021
Twins: Revisiting the Design of Spatial Attention in Vision Transformers

Twins: Revisiting the Design of Spatial Attention in Vision Transformers Very recently, a variety of vision transformer architectures for dense predic

482 Dec 18, 2022
[CVPR 2021 Oral] ForgeryNet: A Versatile Benchmark for Comprehensive Forgery Analysis

ForgeryNet: A Versatile Benchmark for Comprehensive Forgery Analysis ForgeryNet: A Versatile Benchmark for Comprehensive Forgery Analysis [arxiv|pdf|v

Yinan He 78 Dec 22, 2022
Neural HMMs are all you need (for high-quality attention-free TTS)

Neural HMMs are all you need (for high-quality attention-free TTS) Shivam Mehta, Éva Székely, Jonas Beskow, and Gustav Eje Henter This is the official

Shivam Mehta 0 Oct 28, 2022
A deep learning object detector framework written in Python for supporting Land Search and Rescue Missions.

AIR: Aerial Inspection RetinaNet for supporting Land Search and Rescue Missions AIR is a deep learning based object detection solution to automate the

Accenture 13 Dec 22, 2022
CVPR 2021

Smoothing the Disentangled Latent Style Space for Unsupervised Image-to-image Translation [Paper] | [Poster] | [Codes] Yahui Liu1,3, Enver Sangineto1,

Yahui Liu 37 Sep 12, 2022
Named Entity Recognition with Small Strongly Labeled and Large Weakly Labeled Data

Named Entity Recognition with Small Strongly Labeled and Large Weakly Labeled Data arXiv This is the code base for weakly supervised NER. We provide a

Amazon 92 Jan 04, 2023
Composing methods for ML training efficiency

MosaicML Composer contains a library of methods, and ways to compose them together for more efficient ML training.

MosaicML 2.8k Jan 08, 2023
This repo contains the implementation of the algorithm proposed in Off-Belief Learning, ICML 2021.

Off-Belief Learning Introduction This repo contains the implementation of the algorithm proposed in Off-Belief Learning, ICML 2021. Environment Setup

Facebook Research 32 Jan 05, 2023
joint detection and semantic segmentation, based on ultralytics/yolov5,

Multi YOLO V5——Detection and Semantic Segmentation Overeview This is my undergraduate graduation project which based on ultralytics YOLO V5 tag v5.0.

477 Jan 06, 2023
Using multidimensional LSTM neural networks to create a forecast for Bitcoin price

Multidimensional LSTM BitCoin Time Series Using multidimensional LSTM neural networks to create a forecast for Bitcoin price. For notes around this co

Jakob Aungiers 318 Dec 14, 2022
Multi-Stage Spatial-Temporal Convolutional Neural Network (MS-GCN)

Multi-Stage Spatial-Temporal Convolutional Neural Network (MS-GCN) This code implements the skeleton-based action segmentation MS-GCN model from Autom

Benjamin Filtjens 8 Nov 29, 2022
Source for the paper "Universal Activation Function for machine learning"

Universal Activation Function Tensorflow and Pytorch source code for the paper Yuen, Brosnan, Minh Tu Hoang, Xiaodai Dong, and Tao Lu. "Universal acti

4 Dec 03, 2022
Cancer Drug Response Prediction via a Hybrid Graph Convolutional Network

DeepCDR Cancer Drug Response Prediction via a Hybrid Graph Convolutional Network This work has been accepted to ECCB2020 and was also published in the

Qiao Liu 50 Dec 18, 2022
Implementation of Nalbach et al. 2017 paper.

Deep Shading Convolutional Neural Networks for Screen-Space Shading Our project is based on Nalbach et al. 2017 paper. In this project, a set of buffe

Marcel Santana 17 Sep 08, 2022
OSLO: Open Source framework for Large-scale transformer Optimization

O S L O Open Source framework for Large-scale transformer Optimization What's New: December 21, 2021 Released OSLO 1.0. What is OSLO about? OSLO is a

TUNiB 280 Nov 24, 2022