Search Results for author: Iryna Gurevych

Found 328 papers, 173 papers with code

Sentence-BERT: Sentence Embeddings using Siamese BERT-Networks

60 code implementations IJCNLP 2019 Nils Reimers, Iryna Gurevych

However, it requires that both sentences are fed into the network, which causes a massive computational overhead: Finding the most similar pair in a collection of 10, 000 sentences requires about 50 million inference computations (~65 hours) with BERT.

Clustering Linear-Probe Classification +6

Making Monolingual Sentence Embeddings Multilingual using Knowledge Distillation

11 code implementations EMNLP 2020 Nils Reimers, Iryna Gurevych

The training is based on the idea that a translated sentence should be mapped to the same location in the vector space as the original sentence.

Knowledge Distillation Sentence +2

AdapterHub: A Framework for Adapting Transformers

8 code implementations EMNLP 2020 Jonas Pfeiffer, Andreas Rücklé, Clifton Poth, Aishwarya Kamath, Ivan Vulić, Sebastian Ruder, Kyunghyun Cho, Iryna Gurevych

We propose AdapterHub, a framework that allows dynamic "stitching-in" of pre-trained adapters for different tasks and languages.

XLM-R

AdapterFusion: Non-Destructive Task Composition for Transfer Learning

3 code implementations EACL 2021 Jonas Pfeiffer, Aishwarya Kamath, Andreas Rücklé, Kyunghyun Cho, Iryna Gurevych

We show that by separating the two stages, i. e., knowledge extraction and knowledge composition, the classifier can effectively exploit the representations learned from multiple tasks in a non-destructive manner.

Language Modelling Multi-Task Learning

MAD-X: An Adapter-Based Framework for Multi-Task Cross-Lingual Transfer

3 code implementations EMNLP 2020 Jonas Pfeiffer, Ivan Vulić, Iryna Gurevych, Sebastian Ruder

The main goal behind state-of-the-art pre-trained multilingual models such as multilingual BERT and XLM-R is enabling and bootstrapping NLP applications in low-resource languages through zero-shot or few-shot cross-lingual transfer.

Ranked #5 on Cross-Lingual Transfer on XCOPA (using extra training data)

Cross-Lingual Transfer named-entity-recognition +4

AdapterDrop: On the Efficiency of Adapters in Transformers

1 code implementation EMNLP 2021 Andreas Rücklé, Gregor Geigle, Max Glockner, Tilman Beck, Jonas Pfeiffer, Nils Reimers, Iryna Gurevych

Massively pre-trained transformer models are computationally expensive to fine-tune, slow for inference, and have large storage requirements.

Optimal Hyperparameters for Deep LSTM-Networks for Sequence Labeling Tasks

6 code implementations21 Jul 2017 Nils Reimers, Iryna Gurevych

Selecting optimal parameters for a neural network architecture can often make the difference between mediocre and state-of-the-art performance.

Chunking Event Detection +3

BEIR: A Heterogenous Benchmark for Zero-shot Evaluation of Information Retrieval Models

2 code implementations17 Apr 2021 Nandan Thakur, Nils Reimers, Andreas Rücklé, Abhishek Srivastava, Iryna Gurevych

To address this, and to facilitate researchers to broadly evaluate the effectiveness of their models, we introduce Benchmarking-IR (BEIR), a robust and heterogeneous evaluation benchmark for information retrieval.

Argument Retrieval Benchmarking +12

Why Comparing Single Performance Scores Does Not Allow to Draw Conclusions About Machine Learning Approaches

1 code implementation26 Mar 2018 Nils Reimers, Iryna Gurevych

In this publication, we show that there is a high risk that a statistical significance in this type of evaluation is not due to a superior learning approach.

BIG-bench Machine Learning NER

Reporting Score Distributions Makes a Difference: Performance Study of LSTM-networks for Sequence Tagging

5 code implementations EMNLP 2017 Nils Reimers, Iryna Gurevych

In this paper we show that reporting a single performance score is insufficient to compare non-deterministic approaches.

The INCEpTION Platform: Machine-Assisted and Knowledge-Oriented Interactive Annotation

1 code implementation COLING 2018 Jan-Christoph Klie, Michael Bugert, Beto Boullosa, Richard Eckart de Castilho, Iryna Gurevych

We introduce INCEpTION, a new annotation platform for tasks including interactive and semantic annotation (e. g., concept linking, fact linking, knowledge base population, semantic frame annotation).

Active Learning Entity Linking +2

Alternative Weighting Schemes for ELMo Embeddings

1 code implementation5 Apr 2019 Nils Reimers, Iryna Gurevych

We evaluate different methods that combine the three vectors from the language model in order to achieve the best possible performance in downstream NLP tasks.

Language Modelling Sentence +1

Context-Aware Representations for Knowledge Base Relation Extraction

1 code implementation EMNLP 2017 Daniil Sorokin, Iryna Gurevych

We demonstrate that for sentence-level relation extraction it is beneficial to consider other relations in the sentential context while predicting the target relation.

Question Answering Relation +2

Neural End-to-End Learning for Computational Argumentation Mining

2 code implementations ACL 2017 Steffen Eger, Johannes Daxenberger, Iryna Gurevych

Contrary to models that operate on the argument component level, we find that framing AM as dependency parsing leads to subpar performance results.

Dependency Parsing General Classification +1

Retrieve Fast, Rerank Smart: Cooperative and Joint Approaches for Improved Cross-Modal Retrieval

1 code implementation22 Mar 2021 Gregor Geigle, Jonas Pfeiffer, Nils Reimers, Ivan Vulić, Iryna Gurevych

Current state-of-the-art approaches to cross-modal retrieval process text and visual input jointly, relying on Transformer-based architectures with cross-attention mechanisms that attend over all words and objects in an image.

Cross-Modal Retrieval Retrieval

Modeling Global and Local Node Contexts for Text Generation from Knowledge Graphs

1 code implementation29 Jan 2020 Leonardo F. R. Ribeiro, Yue Zhang, Claire Gardent, Iryna Gurevych

Recent graph-to-text models generate text from graph-based data using either global or local aggregation to learn node representations.

