Search Results for author: Radu Florian

Found 60 papers, 15 papers with code

IBM MNLP IE at CASE 2021 Task 2: NLI Reranking for Zero-Shot Text Classification

no code implementations ACL (CASE) 2021 Ken Barker, Parul Awasthy, Jian Ni, Radu Florian

The NLI reranker uses a textual representation of target types that allows it to score the strength with which a type is implied by a text, without requiring training data for the types.

Natural Language Inference Task 2 +3

IBM MNLP IE at CASE 2021 Task 1: Multigranular and Multilingual Event Detection on Protest News

no code implementations ACL (CASE) 2021 Parul Awasthy, Jian Ni, Ken Barker, Radu Florian

In this paper, we present the event detection models and systems we have developed for Multilingual Protest News Detection - Shared Task 1 at CASE 2021.

Event Detection XLM-R

Ensemble-Instruct: Generating Instruction-Tuning Data with a Heterogeneous Mixture of LMs

1 code implementation21 Oct 2023 Young-suk Lee, Md Arafat Sultan, Yousef El-Kurdi, Tahira Naseem Asim Munawar, Radu Florian, Salim Roukos, Ramón Fernandez Astudillo

Using in-context learning (ICL) for data generation, techniques such as Self-Instruct (Wang et al., 2023) or the follow-up Alpaca (Taori et al., 2023) can train strong conversational agents with only a small amount of human supervision.

In-Context Learning

AMR Parsing with Instruction Fine-tuned Pre-trained Language Models

no code implementations24 Apr 2023 Young-suk Lee, Ramón Fernandez Astudillo, Radu Florian, Tahira Naseem, Salim Roukos

Instruction fine-tuned language models on a collection of instruction annotated datasets (FLAN) have shown highly effective to improve model performance and generalization to unseen tasks.

AMR Parsing Semantic Role Labeling

PrimeQA: The Prime Repository for State-of-the-Art Multilingual Question Answering Research and Development

1 code implementation23 Jan 2023 Avirup Sil, Jaydeep Sen, Bhavani Iyer, Martin Franz, Kshitij Fadnis, Mihaela Bornea, Sara Rosenthal, Scott McCarley, Rong Zhang, Vishwajeet Kumar, Yulong Li, Md Arafat Sultan, Riyaz Bhat, Radu Florian, Salim Roukos

The field of Question Answering (QA) has made remarkable progress in recent years, thanks to the advent of large pre-trained language models, newer realistic benchmark datasets with leaderboards, and novel algorithms for key components such as retrievers and readers.

Question Answering Reading Comprehension +1

Moving Beyond Downstream Task Accuracy for Information Retrieval Benchmarking

no code implementations2 Dec 2022 Keshav Santhanam, Jon Saad-Falcon, Martin Franz, Omar Khattab, Avirup Sil, Radu Florian, Md Arafat Sultan, Salim Roukos, Matei Zaharia, Christopher Potts

Neural information retrieval (IR) systems have progressed rapidly in recent years, in large part due to the release of publicly available benchmarking tasks.

Benchmarking Information Retrieval +1

GAAMA 2.0: An Integrated System that Answers Boolean and Extractive Questions

no code implementations16 Jun 2022 Scott McCarley, Mihaela Bornea, Sara Rosenthal, Anthony Ferritto, Md Arafat Sultan, Avirup Sil, Radu Florian

Recent machine reading comprehension datasets include extractive and boolean questions but current approaches do not offer integrated support for answering both question types.

Machine Reading Comprehension

Not to Overfit or Underfit the Source Domains? An Empirical Study of Domain Generalization in Question Answering

no code implementations15 May 2022 Md Arafat Sultan, Avirup Sil, Radu Florian

Machine learning models are prone to overfitting their training (source) domains, which is commonly believed to be the reason why they falter in novel target domains.

Domain Generalization Knowledge Distillation +2

Inducing and Using Alignments for Transition-based AMR Parsing

1 code implementation NAACL 2022 Andrew Drozdov, Jiawei Zhou, Radu Florian, Andrew McCallum, Tahira Naseem, Yoon Kim, Ramon Fernandez Astudillo

These alignments are learned separately from parser training and require a complex pipeline of rule-based components, pre-processing, and post-processing to satisfy domain-specific constraints.

AMR Parsing

A Generative Model for Relation Extraction and Classification

no code implementations26 Feb 2022 Jian Ni, Gaetano Rossiello, Alfio Gliozzo, Radu Florian

