All Projects → Yorko → gender-unbiased_BERT-based_pronoun_resolution

Yorko / gender-unbiased_BERT-based_pronoun_resolution

Licence: Apache-2.0 license
Source code for the ACL workshop paper and Kaggle competition by Google AI team

Programming Languages

Jupyter Notebook
11667 projects
python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to gender-unbiased BERT-based pronoun resolution

Fill-the-GAP
[ACL-WS] 4th place solution to gendered pronoun resolution challenge on Kaggle
Stars: ✭ 13 (-69.05%)
Mutual labels:  kaggle, bert, coreference-resolution
bert-movie-reviews-sentiment-classifier
Build a Movie Reviews Sentiment Classifier with Google's BERT Language Model
Stars: ✭ 12 (-71.43%)
Mutual labels:  bert, bert-model
PIE
Fast + Non-Autoregressive Grammatical Error Correction using BERT. Code and Pre-trained models for paper "Parallel Iterative Edit Models for Local Sequence Transduction": www.aclweb.org/anthology/D19-1435.pdf (EMNLP-IJCNLP 2019)
Stars: ✭ 164 (+290.48%)
Mutual labels:  bert, bert-model
bert-tensorflow-pytorch-spacy-conversion
Instructions for how to convert a BERT Tensorflow model to work with HuggingFace's pytorch-transformers, and spaCy. This walk-through uses DeepPavlov's RuBERT as example.
Stars: ✭ 26 (-38.1%)
Mutual labels:  bert, bert-model
SIGIR2021 Conure
One Person, One Model, One World: Learning Continual User Representation without Forgetting
Stars: ✭ 23 (-45.24%)
Mutual labels:  bert, bert-model
Kashgari
Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
Stars: ✭ 2,235 (+5221.43%)
Mutual labels:  bert, bert-model
FinBERT-QA
Financial Domain Question Answering with pre-trained BERT Language Model
Stars: ✭ 70 (+66.67%)
Mutual labels:  bert, bert-model
BertSimilarity
Computing similarity of two sentences with google's BERT algorithm。利用Bert计算句子相似度。语义相似度计算。文本相似度计算。
Stars: ✭ 348 (+728.57%)
Mutual labels:  bert
kaggledatasets
Collection of Kaggle Datasets ready to use for Everyone (Looking for contributors)
Stars: ✭ 44 (+4.76%)
Mutual labels:  kaggle
RECCON
This repository contains the dataset and the PyTorch implementations of the models from the paper Recognizing Emotion Cause in Conversations.
Stars: ✭ 126 (+200%)
Mutual labels:  bert-model
FasterTransformer
Transformer related optimization, including BERT, GPT
Stars: ✭ 1,571 (+3640.48%)
Mutual labels:  bert
german-sentiment
A data set and model for german sentiment classification.
Stars: ✭ 37 (-11.9%)
Mutual labels:  bert-model
Romanian-Transformers
This repo is the home of Romanian Transformers.
Stars: ✭ 60 (+42.86%)
Mutual labels:  bert
CAIL
法研杯CAIL2019阅读理解赛题参赛模型
Stars: ✭ 34 (-19.05%)
Mutual labels:  bert
open-solution-ship-detection
Open solution to the Airbus Ship Detection Challenge
Stars: ✭ 54 (+28.57%)
Mutual labels:  kaggle
open-solution-cdiscount-starter
Open solution to the Cdiscount’s Image Classification Challenge
Stars: ✭ 20 (-52.38%)
Mutual labels:  kaggle
Data-Science-Projects
Data Science projects on various problem statements and datasets using Data Analysis, Machine Learning Algorithms, Deep Learning Algorithms, Natural Language Processing, Business Intelligence concepts by Python
Stars: ✭ 28 (-33.33%)
Mutual labels:  kaggle
fer
Facial Expression Recognition
Stars: ✭ 32 (-23.81%)
Mutual labels:  kaggle
Dog-Breed-Identification-Gluon
Kaggle 120种狗分类,Gluon实现
Stars: ✭ 45 (+7.14%)
Mutual labels:  kaggle
text-classification-transformers
Easy text classification for everyone : Bert based models via Huggingface transformers (KR / EN)
Stars: ✭ 32 (-23.81%)
Mutual labels:  bert-model

Source code for the paper "Resolving Gendered Ambiguous Pronouns with BERT"

ArXiv, accepted at the 1st ACL Workshop on Gender Bias for Natural Language Processing at ACL 2019 in Florence on 2nd August 2019.

Kaggle competition

Abstract

Pronoun resolution is part of coreference resolution, the task of pairing an expression to its referring entity. This is an important task for natural language understanding and a necessary component of machine translation systems, chat bots and assistants. Neural machine learning systems perform far from ideally in this task, reaching as low as 73% F1 scores on modern benchmark datasets. Moreover, they tend to perform better for masculine pronouns than for feminine ones. Thus, the problem is both challenging and important for NLP researchers and practitioners. In this project, we describe our BERT-based approach to solving the problem of gender-balanced pronoun resolution. We are able to reach 92% F1 score and a much lower gender bias on the benchmark dataset shared by Google AI Language team.

Navigation

  • fine-tuned_model contains the code reproducing Ken Krige's 5th place solution
  • frozen_model contains the code reproducing 22th place solution by team "[ods.ai] five zeros" (Yury Kashnitsky, Matei Ionita, Vladimir Larin, Dennis Logvinenko, and Atanas Atanasov)
  • analysis folder contains scripts for comparison with results by Google AI Language team reported in this paper
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].