Graph-to-Sequence KG-to-Text Generation +1

UKP-SQUARE: An Online Platform for Question Answering Research

1 code implementation ACL 2022 Tim Baumgärtner, Kexin Wang, Rachneet Sachdeva, Max Eichler, Gregor Geigle, Clifton Poth, Hannah Sterz, Haritz Puerto, Leonardo F. R. Ribeiro, Jonas Pfeiffer, Nils Reimers, Gözde Gül Şahin, Iryna Gurevych

Recent advances in NLP and information retrieval have given rise to a diverse set of question answering tasks that are of different formats (e. g., extractive, abstractive), require different model architectures (e. g., generative, discriminative), and setups (e. g., with or without retrieval).

Explainable Models Information Retrieval +2

UKP-SQuARE v2: Explainability and Adversarial Attacks for Trustworthy QA

1 code implementation19 Aug 2022 Rachneet Sachdeva, Haritz Puerto, Tim Baumgärtner, Sewin Tariverdian, Hao Zhang, Kexin Wang, Hossain Shaikh Saadi, Leonardo F. R. Ribeiro, Iryna Gurevych

In this paper, we introduce SQuARE v2, the new version of SQuARE, to provide an explainability infrastructure for comparing models based on methods such as saliency maps and graph-based explanations.

Adversarial Attack Explainable Models +2

UKP-SQuARE v3: A Platform for Multi-Agent QA Research

1 code implementation31 Mar 2023 Haritz Puerto, Tim Baumgärtner, Rachneet Sachdeva, Haishuo Fang, Hao Zhang, Sewin Tariverdian, Kexin Wang, Iryna Gurevych

To ease research in multi-agent models, we extend UKP-SQuARE, an online platform for QA research, to support three families of multi-agent systems: i) agent selection, ii) early-fusion of agents, and iii) late-fusion of agents.

Question Answering

UKP-SQuARE: An Interactive Tool for Teaching Question Answering

1 code implementation31 May 2023 Haishuo Fang, Haritz Puerto, Iryna Gurevych

To evaluate the effectiveness of UKP-SQuARE in teaching scenarios, we adopted it in a postgraduate NLP course and surveyed the students after the course.

Information Retrieval Question Answering +1

Mining Legal Arguments in Court Decisions

1 code implementation12 Aug 2022 Ivan Habernal, Daniel Faber, Nicola Recchia, Sebastian Bretthauer, Iryna Gurevych, Indra Spiecker genannt Döhmann, Christoph Burchard

Identifying, classifying, and analyzing arguments in legal discourse has been a prominent area of research since the inception of the argument mining field.

Argument Mining

C4Corpus: Multilingual Web-size Corpus with Free License

1 code implementation LREC 2016 Ivan Habernal, Omnia Zayed, Iryna Gurevych

Large Web corpora containing full documents with permissive licenses are crucial for many NLP tasks.

A Retrospective Analysis of the Fake News Challenge Stance Detection Task

7 code implementations13 Jun 2018 Andreas Hanselowski, Avinesh PVS, Benjamin Schiller, Felix Caspelherr, Debanjan Chaudhuri, Christian M. Meyer, Iryna Gurevych

To date, there is no in-depth analysis paper to critically discuss FNC-1's experimental setup, reproduce the results, and draw conclusions for next-generation stance classification methods.

General Classification Stance Classification +1

UKP-Athene: Multi-Sentence Textual Entailment for Claim Verification

1 code implementation WS 2018 Andreas Hanselowski, Hao Zhang, Zile Li, Daniil Sorokin, Benjamin Schiller, Claudia Schulz, Iryna Gurevych

The Fact Extraction and VERification (FEVER) shared task was launched to support the development of systems able to verify claims by extracting supporting or refuting facts from raw text.

Claim Verification Entity Linking +4

FactGraph: Evaluating Factuality in Summarization with Semantic Graph Representations

2 code implementations NAACL 2022 Leonardo F. R. Ribeiro, Mengwen Liu, Iryna Gurevych, Markus Dreyer, Mohit Bansal

Despite recent improvements in abstractive summarization, most current approaches generate summaries that are not factually consistent with the source document, severely restricting their trust and usage in real-world applications.

Abstractive Text Summarization

Annotation Error Detection: Analyzing the Past and Present for a More Coherent Future

1 code implementation5 Jun 2022 Jan-Christoph Klie, Bonnie Webber, Iryna Gurevych

While researchers show that their approaches work well on their newly introduced datasets, they rarely compare their methods to previous work or on the same datasets.

text-classification Text Classification

Better Rewards Yield Better Summaries: Learning to Summarise Without References

2 code implementations IJCNLP 2019 Florian Böhm, Yang Gao, Christian M. Meyer, Ori Shapira, Ido Dagan, Iryna Gurevych

Human evaluation experiments show that, compared to the state-of-the-art supervised-learning systems and ROUGE-as-rewards RL summarisation systems, the RL systems using our learned rewards during training generate summarieswith higher human ratings.

Reinforcement Learning (RL)

Stance Detection Benchmark: How Robust Is Your Stance Detection?

1 code implementation6 Jan 2020 Benjamin Schiller, Johannes Daxenberger, Iryna Gurevych

Stance Detection (StD) aims to detect an author's stance towards a certain topic or claim and has become a key component in applications like fake news detection, claim validation, and argument search.

Fake News Detection Multi-Task Learning +1

Multi-Task Learning for Argumentation Mining in Low-Resource Settings

1 code implementation NAACL 2018 Claudia Schulz, Steffen Eger, Johannes Daxenberger, Tobias Kahse, Iryna Gurevych

We investigate whether and where multi-task learning (MTL) can improve performance on NLP problems related to argumentation mining (AM), in particular argument component identification.

Multi-Task Learning

A Consolidated Open Knowledge Representation for Multiple Texts

1 code implementation WS 2017 Rachel Wities, Vered Shwartz, Gabriel Stanovsky, Meni Adler, Ori Shapira, Shyam Upadhyay, Dan Roth, Eugenio Martinez Camara, Iryna Gurevych, Ido Dagan

We propose to move from Open Information Extraction (OIE) ahead to Open Knowledge Representation (OKR), aiming to represent information conveyed jointly in a set of texts in an open text-based manner.

