Search Results for author: Regina Barzilay

Found 135 papers, 78 papers with code

Composing Molecules with Multiple Property Constraints

no code implementations ICML 2020 Wengong Jin, Regina Barzilay, Tommi Jaakkola

These rationales are identified from molecules as substructures that are likely responsible for each property of interest.

Drug Discovery

CapWAP: Image Captioning with a Purpose

no code implementations EMNLP 2020 Adam Fisch, Kenton Lee, Ming-Wei Chang, Jonathan Clark, Regina Barzilay

In this task, we use question-answer (QA) pairs{---}a natural expression of information need{---}from users, instead of reference captions, for both training and post-inference evaluation.

Image Captioning Question Answering +1

OpenChemIE: An Information Extraction Toolkit For Chemistry Literature

1 code implementation1 Apr 2024 Vincent Fan, Yujie Qian, Alex Wang, Amber Wang, Connor W. Coley, Regina Barzilay

Our machine learning models attain state-of-the-art performance when evaluated individually, and we meticulously annotate a challenging dataset of reaction schemes with R-groups to evaluate our pipeline as a whole, achieving an F1 score of 69. 5%.

Deep Confident Steps to New Pockets: Strategies for Docking Generalization

2 code implementations28 Feb 2024 Gabriele Corso, Arthur Deng, Benjamin Fry, Nicholas Polizzi, Regina Barzilay, Tommi Jaakkola

Accurate blind docking has the potential to lead to new biological breakthroughs, but for this promise to be realized, docking methods must generalize well across the proteome.

Blind Docking

CLIPZyme: Reaction-Conditioned Virtual Screening of Enzymes

no code implementations9 Feb 2024 Peter G. Mikhael, Itamar Chinn, Regina Barzilay

Computational screening of naturally occurring proteins has the potential to identify efficient catalysts among the hundreds of millions of sequences that remain uncharacterized.

Dirichlet Flow Matching with Applications to DNA Sequence Design

1 code implementation8 Feb 2024 Hannes Stark, Bowen Jing, Chenyu Wang, Gabriele Corso, Bonnie Berger, Regina Barzilay, Tommi Jaakkola

Further, we provide distilled Dirichlet flow matching, which enables one-step sequence generation with minimal performance hits, resulting in $O(L)$ speedups compared to autoregressive models.

Generative Flows on Discrete State-Spaces: Enabling Multimodal Flows with Applications to Protein Co-Design

1 code implementation7 Feb 2024 Andrew Campbell, Jason Yim, Regina Barzilay, Tom Rainforth, Tommi Jaakkola

Our approach achieves state-of-the-art co-design performance while allowing the same multimodal model to be used for flexible generation of the sequence or structure.

Sample, estimate, aggregate: A recipe for causal discovery foundation models

1 code implementation2 Feb 2024 Menghua Wu, Yujia Bao, Regina Barzilay, Tommi Jaakkola

Causal discovery, the task of inferring causal structure from data, promises to accelerate scientific research, inform policy making, and more.

Causal Discovery

Predictive Chemistry Augmented with Text Retrieval

1 code implementation8 Dec 2023 Yujie Qian, Zhening Li, Zhengkai Tu, Connor W. Coley, Regina Barzilay

Conventionally, chemoinformatics models are trained with extensive structured data manually extracted from the literature.

molecular representation Retrieval +2

Fast non-autoregressive inverse folding with discrete diffusion

1 code implementation5 Dec 2023 John J. Yang, Jason Yim, Regina Barzilay, Tommi Jaakkola

Generating protein sequences that fold into a intended 3D structure is a fundamental step in de novo protein design.

Protein Design

Risk-Controlling Model Selection via Guided Bayesian Optimization

no code implementations4 Dec 2023 Bracha Laufer-Goldshtein, Adam Fisch, Regina Barzilay, Tommi Jaakkola

Adjustable hyperparameters of machine learning models typically impact various key trade-offs such as accuracy, fairness, robustness, or inference cost.

Bayesian Optimization Fairness +1

Particle Guidance: non-I.I.D. Diverse Sampling with Diffusion Models

