Existing Literature about Machine Unlearning

Overview

Machine Unlearning Papers

2021

Brophy and Lowd. Machine Unlearning for Random Forests. In ICML 2021.

Bourtoule et al. Machine Unlearning. In IEEE Symposium on Security and Privacy 2021.

Gupta et al. Adaptive Machine Unlearning. In Neurips 2021.

Huang et al. Unlearnable Examples: Making Personal Data Unexploitable. In ICLR 2021.

Neel et al. Descent-to-Delete: Gradient-Based Methods for Machine Unlearning. In ALT 2021.

Schelter et al. HedgeCut: Maintaining Randomised Trees for Low-Latency Machine Unlearning. In SIGMOD 2021.

Sekhari et al. Remember What You Want to Forget: Algorithms for Machine Unlearning. In Neurips 2021.

arXiv

Chen et al. Graph Unlearning. In arXiv 2021.

Chen et al. Machine unlearning via GAN. In arXiv 2021.

Fu et al. Bayesian Inference Forgetting. In arXiv 2021.

He et al. DeepObliviate: A Powerful Charm for Erasing Data Residual Memory in Deep Neural Networks. In arXiv 2021.

Khan and Swaroop. Knowledge-Adaptation Priors. In arXiv 2021.

Marchant et al. Hard to Forget: Poisoning Attacks on Certified Machine Unlearning . In arXiv 2021.

Parne et al. Machine Unlearning: Learning, Polluting, and Unlearning for Spam Email. In arXiv 2021.

Tarun et al. Fast Yet Effective Machine Unlearning . In arXiv 2021.

Ullah et al. Machine Unlearning via Algorithmic Stability. In arXiv 2021.

Wang et al. Federated Unlearning via Class-Discriminative Pruning . In arXiv 2021.

Warnecke et al. Machine Unlearning for Features and Labels. In arXiv 2021.

Zeng et al. Learning to Refit for Convex Learning Problems In arXiv 2021.

2020

Guo et al. Certified Data Removal from Machine Learning Models. In ICML 2020.

Golatkar et al. Eternal Sunshine of the Spotless Net: Selective Forgetting in Deep Networks. In CVPR 2020.

Wu et. al DeltaGrad: Rapid Retraining of Machine Learning Models. In ICML 2020.

arXiv

Aldaghri et al. Coded Machine Unlearning. In arXiv 2020.

Baumhauer et al. Machine Unlearning: Linear Filtration for Logit-based Classifiers. In arXiv 2020.

Garg et al. Formalizing Data Deletion in the Context of the Right to be Forgotten. In arXiv 2020.

Chen et al. When Machine Unlearning Jeopardizes Privacy. In arXiv 2020.

Felps et al. Class Clown: Data Redaction in Machine Unlearning at Enterprise Scale. In arXiv 2020.

Golatkar et al. Mixed-Privacy Forgetting in Deep Networks. In arXiv 2020.

Golatkar et al. Forgetting Outside the Box: Scrubbing Deep Networks of Information Accessible from Input-Output Observations. In arXiv 2020.

Izzo et al. Approximate Data Deletion from Machine Learning Models: Algorithms and Evaluations. In arXiv 2020.

Liu et al. Learn to Forget: User-Level Memorization Elimination in Federated Learning. In arXiv 2020.

Sommer et al. Towards Probabilistic Verification of Machine Unlearning. In arXiv 2020.

Yiu et al. Learn to Forget: User-Level Memorization Elimination in Federated Learning. In arXiv 2020.

Yu et al. Membership Inference with Privately Augmented Data Endorses the Benign while Suppresses the Adversary. In arXiv 2020.

2019

Chen et al. A Novel Online Incremental and Decremental Learning Algorithm Based on Variable Support Vector Machine. In Cluster Computing 2019.

Ginart et al. Making AI Forget You: Data Deletion in Machine Learning. In NeurIPS 2019.

Schelter. “Amnesia” – Towards Machine Learning Models That Can Forget User Data Very Fast. In AIDB 2019.