Lexical Entailment Open Information Extraction

EELECTION at SemEval-2017 Task 10: Ensemble of nEural Learners for kEyphrase ClassificaTION

1 code implementation SEMEVAL 2017 Steffen Eger, Erik-Lân Do Dinh, Ilia Kuznetsov, Masoud Kiaeeha, Iryna Gurevych

From these approaches, we created an ensemble of differently hyper-parameterized systems, achieving a micro-F1-score of 0. 63 on the test data.

General Classification

SPRINT: A Unified Toolkit for Evaluating and Demystifying Zero-shot Neural Sparse Retrieval

1 code implementation19 Jul 2023 Nandan Thakur, Kexin Wang, Iryna Gurevych, Jimmy Lin

In this work, we provide SPRINT, a unified Python toolkit based on Pyserini and Lucene, supporting a common interface for evaluating neural sparse retrieval.

Information Retrieval Retrieval

Latent Normalizing Flows for Many-to-Many Cross-Domain Mappings

1 code implementation ICLR 2020 Shweta Mahajan, Iryna Gurevych, Stefan Roth

Therefore, we propose a novel semi-supervised framework, which models shared information between domains and domain-specific information separately.

Image Captioning Image Generation

What to Pre-Train on? Efficient Intermediate Task Selection

1 code implementation EMNLP 2021 Clifton Poth, Jonas Pfeiffer, Andreas Rücklé, Iryna Gurevych

Our best methods achieve an average Regret@3 of less than 1% across all target tasks, demonstrating that we are able to efficiently identify the best datasets for intermediate training.

Multiple-choice Question Answering +1

Are Emergent Abilities in Large Language Models just In-Context Learning?

1 code implementation4 Sep 2023 Sheng Lu, Irina Bigoulaeva, Rachneet Sachdeva, Harish Tayyar Madabushi, Iryna Gurevych

Large language models have exhibited emergent abilities, demonstrating exceptional performance across diverse tasks for which they were not explicitly trained, including those that require complex reasoning abilities.

In-Context Learning Instruction Following

Structural Adapters in Pretrained Language Models for AMR-to-text Generation

1 code implementation EMNLP 2021 Leonardo F. R. Ribeiro, Yue Zhang, Iryna Gurevych

Pretrained language models (PLM) have recently advanced graph-to-text generation, where the input graph is linearized into a sequence and fed into the PLM to obtain its representation.

AMR-to-Text Generation Data-to-Text Generation

A Retrospective Analysis of the Fake News Challenge Stance-Detection Task

1 code implementation COLING 2018 Andreas Hanselowski, Avinesh PVS, Benjamin Schiller, Felix Caspelherr, Debanjan Chaudhuri, Christian M. Meyer, Iryna Gurevych

