• Stars
    star
    173
  • Rank 214,915 (Top 5 %)
  • Language
  • Created over 2 years ago
  • Updated 12 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

This repository collects 100 papers related to negative sampling methods.

Negative-Sampling-Paper

This repository collects 100 papers related to negative sampling methods, covering multiple research fields such as Recommendation Systems (RS), Computer Vision (CV),Natural Language Processing (NLP) and Contrastive Learning (CL).

Existing negative sampling methods can be roughly divided into five categories: Static Negative Sampling, Hard Negative Sampling, Adversarial Sampling, Graph-based Sampling and Additional data enhanced Sampling.

Category

Static Negative Sampling

  • BPR: Bayesian Personalized Ranking from Implicit Feedback. UAI(2009) [RS] [PDF]

  • Real-Time Top-N Recommendation in Social Streams. RecSys(2012) [RS] [PDF]

  • Distributed Representations of Words and Phrases and their Compositionality. NIPS(2013) [NLP] [PDF]

  • word2vec Explained: Deriving Mikolov et al.'s Negative-Sampling Word-Embedding Method. arXiv(2014) [NLP] [PDF]

  • Deepwalk: Online learning of social representations. KDD(2014) [GRL] [PDF]

  • LINE: Large-scale Information Network Embedding. WWW(2015) [GRL] [PDF]

  • Context- and Content-aware Embeddings for Query Rewriting in Sponsored Search. SIGIR(2015) [NLP] [PDF]

  • node2vec: Scalable Feature Learning for Networks. KDD(2016) [NLP] [PDF]

  • Fast Matrix Factorization for Online Recommendation with Implicit Feedback. SIGIR(2016) [RS] [PDF]

  • Word2vec applied to Recommendation: Hyperparameters Matter. RecSys(2018) [RS] [PDF]

  • General Knowledge Embedded Image Representation Learning. TMM(2018) [CV] [PDF]

  • Alleviating Cold-Start Problems in Recommendation through Pseudo-Labelling over Knowledge Graph. WSDM(2021) [RS] [PDF]

Hard Negative Sampling

  • Example-based learning for view-based human face detection. TPAMI(1998) [CV] [PDF]

  • Adaptive Importance Sampling to Accelerate Training of a Neural Probabilistic Language Model. T-NN(2008) [NLP] [PDF]

  • Optimizing Top-N Collaborative Filtering via Dynamic Negative Item Sampling. SIGIR(2013) [RS] [PDF]

  • Bootstrapping Visual Categorization With Relevant Negatives. TMM(2013) [CV] [PDF]

  • Improving Pairwise Learning for Item Recommendation from Implicit Feedback. WSDM(2014) [RS] [PDF]

  • Improving Latent Factor Models via Personalized Feature Projection for One Class Recommendation. CIKM(2015) [RS] [PDF]

  • Noise-Contrastive Estimation for Answer Selection with Deep Neural Networks. CIKM(2016) [NLP] [PDF]

  • RankMBPR: Rank-aware Mutual Bayesian Personalized Ranking for Item Recommendation. WAIM(2016) [RS] [PDF]

  • Training Region-Based Object Detectors With Online Hard Example Mining. CVPR(2016) [CV] [PDF]

  • Hard Negative Mining for Metric Learning Based Zero-Shot Classification. ECCV(2016) [ML] [PDF]

  • Vehicle detection in aerial images based on region convolutional neural networks and hard negative example mining. Sensors(2017) [CV] [PDF]

  • WalkRanker: A Unified Pairwise Ranking Model with Multiple Relations for Item Recommendation. AAAI(2018) [RS] [PDF]

  • Bootstrapping Entity Alignment with Knowledge Graph Embedding. IJCAI(2018) [KGE] [PDF]

  • Improving Occlusion and Hard Negative Handling for Single-Stage Pedestrian Detectors. CVPR(2018) [CV] [PDF]

  • NSCaching: Simple and Efficient Negative Sampling for Knowledge Graph Embedding. ICDE(2019) [KGE] [PDF]

  • Meta-Transfer Learning for Few-Shot Learning. CVPR(2019) [CV] [PDF]

  • ULDor: A Universal Lesion Detector for CT Scans with Pseudo Masks and Hard Negative Example Mining. ISBI(2019) [CV] [PDF]

  • Distributed representation learning via node2vec for implicit feedback recommendation. NCA(2020) [NLP] [PDF]

  • Simplify and Robustify Negative Sampling for Implicit Collaborative Filtering. arXiv(2020) [RS] [PDF]

  • Hard Negative Mixing for Contrastive Learning. arXiv(2020) [CL] [PDF]

  • Bundle Recommendation with Graph Convolutional Networks. SIGIR(2020) [RS] [PDF]

  • Supervised Contrastive Learning. NIPS(2020) [CL] [PDF]

  • Curriculum Meta-Learning for Next POI Recommendation. KDD(2021) [RS] [PDF]

  • Boosting the Speed of Entity Alignment 10×: Dual Attention Matching Network with Normalized Hard Sample Mining. WWW(2021) [KGE] [PDF]

  • Hard-Negatives or Non-Negatives? A Hard-Negative Selection Strategy for Cross-Modal Retrieval Using the Improved Marginal Ranking Loss. ICCV(2021) [CV] [PDF]

  • Neighborhood Contrastive Learning for Scientific Document Representations with Citation Embeddings. EMNLP(2022) [NLP] [PDF]