1 code implementation19 Oct 2023 Gabriele Corso, Yilun Xu, Valentin De Bortoli, Regina Barzilay, Tommi Jaakkola

In light of the widespread success of generative models, a significant amount of research has gone into speeding up their sampling time.

Conditional Image Generation

Harmonic Self-Conditioned Flow Matching for Multi-Ligand Docking and Binding Site Design

1 code implementation9 Oct 2023 Hannes Stärk, Bowen Jing, Regina Barzilay, Tommi Jaakkola

A significant amount of protein function requires binding small molecules, including enzymatic catalysis.

Improving Protein Optimization with Smoothed Fitness Landscapes

1 code implementation2 Jul 2023 Andrew Kirjner, Jason Yim, Raman Samusevich, Shahar Bracha, Tommi Jaakkola, Regina Barzilay, Ila Fiete

The ability to engineer novel proteins with higher fitness for a desired property would be revolutionary for biotechnology and medicine.

Efficient Exploration

Conformal Language Modeling

1 code implementation16 Jun 2023 Victor Quach, Adam Fisch, Tal Schuster, Adam Yala, Jae Ho Sohn, Tommi S. Jaakkola, Regina Barzilay

Translating this process to conformal prediction, we calibrate a stopping rule for sampling different outputs from the LM that get added to a growing set of candidates until we are confident that the output set is sufficient.

Conformal Prediction Language Modelling +2

RxnScribe: A Sequence Generation Model for Reaction Diagram Parsing

1 code implementation19 May 2023 Yujie Qian, Jiang Guo, Zhengkai Tu, Connor W. Coley, Regina Barzilay

Reaction diagram parsing is the task of extracting reaction schemes from a diagram in the chemistry literature.

Structured Prediction

PEOPL: Characterizing Privately Encoded Open Datasets with Public Labels

no code implementations31 Mar 2023 Homa Esfahanizadeh, Adam Yala, Rafael G. L. D'Oliveira, Andrea J. D. Jaba, Victor Quach, Ken R. Duffy, Tommi S. Jaakkola, Vinod Vaikuntanathan, Manya Ghobadi, Regina Barzilay, Muriel Médard

Allowing organizations to share their data for training of machine learning (ML) models without unintended information leakage is an open problem in practice.

SE(3) diffusion model with application to protein backbone generation

1 code implementation5 Feb 2023 Jason Yim, Brian L. Trippe, Valentin De Bortoli, Emile Mathieu, Arnaud Doucet, Regina Barzilay, Tommi Jaakkola

The design of novel protein structures remains a challenge in protein engineering for applications across biomedicine and chemistry.

Protein Structure Prediction

Efficiently Controlling Multiple Risks with Pareto Testing

no code implementations14 Oct 2022 Bracha Laufer-Goldshtein, Adam Fisch, Regina Barzilay, Tommi Jaakkola

Machine learning applications frequently come with multiple diverse objectives and constraints that can change over time.

DiffDock: Diffusion Steps, Twists, and Turns for Molecular Docking

2 code implementations4 Oct 2022 Gabriele Corso, Hannes Stärk, Bowen Jing, Regina Barzilay, Tommi Jaakkola

We instead frame molecular docking as a generative modeling problem and develop DiffDock, a diffusion generative model over the non-Euclidean manifold of ligand poses.

Blind Docking

Calibrated Selective Classification

no code implementations25 Aug 2022 Adam Fisch, Tommi Jaakkola, Regina Barzilay

Providing calibrated uncertainty estimates alongside predictions -- probabilities that correspond to true frequencies -- can be as important as having predictions that are simply accurate on average.

Classification Image Classification

Antibody-Antigen Docking and Design via Hierarchical Equivariant Refinement

1 code implementation14 Jul 2022 Wengong Jin, Regina Barzilay, Tommi Jaakkola

The binding affinity is governed by the 3D binding interface where antibody residues (paratope) closely interact with antigen residues (epitope).

Atomic Forces

Diffusion probabilistic modeling of protein backbones in 3D for the motif-scaffolding problem

1 code implementation8 Jun 2022 Brian L. Trippe, Jason Yim, Doug Tischer, David Baker, Tamara Broderick, Regina Barzilay, Tommi Jaakkola