To date, there is no in-depth analysis paper to critically discuss FNC-1{'}s experimental setup, reproduce the results, and draw conclusions for next-generation stance classification methods.

General Classification Stance Classification +1

Aspect-Controlled Neural Argument Generation

1 code implementation NAACL 2021 Benjamin Schiller, Johannes Daxenberger, Iryna Gurevych

In this work, we train a language model for argument generation that can be controlled on a fine-grained level to generate sentence-level arguments for a given topic, stance, and aspect.

Data Augmentation Language Modelling +2

MathDial: A Dialogue Tutoring Dataset with Rich Pedagogical Properties Grounded in Math Reasoning Problems

1 code implementation23 May 2023 Jakub Macina, Nico Daheim, Sankalan Pal Chowdhury, Tanmay Sinha, Manu Kapur, Iryna Gurevych, Mrinmaya Sachan

While automatic dialogue tutors hold great potential in making education personalized and more accessible, research on such systems has been hampered by a lack of sufficiently large and high-quality datasets.

Language Modelling Large Language Model +1

Is it Time to Swish? Comparing Deep Learning Activation Functions Across NLP tasks

1 code implementation EMNLP 2018 Steffen Eger, Paul Youssef, Iryna Gurevych

Activation functions play a crucial role in neural networks because they are the nonlinearities which have been attributed to the success story of deep learning.

Image Classification

Predicting Research Trends From Arxiv

1 code implementation7 Mar 2019 Steffen Eger, Chao Li, Florian Netzer, Iryna Gurevych

By extrapolation, we predict that these topics will remain lead problems/approaches in their fields in the short- and mid-term.

reinforcement-learning Reinforcement Learning (RL) +1

How Good is Your Tokenizer? On the Monolingual Performance of Multilingual Language Models

1 code implementation ACL 2021 Phillip Rust, Jonas Pfeiffer, Ivan Vulić, Sebastian Ruder, Iryna Gurevych

In this work, we provide a systematic and comprehensive empirical comparison of pretrained multilingual language models versus their monolingual counterparts with regard to their monolingual task performance.

Pretrained Multilingual Language Models

Like a Good Nearest Neighbor: Practical Content Moderation and Text Classification

1 code implementation17 Feb 2023 Luke Bates, Iryna Gurevych

Few-shot text classification systems have impressive capabilities but are infeasible to deploy and use reliably due to their dependence on prompting and billion-parameter language models.

Contrastive Learning Few-Shot Text Classification +2

A Bayesian Approach for Sequence Tagging with Crowds

1 code implementation IJCNLP 2019 Edwin Simpson, Iryna Gurevych

Current methods for sequence tagging, a core task in NLP, are data hungry, which motivates the use of crowdsourcing as a cheap way to obtain labelled data.

Active Learning Argument Mining +3

Text Processing Like Humans Do: Visually Attacking and Shielding NLP Systems

1 code implementation NAACL 2019 Steffen Eger, Gözde Gül Şahin, Andreas Rücklé, Ji-Ung Lee, Claudia Schulz, Mohsen Mesgar, Krishnkant Swarnkar, Edwin Simpson, Iryna Gurevych

Visual modifications to text are often used to obfuscate offensive comments in social media (e. g., "! d10t") or as a writing style ("1337" in "leet speak"), among other scenarios.

Adversarial Attack Sentence

Does My Rebuttal Matter? Insights from a Major NLP Conference

1 code implementation NAACL 2019 Yang Gao, Steffen Eger, Ilia Kuznetsov, Iryna Gurevych, Yusuke Miyao

We then focus on the role of the rebuttal phase, and propose a novel task to predict after-rebuttal (i. e., final) scores from initial reviews and author responses.

4k

Towards Debiasing NLU Models from Unknown Biases

1 code implementation EMNLP 2020 Prasetya Ajie Utama, Nafise Sadat Moosavi, Iryna Gurevych

Recently proposed debiasing methods are shown to be effective in mitigating this tendency.

Variational Learning is Effective for Large Deep Networks

1 code implementation27 Feb 2024 Yuesong Shen, Nico Daheim, Bai Cong, Peter Nickl, Gian Maria Marconi, Clement Bazan, Rio Yokota, Iryna Gurevych, Daniel Cremers, Mohammad Emtiyaz Khan, Thomas Möllenhoff

We give extensive empirical evidence against the common belief that variational learning is ineffective for large neural networks.

Adaptable Adapters

1 code implementation NAACL 2022 Nafise Sadat Moosavi, Quentin Delfosse, Kristian Kersting, Iryna Gurevych

The resulting adapters (a) contain about 50% of the learning parameters of the standard adapter and are therefore more efficient at training and inference, and require less storage space, and (b) achieve considerably higher performances in low-data settings.

Mind the Trade-off: Debiasing NLU Models without Degrading the In-distribution Performance

1 code implementation ACL 2020 Prasetya Ajie Utama, Nafise Sadat Moosavi, Iryna Gurevych

Models for natural language understanding (NLU) tasks often rely on the idiosyncratic biases of the dataset, which make them brittle against test cases outside the training distribution.

Natural Language Understanding

Elastic Weight Removal for Faithful and Abstractive Dialogue Generation

1 code implementation30 Mar 2023 Nico Daheim, Nouha Dziri, Mrinmaya Sachan, Iryna Gurevych, Edoardo M. Ponti

We evaluate our method -- using different variants of Flan-T5 as a backbone language model -- on multiple datasets for information-seeking dialogue generation and compare our method with state-of-the-art techniques for faithfulness, such as CTRL, Quark, DExperts, and Noisy Channel reranking.

Dialogue Generation Language Modelling

Enhancing AMR-to-Text Generation with Dual Graph Representations

1 code implementation IJCNLP 2019 Leonardo F. R. Ribeiro, Claire Gardent, Iryna Gurevych

Generating text from graph-based data, such as Abstract Meaning Representation (AMR), is a challenging task due to the inherent difficulty in how to properly encode the structure of a graph with labeled edges.

AMR-to-Text Generation Data-to-Text Generation +1

MetaQA: Combining Expert Agents for Multi-Skill Question Answering

1 code implementation3 Dec 2021 Haritz Puerto, Gözde Gül Şahin, Iryna Gurevych

The recent explosion of question answering (QA) datasets and models has increased the interest in the generalization of models across multiple domains and formats by either training on multiple datasets or by combining multiple models.

Question Answering

DAPR: A Benchmark on Document-Aware Passage Retrieval

2 code implementations23 May 2023 Kexin Wang, Nils Reimers, Iryna Gurevych

This drives us to build a benchmark for this task including multiple datasets from heterogeneous domains.

Passage Retrieval Retrieval

Common Sense or World Knowledge? Investigating Adapter-Based Knowledge Injection into Pretrained Transformers

1 code implementation EMNLP (DeeLIO) 2020 Anne Lauscher, Olga Majewska, Leonardo F. R. Ribeiro, Iryna Gurevych, Nikolai Rozanov, Goran Glavaš

Following the major success of neural language models (LMs) such as BERT or GPT-2 on a variety of language understanding tasks, recent work focused on injecting (structured) knowledge from external resources into these models.

Common Sense Reasoning World Knowledge

Dialogue Coherence Assessment Without Explicit Dialogue Act Labels

1 code implementation ACL 2020 Mohsen Mesgar, Sebastian Bücker, Iryna Gurevych

Recent dialogue coherence models use the coherence features designed for monologue texts, e. g. nominal entities, to represent utterances and then explicitly augment them with dialogue-relevant features, e. g., dialogue act labels.

Multi-Task Learning

MultiCQA: Zero-Shot Transfer of Self-Supervised Text Matching Models on a Massive Scale

1 code implementation EMNLP 2020 Andreas Rücklé, Jonas Pfeiffer, Iryna Gurevych

We investigate the model performances on nine benchmarks of answer selection and question similarity tasks, and show that all 140 models transfer surprisingly well, where the large majority of models substantially outperforms common IR baselines.

Answer Selection Community Question Answering +3

CARE: Collaborative AI-Assisted Reading Environment

1 code implementation24 Feb 2023 Dennis Zyska, Nils Dycke, Jan Buchmann, Ilia Kuznetsov, Iryna Gurevych

Recent years have seen impressive progress in AI-assisted writing, yet the developments in AI-assisted reading are lacking.

Question Answering text-classification +1

Finding Convincing Arguments Using Scalable Bayesian Preference Learning

1 code implementation TACL 2018 Edwin Simpson, Iryna Gurevych

We introduce a scalable Bayesian preference learning method for identifying convincing arguments in the absence of gold-standard rat- ings or rankings.

Active Learning Variational Inference +1

Scalable Bayesian Preference Learning for Crowds

1 code implementation4 Dec 2019 Edwin Simpson, Iryna Gurevych

As previous solutions based on Gaussian processes do not scale to large numbers of users, items or pairwise labels, we propose a stochastic variational inference approach that limits computational and memory costs.

Gaussian Processes Variational Inference

AdapterHub Playground: Simple and Flexible Few-Shot Learning with Adapters

1 code implementation ACL 2022 Tilman Beck, Bela Bohlender, Christina Viehmann, Vincent Hane, Yanik Adamson, Jaber Khuri, Jonas Brossmann, Jonas Pfeiffer, Iryna Gurevych

The open-access dissemination of pretrained language models through online repositories has led to a democratization of state-of-the-art natural language processing (NLP) research.

Few-Shot Learning Transfer Learning

Incorporating Relevance Feedback for Information-Seeking Retrieval using Few-Shot Document Re-Ranking

1 code implementation19 Oct 2022 Tim Baumgärtner, Leonardo F. R. Ribeiro, Nils Reimers, Iryna Gurevych

Pairing a lexical retriever with a neural re-ranking model has set state-of-the-art performance on large-scale information retrieval datasets.

Argument Retrieval Information Retrieval +4

Learning to Reason for Text Generation from Scientific Tables

1 code implementation16 Apr 2021 Nafise Sadat Moosavi, Andreas Rücklé, Dan Roth, Iryna Gurevych

In this paper, we introduce SciGen, a new challenge dataset for the task of reasoning-aware data-to-text generation consisting of tables from scientific articles and their corresponding descriptions.

Arithmetic Reasoning Data-to-Text Generation

Metaphor Generation with Conceptual Mappings

1 code implementation ACL 2021 Kevin Stowe, Tuhin Chakrabarty, Nanyun Peng, Smaranda Muresan, Iryna Gurevych

Guided by conceptual metaphor theory, we propose to control the generation process by encoding conceptual mappings between cognitive domains to generate meaningful metaphoric expressions.

Sentence

Avoiding Inference Heuristics in Few-shot Prompt-based Finetuning

1 code implementation EMNLP 2021 Prasetya Ajie Utama, Nafise Sadat Moosavi, Victor Sanh, Iryna Gurevych

Recent prompt-based approaches allow pretrained language models to achieve strong performances on few-shot finetuning by reformulating downstream tasks as a language modeling problem.

Language Modelling Sentence +1

IMPLI: Investigating NLI Models’ Performance on Figurative Language

1 code implementation ACL 2022 Kevin Stowe, Prasetya Utama, Iryna Gurevych

Natural language inference (NLI) has been widely used as a task to train and evaluate models for language understanding.

Natural Language Inference

Frame- and Entity-Based Knowledge for Common-Sense Argumentative Reasoning

1 code implementation WS 2018 Teresa Botschen, Daniil Sorokin, Iryna Gurevych

Common-sense argumentative reasoning is a challenging task that requires holistic understanding of the argumentation where external knowledge about the world is hypothesized to play a key role.

Argument Mining Common Sense Reasoning +8

Generalizing Cross-Document Event Coreference Resolution Across Multiple Corpora

1 code implementation CL (ACL) 2021 Michael Bugert, Nils Reimers, Iryna Gurevych

This raises strong concerns on their generalizability -- a must-have for downstream applications where the magnitude of domains or event mentions is likely to exceed those found in a curated corpus.

coreference-resolution Event Coreference Resolution

Event Coreference Data (Almost) for Free: Mining Hyperlinks from Online News

1 code implementation AKBC 2021 Michael Bugert, Iryna Gurevych

Cross-document event coreference resolution (CDCR) is the task of identifying which event mentions refer to the same events throughout a collection of documents.

coreference-resolution Event Coreference Resolution

NLPeer: A Unified Resource for the Computational Study of Peer Review

1 code implementation12 Nov 2022 Nils Dycke, Ilia Kuznetsov, Iryna Gurevych

Peer review constitutes a core component of scholarly publishing; yet it demands substantial expertise and training, and is susceptible to errors and biases.

Python Code Generation by Asking Clarification Questions

1 code implementation19 Dec 2022 Haau-Sing Li, Mohsen Mesgar, André F. T. Martins, Iryna Gurevych

We hypothesize that the under-specification of a natural language description can be resolved by asking clarification questions.

Code Generation Language Modelling

Empowering Active Learning to Jointly Optimize System and User Demands

1 code implementation ACL 2020 Ji-Ung Lee, Christian M. Meyer, Iryna Gurevych

Existing approaches to active learning maximize the system performance by sampling unlabeled instances for annotation that yield the most efficient training.

Active Learning

Revise and Resubmit: An Intertextual Model of Text-based Collaboration in Peer Review

1 code implementation22 Apr 2022 Ilia Kuznetsov, Jan Buchmann, Max Eichler, Iryna Gurevych

While existing NLP studies focus on the analysis of individual texts, editorial assistance often requires modeling interactions between pairs of texts -- yet general frameworks and datasets to support this scenario are missing.

Missing Counter-Evidence Renders NLP Fact-Checking Unrealistic for Misinformation

1 code implementation25 Oct 2022 Max Glockner, Yufang Hou, Iryna Gurevych

In our analysis, we show that, by design, existing NLP task definitions for fact-checking cannot refute misinformation as professional fact-checkers do for the majority of claims.

Fact Checking Misinformation

Transformers with Learnable Activation Functions

2 code implementations30 Aug 2022 Haishuo Fang, Ji-Ung Lee, Nafise Sadat Moosavi, Iryna Gurevych

In contrast to conventional, predefined activation functions, RAFs can adaptively learn optimal activation functions during training according to input data.

From Text to Lexicon: Bridging the Gap between Word Embeddings and Lexical Resources

1 code implementation COLING 2018 Ilia Kuznetsov, Iryna Gurevych

We examine the effect of lemmatization and POS typing on word embedding performance in a novel resource-based evaluation scenario, as well as on standard similarity benchmarks.

Coreference Resolution Lemmatization +2

Neural Duplicate Question Detection without Labeled Training Data

1 code implementation IJCNLP 2019 Andreas Rücklé, Nafise Sadat Moosavi, Iryna Gurevych

We show that our proposed approaches are more effective in many cases because they can utilize larger amounts of unlabeled data from cQA forums.

Answer Selection Community Question Answering +1

How to Probe Sentence Embeddings in Low-Resource Languages: On Structural Design Choices for Probing Task Evaluation

1 code implementation CONLL 2020 Steffen Eger, Johannes Daxenberger, Iryna Gurevych

We then probe embeddings in a multilingual setup with design choices that lie in a 'stable region', as we identify for English, and find that results on English do not transfer to other languages.

Sentence Sentence Embeddings

Why do you think that? Exploring Faithful Sentence-Level Rationales Without Supervision

1 code implementation Findings of the Association for Computational Linguistics 2020 Max Glockner, Ivan Habernal, Iryna Gurevych

We propose a differentiable training-framework to create models which output faithful rationales on a sentence level, by solely applying supervision on the target task.

Decision Making Sentence

ArgSciChat: A Dataset for Argumentative Dialogues on Scientific Papers

2 code implementations14 Feb 2022 Federico Ruggeri, Mohsen Mesgar, Iryna Gurevych

The applications of conversational agents for scientific disciplines (as expert domains) are understudied due to the lack of dialogue data to train such agents.

Fact Selection Response Generation

Opportunities and Challenges in Neural Dialog Tutoring

1 code implementation24 Jan 2023 Jakub Macina, Nico Daheim, Lingzhi Wang, Tanmay Sinha, Manu Kapur, Iryna Gurevych, Mrinmaya Sachan

Designing dialog tutors has been challenging as it involves modeling the diverse and complex pedagogical strategies employed by human tutors.

Bridging the gap between extractive and abstractive summaries: Creation and evaluation of coherent extracts from heterogeneous sources

1 code implementation COLING 2016 Darina Benikova, Margot Mieskes, Christian M. Meyer, Iryna Gurevych

Coherent extracts are a novel type of summary combining the advantages of manually created abstractive summaries, which are fluent but difficult to evaluate, and low-quality automatically created extractive summaries, which lack coherence and structure.

Document Summarization Multi-Document Summarization

Reward Learning for Efficient Reinforcement Learning in Extractive Document Summarisation

1 code implementation30 Jul 2019 Yang Gao, Christian M. Meyer, Mohsen Mesgar, Iryna Gurevych

The predominant RL paradigm for summarisation learns a cross-input policy, which requires considerable time, data and parameter tuning due to the huge search spaces and the delayed rewards.

Decision Making Learning-To-Rank +2

Coreference Reasoning in Machine Reading Comprehension

1 code implementation ACL 2021 Mingzhu Wu, Nafise Sadat Moosavi, Dan Roth, Iryna Gurevych

We propose a methodology for creating MRC datasets that better reflect the challenges of coreference reasoning and use it to create a sample evaluation set.

coreference-resolution Machine Reading Comprehension +2

Exploring Metaphoric Paraphrase Generation

1 code implementation CoNLL (EMNLP) 2021 Kevin Stowe, Nils Beck, Iryna Gurevych

Metaphor generation is a difficult task, and has seen tremendous improvement with the advent of deep pretrained models.

Paraphrase Generation Sentence

A Template Is All You Meme

1 code implementation11 Nov 2023 Luke Bates, Peter Ebert Christensen, Preslav Nakov, Iryna Gurevych

Here, to aid understanding of memes, we release a knowledge base of memes and information found on www. knowyourmeme. com, which we call the Know Your Meme Knowledge Base (KYMKB), composed of more than 54, 000 images.

A Streamlined Method for Sourcing Discourse-level Argumentation Annotations from the Crowd

1 code implementation NAACL 2019 Tristan Miller, Maria Sukhareva, Iryna Gurevych

The study of argumentation and the development of argument mining tools depends on the availability of annotated data, which is challenging to obtain in sufficient quantity and quality.

Argument Mining

Interactive Text Ranking with Bayesian Optimisation: A Case Study on Community QA and Summarisation

1 code implementation22 Nov 2019 Edwin Simpson, Yang Gao, Iryna Gurevych

For many NLP applications, such as question answering and summarisation, the goal is to select the best solution from a large space of candidates to meet a particular user's needs.

Bayesian Optimisation Community Question Answering +1

UNKs Everywhere: Adapting Multilingual Language Models to New Scripts

2 code implementations EMNLP 2021 Jonas Pfeiffer, Ivan Vulić, Iryna Gurevych, Sebastian Ruder

The ultimate challenge is dealing with under-resourced languages not covered at all by the models and written in scripts unseen during pretraining.

Cross-Lingual Transfer

Annotation Curricula to Implicitly Train Non-Expert Annotators

1 code implementation CL (ACL) 2022 Ji-Ung Lee, Jan-Christoph Klie, Iryna Gurevych

Annotation studies often require annotators to familiarize themselves with the task, its annotation scheme, and the data domain.

Sentence

TexPrax: A Messaging Application for Ethical, Real-time Data Collection and Annotation

1 code implementation16 Aug 2022 Lorenz Stangier, Ji-Ung Lee, Yuxi Wang, Marvin Müller, Nicholas Frick, Joachim Metternich, Iryna Gurevych

We evaluate TexPrax in a user-study with German factory employees who ask their colleagues for solutions on problems that arise during their daily work.

Chatbot Sentence

CiteBench: A benchmark for Scientific Citation Text Generation

1 code implementation19 Dec 2022 Martin Funkquist, Ilia Kuznetsov, Yufang Hou, Iryna Gurevych

To address this challenge, we propose CiteBench: a benchmark for citation text generation that unifies multiple diverse datasets and enables standardized evaluation of citation text generation models across task designs and domains.

Text Generation

CATfOOD: Counterfactual Augmented Training for Improving Out-of-Domain Performance and Calibration

1 code implementation14 Sep 2023 Rachneet Sachdeva, Martin Tutek, Iryna Gurevych

In recent years, large language models (LLMs) have shown remarkable capabilities at scale, particularly at generating text conditioned on a prompt.

counterfactual Data Augmentation +2

Are Multilingual LLMs Culturally-Diverse Reasoners? An Investigation into Multicultural Proverbs and Sayings

1 code implementation15 Sep 2023 Chen Cecilia Liu, Fajri Koto, Timothy Baldwin, Iryna Gurevych

Large language models (LLMs) are highly adept at question answering and reasoning tasks, but when reasoning in a situational context, human expectations vary depending on the relevant cultural common ground.

Question Answering

Measuring Pointwise $\mathcal{V}$-Usable Information In-Context-ly

1 code implementation18 Oct 2023 Sheng Lu, Shan Chen, Yingya Li, Danielle Bitterman, Guergana Savova, Iryna Gurevych

In-context learning (ICL) is a new learning paradigm that has gained popularity along with the development of large language models.

In-Context Learning

Dior-CVAE: Pre-trained Language Models and Diffusion Priors for Variational Dialog Generation

1 code implementation24 May 2023 Tianyu Yang, Thy Thy Tran, Iryna Gurevych

These models also suffer from posterior collapse, i. e., the decoder tends to ignore latent variables and directly access information captured in the encoder through the cross-attention mechanism.

Open-Domain Dialog Response Generation

Sensitivity, Performance, Robustness: Deconstructing the Effect of Sociodemographic Prompting

1 code implementation13 Sep 2023 Tilman Beck, Hendrik Schuff, Anne Lauscher, Iryna Gurevych

However, the available NLP literature disagrees on the efficacy of this technique - it remains unclear for which tasks and scenarios it can help, and the role of the individual factors in sociodemographic prompting is still unexplored.

Hate Speech Detection Zero-Shot Learning

Challenges in the Automatic Analysis of Students' Diagnostic Reasoning

1 code implementation26 Nov 2018 Claudia Schulz, Christian M. Meyer, Michael Sailer, Jan Kiesewetter, Elisabeth Bauer, Frank Fischer, Martin R. Fischer, Iryna Gurevych

We aim to enable the large-scale adoption of diagnostic reasoning analysis and feedback by automating the epistemic activity identification.

Semi-automatic Detection of Cross-lingual Marketing Blunders based on Pragmatic Label Propagation in Wiktionary

1 code implementation COLING 2016 Christian M. Meyer, Judith Eckle-Kohler, Iryna Gurevych

We introduce the task of detecting cross-lingual marketing blunders, which occur if a trade name resembles an inappropriate or negatively connotated word in a target language.

Marketing

Preference-based Interactive Multi-Document Summarisation

1 code implementation7 Jun 2019 Yang Gao, Christian M. Meyer, Iryna Gurevych

Interactive NLP is a promising paradigm to close the gap between automatic NLP systems and the human upper bound.

Active Learning reinforcement-learning +1

Investigating label suggestions for opinion mining in German Covid-19 social media

1 code implementation ACL 2021 Tilman Beck, Ji-Ung Lee, Christina Viehmann, Marcus Maurer, Oliver Quiring, Iryna Gurevych

This work investigates the use of interactively updated label suggestions to improve upon the efficiency of gathering annotations on the task of opinion mining in German Covid-19 social media data.

Opinion Mining Transfer Learning

Yes-Yes-Yes: Proactive Data Collection for ACL Rolling Review and Beyond

1 code implementation27 Jan 2022 Nils Dycke, Ilia Kuznetsov, Iryna Gurevych

The shift towards publicly available text sources has enabled language processing at unprecedented scale, yet leaves under-serviced the domains where public and openly licensed data is scarce.

Delving Deeper into Cross-lingual Visual Question Answering

1 code implementation15 Feb 2022 Chen Liu, Jonas Pfeiffer, Anna Korhonen, Ivan Vulić, Iryna Gurevych

2) We analyze cross-lingual VQA across different question types of varying complexity for different multilingual multimodal Transformers, and identify question types that are the most difficult to improve on.