Relation extraction (RE) is an important information extraction task which provides essential information to many NLP applications such as knowledge base population and question answering.

Classification Knowledge Base Population +4

DocAMR: Multi-Sentence AMR Representation and Evaluation

1 code implementation NAACL 2022 Tahira Naseem, Austin Blodgett, Sadhana Kumaravel, Tim O'Gorman, Young-suk Lee, Jeffrey Flanigan, Ramón Fernandez Astudillo, Radu Florian, Salim Roukos, Nathan Schneider

Despite extensive research on parsing of English sentences into Abstraction Meaning Representation (AMR) graphs, which are compared to gold graphs via the Smatch metric, full-document parsing into a unified graph representation lacks well-defined representation and evaluation.

coreference-resolution Sentence

Learning to Transpile AMR into SPARQL

no code implementations15 Dec 2021 Mihaela Bornea, Ramon Fernandez Astudillo, Tahira Naseem, Nandana Mihindukulasooriya, Ibrahim Abdelaziz, Pavan Kapanipathi, Radu Florian, Salim Roukos

We propose a transition-based system to transpile Abstract Meaning Representation (AMR) into SPARQL for Knowledge Base Question Answering (KBQA).

Knowledge Base Question Answering Semantic Parsing

Do Answers to Boolean Questions Need Explanations? Yes

no code implementations14 Dec 2021 Sara Rosenthal, Mihaela Bornea, Avirup Sil, Radu Florian, Scott McCarley

Existing datasets that contain boolean questions, such as BoolQ and TYDI QA , provide the user with a YES/NO response to the question.

Maximum Bayes Smatch Ensemble Distillation for AMR Parsing

2 code implementations NAACL 2022 Young-suk Lee, Ramon Fernandez Astudillo, Thanh Lam Hoang, Tahira Naseem, Radu Florian, Salim Roukos

AMR parsing has experienced an unprecendented increase in performance in the last three years, due to a mixture of effects including architecture improvements and transfer learning.

 Ranked #1 on AMR Parsing on LDC2020T02 (using extra training data)

AMR Parsing Data Augmentation +3

Structure-aware Fine-tuning of Sequence-to-sequence Transformers for Transition-based AMR Parsing

1 code implementation EMNLP 2021 Jiawei Zhou, Tahira Naseem, Ramón Fernandez Astudillo, Young-suk Lee, Radu Florian, Salim Roukos

We provide a detailed comparison with recent progress in AMR parsing and show that the proposed parser retains the desirable properties of previous transition-based approaches, while being simpler and reaching the new parsing state of the art for AMR 2. 0, without the need for graph re-categorization.

Ranked #9 on AMR Parsing on LDC2017T10 (using extra training data)

AMR Parsing Sentence

VAULT: VAriable Unified Long Text Representation for Machine Reading Comprehension

no code implementations ACL 2021 Haoyang Wen, Anthony Ferritto, Heng Ji, Radu Florian, Avirup Sil

Existing models on Machine Reading Comprehension (MRC) require complex model architecture for effectively modeling long texts with paragraph representation and classification, thereby making inference computationally inefficient for production use.

Machine Reading Comprehension Natural Questions

AMR Parsing with Action-Pointer Transformer

1 code implementation NAACL 2021 Jiawei Zhou, Tahira Naseem, Ramón Fernandez Astudillo, Radu Florian

In this work, we propose a transition-based system that combines hard-attention over sentences with a target-side action pointer mechanism to decouple source tokens from node representations and address alignments.

AMR Parsing Hard Attention +2

Bootstrapping Multilingual AMR with Contextual Word Alignments

no code implementations EACL 2021 Janaki Sheth, Young-suk Lee, Ramon Fernandez Astudillo, Tahira Naseem, Radu Florian, Salim Roukos, Todd Ward

We develop high performance multilingualAbstract Meaning Representation (AMR) sys-tems by projecting English AMR annotationsto other languages with weak supervision.

Multilingual Word Embeddings Word Alignment +1

Multilingual Transfer Learning for QA Using Translation as Data Augmentation

no code implementations10 Dec 2020 Mihaela Bornea, Lin Pan, Sara Rosenthal, Radu Florian, Avirup Sil

Prior work on multilingual question answering has mostly focused on using large multilingual pre-trained language models (LM) to perform zero-shot language-wise learning: train a QA model on English and test on other languages.

Cross-Lingual Transfer Data Augmentation +4

End-to-End QA on COVID-19: Domain Adaptation with Synthetic Training