Adversarial Sampling

  • Deep Generative Image Models using a Laplacian Pyramid of Adversarial Networks. NIPS(2015) [CV] [PDF]

  • IRGAN: A Minimax Game for Unifying Generative and Discriminative Information Retrieval Models. SIGIR(2017) [IR] [PDF]

  • SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient. AAAI(2017) [NLP] [PDF]

  • KBGAN: Adversarial Learning for Knowledge Graph Embeddings. NAACL(2018) [KGE] [PDF]

  • Neural Memory Streaming Recommender Networks with Adversarial Training. KDD(2018) [RS] [PDF]

  • GraphGAN: Graph Representation Learning with Generative Adversarial Nets. AAAI(2018) [GRL] [PDF]

  • CFGAN: A Generic Collaborative Filtering Framework based on Generative Adversarial Networks. CIKM(2018) [RS] [PDF]

  • Adversarial Contrastive Estimation. ACL(2018) [NLP] [PDF]

  • Incorporating GAN for Negative Sampling in Knowledge Representation Learning. AAAI(2018) [KGE] [PDF]

  • Exploring the potential of conditional adversarial networks for optical and SAR image matching. IEEE J-STARS(2018) [CV] [PDF]

  • Deep Adversarial Metric Learning. CVPR(2018) [CV] [PDF]

  • Adversarial Detection with Model Interpretation. KDD(2018) [ML] [PDF]

  • Adversarial Sampling and Training for Semi-Supervised Information Retrieval. WWW(2019) [IR] [PDF]

  • Deep Adversarial Social Recommendation. IJCAI(2019) [RS] [PDF]

  • Adversarial Learning on Heterogeneous Information Networks. KDD(2019) [HIN] [PDF]

  • Regularized Adversarial Sampling and Deep Time-aware Attention for Click-Through Rate Prediction. CIKM(2019) [RS] [PDF]

  • Adversarial Knowledge Representation Learning Without External Model. IEEE Access(2019) [KGE] [PDF]

  • Adversarial Binary Collaborative Filtering for Implicit Feedback. AAAI(2019) [RS] [PDF]

  • ProGAN: Network Embedding via Proximity Generative Adversarial Network. KDD(2019) [GRL] [PDF]

  • Generating Fluent Adversarial Examples for Natural Languages. ACL(2019) [NLP] [PDF]

  • IPGAN: Generating Informative Item Pairs by Adversarial Sampling. TNLLS(2020) [RS] [PDF]

  • Contrastive Learning with Adversarial Examples. arXiv(2020) [CL] [PDF]

  • PURE: Positive-Unlabeled Recommendation with Generative Adversarial Network. KDD(2021) [RS] [PDF]

  • Negative Sampling for Knowledge Graph Completion Based on Generative Adversarial Network. ICCCI(2021) [KGE] [PDF]

  • Synthesizing Adversarial Negative Responses for Robust Response Ranking and Evaluation. arXiv(2021) [NLP] [PDF]

  • Adversarial Feature Translation for Multi-domain Recommendation. KDD(2021) [RS] [PDF]

  • Adversarial training regularization for negative sampling based network embedding. Information Sciences(2021) [GRL] [PDF]

  • Adversarial Caching Training: Unsupervised Inductive Network Representation Learning on Large-Scale Graphs. TNNLS(2021) [GRL] [PDF]

  • A Robust and Generalized Framework for Adversarial Graph Embedding. arxiv(2021) [GRL] [PDF]

  • Instance-wise Hard Negative Example Generation for Contrastive Learning in Unpaired Image-to-Image Translation. ICCV(2021) [CV] [PDF]