Construction of a scaffold structure that supports a desired motif, conferring protein function, shows promise for the design of vaccines and enzymes.

Conformal Prediction Sets with Limited False Positives

1 code implementation15 Feb 2022 Adam Fisch, Tal Schuster, Tommi Jaakkola, Regina Barzilay

We propose to trade coverage for a notion of precision by enforcing that the presence of incorrect candidates in the predicted conformal sets (i. e., the total number of false positives) is bounded according to a user-specified tolerance.

Conformal Prediction

Independent SE(3)-Equivariant Models for End-to-End Rigid Protein Docking

1 code implementation ICLR 2022 Octavian-Eugen Ganea, Xinyuan Huang, Charlotte Bunne, Yatao Bian, Regina Barzilay, Tommi Jaakkola, Andreas Krause

Protein complex formation is a central problem in biology, being involved in most of the cell's processes, and essential for applications, e. g. drug design or protein engineering.

Graph Matching Translation

Fragment-based Sequential Translation for Molecular Optimization

no code implementations NeurIPS Workshop AI4Scien 2021 Benson Chen, Xiang Fu, Regina Barzilay, Tommi Jaakkola

Equipped with the learned fragment vocabulary, we propose Fragment-based Sequential Translation (FaST), which learns a reinforcement learning (RL) policy to iteratively translate model-discovered molecules into increasingly novel molecules while satisfying desired properties.

Drug Discovery Reinforcement Learning (RL) +1

Iterative Refinement Graph Neural Network for Antibody Sequence-Structure Co-design

1 code implementation ICLR 2022 Wengong Jin, Jeremy Wohlwend, Regina Barzilay, Tommi Jaakkola

In this paper, we propose a generative model to automatically design the CDRs of antibodies with enhanced binding specificity or neutralization capabilities.

Protein Design Specificity

Text Style Transfer with Confounders

no code implementations29 Sep 2021 Tianxiao Shen, Regina Barzilay, Tommi S. Jaakkola

Existing methods for style transfer operate either with paired sentences or distributionally matched corpora which differ only in the desired style.

Style Transfer Text Style Transfer

Trading Coverage for Precision: Conformal Prediction with Limited False Discoveries

no code implementations29 Sep 2021 Adam Fisch, Tal Schuster, Tommi S. Jaakkola, Regina Barzilay

In this paper, we develop a new approach to conformal prediction in which we aim to output a precise set of promising prediction candidates that is guaranteed to contain a limited number of incorrect answers.

Conformal Prediction Drug Discovery

Mol2Image: Improved Conditional Flow Models for Molecule to Image Synthesis

no code implementations CVPR 2021 Karren Yang, Samuel Goldman, Wengong Jin, Alex X. Lu, Regina Barzilay, Tommi Jaakkola, Caroline Uhler

In this paper, we aim to synthesize cell microscopy images under different molecular interventions, motivated by practical applications to drug development.

Contrastive Learning Image Generation

Learning Stable Classifiers by Transferring Unstable Features

1 code implementation15 Jun 2021 Yujia Bao, Shiyu Chang, Regina Barzilay

Empirical results demonstrate that our algorithm is able to maintain robustness on the target task for both synthetically generated environments and real-world environments.

Transfer Learning

Learning Graph Models for Template-Free Retrosynthesis

no code implementations arXiv 2021 Vignesh Ram Somnath, Charlotte Bunne, Connor W. Coley, Andreas Krause, Regina Barzilay

Retrosynthesis prediction is a fundamental problem in organic synthesis, where the task is to identify precursor molecules that can be used to synthesize a target molecule.

Retrosynthesis Single-step retrosynthesis

Nutri-bullets Hybrid: Consensual Multi-document Summarization

no code implementations NAACL 2021 Darsh Shah, Lili Yu, Tao Lei, Regina Barzilay

We present a method for generating comparative summaries that highlight similarities and contradictions in input documents.

Document Summarization Language Modelling +3

Predict then Interpolate: A Simple Algorithm to Learn Stable Classifiers