no code implementations2 Dec 2020 Revanth Gangi Reddy, Bhavani Iyer, Md Arafat Sultan, Rong Zhang, Avi Sil, Vittorio Castelli, Radu Florian, Salim Roukos

End-to-end question answering (QA) requires both information retrieval (IR) over a large document collection and machine reading comprehension (MRC) on the retrieved passages.

Domain Adaptation Information Retrieval +3

Towards building a Robust Industry-scale Question Answering System

no code implementations COLING 2020 Rishav Chakravarti, Anthony Ferritto, Bhavani Iyer, Lin Pan, Radu Florian, Salim Roukos, Avi Sil

Building on top of the powerful BERTQA model, GAAMA provides a ∼2. 0{\%} absolute boost in F1 over the industry-scale state-of-the-art (SOTA) system on NQ.

Data Augmentation Natural Questions +2

Scalable Cross-lingual Treebank Synthesis for Improved Production Dependency Parsers

no code implementations COLING 2020 Yousef El-Kurdi, Hiroshi Kanayama, Efsun Sarioglu Kayi, Vittorio Castelli, Todd Ward, Radu Florian

We present scalable Universal Dependency (UD) treebank synthesis techniques that exploit advances in language representation modeling which leverage vast amounts of unlabeled general-purpose multilingual text.

Data Augmentation

Pushing the Limits of AMR Parsing with Self-Learning

1 code implementation Findings of the Association for Computational Linguistics 2020 Young-suk Lee, Ramon Fernandez Astudillo, Tahira Naseem, Revanth Gangi Reddy, Radu Florian, Salim Roukos

Abstract Meaning Representation (AMR) parsing has experienced a notable growth in performance in the last two years, due both to the impact of transfer learning and the development of novel architectures specific to AMR.

AMR Parsing Machine Translation +4

Cross-Lingual Relation Extraction with Transformers

no code implementations16 Oct 2020 Jian Ni, Taesun Moon, Parul Awasthy, Radu Florian

Relation extraction (RE) is one of the most important tasks in information extraction, as it provides essential information for many NLP applications.

Cross-Lingual Transfer Relation +2

ARES: A Reading Comprehension Ensembling Service

no code implementations EMNLP 2020 Anthony Ferritto, Lin Pan, Rishav Chakravarti, Salim Roukos, Radu Florian, J. William Murdock, Avi Sil

We introduce ARES (A Reading Comprehension Ensembling Service): a novel Machine Reading Comprehension (MRC) demonstration system which utilizes an ensemble of models to increase F1 by 2. 3 points.

Machine Reading Comprehension Natural Questions +1

Cascaded Models for Better Fine-Grained Named Entity Recognition

no code implementations15 Sep 2020 Parul Awasthy, Taesun Moon, Jian Ni, Radu Florian

Named Entity Recognition (NER) is an essential precursor task for many natural language applications, such as relation extraction or event extraction.

named-entity-recognition Named Entity Recognition +2

Towards Lingua Franca Named Entity Recognition with BERT

no code implementations19 Nov 2019 Taesun Moon, Parul Awasthy, Jian Ni, Radu Florian

In this paper we investigate a single Named Entity Recognition model, based on a multilingual BERT, that is trained jointly on many languages simultaneously, and is able to decode these languages with better accuracy than models trained only on one language.

Cross-Lingual NER named-entity-recognition +2

Neural Cross-Lingual Relation Extraction Based on Bilingual Word Embedding Mapping

no code implementations IJCNLP 2019 Jian Ni, Radu Florian

Relation extraction (RE) seeks to detect and classify semantic relationships between entities, which provides useful information for many NLP applications.

Relation Relation Extraction +1

Ensembling Strategies for Answering Natural Questions

no code implementations30 Oct 2019 Anthony Ferritto, Lin Pan, Rishav Chakravarti, Salim Roukos, Radu Florian, J. William Murdock, Avirup Sil

Many of the top question answering systems today utilize ensembling to improve their performance on tasks such as the Stanford Question Answering Dataset (SQuAD) and Natural Questions (NQ) challenges.

Natural Questions Question Answering

Frustratingly Easy Natural Question Answering

no code implementations11 Sep 2019 Lin Pan, Rishav Chakravarti, Anthony Ferritto, Michael Glass, Alfio Gliozzo, Salim Roukos, Radu Florian, Avirup Sil

Existing literature on Question Answering (QA) mostly focuses on algorithmic novelty, data augmentation, or increasingly large pre-trained language models like XLNet and RoBERTa.

