Search Results for author: Osbert Bastani

Found 71 papers, 35 papers with code

Measuring Neural Net Robustness with Constraints

1 code implementation NeurIPS 2016 Osbert Bastani, Yani Ioannou, Leonidas Lampropoulos, Dimitrios Vytiniotis, Aditya Nori, Antonio Criminisi

Despite having high accuracy, neural nets have been shown to be susceptible to adversarial examples, where a small perturbation to an input can cause it to become mislabeled.

Synthesizing Program Input Grammars

1 code implementation5 Aug 2016 Osbert Bastani, Rahul Sharma, Alex Aiken, Percy Liang

We present an algorithm for synthesizing a context-free grammar encoding the language of valid program inputs from a set of input examples and blackbox access to the program.

Programming Languages

Interpreting Blackbox Models via Model Extraction

no code implementations23 May 2017 Osbert Bastani, Carolyn Kim, Hamsa Bastani

Interpretability has become incredibly important as machine learning is increasingly used to inform consequential decisions.

Model extraction

Interpretability via Model Extraction

no code implementations29 Jun 2017 Osbert Bastani, Carolyn Kim, Hamsa Bastani

The ability to interpret machine learning models has become increasingly important now that machine learning is used to inform consequential decisions.

BIG-bench Machine Learning Model extraction +2

Verifiable Reinforcement Learning via Policy Extraction

1 code implementation NeurIPS 2018 Osbert Bastani, Yewen Pu, Armando Solar-Lezama

While deep reinforcement learning has successfully solved many challenging control tasks, its real-world applicability has been limited by the inability to ensure the safety of learned policies.

Imitation Learning Model Compression +2

Probabilistic Verification of Fairness Properties via Concentration

1 code implementation2 Dec 2018 Osbert Bastani, Xin Zhang, Armando Solar-Lezama

As machine learning systems are increasingly used to make real world legal and financial decisions, it is of paramount importance that we develop algorithms to verify that these systems do not discriminate against minorities.

BIG-bench Machine Learning Fairness

Algorithms for Fairness in Sequential Decision Making

1 code implementation24 Jan 2019 Min Wen, Osbert Bastani, Ufuk Topcu

It has recently been shown that if feedback effects of decisions are ignored, then imposing fairness constraints such as demographic parity or equality of opportunity can actually exacerbate unfairness.

Decision Making Fairness

Learning Interpretable Models with Causal Guarantees

no code implementations24 Jan 2019 Carolyn Kim, Osbert Bastani

We propose a framework for learning interpretable models from observational data that can be used to predict individual treatment effects (ITEs).

BIG-bench Machine Learning Decision Making

Robust Model Predictive Shielding for Safe Reinforcement Learning with Stochastic Dynamics

no code implementations24 Oct 2019 Shuo Li, Osbert Bastani

We build on the idea of model predictive shielding (MPS), where a backup controller is used to override the learned policy as needed to ensure safety.

Learning Theory reinforcement-learning +2

MAMPS: Safe Multi-Agent Reinforcement Learning via Model Predictive Shielding

no code implementations25 Oct 2019 Wenbo Zhang, Osbert Bastani, Vijay Kumar

Reinforcement learning is a promising approach to learning control policies for performing complex multi-agent robotics tasks.

Multi-agent Reinforcement Learning reinforcement-learning +1

"How do I fool you?": Manipulating User Trust via Misleading Black Box Explanations

no code implementations15 Nov 2019 Himabindu Lakkaraju, Osbert Bastani

Our work is the first to empirically establish how user trust in black box models can be manipulated via misleading explanations.

PAC Confidence Sets for Deep Neural Networks via Calibrated Prediction

1 code implementation ICLR 2020 Sangdon Park, Osbert Bastani, Nikolai Matni, Insup Lee

We propose an algorithm combining calibrated prediction and generalization bounds from learning theory to construct confidence sets for deep neural networks with PAC guarantees---i. e., the confidence set for a given input contains the true label with high probability.

Generalization Bounds Learning Theory +3

Calibrated Prediction with Covariate Shift via Unsupervised Domain Adaptation

no code implementations29 Feb 2020 Sangdon Park, Osbert Bastani, James Weimer, Insup Lee

Our algorithm uses importance weighting to correct for the shift from the training to the real-world distribution.

Unsupervised Domain Adaptation