1 code implementation26 May 2021 Yujia Bao, Shiyu Chang, Regina Barzilay

In this work, we prove that by interpolating the distributions of the correct predictions and the wrong predictions, we can uncover an oracle distribution where the unstable correlation vanishes.

Image Classification text-classification +1

Consistent Accelerated Inference via Confident Adaptive Transformers

1 code implementation EMNLP 2021 Tal Schuster, Adam Fisch, Tommi Jaakkola, Regina Barzilay

In this work, we present CATs -- Confident Adaptive Transformers -- in which we simultaneously increase computational efficiency, while guaranteeing a specifiable degree of consistency with the original model with high confidence.

Computational Efficiency Conformal Prediction +1

Generating Related Work

no code implementations18 Apr 2021 Darsh J Shah, Regina Barzilay

Communicating new research ideas involves highlighting similarities and differences with past work.

Document Summarization Multi-Document Summarization

Nutribullets Hybrid: Multi-document Health Summarization

2 code implementations8 Apr 2021 Darsh J Shah, Lili Yu, Tao Lei, Regina Barzilay

We present a method for generating comparative summaries that highlights similarities and contradictions in input documents.

Language Modelling Nutrition +1

Few-shot Conformal Prediction with Auxiliary Tasks

1 code implementation17 Feb 2021 Adam Fisch, Tal Schuster, Tommi Jaakkola, Regina Barzilay

We develop a novel approach to conformal prediction when the target task has limited data available for training.

Conformal Prediction Drug Discovery +1

CapWAP: Captioning with a Purpose

1 code implementation9 Nov 2020 Adam Fisch, Kenton Lee, Ming-Wei Chang, Jonathan H. Clark, Regina Barzilay

In this task, we use question-answer (QA) pairs---a natural expression of information need---from users, instead of reference captions, for both training and post-inference evaluation.

Image Captioning Question Answering +1

Discovering Synergistic Drug Combinations for COVID with Biological Bottleneck Models

no code implementations9 Nov 2020 Wengong Jin, Regina Barzilay, Tommi Jaakkola

Drug combinations play an important role in therapeutics due to its better efficacy and reduced toxicity.

Deciphering Undersegmented Ancient Scripts Using Phonetic Prior

1 code implementation21 Oct 2020 Jiaming Luo, Frederik Hartmann, Enrico Santus, Yuan Cao, Regina Barzilay

We evaluate the model on both deciphered languages (Gothic, Ugaritic) and an undeciphered one (Iberian).

Decipherment

Efficient Conformal Prediction via Cascaded Inference with Expanded Admission

1 code implementation ICLR 2021 Adam Fisch, Tal Schuster, Tommi Jaakkola, Regina Barzilay

This set is guaranteed to contain a correct answer with high probability, and is well-suited for many open-ended classification tasks.

Conformal Prediction Drug Discovery +2

Improved Conditional Flow Models for Molecule to Image Synthesis

1 code implementation15 Jun 2020 Karren Yang, Samuel Goldman, Wengong Jin, Alex Lu, Regina Barzilay, Tommi Jaakkola, Caroline Uhler

In this paper, we aim to synthesize cell microscopy images under different molecular interventions, motivated by practical applications to drug development.

Contrastive Learning Image Generation

Learning Graph Models for Retrosynthesis Prediction

2 code implementations NeurIPS 2021 Vignesh Ram Somnath, Charlotte Bunne, Connor W. Coley, Andreas Krause, Regina Barzilay

Retrosynthesis prediction is a fundamental problem in organic synthesis, where the task is to identify precursor molecules that can be used to synthesize a target molecule.

Retrosynthesis

Optimal Transport Graph Neural Networks

2 code implementations8 Jun 2020 Benson Chen, Gary Bécigneul, Octavian-Eugen Ganea, Regina Barzilay, Tommi Jaakkola

Current graph neural network (GNN) architectures naively average or sum node embeddings into an aggregated graph representation -- potentially losing structural or semantic information.

 Ranked #1 on Graph Regression on Lipophilicity (using extra training data)

Drug Discovery Graph Regression +2

Enforcing Predictive Invariance across Structured Biomedical Domains