Inductive Bias Question Answering +1

Learning From Free-Text Human Feedback -- Collect New Datasets Or Extend Existing Ones?

1 code implementation24 Oct 2023 Dominic Petrak, Nafise Sadat Moosavi, Ye Tian, Nikolai Rozanov, Iryna Gurevych

Learning from free-text human feedback is essential for dialog systems, but annotated data is scarce and usually covers only a small fraction of error types known in conversational AI.

Chatbot Response Generation +1

Exploring Jiu-Jitsu Argumentation for Writing Peer Review Rebuttals

1 code implementation7 Nov 2023 Sukannya Purkayastha, Anne Lauscher, Iryna Gurevych

In this work, we are the first to explore Jiu-Jitsu argumentation for peer review by proposing the novel task of attitude and theme-guided rebuttal generation.

Sentence

Multimodal Grounding for Language Processing

1 code implementation COLING 2018 Lisa Beinborn, Teresa Botschen, Iryna Gurevych

This survey discusses how recent developments in multimodal processing facilitate conceptual grounding of language.

Fast Concept Mention Grouping for Concept Map-based Multi-Document Summarization

1 code implementation NAACL 2019 Tobias Falke, Iryna Gurevych

Concept map-based multi-document summarization has recently been proposed as a variant of the traditional summarization task with graph-structured summaries.