Synthesizing Programmatic Policies that Inductively Generalize

no code implementations ICLR 2020 Jeevana Priya Inala, Osbert Bastani, Zenna Tavares, Armando Solar-Lezama

We show that our algorithm can be used to learn policies that inductively generalize to novel environments, whereas traditional neural network policies fail to do so.

Imitation Learning Reinforcement Learning (RL)

Abstract Value Iteration for Hierarchical Reinforcement Learning

no code implementations29 Oct 2020 Kishor Jothimurugan, Osbert Bastani, Rajeev Alur

We propose a novel hierarchical reinforcement learning framework for control with continuous state and action spaces.

Hierarchical Reinforcement Learning reinforcement-learning +1

PAC Confidence Predictions for Deep Neural Network Classifiers

no code implementations ICLR 2021 Sangdon Park, Shuo Li, Insup Lee, Osbert Bastani

In our experiments, we demonstrate that our approach can be used to provide guarantees for state-of-the-art DNNs.

Robust and Stable Black Box Explanations

no code implementations12 Nov 2020 Himabindu Lakkaraju, Nino Arsov, Osbert Bastani

To the best of our knowledge, this work makes the first attempt at generating post hoc explanations that are robust to a general class of adversarial perturbations that are of practical interest.

Learning Models for Actionable Recourse

1 code implementation NeurIPS 2021 Alexis Ross, Himabindu Lakkaraju, Osbert Bastani

As machine learning models are increasingly deployed in high-stakes domains such as legal and financial decision-making, there has been growing interest in post-hoc methods for generating counterfactual explanations.

counterfactual Decision Making

Likelihood-Based Diverse Sampling for Trajectory Forecasting

1 code implementation ICCV 2021 Yecheng Jason Ma, Jeevana Priya Inala, Dinesh Jayaraman, Osbert Bastani

We propose Likelihood-Based Diverse Sampling (LDS), a method for improving the quality and the diversity of trajectory samples from a pre-trained flow model.

Trajectory Forecasting

Neurosymbolic Deep Generative Models for Sequence Data with Relational Constraints

no code implementations1 Jan 2021 Halley Young, Maxwell Du, Osbert Bastani

We propose a novel approach for incorporating structure in the form of relational constraints between different subcomponents of an example (e. g., lines of a poem or measures of music).

Program Synthesis

Neurosymbolic Transformers for Multi-Agent Communication

1 code implementation NeurIPS 2020 Jeevana Priya Inala, Yichen Yang, James Paulos, Yewen Pu, Osbert Bastani, Vijay Kumar, Martin Rinard, Armando Solar-Lezama

We study the problem of inferring communication structures that can solve cooperative multi-agent planning problems while minimizing the amount of communication.

Program Synthesis Guided Reinforcement Learning for Partially Observed Environments

1 code implementation NeurIPS 2021 Yichen David Yang, Jeevana Priya Inala, Osbert Bastani, Yewen Pu, Armando Solar-Lezama, Martin Rinard

Our results demonstrate that our approach can obtain the benefits of program-guided reinforcement learning without requiring the user to provide a new guiding program for every new task.

Program Synthesis reinforcement-learning +1

Group-Sparse Matrix Factorization for Transfer Learning of Word Embeddings

no code implementations18 Apr 2021 Kan Xu, Xuanyi Zhao, Hamsa Bastani, Osbert Bastani

However, learning word embeddings from new domains with limited training data can be challenging, because the meaning/usage may be different in the new domain, e. g., the word ``positive'' typically has positive sentiment, but often has negative sentiment in medical notes since it may imply that a patient tested positive for a disease.

Generalization Bounds Learning Word Embeddings +1

PAC Prediction Sets Under Covariate Shift

1 code implementation ICLR 2022 Sangdon Park, Edgar Dobriban, Insup Lee, Osbert Bastani

Our approach focuses on the setting where there is a covariate shift from the source distribution (where we have labeled training examples) to the target distribution (for which we want to quantify uncertainty).

Uncertainty Quantification

Compositional Reinforcement Learning from Logical Specifications

1 code implementation NeurIPS 2021 Kishor Jothimurugan, Suguman Bansal, Osbert Bastani, Rajeev Alur

Our approach then incorporates reinforcement learning to learn neural network policies for each edge (sub-task) within a Dijkstra-style planning algorithm to compute a high-level plan in the graph.