Graph-based Sampling

  • ACRec: a co-authorship based random walk model for academic collaboration recommendation. WWW(2014) [RS] [PDF]

  • GNEG: Graph-Based Negative Sampling for word2vec. ACL(2018) [NLP] [PDF]

  • Graph Convolutional Neural Networks for Web-Scale Recommender Systems. KDD(2018) [RS] [PDF]

  • SamWalker: Social Recommendation with Informative Sampling Strategy. WWW(2019) [RS] [PDF]

  • Understanding Negative Sampling in Graph Representation Learning. KDD(2020) [GRL] [PDF]

  • Reinforced Negative Sampling over Knowledge Graph for Recommendation. WWW(2020) [RS] [PDF]

  • MixGCF: An Improved Training Method for Graph Neural Network-based Recommender Systems. KDD(2021) [RS] [PDF]

  • SamWalker++: recommendation with informative sampling strategy. TKDE(2021) [RS] [PDF]

  • DSKReG: Differentiable Sampling on Knowledge Graph for Recommendation with Relational GNN. CIKM(2021) [RS] [PDF]

Additional data enhanced Sampling

  • Leveraging Social Connections to Improve Personalized Ranking for Collaborative Filtering. CIKM(2014) [RS] [PDF]

  • Social Recommendation with Strong and Weak Ties. CIKM(2016) [RS] [PDF]

  • Bayesian Personalized Ranking with Multi-Channel User Feedback. RecSys(2016) [RS] [PDF]

  • Joint Geo-Spatial Preference and Pairwise Ranking for Point-of-Interest Recommendation. ICTAI(2017) [RS] [PDF]

  • A Personalised Ranking Framework with Multiple Sampling Criteria for Venue Recommendation. CIKM(2017) [RS] [PDF]

  • An Improved Sampling for Bayesian Personalized Ranking by Leveraging View Data. WWW(2018) [RS] [PDF]

  • Reinforced Negative Sampling for Recommendation with Exposure Data. IJCAI(2019) [RS] [PDF]

  • Geo-ALM: POI Recommendation by Fusing Geographical Information and Adversarial Learning Mechanism. IJCAI(2019) [RS] [PDF]

  • Bayesian Deep Learning with Trust and Distrust in Recommendation Systems. WI(2019) [RS] [PDF]

  • Socially-Aware Self-Supervised Tri-Training for Recommendation. arXiv(2021) [RS] [PDF]

  • DGCN: Diversified Recommendation with Graph Convolutional Networks. WWW(2021) [RS] [PDF]

Future Outlook

False Negative Problem

  • Incremental False Negative Detection for Contrastive Learning. arXiv(2021) [CL] [PDF]

  • Graph Debiased Contrastive Learning with Joint Representation Clustering. IJCAI(2021) [GRL & CL] [PDF]

  • Relation-aware Graph Attention Model With Adaptive Self-adversarial Training. AAAI(2021) [KGE] [PDF]

Curriculum Learning

  • On The Power of Curriculum Learning in Training Deep Networks. ICML(2016) [CV] [PDF]

  • Graph Representation with Curriculum Contrastive Learning. IJCAI(2021) [GRL & CL] [PDF]

Negative Sampling Ratio

  • Are all negatives created equal in contrastive instance discrimination. arXiv(2020) [CL] [PDF]

  • SimpleX: A Simple and Strong Baseline for Collaborative Filtering. CIKM(2021) [RS] [PDF]

  • Rethinking InfoNCE: How Many Negative Samples Do You Need. arXiv(2021) [CL] [PDF]

Debiased Sampling

  • Debiased Contrastive Learning. NIPS(2020) [CL] [PDF]

  • Contrastive Learning for Debiased Candidate Generation in Large-Scale Recommender Systems. KDD(2021) [RS] [PDF]

Non-Sampling

  • Beyond Hard Negative Mining: Efficient Detector Learning via Block-Circulant Decomposition. ICCV(2013) [CV] [PDF]

  • Efficient Heterogeneous Collaborative Filtering without Negative Sampling for Recommendation. AAAI(2020) [RS] [PDF]

  • Efficient Non-Sampling Knowledge Graph Embedding. WWW(2021) [KGE] [PDF]

More Repositories

1

LLMSurvey

The official GitHub page for the survey paper "A Survey of Large Language Models".
Python
8,693
star
2

RecBole