Clustering Document Summarization +1

Predicting the Humorousness of Tweets Using Gaussian Process Preference Learning

1 code implementation3 Aug 2020 Tristan Miller, Erik-Lân Do Dinh, Edwin Simpson, Iryna Gurevych

Most humour processing systems to date make at best discrete, coarse-grained distinctions between the comical and the conventional, yet such notions are better conceptualized as a broad spectrum.

Arithmetic-Based Pretraining -- Improving Numeracy of Pretrained Language Models

2 code implementations13 May 2022 Dominic Petrak, Nafise Sadat Moosavi, Iryna Gurevych

In this paper, we propose a new extended pretraining approach called Arithmetic-Based Pretraining that jointly addresses both in one extended pretraining step without requiring architectural changes or pretraining from scratch.

Contrastive Learning Reading Comprehension +1

Effective Cross-Task Transfer Learning for Explainable Natural Language Inference with T5

1 code implementation31 Oct 2022 Irina Bigoulaeva, Rachneet Sachdeva, Harish Tayyar Madabushi, Aline Villavicencio, Iryna Gurevych

We compare sequential fine-tuning with a model for multi-task learning in the context where we are interested in boosting performance on two tasks, one of which depends on the other.

Multi-Task Learning Natural Language Inference

Learning from Emotions, Demographic Information and Implicit User Feedback in Task-Oriented Document-Grounded Dialogues