no code implementations6 Jun 2020 Wengong Jin, Regina Barzilay, Tommi Jaakkola

We evaluate our method on multiple applications: molecular property prediction, protein homology and stability prediction and show that RGM significantly outperforms previous state-of-the-art baselines.

Domain Generalization Molecular Property Prediction +1

Uncertainty Quantification Using Neural Networks for Molecular Property Prediction

1 code implementation20 May 2020 Lior Hirschfeld, Kyle Swanson, Kevin Yang, Regina Barzilay, Connor W. Coley

While we believe these results show that existing UQ methods are not sufficient for all common use-cases and demonstrate the benefits of further research, we conclude with a practical recommendation as to which existing techniques seem to perform well relative to others.

Drug Discovery Experimental Design +3

Adaptive Invariance for Molecule Property Prediction

no code implementations5 May 2020 Wengong Jin, Regina Barzilay, Tommi Jaakkola

Effective property prediction methods can help accelerate the search for COVID-19 antivirals either through accurate in-silico screens or by effectively guiding on-going at-scale experimental efforts.

Property Prediction Transfer Learning

Improving Molecular Design by Stochastic Iterative Target Augmentation

2 code implementations ICML 2020 Kevin Yang, Wengong Jin, Kyle Swanson, Regina Barzilay, Tommi Jaakkola

The property predictor is then used as a likelihood model for filtering candidate structures from the generative model.

Program Synthesis

Blank Language Models

1 code implementation EMNLP 2020 Tianxiao Shen, Victor Quach, Regina Barzilay, Tommi Jaakkola

We propose Blank Language Model (BLM), a model that generates sequences by dynamically creating and filling in blanks.

Ancient Text Restoration Language Modelling +1

Multi-Objective Molecule Generation using Interpretable Substructures

4 code implementations8 Feb 2020 Wengong Jin, Regina Barzilay, Tommi Jaakkola

These rationales are identified from molecules as substructures that are likely responsible for each property of interest.

Drug Discovery

Generative Models for Graph-Based Protein Design

1 code implementation ICLR Workshop DeepGenStruct 2019 John Ingraham, Vikas Garg, Regina Barzilay, Tommi Jaakkola

Engineered proteins offer the potential to solve many problems in biomedicine, energy, and materials science, but creating designs that succeed is difficult in practice.

Protein Design Protein Folding

Capturing Greater Context for Question Generation

1 code implementation22 Oct 2019 Luu Anh Tuan, Darsh J Shah, Regina Barzilay

Automatic question generation can benefit many applications ranging from dialogue systems to reading comprehension.

Question Answering Question Generation +3

Automatic Fact-guided Sentence Modification

3 code implementations30 Sep 2019 Darsh J Shah, Tal Schuster, Regina Barzilay

This is a challenging constrained generation task, as the output must be consistent with the new information and fit into the rest of the existing document.

Fact Checking Sentence

Denoising Improves Latent Space Geometry in Text Autoencoders

no code implementations25 Sep 2019 Tianxiao Shen, Jonas Mueller, Regina Barzilay, Tommi Jaakkola

Neural language models have recently shown impressive gains in unconditional text generation, but controllable generation and manipulation of text remain challenging.

Denoising Sentence +1

Iterative Target Augmentation for Effective Conditional Generation

no code implementations25 Sep 2019 Kevin Yang, Wengong Jin, Kyle Swanson, Regina Barzilay, Tommi Jaakkola

Many challenging prediction problems, from molecular optimization to program synthesis, involve creating complex structured objects as outputs.

Program Synthesis

The Limitations of Stylometry for Detecting Machine-Generated Fake News

no code implementations CL 2020 Tal Schuster, Roei Schuster, Darsh J Shah, Regina Barzilay

Recent developments in neural language models (LMs) have raised concerns about their potential misuse for automatically spreading misinformation.

Fake News Detection Language Modelling +1

Neural Decipherment via Minimum-Cost Flow: from Ugaritic to Linear B

1 code implementation ACL 2019 Jiaming Luo, Yuan Cao, Regina Barzilay

In this paper we propose a novel neural approach for automatic decipherment of lost languages.