reinforcement-learning Reinforcement Learning (RL)

Conservative Offline Distributional Reinforcement Learning

1 code implementation NeurIPS 2021 Yecheng Jason Ma, Dinesh Jayaraman, Osbert Bastani

We prove that CODAC learns a conservative return distribution -- in particular, for finite MDPs, CODAC converges to an uniform lower bound on the quantiles of the return distribution; our proof relies on a novel analysis of the distributional Bellman operator.

D4RL Distributional Reinforcement Learning +4

Sequential Covariate Shift Detection Using Classifier Two-Sample Tests

no code implementations29 Sep 2021 Sooyong Jang, Sangdon Park, Insup Lee, Osbert Bastani

This problem can naturally be solved using a two-sample test--- i. e., test whether the current test distribution of covariates equals the training distribution of covariates.

Vocal Bursts Valence Prediction

PAC Synthesis of Machine Learning Programs

no code implementations NeurIPS Workshop AIPLANS 2021 Osbert Bastani

We study the problem of synthesizing programs that include machine learning components such as deep neural networks (DNNs).

BIG-bench Machine Learning Image Classification +1

Synthesizing Video Trajectory Queries

no code implementations NeurIPS Workshop AIPLANS 2021 Stephen Mell, Favyen Bastani, Stephan Zdancewic, Osbert Bastani

A key challenge is that queries are difficult for end users to develop: queries must reason about complex spatial and temporal patterns in object trajectories in order to select trajectories of interest, and predicates often include real-valued parameters (e. g., whether two cars are within a certain distance) that can be tedious to manually tune.

Active Learning Object Tracking

Synthesizing Machine Learning Programs with PAC Guarantees via Statistical Sketching

no code implementations11 Oct 2021 Osbert Bastani

We study the problem of synthesizing programs that include machine learning components such as deep neural networks (DNNs).

BIG-bench Machine Learning Classification +2

Uniformly Conservative Exploration in Reinforcement Learning

1 code implementation25 Oct 2021 Wanqiao Xu, Jason Yecheng Ma, Kan Xu, Hamsa Bastani, Osbert Bastani

A key challenge to deploying reinforcement learning in practice is avoiding excessive (harmful) exploration in individual episodes.

reinforcement-learning Reinforcement Learning (RL)

Versatile Offline Imitation from Observations and Examples via Regularized State-Occupancy Matching

2 code implementations4 Feb 2022 Yecheng Jason Ma, Andrew Shen, Dinesh Jayaraman, Osbert Bastani

We propose State Matching Offline DIstribution Correction Estimation (SMODICE), a novel and versatile regression-based offline imitation learning (IL) algorithm derived via state-occupancy matching.

Imitation Learning Reinforcement Learning (RL)

Understanding Robust Generalization in Learning Regular Languages

no code implementations20 Feb 2022 Soham Dan, Osbert Bastani, Dan Roth

Currently, deep neural networks struggle to generalize robustly to such shifts in the data distribution.

Towards PAC Multi-Object Detection and Tracking

no code implementations15 Apr 2022 Shuo Li, Sangdon Park, Xiayan Ji, Insup Lee, Osbert Bastani

Accurately detecting and tracking multi-objects is important for safety-critical applications such as autonomous navigation.

Autonomous Navigation Conformal Prediction +3

Counterfactual Explanations for Natural Language Interfaces

1 code implementation ACL 2022 George Tolkachev, Stephen Mell, Steve Zdancewic, Osbert Bastani

A key challenge facing natural language interfaces is enabling users to understand the capabilities of the underlying system.

counterfactual Semantic Parsing

Practical Adversarial Multivalid Conformal Prediction

1 code implementation2 Jun 2022 Osbert Bastani, Varun Gupta, Christopher Jung, Georgy Noarov, Ramya Ramalingam, Aaron Roth

It is computationally lightweight -- comparable to split conformal prediction -- but does not require having a held-out validation set, and so all data can be used for training models from which to derive a conformal score.

Conformal Prediction

Specification-Guided Learning of Nash Equilibria with High Social Welfare

no code implementations6 Jun 2022 Kishor Jothimurugan, Suguman Bansal, Osbert Bastani, Rajeev Alur