1 code implementation17 Jan 2024 Dominic Petrak, Thy Thy Tran, Iryna Gurevych

The success of task-oriented and document-grounded dialogue systems depends on users accepting and enjoying using them.

Lexical-semantic resources: yet powerful resources for automatic personality classification

no code implementations GWC 2018 Xuan-Son Vu, Lucie Flekova, Lili Jiang, Iryna Gurevych

In this paper, we aim to reveal the impact of lexical-semantic resources, used in particular for word sense disambiguation and sense-level semantic categorization, on automatic personality classification task.

Classification General Classification +1

Argumentation Mining in User-Generated Web Discourse

no code implementations CL 2017 Ivan Habernal, Iryna Gurevych

The goal of argumentation mining, an evolving research field in computational linguistics, is to design methods capable of analyzing people's argumentation.

Parsing Argumentation Structures in Persuasive Essays

no code implementations CL 2017 Christian Stab, Iryna Gurevych

In this article, we present a novel approach for parsing argumentation structures.

Large-scale Multi-label Text Classification - Revisiting Neural Networks

no code implementations19 Dec 2013 Jinseok Nam, Jungi Kim, Eneldo Loza Mencía, Iryna Gurevych, Johannes Fürnkranz

Neural networks have recently been proposed for multi-label classification because they are able to capture and model label dependencies in the output layer.