Shintre et al. Making Machine Learning Forget. In APF 2019.

Du et al. Lifelong Anomaly Detection Through Unlearning. In CCS 2019.

Wang et al. Neural Cleanse: Identifying and Mitigating Backdoor Attacks in Neural Networks. In IEEE Symposium on Security and Privacy 2019.

arXiv

Tople te al. Analyzing Privacy Loss in Updates of Natural Language Models. In arXiv 2019.

2018

Cao et al. Efficient Repair of Polluted Machine Learning Systems via Causal Unlearning. In ASIACCS 2018.

European Union. GDPR, 2018.

State of California. California Consumer Privacy Act, 2018.

Veale et al. Algorithms that remember: model inversion attacks and data protection law. In The Royal Society 2018.

Villaronga et al. Humans Forget, Machines Remember: Artificial Intelligence and the Right to Be Forgotten. In Computer Law & Security Review 2018.

2017

Kwak et al. Let Machines Unlearn--Machine Unlearning and the Right to be Forgotten. In SIGSEC 2017.

Shokri et al. Membership Inference Attacks Against Machine Learning Models. In SP 2017.

Before 2017

Cao and Yang. Towards Making Systems Forget with Machine Unlearning. In IEEE Symposium on Security and Privacy 2015.

Tsai et al. Incremental and decremental training for linear classification. In KDD 2014.

Karasuyama and Takeuchi. Multiple Incremental Decremental Learning of Support Vector Machines. In NeurIPS 2009.

Duan et al. Decremental Learning Algorithms for Nonlinear Langrangian and Least Squares Support Vector Machines. In OSB 2007.

Romero et al. Incremental and Decremental Learning for Linear Support Vector Machines. In ICANN 2007.

Tveit et al. Incremental and Decremental Proximal Support Vector Classification using Decay Coefficients. In DaWaK 2003.

Tveit and Hetland. Multicategory Incremental Proximal Support Vector Classifiers. In KES 2003.

Cauwenberghs and Poggio. Incremental and Decremental Support Vector Machine Learning. In NeurIPS 2001.

Canada. PIPEDA, 2000.

Owner
Jonathan Brophy
PhD student at UO.
Jonathan Brophy
一个多模态内容理解算法框架,其中包含数据处理、预训练模型、常见模型以及模型加速等模块。

Overview 架构设计 插件介绍 安装使用 框架简介 方便使用,支持多模态,多任务的统一训练框架 能力列表: bert + 分类任务 自定义任务训练(插件注册) 框架设计 框架采用分层的思想组织模型训练流程。 DATA 层负责读取用户数据,根据 field 管理数据。 Parser 层负责转换原

Tencent 265 Dec 22, 2022
Code implementation from my Medium blog post: [Transformers from Scratch in PyTorch]

transformer-from-scratch Code for my Medium blog post: Transformers from Scratch in PyTorch Note: This Transformer code does not include masked attent

Frank Odom 27 Dec 21, 2022
[SIGGRAPH 2021 Asia] DeepVecFont: Synthesizing High-quality Vector Fonts via Dual-modality Learning

DeepVecFont This is the official Pytorch implementation of the paper: Yizhi Wang and Zhouhui Lian. DeepVecFont: Synthesizing High-quality Vector Fonts

Yizhi Wang 146 Dec 18, 2022
StackNet is a computational, scalable and analytical Meta modelling framework

StackNet This repository contains StackNet Meta modelling methodology (and software) which is part of my work as a PhD Student in the computer science

Marios Michailidis 1.3k Dec 15, 2022
PyTorch Implementation of Backbone of PicoDet

PicoDet-Backbone PyTorch Implementation of Backbone of PicoDet Original Implementation is implemented on PaddlePaddle. Example picodet_l_backbone = ES

Yonghye Kwon 7 Jul 12, 2022
PyTorch-Multi-Style-Transfer - Neural Style and MSG-Net

PyTorch-Style-Transfer This repo provides PyTorch Implementation of MSG-Net (ours) and Neural Style (Gatys et al. CVPR 2016), which has been included