A unified, comprehensive and efficient recommendation library
Python
3,241
star
3

TextBox

TextBox 2.0 is a text generation library with pre-trained language models
Python
1,055
star
4

Awesome-RSPapers

Recommender System Papers
902
star
5

RecSysDatasets

This is a repository of public data sources for Recommender Systems (RS).
Python
731
star
6

CRSLab

CRSLab is an open-source toolkit for building Conversational Recommender System (CRS).
Python
474
star
7

Top-conference-paper-list

A collection of classified and organized top conference paper list.
362
star
8

HaluEval

This is the repository of HaluEval, a large-scale hallucination evaluation benchmark for Large Language Models.
Python
298
star
9

LLMRank

[ECIR'24] Implementation of "Large Language Models are Zero-Shot Rankers for Recommender Systems"
Python
182
star
10

DenseRetrieval

170
star
11

RecBole2.0

An up-to-date, comprehensive and flexible recommendation library
167
star
12

RecBole-GNN

Efficient and extensible GNNs enhanced recommender library based on RecBole.
Python
154
star
13

UniSRec

[KDD'22] Official PyTorch implementation for "Towards Universal Sequence Representation Learning for Recommender Systems".
Python
152
star
14

LLMBox

Python
117
star
15

NCL

[WWW'22] Official PyTorch implementation for "Improving Graph Collaborative Filtering with Neighborhood-enriched Contrastive Learning".
Python
113
star
16

RSPapers

Must-read papers on Recommender System. 推荐系统相关论文整理(内含40篇论文,并持续更新中)
89
star
17

RecBole-CDR

This is a library built upon RecBole for cross-domain recommendation algorithms
Python
78
star
18

MVP

This repository is the official implementation of our paper MVP: Multi-task Supervised Pre-training for Natural Language Generation.
67
star
19

VQ-Rec

[WWW'23] PyTorch implementation for "Learning Vector-Quantized Item Representation for Transferable Sequential Recommenders".
Python
51
star
20

RecBole-PJF

Python
46
star
21

ChatCoT

The official repository of "ChatCoT: Tool-Augmented Chain-of-Thought Reasoning on Chat-based Large Language Models"
Python
41
star
22

CORE

[SIGIR'22] Official PyTorch implementation for "CORE: Simple and Effective Session-based Recommendation within Consistent Representation Space".
Python
37
star
23

Multi-View-Co-Teaching

Code for our CIKM 2020 paper "Learning to Match Jobs with Resumes from Sparse Interaction Data using Multi-View Co-Teaching Network"
Python
29
star
24

JiuZhang

Our code will be public soon .
Python
25
star
25

ELMER

This repository is the official implementation of our EMNLP 2022 paper ELMER: A Non-Autoregressive Pre-trained Language Model for Efficient and Effective Text Generation
Python
24
star
26

BAMBOO

Python
23
star
27

Language-Specific-Neurons

Python
17
star
28

RecBole-DA

Python
17
star
29

ReSeq

[RecSys'23] Code of "Reciprocal Sequential Recommendation."
Python
17
star
30

CARP

Python
16
star
31

SAFE

The pytorch implementation of the SAFE model presented in NAACL-Findings-2022
Python
16
star
32

RecBole-TRM

Python
13
star
33

Erya

12
star
34

MML

Python
12
star
35

Context-Tuning

This is the repository for COLING 2022 paper "Context-Tuning: Learning Contextualized Prompts for Natural Language Generation".
11
star
36

SHPJF

[DASFAA22] Official PyTorch implementation for "Leveraging Search History for Improving Person-Job Fit".
Python
10
star
37

UniWeb

The official repository for our ACL 2023 Findings paper: The Web Can Be Your Oyster for Improving Language Models
9
star
38

PPGM

[ICDM'22] PyTorch implementation for "Privacy-Preserved Neural Graph Similarity Learning".
Python
6
star
39

LIVE

The official repository our ACL 2023 paper: "Learning to Imagine: Visually-Augmented Natural Language Generation"."
Python
5
star
40

Social-Datasets

A collection of social datasets for RecBole-GNN.
5
star
41

M3SRec

4
star
42

FIGA

Python
3
star
43

Contrastive-Curriculum-Learning

Python
3
star
44

Data-CUBE

3
star
45

Div-Ref

The official repository of "Not All Metrics Are Guilty: Improving NLG Evaluation Diversifying References".
Python
2
star
46

GenRec

Python
1
star
47

ETRec

Python
1
star