Data Augmentation Natural Questions +2

CFO: A Framework for Building Production NLP Systems

no code implementations IJCNLP 2019 Rishav Chakravarti, Cezar Pendus, Andrzej Sakrajda, Anthony Ferritto, Lin Pan, Michael Glass, Vittorio Castelli, J. William Murdock, Radu Florian, Salim Roukos, Avirup Sil

This paper introduces a novel orchestration framework, called CFO (COMPUTATION FLOW ORCHESTRATOR), for building, experimenting with, and deploying interactive NLP (Natural Language Processing) and IR (Information Retrieval) systems to production environments.

Information Retrieval Machine Reading Comprehension +2

Rewarding Smatch: Transition-Based AMR Parsing with Reinforcement Learning

no code implementations ACL 2019 Tahira Naseem, Abhishek Shah, Hui Wan, Radu Florian, Salim Roukos, Miguel Ballesteros

Our work involves enriching the Stack-LSTM transition-based AMR parser (Ballesteros and Al-Onaizan, 2017) by augmenting training with Policy Learning and rewarding the Smatch score of sampled graphs.

AMR Parsing reinforcement-learning +1

Exploring Graph-structured Passage Representation for Multi-hop Reading Comprehension with Graph Neural Networks

no code implementations6 Sep 2018 Linfeng Song, Zhiguo Wang, Mo Yu, Yue Zhang, Radu Florian, Daniel Gildea

Multi-hop reading comprehension focuses on one type of factoid question, where a system needs to properly integrate multiple pieces of evidence to correctly answer a question.

Multi-Hop Reading Comprehension Question Answering

Neural Cross-Lingual Coreference Resolution and its Application to Entity Linking

no code implementations ACL 2018 Gourab Kundu, Avirup Sil, Radu Florian, Wael Hamza

We propose an entity-centric neural cross-lingual coreference model that builds on multi-lingual embeddings and language-independent features.

coreference-resolution Entity Linking

Neural Cross-Lingual Entity Linking

no code implementations5 Dec 2017 Avirup Sil, Gourab Kundu, Radu Florian, Wael Hamza

A major challenge in Entity Linking (EL) is making effective use of contextual information to disambiguate mentions to Wikipedia that might refer to different entities in different contexts.

Cross-Lingual Entity Linking Entity Disambiguation +3

One for All: Towards Language Independent Named Entity Linking

no code implementations ACL 2016 Avirup Sil, Radu Florian

Entity linking (EL) is the task of disambiguating mentions in text by associating them with entries in a predefined database of mentions (persons, organizations, etc).

Entity Linking

Improving Multilingual Named Entity Recognition with Wikipedia Entity Type Mapping

no code implementations EMNLP 2016 Jian Ni, Radu Florian

Experimental results show that the proposed approaches are effective in improving the accuracy of such systems on unseen entities, especially when a system is applied to a new domain or it is trained with little training data (up to 18. 3 F1 score improvement).

Multilingual Named Entity Recognition named-entity-recognition +3

Improving Slot Filling Performance with Attentive Neural Networks on Dependency Structures

no code implementations EMNLP 2017 Lifu Huang, Avirup Sil, Heng Ji, Radu Florian

Slot Filling (SF) aims to extract the values of certain types of attributes (or slots, such as person:cities\_of\_residence) for a given entity from a large collection of source documents.

Relation Extraction Sentence +2

Multi-Perspective Context Matching for Machine Comprehension

1 code implementation13 Dec 2016 Zhiguo Wang, Haitao Mi, Wael Hamza, Radu Florian

Based on this dataset, we propose a Multi-Perspective Context Matching (MPCM) model, which is an end-to-end system that directly predicts the answer beginning and ending points in a passage.

Question Answering Reading Comprehension

Toward Mention Detection Robustness with Recurrent Neural Networks

no code implementations24 Feb 2016 Thien Huu Nguyen, Avirup Sil, Georgiana Dinu, Radu Florian

One of the key challenges in natural language processing (NLP) is to yield good performance across application domains and languages.

named-entity-recognition Named Entity Recognition +2

A Joint Model for Answer Sentence Ranking and Answer Extraction

no code implementations TACL 2016 Md. Arafat Sultan, Vittorio Castelli, Radu Florian

Answer sentence ranking and answer extraction are two key challenges in question answering that have traditionally been treated in isolation, i. e., as independent tasks.

Information Retrieval Question Answering +2

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