Our empirical evaluation demonstrates that our algorithm computes equilibrium policies with high social welfare, whereas state-of-the-art baselines either fail to compute Nash equilibria or compute ones with comparatively lower social welfare.

reinforcement-learning Reinforcement Learning (RL) +1

How Far I'll Go: Offline Goal-Conditioned Reinforcement Learning via $f$-Advantage Regression

1 code implementation7 Jun 2022 Yecheng Jason Ma, Jason Yan, Dinesh Jayaraman, Osbert Bastani

Offline goal-conditioned reinforcement learning (GCRL) promises general-purpose skill learning in the form of reaching diverse goals from purely offline datasets.

regression reinforcement-learning +1

PAC Prediction Sets for Meta-Learning

no code implementations6 Jul 2022 Sangdon Park, Edgar Dobriban, Insup Lee, Osbert Bastani

Uncertainty quantification is a key component of machine learning models targeted at safety-critical systems such as in healthcare or autonomous vehicles.

Autonomous Vehicles Meta-Learning +1

VIP: Towards Universal Visual Reward and Representation via Value-Implicit Pre-Training

1 code implementation30 Sep 2022 Yecheng Jason Ma, Shagun Sodhani, Dinesh Jayaraman, Osbert Bastani, Vikash Kumar, Amy Zhang

Given the inherent cost and scarcity of in-domain, task-specific robot data, learning from large, diverse, offline human videos has emerged as a promising path towards acquiring a generally useful visual representation for control; however, how these human videos can be used for general-purpose reward learning remains an open question.

Offline RL Open-Ended Question Answering +2

Decision-Aware Learning for Optimizing Health Supply Chains

no code implementations15 Nov 2022 Tsai-Hsuan Chung, Vahid Rostami, Hamsa Bastani, Osbert Bastani

We apply our framework to optimize the distribution of essential medicines in collaboration with policymakers in Sierra Leone; highly uncertain demand and limited budgets currently result in excessive unmet demand.

ACon$^2$: Adaptive Conformal Consensus for Provable Blockchain Oracles

1 code implementation17 Nov 2022 Sangdon Park, Osbert Bastani, Taesoo Kim

To address the oracle problem, we propose an adaptive conformal consensus (ACon$^2$) algorithm that derives a consensus set of data from multiple oracle contracts via the recent advance in online uncertainty quantification learning.

Uncertainty Quantification

Robust Subtask Learning for Compositional Generalization

1 code implementation6 Feb 2023 Kishor Jothimurugan, Steve Hsu, Osbert Bastani, Rajeev Alur

We formulate the problem as a two agent zero-sum game in which the adversary picks the sequence of subtasks.

Learning Performance-Improving Code Edits

2 code implementations15 Feb 2023 Alexander Shypula, Aman Madaan, Yimeng Zeng, Uri Alon, Jacob Gardner, Milad Hashemi, Graham Neubig, Parthasarathy Ranganathan, Osbert Bastani, Amir Yazdanbakhsh

Next, we propose a broad range of adaptation strategies for code optimization; for prompting, these include retrieval-based few-shot prompting and chain-of-thought, and for finetuning, these include performance-conditioned generation and synthetic data augmentation based on self-play.

Code Generation Code Repair +2

PAC Prediction Sets for Large Language Models of Code

1 code implementation17 Feb 2023 Adam Khakhar, Stephen Mell, Osbert Bastani

Given a trained code generation model, our algorithm leverages a programming language's abstract syntax tree to generate a set of programs such that the correct program is in the set with high-confidence.

Code Generation Semantic Parsing +1

TOM: Learning Policy-Aware Models for Model-Based Reinforcement Learning via Transition Occupancy Matching

no code implementations22 May 2023 Yecheng Jason Ma, Kausik Sivakumar, Jason Yan, Osbert Bastani, Dinesh Jayaraman

Standard model-based reinforcement learning (MBRL) approaches fit a transition model of the environment to all past experience, but this wastes model capacity on data that is irrelevant for policy improvement.

Model-based Reinforcement Learning reinforcement-learning

Policy Synthesis and Reinforcement Learning for Discounted LTL

no code implementations26 May 2023 Rajeev Alur, Osbert Bastani, Kishor Jothimurugan, Mateo Perez, Fabio Somenzi, Ashutosh Trivedi

The difficulty of manually specifying reward functions has led to an interest in using linear temporal logic (LTL) to express objectives for reinforcement learning (RL).