General Classification Multi-Label Classification +3

Corpus-Driven Thematic Hierarchy Induction

no code implementations CONLL 2018 Ilia Kuznetsov, Iryna Gurevych

Thematic role hierarchy is a widely used linguistic tool to describe interactions between semantic roles and their syntactic realizations.

Machine Translation Question Answering +1

Event Time Extraction with a Decision Tree of Neural Classifiers

no code implementations TACL 2018 Nils Reimers, Nazanin Dehghani, Iryna Gurevych

We use this tree to incrementally infer, in a stepwise manner, at which time frame an event happened.

Generating Training Data for Semantic Role Labeling based on Label Transfer from Linked Lexical Resources

no code implementations TACL 2016 Silvana Hartmann, Judith Eckle-Kohler, Iryna Gurevych

We present a new approach for generating role-labeled training data using Linked Lexical Resources, i. e., integrated lexical resources that combine several resources (e. g., Word-Net, FrameNet, Wiktionary) by linking them on the sense or on the role level.

General Classification Machine Translation +5

Integrating Deep Linguistic Features in Factuality Prediction over Unified Datasets

no code implementations ACL 2017 Gabriel Stanovsky, Judith Eckle-Kohler, Yevgeniy Puzikov, Ido Dagan, Iryna Gurevych

Previous models for the assessment of commitment towards a predicate in a sentence (also known as factuality prediction) were trained and tested against a specific annotated dataset, subsequently limiting the generality of their results.

Knowledge Base Population Question Answering +1

Out-of-domain FrameNet Semantic Role Labeling

no code implementations EACL 2017 Silvana Hartmann, Ilia Kuznetsov, Teresa Martin, Iryna Gurevych

We create a novel test set for FrameNet SRL based on user-generated web text and find that the major bottleneck for out-of-domain FrameNet SRL is the frame identification step.

Semantic Role Labeling

Metaheuristic Approaches to Lexical Substitution and Simplification

no code implementations EACL 2017 Sallam Abualhaija, Tristan Miller, Judith Eckle-Kohler, Iryna Gurevych, Karl-Heinz Zimmermann

In this paper, we propose using metaheuristics{---}in particular, simulated annealing and the new D-Bees algorithm{---}to solve word sense disambiguation as an optimization problem within a knowledge-based lexical substitution system.

Lexical Simplification Machine Translation +4

A tool for extracting sense-disambiguated example sentences through user feedback

no code implementations EACL 2017 Beto Boullosa, Richard Eckart de Castilho, Alex Geyken, er, Lothar Lemnitzer, Iryna Gurevych

This paper describes an application system aimed to help lexicographers in the extraction of example sentences for a given headword based on its different senses.

Clustering General Classification

Objective Function Learning to Match Human Judgements for Optimization-Based Summarization

no code implementations NAACL 2018 Maxime Peyrard, Iryna Gurevych

Supervised summarization systems usually rely on supervision at the sentence or n-gram level provided by automatic metrics like ROUGE, which act as noisy proxies for human judgments.

Sentence

A Multimodal Translation-Based Approach for Knowledge Graph Representation Learning

no code implementations SEMEVAL 2018 Hatem Mousselly-Sergieh, Teresa Botschen, Iryna Gurevych, Stefan Roth

Current methods for knowledge graph (KG) representation learning focus solely on the structure of the KG and do not exploit any kind of external information, such as visual and linguistic information corresponding to the KG entities.

Graph Representation Learning Information Retrieval +3

SemEval-2017 Task 7: Detection and Interpretation of English Puns

no code implementations SEMEVAL 2017 Tristan Miller, Christian Hempelmann, Iryna Gurevych

A pun is a form of wordplay in which a word suggests two or more meanings by exploiting polysemy, homonymy, or phonological similarity to another word, for an intended humorous or rhetorical effect.

Word Sense Disambiguation

GraphDocExplore: A Framework for the Experimental Comparison of Graph-based Document Exploration Techniques

no code implementations EMNLP 2017 Tobias Falke, Iryna Gurevych

Many techniques to automatically extract different types of graphs, showing for example entities or concepts and different relationships between them, have been suggested.

Navigate

BinLin: A Simple Method of Dependency Tree Linearization

no code implementations WS 2018 Yevgeniy Puzikov, Iryna Gurevych

Surface Realization Shared Task 2018 is a workshop on generating sentences from lemmatized sets of dependency triples.

Text Generation

One Size Fits All? A simple LSTM for non-literal token and construction-level classification

no code implementations COLING 2018 Erik-L{\^a}n Do Dinh, Steffen Eger, Iryna Gurevych

In this paper, we tackle four different tasks of non-literal language classification: token and construction level metaphor detection, classification of idiomatic use of infinitive-verb compounds, and classification of non-literal particle verbs.

Classification General Classification +1

Prediction of Frame-to-Frame Relations in the FrameNet Hierarchy with Frame Embeddings

no code implementations WS 2017 Teresa Botschen, Hatem Mousselly-Sergieh, Iryna Gurevych

Automatic completion of frame-to-frame (F2F) relations in the FrameNet (FN) hierarchy has received little attention, although they incorporate meta-level commonsense knowledge and are used in downstream approaches.

Natural Language Inference Representation Learning +1

Cannot find the paper you are looking for? You can Submit a new open access paper.