Decipherment

Hierarchical Graph-to-Graph Translation for Molecules

1 code implementation11 Jun 2019 Wengong Jin, Regina Barzilay, Tommi Jaakkola

The problem of accelerating drug discovery relies heavily on automatic tools to optimize precursor molecules to afford them with better biochemical properties.

Drug Discovery Graph-To-Graph Translation +1

Educating Text Autoencoders: Latent Representation Guidance via Denoising

3 code implementations ICML 2020 Tianxiao Shen, Jonas Mueller, Regina Barzilay, Tommi Jaakkola

We prove that this simple modification guides the latent space geometry of the resulting model by encouraging the encoder to map similar texts to similar latent representations.

Denoising Sentence +2

Path-Augmented Graph Transformer Network

2 code implementations29 May 2019 Benson Chen, Regina Barzilay, Tommi Jaakkola

Much of the recent work on learning molecular representations has been based on Graph Convolution Networks (GCN).

Molecular Property Prediction Property Prediction

Learning Multimodal Graph-to-Graph Translation for Molecule Optimization

no code implementations ICLR 2019 Wengong Jin, Kevin Yang, Regina Barzilay, Tommi Jaakkola

We evaluate our model on multiple molecule optimization tasks and show that our model outperforms previous state-of-the-art baselines by a significant margin.

Graph-To-Graph Translation Translation

Analyzing Learned Molecular Representations for Property Prediction

4 code implementations2 Apr 2019 Kevin Yang, Kyle Swanson, Wengong Jin, Connor Coley, Philipp Eiden, Hua Gao, Angel Guzman-Perez, Timothy Hopper, Brian Kelley, Miriam Mathea, Andrew Palmer, Volker Settels, Tommi Jaakkola, Klavs Jensen, Regina Barzilay

In addition, we introduce a graph convolutional model that consistently matches or outperforms models using fixed molecular descriptors as well as previous graph neural architectures on both public and proprietary datasets.

Molecular Property Prediction molecular representation +1

Inferring Which Medical Treatments Work from Reports of Clinical Trials

2 code implementations NAACL 2019 Eric Lehman, Jay DeYoung, Regina Barzilay, Byron C. Wallace

In this paper, we present a new task and corpus for making this unstructured evidence actionable.

Learning Multimodal Graph-to-Graph Translation for Molecular Optimization

5 code implementations3 Dec 2018 Wengong Jin, Kevin Yang, Regina Barzilay, Tommi Jaakkola

We evaluate our model on multiple molecular optimization tasks and show that our model outperforms previous state-of-the-art baselines.

Graph-To-Graph Translation Translation

GraphIE: A Graph-Based Framework for Information Extraction

2 code implementations NAACL 2019 Yujie Qian, Enrico Santus, Zhijing Jin, Jiang Guo, Regina Barzilay

Most modern Information Extraction (IE) systems are implemented as sequential taggers and only model local dependencies.

Deriving Machine Attention from Human Rationales

3 code implementations EMNLP 2018 Yujia Bao, Shiyu Chang, Mo Yu, Regina Barzilay

Attention-based models are successful when trained on large amounts of data.

The Three Pillars of Machine Programming

no code implementations20 Mar 2018 Justin Gottschlich, Armando Solar-Lezama, Nesime Tatbul, Michael Carbin, Martin Rinard, Regina Barzilay, Saman Amarasinghe, Joshua B. Tenenbaum, Tim Mattson

In this position paper, we describe our vision of the future of machine programming through a categorical examination of three pillars of research.

BIG-bench Machine Learning Position

Predicting Organic Reaction Outcomes with Weisfeiler-Lehman Network

1 code implementation NeurIPS 2017 Wengong Jin, Connor W. Coley, Regina Barzilay, Tommi Jaakkola

The prediction of organic reaction outcomes is a fundamental problem in computational chemistry.

Grounding Language for Transfer in Deep Reinforcement Learning

1 code implementation1 Aug 2017 Karthik Narasimhan, Regina Barzilay, Tommi Jaakkola

In this paper, we explore the utilization of natural language to drive transfer for reinforcement learning (RL).

