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
Turning SymPy expressions into PyTorch modules.

sympytorch A micro-library as a convenience for turning SymPy expressions into PyTorch Modules. All SymPy floats become trainable parameters. All SymP

Patrick Kidger 89 Dec 13, 2022
Efficient and Scalable Physics-Informed Deep Learning and Scientific Machine Learning on top of Tensorflow for multi-worker distributed computing

Notice: Support for Python 3.6 will be dropped in v.0.2.1, please plan accordingly! Efficient and Scalable Physics-Informed Deep Learning Collocation-

tensordiffeq 74 Dec 09, 2022
Unofficial pytorch implementation for Self-critical Sequence Training for Image Captioning. and others.

An Image Captioning codebase This is a codebase for image captioning research. It supports: Self critical training from Self-critical Sequence Trainin

Ruotian(RT) Luo 906 Jan 03, 2023
Action Recognition for Self-Driving Cars

Action Recognition for Self-Driving Cars This repo contains the codes for the 2021 Fall semester project "Action Recognition for Self-Driving Cars" at

VITA lab at EPFL 3 Apr 07, 2022
Implementation of Memory-Efficient Neural Networks with Multi-Level Generation, ICCV 2021

Memory-Efficient Multi-Level In-Situ Generation (MLG) By Jiaqi Gu, Hanqing Zhu, Chenghao Feng, Mingjie Liu, Zixuan Jiang, Ray T. Chen and David Z. Pan

Jiaqi Gu 2 Jan 04, 2022
Learning Modified Indicator Functions for Surface Reconstruction

Learning Modified Indicator Functions for Surface Reconstruction In this work, we propose a learning-based approach for implicit surface reconstructio

4 Apr 18, 2022
Interpretable and Generalizable Person Re-Identification with Query-Adaptive Convolution and Temporal Lifting

QAConv Interpretable and Generalizable Person Re-Identification with Query-Adaptive Convolution and Temporal Lifting This PyTorch code is proposed in

Shengcai Liao 166 Dec 28, 2022
x-transformers-paddle 2.x version

x-transformers-paddle x-transformers-paddle 2.x version paddle 2.x版本 https://github.com/lucidrains/x-transformers 。 requirements paddlepaddle-gpu==2.2

yujun 7 Dec 08, 2022
Everything you want about DP-Based Federated Learning, including Papers and Code. (Mechanism: Laplace or Gaussian, Dataset: femnist, shakespeare, mnist, cifar-10 and fashion-mnist. )

Differential Privacy (DP) Based Federated Learning (FL) Everything about DP-based FL you need is here. (所有你需要的DP-based FL的信息都在这里) Code Tip: the code o

wenzhu 83 Dec 24, 2022
TransNet V2: Shot Boundary Detection Neural Network

TransNet V2: Shot Boundary Detection Neural Network This repository contains code for TransNet V2: An effective deep network architecture for fast sho

Tomáš Souček 212 Dec 27, 2022
Evidential Softmax for Sparse Multimodal Distributions in Deep Generative Models

Evidential Softmax for Sparse Multimodal Distributions in Deep Generative Models Abstract Many applications of generative models rely on the marginali

Stanford Intelligent Systems Laboratory 9 Jun 06, 2022
Adversarial Attacks are Reversible via Natural Supervision

Adversarial Attacks are Reversible via Natural Supervision ICCV2021 Citation @InProceedings{Mao_2021_ICCV, author = {Mao, Chengzhi and Chiquier

Computer Vision Lab at Columbia University 20 May 22, 2022
Code for "Learning Graph Cellular Automata"

Learning Graph Cellular Automata This code implements the experiments from the NeurIPS 2021 paper: "Learning Graph Cellular Automata" Daniele Grattaro

Daniele Grattarola 37 Oct 26, 2022
A PyTorch Lightning solution to training OpenAI's CLIP from scratch.

train-CLIP 📎 A PyTorch Lightning solution to training CLIP from scratch. Goal ⚽ Our aim is to create an easy to use Lightning implementation of OpenA

Cade Gordon 396 Dec 30, 2022
Segment axon and myelin from microscopy data using deep learning

Segment axon and myelin from microscopy data using deep learning. Written in Python. Using the TensorFlow framework. Based on a convolutional neural network architecture. Pixels are classified as eit

NeuroPoly 103 Nov 29, 2022
tf2onnx - Convert TensorFlow, Keras and Tflite models to ONNX.

tf2onnx converts TensorFlow (tf-1.x or tf-2.x), tf.keras and tflite models to ONNX via command line or python api.

Open Neural Network Exchange 1.8k Jan 08, 2023
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐

🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐

xmu-xiaoma66 7.7k Jan 05, 2023
(CVPR2021) DANNet: A One-Stage Domain Adaptation Network for Unsupervised Nighttime Semantic Segmentation

DANNet: A One-Stage Domain Adaptation Network for Unsupervised Nighttime Semantic Segmentation CVPR2021(oral) [arxiv] Requirements python3.7 pytorch==

W-zx-Y 85 Dec 07, 2022
DM-ACME compatible implementation of the Arm26 environment from Mujoco

ACME-compatible implementation of Arm26 from Mujoco This repository contains a customized implementation of Mujoco's Arm26 model, that can be used wit

1 Dec 24, 2021
Official implementation of the MM'21 paper Constrained Graphic Layout Generation via Latent Optimization

[MM'21] Constrained Graphic Layout Generation via Latent Optimization This repository provides the official code for the paper "Constrained Graphic La

Kotaro Kikuchi 73 Dec 27, 2022