PAC learning reinforcement-learning +1

LIV: Language-Image Representations and Rewards for Robotic Control

1 code implementation1 Jun 2023 Yecheng Jason Ma, William Liang, Vaidehi Som, Vikash Kumar, Amy Zhang, Osbert Bastani, Dinesh Jayaraman

We present Language-Image Value learning (LIV), a unified objective for vision-language representation and reward learning from action-free videos with text annotations.

Contrastive Learning Imitation Learning

TRAQ: Trustworthy Retrieval Augmented Question Answering via Conformal Prediction

1 code implementation7 Jul 2023 Shuo Li, Sangdon Park, Insup Lee, Osbert Bastani

To address this challenge, we propose the Trustworthy Retrieval Augmented Question Answering, or $\textit{TRAQ}$, which provides the first end-to-end statistical correctness guarantee for RAG.

Bayesian Optimization Chatbot +4

Rethinking Fairness for Human-AI Collaboration

no code implementations5 Oct 2023 Haosen Ge, Hamsa Bastani, Osbert Bastani

However, we show that it may be infeasible to design algorithmic recommendations that are simultaneously fair in isolation, compliance-robustly fair, and more accurate than the human policy; thus, if our goal is to improve the equity and accuracy of human-AI collaboration, it may not be desirable to enforce traditional fairness constraints.

Fairness

Universal Visual Decomposer: Long-Horizon Manipulation Made Easy

no code implementations12 Oct 2023 Zichen Zhang, Yunshuang Li, Osbert Bastani, Abhishek Gupta, Dinesh Jayaraman, Yecheng Jason Ma, Luca Weihs

Learning long-horizon manipulation tasks, however, is a long-standing challenge, and demands decomposing the overarching task into several manageable subtasks to facilitate policy learning and generalization to unseen tasks.

reinforcement-learning

PAC Prediction Sets Under Label Shift

1 code implementation19 Oct 2023 Wenwen Si, Sangdon Park, Insup Lee, Edgar Dobriban, Osbert Bastani

We propose a novel algorithm for constructing prediction sets with PAC guarantees in the label shift setting.

Uncertainty Quantification

Eureka: Human-Level Reward Design via Coding Large Language Models

1 code implementation19 Oct 2023 Yecheng Jason Ma, William Liang, Guanzhi Wang, De-An Huang, Osbert Bastani, Dinesh Jayaraman, Yuke Zhu, Linxi Fan, Anima Anandkumar

The generality of Eureka also enables a new gradient-free in-context learning approach to reinforcement learning from human feedback (RLHF), readily incorporating human inputs to improve the quality and the safety of the generated rewards without model updating.

Decision Making In-Context Learning +1

Generative Adversarial Bayesian Optimization for Surrogate Objectives

1 code implementation9 Feb 2024 Michael S. Yao, Yimeng Zeng, Hamsa Bastani, Jacob Gardner, James C. Gee, Osbert Bastani

To address this limitation, we propose generative adversarial Bayesian optimization (GABO) using adaptive source critic regularization, a task-agnostic framework for Bayesian optimization that employs a Lipschitz-bounded source critic model to constrain the optimization trajectory to regions where the surrogate function is reliable.

Bayesian Optimization

Generating Programmatic Referring Expressions via Program Synthesis

1 code implementation ICML 2020 Jiani Huang, Calvin Smith, Osbert Bastani, Rishabh Singh, Aws Albarghouthi, Mayur Naik

The policy neural network employs a program interpreter that provides immediate feedback on the consequences of the decisions made by the policy, and also takes into account the uncertainty in the symbolic representation of the image.

Enumerative Search Logical Reasoning

Robust Black Box Explanations Under Distribution Shift

no code implementations ICML 2020 Himabindu Lakkaraju, Nino Arsov, Osbert Bastani

As machine learning black boxes are increasingly being deployed in real-world applications, there has been a growing interest in developing post hoc explanations that summarize the behaviors of these black box models.

Few-Shot Novel Concept Learning for Semantic Parsing

no code implementations Findings (EMNLP) 2021 Soham Dan, Osbert Bastani, Dan Roth

This way the concept learning problem is naturally a program synthesis problem and our algorithm learns from a few examples to synthesize a program representing the novel concept.

Novel Concepts Program Synthesis +1

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