reinforcement-learning Reinforcement Learning (RL)

Representation Learning for Grounded Spatial Reasoning

1 code implementation TACL 2018 Michael Janner, Karthik Narasimhan, Regina Barzilay

The interpretation of spatial references is highly contextual, requiring joint inference over both language and the environment.

reinforcement-learning Reinforcement Learning (RL) +1

Style Transfer from Non-Parallel Text by Cross-Alignment

12 code implementations NeurIPS 2017 Tianxiao Shen, Tao Lei, Regina Barzilay, Tommi Jaakkola

We demonstrate the effectiveness of this cross-alignment method on three tasks: sentiment modification, decipherment of word substitution ciphers, and recovery of word order.

Decipherment Machine Translation +3

Deriving Neural Architectures from Sequence and Graph Kernels

no code implementations ICML 2017 Tao Lei, Wengong Jin, Regina Barzilay, Tommi Jaakkola

The design of neural architectures for structured objects is typically guided by experimental insights rather than a formal process.

Graph Regression Language Modelling +1

Unsupervised Learning of Morphological Forests

no code implementations TACL 2017 Jiaming Luo, Karthik Narasimhan, Regina Barzilay

This paper focuses on unsupervised modeling of morphological families, collectively comprising a forest over the language vocabulary.

Clustering

Aspect-augmented Adversarial Networks for Domain Adaptation

1 code implementation TACL 2017 Yuan Zhang, Regina Barzilay, Tommi Jaakkola

We introduce a neural method for transfer learning between two (source and target) classification tasks or aspects over the same domain.

Domain Adaptation General Classification +2

sk_p: a neural program corrector for MOOCs

no code implementations11 Jul 2016 Yewen Pu, Karthik Narasimhan, Armando Solar-Lezama, Regina Barzilay

We present a novel technique for automatic program correction in MOOCs, capable of fixing both syntactic and semantic errors without manual, problem specific correction strategies.

Machine Translation Translation

Rationalizing Neural Predictions

3 code implementations EMNLP 2016 Tao Lei, Regina Barzilay, Tommi Jaakkola

Our approach combines two modular components, generator and encoder, which are trained to operate well together.

Retrieval Sentiment Analysis

Semi-supervised Question Retrieval with Gated Convolutions

1 code implementation NAACL 2016 Tao Lei, Hrishikesh Joshi, Regina Barzilay, Tommi Jaakkola, Katerina Tymoshenko, Alessandro Moschitti, Lluis Marquez

Question answering forums are rapidly growing in size with no effective automated ability to refer to and reuse answers already available for previous posted questions.

Question Answering Retrieval

An Unsupervised Method for Uncovering Morphological Chains

1 code implementation TACL 2015 Karthik Narasimhan, Regina Barzilay, Tommi Jaakkola

In contrast, we propose a model for unsupervised morphological analysis that integrates orthographic and semantic views of words.

Morphological Analysis

Automatic Aggregation by Joint Modeling of Aspects and Values

no code implementations23 Jan 2014 Christina Sauper, Regina Barzilay

We test our model on two tasks, joint aspect identification and sentiment analysis on a set of Yelp reviews and aspect identification alone on a set of medical summaries.

Sentiment Analysis

Learning to Win by Reading Manuals in a Monte-Carlo Framework

no code implementations18 Jan 2014 S. R. K. Branavan, David Silver, Regina Barzilay

In this paper, we present an approach to language grounding which automatically interprets text in the context of a complex control application, such as a game, and uses domain knowledge extracted from the text to improve control performance.

Content Modeling Using Latent Permutations

no code implementations15 Jan 2014 Harr Chen, S. R. K. Branavan, Regina Barzilay, David R. Karger

We present a novel Bayesian topic model for learning discourse-level document structure.

Learning Document-Level Semantic Properties from Free-Text Annotations

no code implementations15 Jan 2014 S. R. K. Branavan, Harr Chen, Jacob Eisenstein, Regina Barzilay

The paraphrase structure is linked with a latent topic model of the review texts, enabling the system to predict the properties of unannotated documents and to effectively aggregate the semantic properties of multiple reviews.

Clustering

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