Hang Zhang 906 Jan 04, 2023
Python scripts performing class agnostic object localization using the Object Localization Network model in ONNX.

ONNX Object Localization Network Python scripts performing class agnostic object localization using the Object Localization Network model in ONNX. Ori

Ibai Gorordo 15 Oct 14, 2022
Self-Supervised Document-to-Document Similarity Ranking via Contextualized Language Models and Hierarchical Inference

Self-Supervised Document Similarity Ranking (SDR) via Contextualized Language Models and Hierarchical Inference This repo is the implementation for SD

Microsoft 36 Nov 28, 2022
Deep Learning Training Scripts With Python

Deep Learning Training Scripts DNN Frameworks Caffe PyTorch Tensorflow CNN Models VGG ResNet DenseNet Inception Language Modeling GatedCNN-LM Attentio

Multicore Computing Research Lab 16 Dec 15, 2022
Codes for Causal Semantic Generative model (CSG), the model proposed in "Learning Causal Semantic Representation for Out-of-Distribution Prediction" (NeurIPS-21)

Learning Causal Semantic Representation for Out-of-Distribution Prediction This repository is the official implementation of "Learning Causal Semantic

Chang Liu 54 Dec 01, 2022
Multi-Agent Reinforcement Learning for Active Voltage Control on Power Distribution Networks (MAPDN)

Multi-Agent Reinforcement Learning for Active Voltage Control on Power Distribution Networks (MAPDN) This is the implementation of the paper Multi-Age

Future Power Networks 83 Jan 06, 2023
A full pipeline AutoML tool for tabular data

HyperGBM Doc | 中文 We Are Hiring! Dear folks,we are offering challenging opportunities located in Beijing for both professionals and students who are k

DataCanvas 240 Jan 03, 2023
Implementation of Graph Transformer in Pytorch, for potential use in replicating Alphafold2

Graph Transformer - Pytorch Implementation of Graph Transformer in Pytorch, for potential use in replicating Alphafold2. This was recently used by bot

Phil Wang 97 Dec 28, 2022
Author's PyTorch implementation of TD3+BC, a simple variant of TD3 for offline RL

A Minimalist Approach to Offline Reinforcement Learning TD3+BC is a simple approach to offline RL where only two changes are made to TD3: (1) a weight

Scott Fujimoto 193 Dec 23, 2022
[ICML 2022] The official implementation of Graph Stochastic Attention (GSAT).

Graph Stochastic Attention (GSAT) The official implementation of GSAT for our paper: Interpretable and Generalizable Graph Learning via Stochastic Att

85 Nov 27, 2022
Code for the paper "Attention Approximates Sparse Distributed Memory"

Attention Approximates Sparse Distributed Memory - Codebase This is all of the code used to run analyses in the paper "Attention Approximates Sparse D

Trenton Bricken 14 Dec 05, 2022
Official PyTorch implementation of the paper "Recycling Discriminator: Towards Opinion-Unaware Image Quality Assessment Using Wasserstein GAN", accepted to ACM MM 2021 BNI Track.

RecycleD Official PyTorch implementation of the paper "Recycling Discriminator: Towards Opinion-Unaware Image Quality Assessment Using Wasserstein GAN

Yunan Zhu 23 Nov 05, 2022
A Convolutional Transformer for Keyword Spotting

☢️ Audiomer ☢️ Audiomer: A Convolutional Transformer for Keyword Spotting [ arXiv ] [ Previous SOTA ] [ Model Architecture ] Results on SpeechCommands

49 Jan 27, 2022
mbrl-lib is a toolbox for facilitating development of Model-Based Reinforcement Learning algorithms.

mbrl-lib is a toolbox for facilitating development of Model-Based Reinforcement Learning algorithms. It provides easily interchangeable modeling and planning components, and a set of utility function

Facebook Research 724 Jan 04, 2023
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...

Automatic, Readable, Reusable, Extendable Machin is a reinforcement library designed for pytorch. Build status Platform Status Linux Windows Supported

Iffi 348 Dec 24, 2022