arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2402.15506 | HF | AgentOhana: Design Unified Data and Training Pipeline for Effective Agent Learning | [
"Jianguo Zhang",
"Tian Lan",
"Rithesh Murthy",
"Zhiwei Liu",
"Weiran Yao",
"Juntao Tan",
"Thai Hoang",
"Liangwei Yang",
"Yihao Feng",
"Zuxin Liu",
"Tulika Awalgaonkar",
"Juan Carlos Niebles",
"Silvio Savarese",
"Shelby Heinecke",
"Huan Wang",
"Caiming Xiong"
] | 2024-02-23 | Autonomous agents powered by large language models (LLMs) have garnered
significant research attention. However, fully harnessing the potential of LLMs
for agent-based tasks presents inherent challenges due to the heterogeneous
nature of diverse data sources featuring multi-turn trajectories. In this
paper, we introduce \textbf{AgentOhana} as a comprehensive solution to address
these challenges. \textit{AgentOhana} aggregates agent trajectories from
distinct environments, spanning a wide array of scenarios. It meticulously
standardizes and unifies these trajectories into a consistent format,
streamlining the creation of a generic data loader optimized for agent
training. Leveraging the data unification, our training pipeline maintains
equilibrium across different data sources and preserves independent randomness
across devices during dataset partitioning and model training. Additionally, we
present \textbf{xLAM-v0.1}, a large action model tailored for AI agents, which
demonstrates exceptional performance across various benchmarks. Begin the
exploration at \url{https://github.com/SalesforceAIResearch/xLAM}. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2312.10029 | HF | Challenges with unsupervised LLM knowledge discovery | [
"Sebastian Farquhar",
"Vikrant Varma",
"Zachary Kenton",
"Johannes Gasteiger",
"Vladimir Mikulik",
"Rohin Shah"
] | 2023-12-15 | We show that existing unsupervised methods on large language model (LLM)
activations do not discover knowledge -- instead they seem to discover whatever
feature of the activations is most prominent. The idea behind unsupervised
knowledge elicitation is that knowledge satisfies a consistency structure,
which can be used to discover knowledge. We first prove theoretically that
arbitrary features (not just knowledge) satisfy the consistency structure of a
particular leading unsupervised knowledge-elicitation method,
contrast-consistent search (Burns et al. - arXiv:2212.03827). We then present a
series of experiments showing settings in which unsupervised methods result in
classifiers that do not predict knowledge, but instead predict a different
prominent feature. We conclude that existing unsupervised methods for
discovering latent knowledge are insufficient, and we contribute sanity checks
to apply to evaluating future knowledge elicitation methods. Conceptually, we
hypothesise that the identification issues explored here, e.g. distinguishing a
model's knowledge from that of a simulated character's, will persist for future
unsupervised methods. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2408.09858 | HF | ShortCircuit: AlphaZero-Driven Circuit Design | [
"Dimitrios Tsaras",
"Antoine Grosnit",
"Lei Chen",
"Zhiyao Xie",
"Haitham Bou-Ammar",
"Mingxuan Yuan"
] | 2024-08-19 | Chip design relies heavily on generating Boolean circuits, such as
AND-Inverter Graphs (AIGs), from functional descriptions like truth tables.
While recent advances in deep learning have aimed to accelerate circuit design,
these efforts have mostly focused on tasks other than synthesis, and
traditional heuristic methods have plateaued. In this paper, we introduce
ShortCircuit, a novel transformer-based architecture that leverages the
structural properties of AIGs and performs efficient space exploration.
Contrary to prior approaches attempting end-to-end generation of logic circuits
using deep networks, ShortCircuit employs a two-phase process combining
supervised with reinforcement learning to enhance generalization to unseen
truth tables. We also propose an AlphaZero variant to handle the double
exponentially large state space and the sparsity of the rewards, enabling the
discovery of near-optimal designs. To evaluate the generative performance of
our trained model , we extract 500 truth tables from a benchmark set of 20
real-world circuits. ShortCircuit successfully generates AIGs for 84.6% of the
8-input test truth tables, and outperforms the state-of-the-art logic synthesis
tool, ABC, by 14.61% in terms of circuits size. | null | cs.LG | [
"cs.LG",
"cs.AR"
] |
2401.17895 | HF | ReplaceAnything3D:Text-Guided 3D Scene Editing with Compositional Neural Radiance Fields | [
"Edward Bartrum",
"Thu Nguyen-Phuoc",
"Chris Xie",
"Zhengqin Li",
"Numair Khan",
"Armen Avetisyan",
"Douglas Lanman",
"Lei Xiao"
] | 2024-01-31 | We introduce ReplaceAnything3D model (RAM3D), a novel text-guided 3D scene
editing method that enables the replacement of specific objects within a scene.
Given multi-view images of a scene, a text prompt describing the object to
replace, and a text prompt describing the new object, our Erase-and-Replace
approach can effectively swap objects in the scene with newly generated content
while maintaining 3D consistency across multiple viewpoints. We demonstrate the
versatility of ReplaceAnything3D by applying it to various realistic 3D scenes,
showcasing results of modified foreground objects that are well-integrated with
the rest of the scene without affecting its overall integrity. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2407.14257 | HF | SparseCraft: Few-Shot Neural Reconstruction through Stereopsis Guided Geometric Linearization | [
"Mae Younes",
"Amine Ouasfi",
"Adnane Boukhayma"
] | 2024-07-19 | We present a novel approach for recovering 3D shape and view dependent
appearance from a few colored images, enabling efficient 3D reconstruction and
novel view synthesis. Our method learns an implicit neural representation in
the form of a Signed Distance Function (SDF) and a radiance field. The model is
trained progressively through ray marching enabled volumetric rendering, and
regularized with learning-free multi-view stereo (MVS) cues. Key to our
contribution is a novel implicit neural shape function learning strategy that
encourages our SDF field to be as linear as possible near the level-set, hence
robustifying the training against noise emanating from the supervision and
regularization signals. Without using any pretrained priors, our method, called
SparseCraft, achieves state-of-the-art performances both in novel-view
synthesis and reconstruction from sparse views in standard benchmarks, while
requiring less than 10 minutes for training. | null | cs.CV | [
"cs.CV"
] |
2403.15360 | HF | SiMBA: Simplified Mamba-Based Architecture for Vision and Multivariate Time series | [
"Badri N. Patro",
"Vijay S. Agneeswaran"
] | 2024-03-22 | Transformers have widely adopted attention networks for sequence mixing and
MLPs for channel mixing, playing a pivotal role in achieving breakthroughs
across domains. However, recent literature highlights issues with attention
networks, including low inductive bias and quadratic complexity concerning
input sequence length. State Space Models (SSMs) like S4 and others (Hippo,
Global Convolutions, liquid S4, LRU, Mega, and Mamba), have emerged to address
the above issues to help handle longer sequence lengths. Mamba, while being the
state-of-the-art SSM, has a stability issue when scaled to large networks for
computer vision datasets. We propose SiMBA, a new architecture that introduces
Einstein FFT (EinFFT) for channel modeling by specific eigenvalue computations
and uses the Mamba block for sequence modeling. Extensive performance studies
across image and time-series benchmarks demonstrate that SiMBA outperforms
existing SSMs, bridging the performance gap with state-of-the-art transformers.
Notably, SiMBA establishes itself as the new state-of-the-art SSM on ImageNet
and transfer learning benchmarks such as Stanford Car and Flower as well as
task learning benchmarks as well as seven time series benchmark datasets. The
project page is available on this website
~\url{https://github.com/badripatro/Simba}. | null | cs.CV | [
"cs.CV",
"cs.LG",
"cs.SY",
"eess.IV",
"eess.SY"
] |
2402.05195 | HF | $λ$-ECLIPSE: Multi-Concept Personalized Text-to-Image Diffusion Models by Leveraging CLIP Latent Space | [
"Maitreya Patel",
"Sangmin Jung",
"Chitta Baral",
"Yezhou Yang"
] | 2024-02-07 | Despite the recent advances in personalized text-to-image (P-T2I) generative
models, it remains challenging to perform finetuning-free multi-subject-driven
T2I in a resource-efficient manner. Predominantly, contemporary approaches,
involving the training of Hypernetworks and Multimodal Large Language Models
(MLLMs), require heavy computing resources that range from 600 to 12300 GPU
hours of training. These subject-driven T2I methods hinge on Latent Diffusion
Models (LDMs), which facilitate T2I mapping through cross-attention layers.
While LDMs offer distinct advantages, P-T2I methods' reliance on the latent
space of these diffusion models significantly escalates resource demands,
leading to inconsistent results and necessitating numerous iterations for a
single desired image. In this paper, we present $\lambda$-ECLIPSE, an
alternative prior-training strategy that works in the latent space of a
pre-trained CLIP model without relying on the diffusion UNet models.
$\lambda$-ECLIPSE leverages the image-text interleaved pre-training for fast
and effective multi-subject-driven P-T2I. Through extensive experiments, we
establish that $\lambda$-ECLIPSE surpasses existing baselines in composition
alignment while preserving concept alignment performance, even with
significantly lower resource utilization. $\lambda$-ECLIPSE performs
multi-subject driven P-T2I with just 34M parameters and is trained on a mere 74
GPU hours. Additionally, $\lambda$-ECLIPSE demonstrates the unique ability to
perform multi-concept interpolations. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2305.11840 | HF | SeeGULL: A Stereotype Benchmark with Broad Geo-Cultural Coverage Leveraging Generative Models | [
"Akshita Jha",
"Aida Davani",
"Chandan K. Reddy",
"Shachi Dave",
"Vinodkumar Prabhakaran",
"Sunipa Dev"
] | 2023-05-19 | Stereotype benchmark datasets are crucial to detect and mitigate social
stereotypes about groups of people in NLP models. However, existing datasets
are limited in size and coverage, and are largely restricted to stereotypes
prevalent in the Western society. This is especially problematic as language
technologies gain hold across the globe. To address this gap, we present
SeeGULL, a broad-coverage stereotype dataset, built by utilizing generative
capabilities of large language models such as PaLM, and GPT-3, and leveraging a
globally diverse rater pool to validate the prevalence of those stereotypes in
society. SeeGULL is in English, and contains stereotypes about identity groups
spanning 178 countries across 8 different geo-political regions across 6
continents, as well as state-level identities within the US and India. We also
include fine-grained offensiveness scores for different stereotypes and
demonstrate their global disparities. Furthermore, we include comparative
annotations about the same groups by annotators living in the region vs. those
that are based in North America, and demonstrate that within-region stereotypes
about groups differ from those prevalent in North America. CONTENT WARNING:
This paper contains stereotype examples that may be offensive. | null | cs.CL | [
"cs.CL",
"cs.CY"
] |
2403.08245 | AnswerAI | Scattered Mixture-of-Experts Implementation | [
"Shawn Tan",
"Yikang Shen",
"Rameswar Panda",
"Aaron Courville"
] | 2024-03-13 | We present ScatterMoE, an implementation of Sparse Mixture-of-Experts (SMoE)
on GPUs. ScatterMoE builds upon existing implementations, and overcoming some
of the limitations to improve inference and training speed, and memory
footprint. This implementation achieves this by avoiding padding and making
excessive copies of the input. We introduce ParallelLinear, the main component
we use to build our implementation and the various kernels used to speed up the
operation. We benchmark our implementation against Megablocks, and show that it
enables a higher throughput and lower memory footprint. We also show how
ParallelLinear enables extension of the Mixture-of-Experts concept by
demonstrating with an implementation of Mixture of Attention. | null | cs.LG | [
"cs.LG",
"cs.DC"
] |
2309.02390 | AnswerAI | Explaining grokking through circuit efficiency | [
"Vikrant Varma",
"Rohin Shah",
"Zachary Kenton",
"János Kramár",
"Ramana Kumar"
] | 2023-09-05 | One of the most surprising puzzles in neural network generalisation is
grokking: a network with perfect training accuracy but poor generalisation
will, upon further training, transition to perfect generalisation. We propose
that grokking occurs when the task admits a generalising solution and a
memorising solution, where the generalising solution is slower to learn but
more efficient, producing larger logits with the same parameter norm. We
hypothesise that memorising circuits become more inefficient with larger
training datasets while generalising circuits do not, suggesting there is a
critical dataset size at which memorisation and generalisation are equally
efficient. We make and confirm four novel predictions about grokking, providing
significant evidence in favour of our explanation. Most strikingly, we
demonstrate two novel and surprising behaviours: ungrokking, in which a network
regresses from perfect to low test accuracy, and semi-grokking, in which a
network shows delayed generalisation to partial rather than perfect test
accuracy. | null | cs.LG | [
"cs.LG"
] |
2406.07394 | Both | Accessing GPT-4 level Mathematical Olympiad Solutions via Monte Carlo Tree Self-refine with LLaMa-3 8B | [
"Di Zhang",
"Xiaoshui Huang",
"Dongzhan Zhou",
"Yuqiang Li",
"Wanli Ouyang"
] | 2024-06-11 | This paper introduces the MCT Self-Refine (MCTSr) algorithm, an innovative
integration of Large Language Models (LLMs) with Monte Carlo Tree Search
(MCTS), designed to enhance performance in complex mathematical reasoning
tasks. Addressing the challenges of accuracy and reliability in LLMs,
particularly in strategic and mathematical reasoning, MCTSr leverages
systematic exploration and heuristic self-refine mechanisms to improve
decision-making frameworks within LLMs. The algorithm constructs a Monte Carlo
search tree through iterative processes of Selection, self-refine,
self-evaluation, and Backpropagation, utilizing an improved Upper Confidence
Bound (UCB) formula to optimize the exploration-exploitation balance. Extensive
experiments demonstrate MCTSr's efficacy in solving Olympiad-level mathematical
problems, significantly improving success rates across multiple datasets,
including GSM8K, GSM Hard, MATH, and Olympiad-level benchmarks, including Math
Odyssey, AIME, and OlympiadBench. The study advances the application of LLMs in
complex reasoning tasks and sets a foundation for future AI integration,
enhancing decision-making accuracy and reliability in LLM-driven applications. | null | cs.AI | [
"cs.AI"
] |
2312.11666 | HF | HAAR: Text-Conditioned Generative Model of 3D Strand-based Human Hairstyles | [
"Vanessa Sklyarova",
"Egor Zakharov",
"Otmar Hilliges",
"Michael J. Black",
"Justus Thies"
] | 2023-12-18 | We present HAAR, a new strand-based generative model for 3D human hairstyles.
Specifically, based on textual inputs, HAAR produces 3D hairstyles that could
be used as production-level assets in modern computer graphics engines. Current
AI-based generative models take advantage of powerful 2D priors to reconstruct
3D content in the form of point clouds, meshes, or volumetric functions.
However, by using the 2D priors, they are intrinsically limited to only
recovering the visual parts. Highly occluded hair structures can not be
reconstructed with those methods, and they only model the ''outer shell'',
which is not ready to be used in physics-based rendering or simulation
pipelines. In contrast, we propose a first text-guided generative method that
uses 3D hair strands as an underlying representation. Leveraging 2D visual
question-answering (VQA) systems, we automatically annotate synthetic hair
models that are generated from a small set of artist-created hairstyles. This
allows us to train a latent diffusion model that operates in a common hairstyle
UV space. In qualitative and quantitative studies, we demonstrate the
capabilities of the proposed model and compare it to existing hairstyle
generation approaches. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2402.19364 | AnswerAI | Arrow Matrix Decomposition: A Novel Approach for Communication-Efficient Sparse Matrix Multiplication | [
"Lukas Gianinazzi",
"Alexandros Nikolaos Ziogas",
"Langwen Huang",
"Piotr Luczynski",
"Saleh Ashkboos",
"Florian Scheidl",
"Armon Carigiet",
"Chio Ge",
"Nabil Abubaker",
"Maciej Besta",
"Tal Ben-Nun",
"Torsten Hoefler"
] | 2024-02-29 | We propose a novel approach to iterated sparse matrix dense matrix
multiplication, a fundamental computational kernel in scientific computing and
graph neural network training. In cases where matrix sizes exceed the memory of
a single compute node, data transfer becomes a bottleneck. An approach based on
dense matrix multiplication algorithms leads to suboptimal scalability and
fails to exploit the sparsity in the problem. To address these challenges, we
propose decomposing the sparse matrix into a small number of highly structured
matrices called arrow matrices, which are connected by permutations. Our
approach enables communication-avoiding multiplications, achieving a polynomial
reduction in communication volume per iteration for matrices corresponding to
planar graphs and other minor-excluded families of graphs. Our evaluation
demonstrates that our approach outperforms a state-of-the-art method for sparse
matrix multiplication on matrices with hundreds of millions of rows, offering
near-linear strong and weak scaling. | 10.1145/3627535.3638496 | cs.DC | [
"cs.DC",
"F.2.1"
] |
2305.02499 | HF | AutoML-GPT: Automatic Machine Learning with GPT | [
"Shujian Zhang",
"Chengyue Gong",
"Lemeng Wu",
"Xingchao Liu",
"Mingyuan Zhou"
] | 2023-05-04 | AI tasks encompass a wide range of domains and fields. While numerous AI
models have been designed for specific tasks and applications, they often
require considerable human efforts in finding the right model architecture,
optimization algorithm, and hyperparameters. Recent advances in large language
models (LLMs) like ChatGPT show remarkable capabilities in various aspects of
reasoning, comprehension, and interaction. Consequently, we propose developing
task-oriented prompts and automatically utilizing LLMs to automate the training
pipeline. To implement this concept, we present the AutoML-GPT, which employs
GPT as the bridge to diverse AI models and dynamically trains models with
optimized hyperparameters. AutoML-GPT dynamically takes user requests from the
model and data cards and composes the corresponding prompt paragraph.
Ultimately, with this prompt paragraph, AutoML-GPT will automatically conduct
the experiments from data processing to model architecture, hyperparameter
tuning, and predicted training log. By leveraging {\ours}'s robust language
capabilities and the available AI models, AutoML-GPT can tackle numerous
intricate AI tasks across various tasks and datasets. This approach achieves
remarkable results in computer vision, natural language processing, and other
challenging areas. Extensive experiments and ablation studies demonstrate that
our method can be general, effective, and beneficial for many AI tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG",
"stat.ML"
] |
2406.14393 | HF | Jailbreaking as a Reward Misspecification Problem | [
"Zhihui Xie",
"Jiahui Gao",
"Lei Li",
"Zhenguo Li",
"Qi Liu",
"Lingpeng Kong"
] | 2024-06-20 | The widespread adoption of large language models (LLMs) has raised concerns
about their safety and reliability, particularly regarding their vulnerability
to adversarial attacks. In this paper, we propose a novel perspective that
attributes this vulnerability to reward misspecification during the alignment
process. We introduce a metric ReGap to quantify the extent of reward
misspecification and demonstrate its effectiveness and robustness in detecting
harmful backdoor prompts. Building upon these insights, we present ReMiss, a
system for automated red teaming that generates adversarial prompts against
various target aligned LLMs. ReMiss achieves state-of-the-art attack success
rates on the AdvBench benchmark while preserving the human readability of the
generated prompts. Detailed analysis highlights the unique advantages brought
by the proposed reward misspecification objective compared to previous methods. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2404.17569 | HF | MaPa: Text-driven Photorealistic Material Painting for 3D Shapes | [
"Shangzhan Zhang",
"Sida Peng",
"Tao Xu",
"Yuanbo Yang",
"Tianrun Chen",
"Nan Xue",
"Yujun Shen",
"Hujun Bao",
"Ruizhen Hu",
"Xiaowei Zhou"
] | 2024-04-26 | This paper aims to generate materials for 3D meshes from text descriptions.
Unlike existing methods that synthesize texture maps, we propose to generate
segment-wise procedural material graphs as the appearance representation, which
supports high-quality rendering and provides substantial flexibility in
editing. Instead of relying on extensive paired data, i.e., 3D meshes with
material graphs and corresponding text descriptions, to train a material graph
generative model, we propose to leverage the pre-trained 2D diffusion model as
a bridge to connect the text and material graphs. Specifically, our approach
decomposes a shape into a set of segments and designs a segment-controlled
diffusion model to synthesize 2D images that are aligned with mesh parts. Based
on generated images, we initialize parameters of material graphs and fine-tune
them through the differentiable rendering module to produce materials in
accordance with the textual description. Extensive experiments demonstrate the
superior performance of our framework in photorealism, resolution, and
editability over existing methods. Project page: https://zju3dv.github.io/MaPa | null | cs.CV | [
"cs.CV"
] |
2407.05015 | HF | How do you know that? Teaching Generative Language Models to Reference Answers to Biomedical Questions | [
"Bojana Bašaragin",
"Adela Ljajić",
"Darija Medvecki",
"Lorenzo Cassano",
"Miloš Košprdić",
"Nikola Milošević"
] | 2024-07-06 | Large language models (LLMs) have recently become the leading source of
answers for users' questions online. Despite their ability to offer eloquent
answers, their accuracy and reliability can pose a significant challenge. This
is especially true for sensitive domains such as biomedicine, where there is a
higher need for factually correct answers. This paper introduces a biomedical
retrieval-augmented generation (RAG) system designed to enhance the reliability
of generated responses. The system is based on a fine-tuned LLM for the
referenced question-answering, where retrieved relevant abstracts from PubMed
are passed to LLM's context as input through a prompt. Its output is an answer
based on PubMed abstracts, where each statement is referenced accordingly,
allowing the users to verify the answer. Our retrieval system achieves an
absolute improvement of 23% compared to the PubMed search engine. Based on the
manual evaluation on a small sample, our fine-tuned LLM component achieves
comparable results to GPT-4 Turbo in referencing relevant abstracts. We make
the dataset used to fine-tune the models and the fine-tuned models based on
Mistral-7B-instruct-v0.1 and v0.2 publicly available. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.07122 | HF | Tree-Structured Shading Decomposition | [
"Chen Geng",
"Hong-Xing Yu",
"Sharon Zhang",
"Maneesh Agrawala",
"Jiajun Wu"
] | 2023-09-13 | We study inferring a tree-structured representation from a single image for
object shading. Prior work typically uses the parametric or measured
representation to model shading, which is neither interpretable nor easily
editable. We propose using the shade tree representation, which combines basic
shading nodes and compositing methods to factorize object surface shading. The
shade tree representation enables novice users who are unfamiliar with the
physical shading process to edit object shading in an efficient and intuitive
manner. A main challenge in inferring the shade tree is that the inference
problem involves both the discrete tree structure and the continuous parameters
of the tree nodes. We propose a hybrid approach to address this issue. We
introduce an auto-regressive inference model to generate a rough estimation of
the tree structure and node parameters, and then we fine-tune the inferred
shade tree through an optimization algorithm. We show experiments on synthetic
images, captured reflectance, real images, and non-realistic vector drawings,
allowing downstream applications such as material editing, vectorized shading,
and relighting. Project website: https://chen-geng.com/inv-shade-trees | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2402.03286 | HF | Training-Free Consistent Text-to-Image Generation | [
"Yoad Tewel",
"Omri Kaduri",
"Rinon Gal",
"Yoni Kasten",
"Lior Wolf",
"Gal Chechik",
"Yuval Atzmon"
] | 2024-02-05 | Text-to-image models offer a new level of creative flexibility by allowing
users to guide the image generation process through natural language. However,
using these models to consistently portray the same subject across diverse
prompts remains challenging. Existing approaches fine-tune the model to teach
it new words that describe specific user-provided subjects or add image
conditioning to the model. These methods require lengthy per-subject
optimization or large-scale pre-training. Moreover, they struggle to align
generated images with text prompts and face difficulties in portraying multiple
subjects. Here, we present ConsiStory, a training-free approach that enables
consistent subject generation by sharing the internal activations of the
pretrained model. We introduce a subject-driven shared attention block and
correspondence-based feature injection to promote subject consistency between
images. Additionally, we develop strategies to encourage layout diversity while
maintaining subject consistency. We compare ConsiStory to a range of baselines,
and demonstrate state-of-the-art performance on subject consistency and text
alignment, without requiring a single optimization step. Finally, ConsiStory
can naturally extend to multi-subject scenarios, and even enable training-free
personalization for common objects. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2408.12245 | HF | Scalable Autoregressive Image Generation with Mamba | [
"Haopeng Li",
"Jinyue Yang",
"Kexin Wang",
"Xuerui Qiu",
"Yuhong Chou",
"Xin Li",
"Guoqi Li"
] | 2024-08-22 | We introduce AiM, an autoregressive (AR) image generative model based on
Mamba architecture. AiM employs Mamba, a novel state-space model characterized
by its exceptional performance for long-sequence modeling with linear time
complexity, to supplant the commonly utilized Transformers in AR image
generation models, aiming to achieve both superior generation quality and
enhanced inference speed. Unlike existing methods that adapt Mamba to handle
two-dimensional signals via multi-directional scan, AiM directly utilizes the
next-token prediction paradigm for autoregressive image generation. This
approach circumvents the need for extensive modifications to enable Mamba to
learn 2D spatial representations. By implementing straightforward yet
strategically targeted modifications for visual generative tasks, we preserve
Mamba's core structure, fully exploiting its efficient long-sequence modeling
capabilities and scalability. We provide AiM models in various scales, with
parameter counts ranging from 148M to 1.3B. On the ImageNet1K 256*256
benchmark, our best AiM model achieves a FID of 2.21, surpassing all existing
AR models of comparable parameter counts and demonstrating significant
competitiveness against diffusion models, with 2 to 10 times faster inference
speed. Code is available at https://github.com/hp-l33/AiM | null | cs.CV | [
"cs.CV"
] |
2311.05661 | HF | Prompt Engineering a Prompt Engineer | [
"Qinyuan Ye",
"Maxamed Axmed",
"Reid Pryzant",
"Fereshte Khani"
] | 2023-11-09 | Prompt engineering is a challenging yet crucial task for optimizing the
performance of large language models on customized tasks. It requires complex
reasoning to examine the model's errors, hypothesize what is missing or
misleading in the current prompt, and communicate the task with clarity. While
recent works indicate that large language models can be meta-prompted to
perform automatic prompt engineering, we argue that their potential is limited
due to insufficient guidance for complex reasoning in the meta-prompt. We fill
this gap by infusing into the meta-prompt three key components: detailed
descriptions, context specification, and a step-by-step reasoning template. The
resulting method, named PE2, exhibits remarkable versatility across diverse
language tasks. It finds prompts that outperform "let's think step by step" by
6.3% on MultiArith and 3.1% on GSM8K, and outperforms competitive baselines on
counterfactual tasks by 6.9%. Further, we show that PE2 can make targeted and
highly specific prompt edits, rectify erroneous prompts, and induce multi-step
plans for complex tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.05928 | HF | Adapting General Disentanglement-Based Speaker Anonymization for Enhanced Emotion Preservation | [
"Xiaoxiao Miao",
"Yuxiang Zhang",
"Xin Wang",
"Natalia Tomashenko",
"Donny Cheng Lock Soh",
"Ian Mcloughlin"
] | 2024-08-12 | A general disentanglement-based speaker anonymization system typically
separates speech into content, speaker, and prosody features using individual
encoders. This paper explores how to adapt such a system when a new speech
attribute, for example, emotion, needs to be preserved to a greater extent.
While existing systems are good at anonymizing speaker embeddings, they are not
designed to preserve emotion. Two strategies for this are examined. First, we
show that integrating emotion embeddings from a pre-trained emotion encoder can
help preserve emotional cues, even though this approach slightly compromises
privacy protection. Alternatively, we propose an emotion compensation strategy
as a post-processing step applied to anonymized speaker embeddings. This
conceals the original speaker's identity and reintroduces the emotional traits
lost during speaker embedding anonymization. Specifically, we model the emotion
attribute using support vector machines to learn separate boundaries for each
emotion. During inference, the original speaker embedding is processed in two
ways: one, by an emotion indicator to predict emotion and select the
emotion-matched SVM accurately; and two, by a speaker anonymizer to conceal
speaker characteristics. The anonymized speaker embedding is then modified
along the corresponding SVM boundary towards an enhanced emotional direction to
save the emotional cues. The proposed strategies are also expected to be useful
for adapting a general disentanglement-based speaker anonymization system to
preserve other target paralinguistic attributes, with potential for a range of
downstream tasks. | null | cs.SD | [
"cs.SD",
"eess.AS"
] |
2406.13621 | HF | Improving Visual Commonsense in Language Models via Multiple Image Generation | [
"Guy Yariv",
"Idan Schwartz",
"Yossi Adi",
"Sagie Benaim"
] | 2024-06-19 | Commonsense reasoning is fundamentally based on multimodal knowledge.
However, existing large language models (LLMs) are primarily trained using
textual data only, limiting their ability to incorporate essential visual
information. In contrast, Visual Language Models, which excel at
visually-oriented tasks, often fail at non-visual tasks such as basic
commonsense reasoning. This divergence highlights a critical challenge - the
integration of robust visual understanding with foundational text-based
language reasoning. To this end, we introduce a method aimed at enhancing LLMs'
visual commonsense. Specifically, our method generates multiple images based on
the input text prompt and integrates these into the model's decision-making
process by mixing their prediction probabilities. To facilitate multimodal
grounded language modeling, we employ a late-fusion layer that combines the
projected visual features with the output of a pre-trained LLM conditioned on
text only. This late-fusion layer enables predictions based on comprehensive
image-text knowledge as well as text only when this is required. We evaluate
our approach using several visual commonsense reasoning tasks together with
traditional NLP tasks, including common sense reasoning and reading
comprehension. Our experimental results demonstrate significant superiority
over existing baselines. When applied to recent state-of-the-art LLMs (e.g.,
Llama3), we observe improvements not only in visual common sense but also in
traditional NLP benchmarks. Code and models are available under
https://github.com/guyyariv/vLMIG. | null | cs.CL | [
"cs.CL",
"cs.CV",
"cs.LG"
] |
2403.12706 | HF | AnimateDiff-Lightning: Cross-Model Diffusion Distillation | [
"Shanchuan Lin",
"Xiao Yang"
] | 2024-03-19 | We present AnimateDiff-Lightning for lightning-fast video generation. Our
model uses progressive adversarial diffusion distillation to achieve new
state-of-the-art in few-step video generation. We discuss our modifications to
adapt it for the video modality. Furthermore, we propose to simultaneously
distill the probability flow of multiple base diffusion models, resulting in a
single distilled motion module with broader style compatibility. We are pleased
to release our distilled AnimateDiff-Lightning model for the community's use. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2404.05405 | AnswerAI | Physics of Language Models: Part 3.3, Knowledge Capacity Scaling Laws | [
"Zeyuan Allen-Zhu",
"Yuanzhi Li"
] | 2024-04-08 | Scaling laws describe the relationship between the size of language models
and their capabilities. Unlike prior studies that evaluate a model's capability
via loss or benchmarks, we estimate the number of knowledge bits a model
stores. We focus on factual knowledge represented as tuples, such as (USA,
capital, Washington D.C.) from a Wikipedia page. Through multiple controlled
datasets, we establish that language models can and only can store 2 bits of
knowledge per parameter, even when quantized to int8, and such knowledge can be
flexibly extracted for downstream applications. Consequently, a 7B model can
store 14B bits of knowledge, surpassing the English Wikipedia and textbooks
combined based on our estimation.
More broadly, we present 12 results on how (1) training duration, (2) model
architecture, (3) quantization, (4) sparsity constraints such as MoE, and (5)
data signal-to-noise ratio affect a model's knowledge storage capacity. Notable
insights include:
* The GPT-2 architecture, with rotary embedding, matches or even surpasses
LLaMA/Mistral architectures in knowledge storage, particularly over shorter
training durations. This arises because LLaMA/Mistral uses GatedMLP, which is
less stable and harder to train.
* Prepending training data with domain names (e.g., wikipedia.org)
significantly increases a model's knowledge capacity. Language models can
autonomously identify and prioritize domains rich in knowledge, optimizing
their storage capacity. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.05445 | HF | AutoDecoding Latent 3D Diffusion Models | [
"Evangelos Ntavelis",
"Aliaksandr Siarohin",
"Kyle Olszewski",
"Chaoyang Wang",
"Luc Van Gool",
"Sergey Tulyakov"
] | 2023-07-07 | We present a novel approach to the generation of static and articulated 3D
assets that has a 3D autodecoder at its core. The 3D autodecoder framework
embeds properties learned from the target dataset in the latent space, which
can then be decoded into a volumetric representation for rendering
view-consistent appearance and geometry. We then identify the appropriate
intermediate volumetric latent space, and introduce robust normalization and
de-normalization operations to learn a 3D diffusion from 2D images or monocular
videos of rigid or articulated objects. Our approach is flexible enough to use
either existing camera supervision or no camera information at all -- instead
efficiently learning it during training. Our evaluations demonstrate that our
generation results outperform state-of-the-art alternatives on various
benchmark datasets and metrics, including multi-view image datasets of
synthetic objects, real in-the-wild videos of moving people, and a large-scale,
real video dataset of static objects. | null | cs.CV | [
"cs.CV"
] |
2309.11495 | Both | Chain-of-Verification Reduces Hallucination in Large Language Models | [
"Shehzaad Dhuliawala",
"Mojtaba Komeili",
"Jing Xu",
"Roberta Raileanu",
"Xian Li",
"Asli Celikyilmaz",
"Jason Weston"
] | 2023-09-20 | Generation of plausible yet incorrect factual information, termed
hallucination, is an unsolved issue in large language models. We study the
ability of language models to deliberate on the responses they give in order to
correct their mistakes. We develop the Chain-of-Verification (CoVe) method
whereby the model first (i) drafts an initial response; then (ii) plans
verification questions to fact-check its draft; (iii) answers those questions
independently so the answers are not biased by other responses; and (iv)
generates its final verified response. In experiments, we show CoVe decreases
hallucinations across a variety of tasks, from list-based questions from
Wikidata, closed book MultiSpanQA and longform text generation. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.14833 | HF | Efficient Continual Pre-training by Mitigating the Stability Gap | [
"Yiduo Guo",
"Jie Fu",
"Huishuai Zhang",
"Dongyan Zhao",
"Yikang Shen"
] | 2024-06-21 | Continual pre-training has increasingly become the predominant approach for
adapting Large Language Models (LLMs) to new domains. This process involves
updating the pre-trained LLM with a corpus from a new domain, resulting in a
shift in the training distribution. To study the behavior of LLMs during this
shift, we measured the model's performance throughout the continual
pre-training process. we observed a temporary performance drop at the
beginning, followed by a recovery phase, a phenomenon known as the "stability
gap," previously noted in vision models classifying new classes. To address
this issue and enhance LLM performance within a fixed compute budget, we
propose three effective strategies: (1) Continually pre-training the LLM on a
subset with a proper size for multiple epochs, resulting in faster performance
recovery than pre-training the LLM on a large corpus in a single epoch; (2)
Pre-training the LLM only on high-quality sub-corpus, which rapidly boosts
domain performance; and (3) Using a data mixture similar to the pre-training
data to reduce distribution gap. We conduct various experiments on Llama-family
models to validate the effectiveness of our strategies in both medical
continual pre-training and instruction tuning. For example, our strategies
improve the average medical task performance of the OpenLlama-3B model from
36.2% to 40.7% with only 40% of the original training budget and enhance the
average general task performance without causing forgetting. Furthermore, we
apply our strategies to the Llama-3-8B model. The resulting model,
Llama-3-Physician, achieves the best medical performance among current
open-source models, and performs comparably to or even better than GPT-4 on
several medical benchmarks. We release our models at
\url{https://huggingface.co/YiDuo1999/Llama-3-Physician-8B-Instruct}. | null | cs.CL | [
"cs.CL"
] |
2409.08272 | HF | Click2Mask: Local Editing with Dynamic Mask Generation | [
"Omer Regev",
"Omri Avrahami",
"Dani Lischinski"
] | 2024-09-12 | Recent advancements in generative models have revolutionized image generation
and editing, making these tasks accessible to non-experts. This paper focuses
on local image editing, particularly the task of adding new content to a
loosely specified area. Existing methods often require a precise mask or a
detailed description of the location, which can be cumbersome and prone to
errors. We propose Click2Mask, a novel approach that simplifies the local
editing process by requiring only a single point of reference (in addition to
the content description). A mask is dynamically grown around this point during
a Blended Latent Diffusion (BLD) process, guided by a masked CLIP-based
semantic loss. Click2Mask surpasses the limitations of segmentation-based and
fine-tuning dependent methods, offering a more user-friendly and contextually
accurate solution. Our experiments demonstrate that Click2Mask not only
minimizes user effort but also delivers competitive or superior local image
manipulation results compared to SoTA methods, according to both human
judgement and automatic metrics. Key contributions include the simplification
of user input, the ability to freely add objects unconstrained by existing
segments, and the integration potential of our dynamic mask approach within
other editing methods. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2306.00937 | AnswerAI | STEVE-1: A Generative Model for Text-to-Behavior in Minecraft | [
"Shalev Lifshitz",
"Keiran Paster",
"Harris Chan",
"Jimmy Ba",
"Sheila McIlraith"
] | 2023-06-01 | Constructing AI models that respond to text instructions is challenging,
especially for sequential decision-making tasks. This work introduces a
methodology, inspired by unCLIP, for instruction-tuning generative models of
behavior without relying on a large dataset of instruction-labeled
trajectories. Using this methodology, we create an instruction-tuned Video
Pretraining (VPT) model called STEVE-1, which can follow short-horizon
open-ended text and visual instructions in Minecraft. STEVE-1 is trained in two
steps: adapting the pretrained VPT model to follow commands in MineCLIP's
latent space, then training a prior to predict latent codes from text. This
allows us to finetune VPT through self-supervised behavioral cloning and
hindsight relabeling, reducing the need for costly human text annotations, and
all for only $60 of compute. By leveraging pretrained models like VPT and
MineCLIP and employing best practices from text-conditioned image generation,
STEVE-1 sets a new bar for open-ended instruction-following in Minecraft with
low-level controls (mouse and keyboard) and raw pixel inputs, far outperforming
previous baselines and robustly completing 12 of 13 tasks in our early-game
evaluation suite. We provide experimental evidence highlighting key factors for
downstream performance, including pretraining, classifier-free guidance, and
data scaling. All resources, including our model weights, training scripts, and
evaluation tools are made available for further research. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2308.00304 | HF | Skills-in-Context Prompting: Unlocking Compositionality in Large Language Models | [
"Jiaao Chen",
"Xiaoman Pan",
"Dian Yu",
"Kaiqiang Song",
"Xiaoyang Wang",
"Dong Yu",
"Jianshu Chen"
] | 2023-08-01 | We investigate how to elicit compositional generalization capabilities in
large language models (LLMs). Compositional generalization empowers LLMs to
solve complex problems by combining foundational skills, a critical reasoning
ability akin to human intelligence. However, even the most advanced LLMs
currently struggle with this form of reasoning. We examine this problem within
the framework of in-context learning and find that demonstrating both
foundational skills and compositional examples grounded in these skills within
the same prompt context is crucial. We refer to this prompt structure as
skills-in-context (SKiC). With as few as two exemplars, this in-context
learning structure enables LLMs to tackle more challenging problems requiring
innovative skill combinations, achieving near-perfect systematic generalization
across a broad range of tasks. Intriguingly, SKiC also unlocks the latent
potential of LLMs, allowing them to more actively utilize pre-existing internal
skills acquired during earlier pretraining stages to solve complex reasoning
problems. The SKiC structure is robust across different skill constructions and
exemplar choices and demonstrates strong transferability to new tasks. Finally,
inspired by our in-context learning study, we show that fine-tuning LLMs with
SKiC-style data can elicit zero-shot weak-to-strong generalization, enabling
the models to solve much harder problems directly with standard prompting. | null | cs.CL | [
"cs.CL"
] |
2401.13660 | Both | MambaByte: Token-free Selective State Space Model | [
"Junxiong Wang",
"Tushaar Gangavarapu",
"Jing Nathan Yan",
"Alexander M. Rush"
] | 2024-01-24 | Token-free language models learn directly from raw bytes and remove the
inductive bias of subword tokenization. Operating on bytes, however, results in
significantly longer sequences. In this setting, standard autoregressive
Transformers scale poorly as the effective memory required grows with sequence
length. The recent development of the Mamba state space model (SSM) offers an
appealing alternative approach with a fixed-sized memory state and efficient
decoding. We propose MambaByte, a token-free adaptation of the Mamba SSM
trained autoregressively on byte sequences. In terms of modeling, we show
MambaByte to be competitive with, and even to outperform, state-of-the-art
subword Transformers on language modeling tasks while maintaining the benefits
of token-free language models, such as robustness to noise. In terms of
efficiency, we develop an adaptation of speculative decoding with tokenized
drafting and byte-level verification. This results in a $2.6\times$ inference
speedup to the standard MambaByte implementation, showing similar decoding
efficiency as the subword Mamba. These findings establish the viability of SSMs
in enabling token-free language modeling. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2308.06125 | HF | Improving Joint Speech-Text Representations Without Alignment | [
"Cal Peyser",
"Zhong Meng",
"Ke Hu",
"Rohit Prabhavalkar",
"Andrew Rosenberg",
"Tara N. Sainath",
"Michael Picheny",
"Kyunghyun Cho"
] | 2023-08-11 | The last year has seen astonishing progress in text-prompted image generation
premised on the idea of a cross-modal representation space in which the text
and image domains are represented jointly. In ASR, this idea has found
application as joint speech-text encoders that can scale to the capacities of
very large parameter models by being trained on both unpaired speech and text.
While these methods show promise, they have required special treatment of the
sequence-length mismatch inherent in speech and text, either by up-sampling
heuristics or an explicit alignment model. In this work, we offer evidence that
joint speech-text encoders naturally achieve consistent representations across
modalities by disregarding sequence length, and argue that consistency losses
could forgive length differences and simply assume the best alignment. We show
that such a loss improves downstream WER in both a large-parameter monolingual
and multilingual system. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SD",
"eess.AS"
] |
2309.12252 | AnswerAI | Parallelizing non-linear sequential models over the sequence length | [
"Yi Heng Lim",
"Qi Zhu",
"Joshua Selfridge",
"Muhammad Firmansyah Kasim"
] | 2023-09-21 | Sequential models, such as Recurrent Neural Networks and Neural Ordinary
Differential Equations, have long suffered from slow training due to their
inherent sequential nature. For many years this bottleneck has persisted, as
many thought sequential models could not be parallelized. We challenge this
long-held belief with our parallel algorithm that accelerates GPU evaluation of
sequential models by up to 3 orders of magnitude faster without compromising
output accuracy. The algorithm does not need any special structure in the
sequential models' architecture, making it applicable to a wide range of
architectures. Using our method, training sequential models can be more than 10
times faster than the common sequential method without any meaningful
difference in the training results. Leveraging this accelerated training, we
discovered the efficacy of the Gated Recurrent Unit in a long time series
classification problem with 17k time samples. By overcoming the training
bottleneck, our work serves as the first step to unlock the potential of
non-linear sequential models for long sequence problems. | null | cs.LG | [
"cs.LG",
"cs.DC",
"physics.comp-ph"
] |
2401.04099 | HF | AGG: Amortized Generative 3D Gaussians for Single Image to 3D | [
"Dejia Xu",
"Ye Yuan",
"Morteza Mardani",
"Sifei Liu",
"Jiaming Song",
"Zhangyang Wang",
"Arash Vahdat"
] | 2024-01-08 | Given the growing need for automatic 3D content creation pipelines, various
3D representations have been studied to generate 3D objects from a single
image. Due to its superior rendering efficiency, 3D Gaussian splatting-based
models have recently excelled in both 3D reconstruction and generation. 3D
Gaussian splatting approaches for image to 3D generation are often
optimization-based, requiring many computationally expensive score-distillation
steps. To overcome these challenges, we introduce an Amortized Generative 3D
Gaussian framework (AGG) that instantly produces 3D Gaussians from a single
image, eliminating the need for per-instance optimization. Utilizing an
intermediate hybrid representation, AGG decomposes the generation of 3D
Gaussian locations and other appearance attributes for joint optimization.
Moreover, we propose a cascaded pipeline that first generates a coarse
representation of the 3D data and later upsamples it with a 3D Gaussian
super-resolution module. Our method is evaluated against existing
optimization-based 3D Gaussian frameworks and sampling-based pipelines
utilizing other 3D representations, where AGG showcases competitive generation
abilities both qualitatively and quantitatively while being several orders of
magnitude faster. Project page: https://ir1d.github.io/AGG/ | null | cs.CV | [
"cs.CV"
] |
2404.07839 | HF | RecurrentGemma: Moving Past Transformers for Efficient Open Language Models | [
"Aleksandar Botev",
"Soham De",
"Samuel L Smith",
"Anushan Fernando",
"George-Cristian Muraru",
"Ruba Haroun",
"Leonard Berrada",
"Razvan Pascanu",
"Pier Giuseppe Sessa",
"Robert Dadashi",
"Léonard Hussenot",
"Johan Ferret",
"Sertan Girgin",
"Olivier Bachem",
"Alek Andreev",
"Kathleen Kenealy",
"Thomas Mesnard",
"Cassidy Hardin",
"Surya Bhupatiraju",
"Shreya Pathak",
"Laurent Sifre",
"Morgane Rivière",
"Mihir Sanjay Kale",
"Juliette Love",
"Pouya Tafti",
"Armand Joulin",
"Noah Fiedel",
"Evan Senter",
"Yutian Chen",
"Srivatsan Srinivasan",
"Guillaume Desjardins",
"David Budden",
"Arnaud Doucet",
"Sharad Vikram",
"Adam Paszke",
"Trevor Gale",
"Sebastian Borgeaud",
"Charlie Chen",
"Andy Brock",
"Antonia Paterson",
"Jenny Brennan",
"Meg Risdal",
"Raj Gundluru",
"Nesh Devanathan",
"Paul Mooney",
"Nilay Chauhan",
"Phil Culliton",
"Luiz Gustavo Martins",
"Elisa Bandy",
"David Huntsperger",
"Glenn Cameron",
"Arthur Zucker",
"Tris Warkentin",
"Ludovic Peran",
"Minh Giang",
"Zoubin Ghahramani",
"Clément Farabet",
"Koray Kavukcuoglu",
"Demis Hassabis",
"Raia Hadsell",
"Yee Whye Teh",
"Nando de Frietas"
] | 2024-04-11 | We introduce RecurrentGemma, a family of open language models which uses
Google's novel Griffin architecture. Griffin combines linear recurrences with
local attention to achieve excellent performance on language. It has a
fixed-sized state, which reduces memory use and enables efficient inference on
long sequences. We provide two sizes of models, containing 2B and 9B
parameters, and provide pre-trained and instruction tuned variants for both.
Our models achieve comparable performance to similarly-sized Gemma baselines
despite being trained on fewer tokens. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
1810.09536 | AnswerAI | Ordered Neurons: Integrating Tree Structures into Recurrent Neural Networks | [
"Yikang Shen",
"Shawn Tan",
"Alessandro Sordoni",
"Aaron Courville"
] | 2018-10-22 | Natural language is hierarchically structured: smaller units (e.g., phrases)
are nested within larger units (e.g., clauses). When a larger constituent ends,
all of the smaller constituents that are nested within it must also be closed.
While the standard LSTM architecture allows different neurons to track
information at different time scales, it does not have an explicit bias towards
modeling a hierarchy of constituents. This paper proposes to add such an
inductive bias by ordering the neurons; a vector of master input and forget
gates ensures that when a given neuron is updated, all the neurons that follow
it in the ordering are also updated. Our novel recurrent architecture, ordered
neurons LSTM (ON-LSTM), achieves good performance on four different tasks:
language modeling, unsupervised parsing, targeted syntactic evaluation, and
logical inference. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2406.09246 | HF | OpenVLA: An Open-Source Vision-Language-Action Model | [
"Moo Jin Kim",
"Karl Pertsch",
"Siddharth Karamcheti",
"Ted Xiao",
"Ashwin Balakrishna",
"Suraj Nair",
"Rafael Rafailov",
"Ethan Foster",
"Grace Lam",
"Pannag Sanketi",
"Quan Vuong",
"Thomas Kollar",
"Benjamin Burchfiel",
"Russ Tedrake",
"Dorsa Sadigh",
"Sergey Levine",
"Percy Liang",
"Chelsea Finn"
] | 2024-06-13 | Large policies pretrained on a combination of Internet-scale vision-language
data and diverse robot demonstrations have the potential to change how we teach
robots new skills: rather than training new behaviors from scratch, we can
fine-tune such vision-language-action (VLA) models to obtain robust,
generalizable policies for visuomotor control. Yet, widespread adoption of VLAs
for robotics has been challenging as 1) existing VLAs are largely closed and
inaccessible to the public, and 2) prior work fails to explore methods for
efficiently fine-tuning VLAs for new tasks, a key component for adoption.
Addressing these challenges, we introduce OpenVLA, a 7B-parameter open-source
VLA trained on a diverse collection of 970k real-world robot demonstrations.
OpenVLA builds on a Llama 2 language model combined with a visual encoder that
fuses pretrained features from DINOv2 and SigLIP. As a product of the added
data diversity and new model components, OpenVLA demonstrates strong results
for generalist manipulation, outperforming closed models such as RT-2-X (55B)
by 16.5% in absolute task success rate across 29 tasks and multiple robot
embodiments, with 7x fewer parameters. We further show that we can effectively
fine-tune OpenVLA for new settings, with especially strong generalization
results in multi-task environments involving multiple objects and strong
language grounding abilities, and outperform expressive from-scratch imitation
learning methods such as Diffusion Policy by 20.4%. We also explore compute
efficiency; as a separate contribution, we show that OpenVLA can be fine-tuned
on consumer GPUs via modern low-rank adaptation methods and served efficiently
via quantization without a hit to downstream success rate. Finally, we release
model checkpoints, fine-tuning notebooks, and our PyTorch codebase with
built-in support for training VLAs at scale on Open X-Embodiment datasets. | null | cs.RO | [
"cs.RO",
"cs.LG"
] |
2306.00890 | HF | LLaVA-Med: Training a Large Language-and-Vision Assistant for Biomedicine in One Day | [
"Chunyuan Li",
"Cliff Wong",
"Sheng Zhang",
"Naoto Usuyama",
"Haotian Liu",
"Jianwei Yang",
"Tristan Naumann",
"Hoifung Poon",
"Jianfeng Gao"
] | 2023-06-01 | Conversational generative AI has demonstrated remarkable promise for
empowering biomedical practitioners, but current investigations focus on
unimodal text. Multimodal conversational AI has seen rapid progress by
leveraging billions of image-text pairs from the public web, but such
general-domain vision-language models still lack sophistication in
understanding and conversing about biomedical images. In this paper, we propose
a cost-efficient approach for training a vision-language conversational
assistant that can answer open-ended research questions of biomedical images.
The key idea is to leverage a large-scale, broad-coverage biomedical
figure-caption dataset extracted from PubMed Central, use GPT-4 to
self-instruct open-ended instruction-following data from the captions, and then
fine-tune a large general-domain vision-language model using a novel curriculum
learning method. Specifically, the model first learns to align biomedical
vocabulary using the figure-caption pairs as is, then learns to master
open-ended conversational semantics using GPT-4 generated instruction-following
data, broadly mimicking how a layperson gradually acquires biomedical
knowledge. This enables us to train a Large Language and Vision Assistant for
BioMedicine (LLaVA-Med) in less than 15 hours (with eight A100s). LLaVA-Med
exhibits excellent multimodal conversational capability and can follow
open-ended instruction to assist with inquiries about a biomedical image. On
three standard biomedical visual question answering datasets, LLaVA-Med
outperforms previous supervised state-of-the-art on certain metrics. To
facilitate biomedical multimodal research, we will release our
instruction-following data and the LLaVA-Med model. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2406.09371 | HF | LRM-Zero: Training Large Reconstruction Models with Synthesized Data | [
"Desai Xie",
"Sai Bi",
"Zhixin Shu",
"Kai Zhang",
"Zexiang Xu",
"Yi Zhou",
"Sören Pirk",
"Arie Kaufman",
"Xin Sun",
"Hao Tan"
] | 2024-06-13 | We present LRM-Zero, a Large Reconstruction Model (LRM) trained entirely on
synthesized 3D data, achieving high-quality sparse-view 3D reconstruction. The
core of LRM-Zero is our procedural 3D dataset, Zeroverse, which is
automatically synthesized from simple primitive shapes with random texturing
and augmentations (e.g., height fields, boolean differences, and wireframes).
Unlike previous 3D datasets (e.g., Objaverse) which are often captured or
crafted by humans to approximate real 3D data, Zeroverse completely ignores
realistic global semantics but is rich in complex geometric and texture details
that are locally similar to or even more intricate than real objects. We
demonstrate that our LRM-Zero, trained with our fully synthesized Zeroverse,
can achieve high visual quality in the reconstruction of real-world objects,
competitive with models trained on Objaverse. We also analyze several critical
design choices of Zeroverse that contribute to LRM-Zero's capability and
training stability. Our work demonstrates that 3D reconstruction, one of the
core tasks in 3D vision, can potentially be addressed without the semantics of
real-world objects. The Zeroverse's procedural synthesis code and interactive
visualization are available at: https://desaixie.github.io/lrm-zero/. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2402.10644 | HF | Linear Transformers with Learnable Kernel Functions are Better In-Context Models | [
"Yaroslav Aksenov",
"Nikita Balagansky",
"Sofia Maria Lo Cicero Vaina",
"Boris Shaposhnikov",
"Alexey Gorbatovski",
"Daniil Gavrilov"
] | 2024-02-16 | Advancing the frontier of subquadratic architectures for Language Models
(LMs) is crucial in the rapidly evolving field of natural language processing.
Current innovations, including State Space Models, were initially celebrated
for surpassing Transformer performance on language modeling tasks. However,
these models have revealed deficiencies in essential In-Context Learning
capabilities - a domain where the Transformer traditionally shines. The Based
model emerged as a hybrid solution, blending a Linear Transformer with a kernel
inspired by the Taylor expansion of exponential functions, augmented by
convolutional networks. Mirroring the Transformer's in-context adeptness, it
became a strong contender in the field. In our work, we present a singular,
elegant alteration to the Based kernel that amplifies its In-Context Learning
abilities evaluated with the Multi-Query Associative Recall task and overall
language modeling process, as demonstrated on the Pile dataset. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2404.11614 | HF | Dynamic Typography: Bringing Text to Life via Video Diffusion Prior | [
"Zichen Liu",
"Yihao Meng",
"Hao Ouyang",
"Yue Yu",
"Bolin Zhao",
"Daniel Cohen-Or",
"Huamin Qu"
] | 2024-04-17 | Text animation serves as an expressive medium, transforming static
communication into dynamic experiences by infusing words with motion to evoke
emotions, emphasize meanings, and construct compelling narratives. Crafting
animations that are semantically aware poses significant challenges, demanding
expertise in graphic design and animation. We present an automated text
animation scheme, termed "Dynamic Typography", which combines two challenging
tasks. It deforms letters to convey semantic meaning and infuses them with
vibrant movements based on user prompts. Our technique harnesses vector
graphics representations and an end-to-end optimization-based framework. This
framework employs neural displacement fields to convert letters into base
shapes and applies per-frame motion, encouraging coherence with the intended
textual concept. Shape preservation techniques and perceptual loss
regularization are employed to maintain legibility and structural integrity
throughout the animation process. We demonstrate the generalizability of our
approach across various text-to-video models and highlight the superiority of
our end-to-end methodology over baseline methods, which might comprise separate
tasks. Through quantitative and qualitative evaluations, we demonstrate the
effectiveness of our framework in generating coherent text animations that
faithfully interpret user prompts while maintaining readability. Our code is
available at: https://animate-your-word.github.io/demo/. | null | cs.CV | [
"cs.CV"
] |
2309.16643 | HF | Deep Geometrized Cartoon Line Inbetweening | [
"Li Siyao",
"Tianpei Gu",
"Weiye Xiao",
"Henghui Ding",
"Ziwei Liu",
"Chen Change Loy"
] | 2023-09-28 | We aim to address a significant but understudied problem in the anime
industry, namely the inbetweening of cartoon line drawings. Inbetweening
involves generating intermediate frames between two black-and-white line
drawings and is a time-consuming and expensive process that can benefit from
automation. However, existing frame interpolation methods that rely on matching
and warping whole raster images are unsuitable for line inbetweening and often
produce blurring artifacts that damage the intricate line structures. To
preserve the precision and detail of the line drawings, we propose a new
approach, AnimeInbet, which geometrizes raster line drawings into graphs of
endpoints and reframes the inbetweening task as a graph fusion problem with
vertex repositioning. Our method can effectively capture the sparsity and
unique structure of line drawings while preserving the details during
inbetweening. This is made possible via our novel modules, i.e., vertex
geometric embedding, a vertex correspondence Transformer, an effective
mechanism for vertex repositioning and a visibility predictor. To train our
method, we introduce MixamoLine240, a new dataset of line drawings with ground
truth vectorization and matching labels. Our experiments demonstrate that
AnimeInbet synthesizes high-quality, clean, and complete intermediate line
drawings, outperforming existing methods quantitatively and qualitatively,
especially in cases with large motions. Data and code are available at
https://github.com/lisiyao21/AnimeInbet. | null | cs.CV | [
"cs.CV"
] |
2404.01292 | HF | Measuring Style Similarity in Diffusion Models | [
"Gowthami Somepalli",
"Anubhav Gupta",
"Kamal Gupta",
"Shramay Palta",
"Micah Goldblum",
"Jonas Geiping",
"Abhinav Shrivastava",
"Tom Goldstein"
] | 2024-04-01 | Generative models are now widely used by graphic designers and artists. Prior
works have shown that these models remember and often replicate content from
their training data during generation. Hence as their proliferation increases,
it has become important to perform a database search to determine whether the
properties of the image are attributable to specific training data, every time
before a generated image is used for professional purposes. Existing tools for
this purpose focus on retrieving images of similar semantic content. Meanwhile,
many artists are concerned with style replication in text-to-image models. We
present a framework for understanding and extracting style descriptors from
images. Our framework comprises a new dataset curated using the insight that
style is a subjective property of an image that captures complex yet meaningful
interactions of factors including but not limited to colors, textures, shapes,
etc. We also propose a method to extract style descriptors that can be used to
attribute style of a generated image to the images used in the training dataset
of a text-to-image model. We showcase promising results in various style
retrieval tasks. We also quantitatively and qualitatively analyze style
attribution and matching in the Stable Diffusion model. Code and artifacts are
available at https://github.com/learn2phoenix/CSD. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2309.16414 | HF | AutoCLIP: Auto-tuning Zero-Shot Classifiers for Vision-Language Models | [
"Jan Hendrik Metzen",
"Piyapat Saranrittichai",
"Chaithanya Kumar Mummadi"
] | 2023-09-28 | Classifiers built upon vision-language models such as CLIP have shown
remarkable zero-shot performance across a broad range of image classification
tasks. Prior work has studied different ways of automatically creating
descriptor sets for every class based on prompt templates, ranging from
manually engineered templates over templates obtained from a large language
model to templates built from random words and characters. Up until now,
deriving zero-shot classifiers from the respective encoded class descriptors
has remained nearly unchanged, i.e., classify to the class that maximizes
cosine similarity between its averaged encoded class descriptors and the image
encoding. However, weighing all class descriptors equally can be suboptimal
when certain descriptors match visual clues on a given image better than
others. In this work, we propose AutoCLIP, a method for auto-tuning zero-shot
classifiers. AutoCLIP tunes per-image weights to each prompt template at
inference time, based on statistics of class descriptor-image similarities.
AutoCLIP is fully unsupervised, has only a minor additional computation
overhead, and can be easily implemented in few lines of code. We show that
AutoCLIP outperforms baselines across a broad range of vision-language models,
datasets, and prompt templates consistently and by up to 3 percent point
accuracy. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2307.01201 | AnswerAI | Schema-learning and rebinding as mechanisms of in-context learning and emergence | [
"Sivaramakrishnan Swaminathan",
"Antoine Dedieu",
"Rajkumar Vasudeva Raju",
"Murray Shanahan",
"Miguel Lazaro-Gredilla",
"Dileep George"
] | 2023-06-16 | In-context learning (ICL) is one of the most powerful and most unexpected
capabilities to emerge in recent transformer-based large language models
(LLMs). Yet the mechanisms that underlie it are poorly understood. In this
paper, we demonstrate that comparable ICL capabilities can be acquired by an
alternative sequence prediction learning method using clone-structured causal
graphs (CSCGs). Moreover, a key property of CSCGs is that, unlike
transformer-based LLMs, they are {\em interpretable}, which considerably
simplifies the task of explaining how ICL works. Specifically, we show that it
uses a combination of (a) learning template (schema) circuits for pattern
completion, (b) retrieving relevant templates in a context-sensitive manner,
and (c) rebinding of novel tokens to appropriate slots in the templates. We go
on to marshall evidence for the hypothesis that similar mechanisms underlie ICL
in LLMs. For example, we find that, with CSCGs as with LLMs, different
capabilities emerge at different levels of overparameterization, suggesting
that overparameterization helps in learning more complex template (schema)
circuits. By showing how ICL can be achieved with small models and datasets, we
open up a path to novel architectures, and take a vital step towards a more
general understanding of the mechanics behind this important capability. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.16048 | HF | Evaluating D-MERIT of Partial-annotation on Information Retrieval | [
"Royi Rassin",
"Yaron Fairstein",
"Oren Kalinsky",
"Guy Kushilevitz",
"Nachshon Cohen",
"Alexander Libov",
"Yoav Goldberg"
] | 2024-06-23 | Retrieval models are often evaluated on partially-annotated datasets. Each
query is mapped to a few relevant texts and the remaining corpus is assumed to
be irrelevant. As a result, models that successfully retrieve false negatives
are punished in evaluation. Unfortunately, completely annotating all texts for
every query is not resource efficient. In this work, we show that using
partially-annotated datasets in evaluation can paint a distorted picture. We
curate D-MERIT, a passage retrieval evaluation set from Wikipedia, aspiring to
contain all relevant passages for each query. Queries describe a group (e.g.,
``journals about linguistics'') and relevant passages are evidence that
entities belong to the group (e.g., a passage indicating that Language is a
journal about linguistics). We show that evaluating on a dataset containing
annotations for only a subset of the relevant passages might result in
misleading ranking of the retrieval systems and that as more relevant texts are
included in the evaluation set, the rankings converge. We propose our dataset
as a resource for evaluation and our study as a recommendation for balance
between resource-efficiency and reliable evaluation when annotating evaluation
sets for text retrieval. | null | cs.IR | [
"cs.IR"
] |
2409.08615 | HF | DrawingSpinUp: 3D Animation from Single Character Drawings | [
"Jie Zhou",
"Chufeng Xiao",
"Miu-Ling Lam",
"Hongbo Fu"
] | 2024-09-13 | Animating various character drawings is an engaging visual content creation
task. Given a single character drawing, existing animation methods are limited
to flat 2D motions and thus lack 3D effects. An alternative solution is to
reconstruct a 3D model from a character drawing as a proxy and then retarget 3D
motion data onto it. However, the existing image-to-3D methods could not work
well for amateur character drawings in terms of appearance and geometry. We
observe the contour lines, commonly existing in character drawings, would
introduce significant ambiguity in texture synthesis due to their
view-dependence. Additionally, thin regions represented by single-line contours
are difficult to reconstruct (e.g., slim limbs of a stick figure) due to their
delicate structures. To address these issues, we propose a novel system,
DrawingSpinUp, to produce plausible 3D animations and breathe life into
character drawings, allowing them to freely spin up, leap, and even perform a
hip-hop dance. For appearance improvement, we adopt a removal-then-restoration
strategy to first remove the view-dependent contour lines and then render them
back after retargeting the reconstructed character. For geometry refinement, we
develop a skeleton-based thinning deformation algorithm to refine the slim
structures represented by the single-line contours. The experimental
evaluations and a perceptual user study show that our proposed method
outperforms the existing 2D and 3D animation methods and generates high-quality
3D animations from a single character drawing. Please refer to our project page
(https://lordliang.github.io/DrawingSpinUp) for the code and generated
animations. | null | cs.GR | [
"cs.GR"
] |
2309.01770 | HF | StyleAdapter: A Single-Pass LoRA-Free Model for Stylized Image Generation | [
"Zhouxia Wang",
"Xintao Wang",
"Liangbin Xie",
"Zhongang Qi",
"Ying Shan",
"Wenping Wang",
"Ping Luo"
] | 2023-09-04 | This paper presents a LoRA-free method for stylized image generation that
takes a text prompt and style reference images as inputs and produces an output
image in a single pass. Unlike existing methods that rely on training a
separate LoRA for each style, our method can adapt to various styles with a
unified model. However, this poses two challenges: 1) the prompt loses
controllability over the generated content, and 2) the output image inherits
both the semantic and style features of the style reference image, compromising
its content fidelity. To address these challenges, we introduce StyleAdapter, a
model that comprises two components: a two-path cross-attention module (TPCA)
and three decoupling strategies. These components enable our model to process
the prompt and style reference features separately and reduce the strong
coupling between the semantic and style information in the style references.
StyleAdapter can generate high-quality images that match the content of the
prompts and adopt the style of the references (even for unseen styles) in a
single pass, which is more flexible and efficient than previous methods.
Experiments have been conducted to demonstrate the superiority of our method
over previous works. | null | cs.CV | [
"cs.CV"
] |
2405.09818 | Both | Chameleon: Mixed-Modal Early-Fusion Foundation Models | [
"Chameleon Team"
] | 2024-05-16 | We present Chameleon, a family of early-fusion token-based mixed-modal models
capable of understanding and generating images and text in any arbitrary
sequence. We outline a stable training approach from inception, an alignment
recipe, and an architectural parameterization tailored for the early-fusion,
token-based, mixed-modal setting. The models are evaluated on a comprehensive
range of tasks, including visual question answering, image captioning, text
generation, image generation, and long-form mixed modal generation. Chameleon
demonstrates broad and general capabilities, including state-of-the-art
performance in image captioning tasks, outperforms Llama-2 in text-only tasks
while being competitive with models such as Mixtral 8x7B and Gemini-Pro, and
performs non-trivial image generation, all in a single model. It also matches
or exceeds the performance of much larger models, including Gemini Pro and
GPT-4V, according to human judgments on a new long-form mixed-modal generation
evaluation, where either the prompt or outputs contain mixed sequences of both
images and text. Chameleon marks a significant step forward in a unified
modeling of full multimodal documents. | null | cs.CL | [
"cs.CL"
] |
2401.14391 | HF | Rethinking Patch Dependence for Masked Autoencoders | [
"Letian Fu",
"Long Lian",
"Renhao Wang",
"Baifeng Shi",
"Xudong Wang",
"Adam Yala",
"Trevor Darrell",
"Alexei A. Efros",
"Ken Goldberg"
] | 2024-01-25 | In this work, we re-examine inter-patch dependencies in the decoding
mechanism of masked autoencoders (MAE). We decompose this decoding mechanism
for masked patch reconstruction in MAE into self-attention and cross-attention.
Our investigations suggest that self-attention between mask patches is not
essential for learning good representations. To this end, we propose a novel
pretraining framework: Cross-Attention Masked Autoencoders (CrossMAE).
CrossMAE's decoder leverages only cross-attention between masked and visible
tokens, with no degradation in downstream performance. This design also enables
decoding only a small subset of mask tokens, boosting efficiency. Furthermore,
each decoder block can now leverage different encoder features, resulting in
improved representation learning. CrossMAE matches MAE in performance with 2.5
to 3.7$\times$ less decoding compute. It also surpasses MAE on ImageNet
classification and COCO instance segmentation under the same compute. Code and
models: https://crossmae.github.io | null | cs.CV | [
"cs.CV"
] |
2306.09348 | HF | Seeing the World through Your Eyes | [
"Hadi Alzayer",
"Kevin Zhang",
"Brandon Feng",
"Christopher Metzler",
"Jia-Bin Huang"
] | 2023-06-15 | The reflective nature of the human eye is an underappreciated source of
information about what the world around us looks like. By imaging the eyes of a
moving person, we can collect multiple views of a scene outside the camera's
direct line of sight through the reflections in the eyes. In this paper, we
reconstruct a 3D scene beyond the camera's line of sight using portrait images
containing eye reflections. This task is challenging due to 1) the difficulty
of accurately estimating eye poses and 2) the entangled appearance of the eye
iris and the scene reflections. Our method jointly refines the cornea poses,
the radiance field depicting the scene, and the observer's eye iris texture. We
further propose a simple regularization prior on the iris texture pattern to
improve reconstruction quality. Through various experiments on synthetic and
real-world captures featuring people with varied eye colors, we demonstrate the
feasibility of our approach to recover 3D scenes using eye reflections. | null | cs.CV | [
"cs.CV"
] |
2401.17181 | HF | Transfer Learning for Text Diffusion Models | [
"Kehang Han",
"Kathleen Kenealy",
"Aditya Barua",
"Noah Fiedel",
"Noah Constant"
] | 2024-01-30 | In this report, we explore the potential for text diffusion to replace
autoregressive (AR) decoding for the training and deployment of large language
models (LLMs). We are particularly interested to see whether pretrained AR
models can be transformed into text diffusion models through a lightweight
adaptation procedure we call ``AR2Diff''. We begin by establishing a strong
baseline setup for training text diffusion models. Comparing across multiple
architectures and pretraining objectives, we find that training a decoder-only
model with a prefix LM objective is best or near-best across several tasks.
Building on this finding, we test various transfer learning setups for text
diffusion models. On machine translation, we find that text diffusion
underperforms the standard AR approach. However, on code synthesis and
extractive QA, we find diffusion models trained from scratch outperform AR
models in many cases. We also observe quality gains from AR2Diff -- adapting AR
models to use diffusion decoding. These results are promising given that text
diffusion is relatively underexplored and can be significantly faster than AR
decoding for long text generation. | null | cs.CL | [
"cs.CL"
] |
2401.00604 | HF | SteinDreamer: Variance Reduction for Text-to-3D Score Distillation via Stein Identity | [
"Peihao Wang",
"Zhiwen Fan",
"Dejia Xu",
"Dilin Wang",
"Sreyas Mohan",
"Forrest Iandola",
"Rakesh Ranjan",
"Yilei Li",
"Qiang Liu",
"Zhangyang Wang",
"Vikas Chandra"
] | 2023-12-31 | Score distillation has emerged as one of the most prevalent approaches for
text-to-3D asset synthesis. Essentially, score distillation updates 3D
parameters by lifting and back-propagating scores averaged over different
views. In this paper, we reveal that the gradient estimation in score
distillation is inherent to high variance. Through the lens of variance
reduction, the effectiveness of SDS and VSD can be interpreted as applications
of various control variates to the Monte Carlo estimator of the distilled
score. Motivated by this rethinking and based on Stein's identity, we propose a
more general solution to reduce variance for score distillation, termed Stein
Score Distillation (SSD). SSD incorporates control variates constructed by
Stein identity, allowing for arbitrary baseline functions. This enables us to
include flexible guidance priors and network architectures to explicitly
optimize for variance reduction. In our experiments, the overall pipeline,
dubbed SteinDreamer, is implemented by instantiating the control variate with a
monocular depth estimator. The results suggest that SSD can effectively reduce
the distillation variance and consistently improve visual quality for both
object- and scene-level generation. Moreover, we demonstrate that SteinDreamer
achieves faster convergence than existing methods due to more stable gradient
updates. | null | cs.CV | [
"cs.CV"
] |
2310.14573 | HF | Exploring the Boundaries of GPT-4 in Radiology | [
"Qianchu Liu",
"Stephanie Hyland",
"Shruthi Bannur",
"Kenza Bouzid",
"Daniel C. Castro",
"Maria Teodora Wetscherek",
"Robert Tinn",
"Harshita Sharma",
"Fernando Pérez-García",
"Anton Schwaighofer",
"Pranav Rajpurkar",
"Sameer Tajdin Khanna",
"Hoifung Poon",
"Naoto Usuyama",
"Anja Thieme",
"Aditya V. Nori",
"Matthew P. Lungren",
"Ozan Oktay",
"Javier Alvarez-Valle"
] | 2023-10-23 | The recent success of general-domain large language models (LLMs) has
significantly changed the natural language processing paradigm towards a
unified foundation model across domains and applications. In this paper, we
focus on assessing the performance of GPT-4, the most capable LLM so far, on
the text-based applications for radiology reports, comparing against
state-of-the-art (SOTA) radiology-specific models. Exploring various prompting
strategies, we evaluated GPT-4 on a diverse range of common radiology tasks and
we found GPT-4 either outperforms or is on par with current SOTA radiology
models. With zero-shot prompting, GPT-4 already obtains substantial gains
($\approx$ 10% absolute improvement) over radiology models in temporal sentence
similarity classification (accuracy) and natural language inference ($F_1$).
For tasks that require learning dataset-specific style or schema (e.g. findings
summarisation), GPT-4 improves with example-based prompting and matches
supervised SOTA. Our extensive error analysis with a board-certified
radiologist shows GPT-4 has a sufficient level of radiology knowledge with only
occasional errors in complex context that require nuanced domain knowledge. For
findings summarisation, GPT-4 outputs are found to be overall comparable with
existing manually-written impressions. | null | cs.CL | [
"cs.CL"
] |
2405.08944 | AnswerAI | Challenges in Deploying Long-Context Transformers: A Theoretical Peak Performance Analysis | [
"Yao Fu"
] | 2024-05-14 | Transformer-based long context generative models power emerging AI
applications like hour-long video understanding and project-level coding agent.
Deploying long context transformers (e.g., 100K to 10M tokens) is prohibitively
expensive compared to short context (e.g., 4K tokens) model variants. Reducing
the cost of long-context transformers is becoming a pressing research and
engineering challenge starting from the year of 2024. This work describes a
concurrent programming framework for quantitatively analyzing the efficiency
challenges in serving multiple long-context requests under limited size of GPU
high-bandwidth memory (HBM) regime. We give a detailed analysis of how all
additional computational costs, compared to 4K context, trace back to
\textit{one single source: the large size of the KV cache}. We use a 34B
GPT-3.5 level model of 50K context on A100 NVLink as a running example, and
describe how its large KV cache causes four types of deployment challenges: (1)
prefilling long inputs takes much longer compute time and GPU memory than short
inputs; (2) after prefilling, the large KV cache residing on the GPU HBM
substantially restricts the number of concurrent users being served; (3) during
decoding, repeatedly reading the KV cache from HBM to SM largely increases
latency; (4) when KV cache memory overflows, swapping it from HBM to DDR causes
significant context switching latency. We use this framework to analyze
existing works and identify possibilities of combining them to build end-to-end
systems. Overall, this work offers a foundational framework for analyzing long
context transformer deployment and identifies directions towards reducing the
inference cost of 1M context to be as cheap as 4K. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.DC"
] |
2310.04799 | AnswerAI | Chat Vector: A Simple Approach to Equip LLMs with Instruction Following and Model Alignment in New Languages | [
"Shih-Cheng Huang",
"Pin-Zu Li",
"Yu-Chi Hsu",
"Kuang-Ming Chen",
"Yu Tung Lin",
"Shih-Kai Hsiao",
"Richard Tzong-Han Tsai",
"Hung-yi Lee"
] | 2023-10-07 | Recently, the development of open-source large language models (LLMs) has
advanced rapidly. Nevertheless, due to data constraints, the capabilities of
most open-source LLMs are primarily focused on English. To address this issue,
we introduce the concept of $\textit{chat vector}$ to equip pre-trained
language models with instruction following and human value alignment via simple
model arithmetic. The chat vector is derived by subtracting the weights of a
pre-trained base model (e.g. LLaMA2) from those of its corresponding chat model
(e.g. LLaMA2-chat). By simply adding the chat vector to a continual pre-trained
model's weights, we can endow the model with chat capabilities in new languages
without the need for further training. Our empirical studies demonstrate the
superior efficacy of the chat vector from three different aspects: instruction
following, toxicity mitigation, and multi-turn dialogue. Moreover, to showcase
the adaptability of our approach, we extend our experiments to encompass
various languages, base models, and chat vectors. The results underscore the
chat vector's simplicity, effectiveness, and wide applicability, making it a
compelling solution for efficiently enabling conversational capabilities in
pre-trained language models. Our code is available at
https://github.com/aqweteddy/ChatVector. | null | cs.CL | [
"cs.CL"
] |
2407.09533 | HF | Video Occupancy Models | [
"Manan Tomar",
"Philippe Hansen-Estruch",
"Philip Bachman",
"Alex Lamb",
"John Langford",
"Matthew E. Taylor",
"Sergey Levine"
] | 2024-06-25 | We introduce a new family of video prediction models designed to support
downstream control tasks. We call these models Video Occupancy models (VOCs).
VOCs operate in a compact latent space, thus avoiding the need to make
predictions about individual pixels. Unlike prior latent-space world models,
VOCs directly predict the discounted distribution of future states in a single
step, thus avoiding the need for multistep roll-outs. We show that both
properties are beneficial when building predictive models of video for use in
downstream control. Code is available at
\href{https://github.com/manantomar/video-occupancy-models}{\texttt{github.com/manantomar/video-occupancy-models}}. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.14180 | HF | Linear Transformers are Versatile In-Context Learners | [
"Max Vladymyrov",
"Johannes von Oswald",
"Mark Sandler",
"Rong Ge"
] | 2024-02-21 | Recent research has demonstrated that transformers, particularly linear
attention models, implicitly execute gradient-descent-like algorithms on data
provided in-context during their forward inference step. However, their
capability in handling more complex problems remains unexplored. In this paper,
we prove that any linear transformer maintains an implicit linear model and can
be interpreted as performing a variant of preconditioned gradient descent. We
also investigate the use of linear transformers in a challenging scenario where
the training data is corrupted with different levels of noise. Remarkably, we
demonstrate that for this problem linear transformers discover an intricate and
highly effective optimization algorithm, surpassing or matching in performance
many reasonable baselines. We reverse-engineer this algorithm and show that it
is a novel approach incorporating momentum and adaptive rescaling based on
noise levels. Our findings show that even linear transformers possess the
surprising ability to discover sophisticated optimization strategies. | null | cs.LG | [
"cs.LG"
] |
2406.09170 | HF | Test of Time: A Benchmark for Evaluating LLMs on Temporal Reasoning | [
"Bahare Fatemi",
"Mehran Kazemi",
"Anton Tsitsulin",
"Karishma Malkan",
"Jinyeong Yim",
"John Palowitch",
"Sungyong Seo",
"Jonathan Halcrow",
"Bryan Perozzi"
] | 2024-06-13 | Large language models (LLMs) have showcased remarkable reasoning
capabilities, yet they remain susceptible to errors, particularly in temporal
reasoning tasks involving complex temporal logic. Existing research has
explored LLM performance on temporal reasoning using diverse datasets and
benchmarks. However, these studies often rely on real-world data that LLMs may
have encountered during pre-training or employ anonymization techniques that
can inadvertently introduce factual inconsistencies. In this work, we address
these limitations by introducing novel synthetic datasets specifically designed
to assess LLM temporal reasoning abilities in various scenarios. The diversity
of question types across these datasets enables systematic investigation into
the impact of the problem structure, size, question type, fact order, and other
factors on LLM performance. Our findings provide valuable insights into the
strengths and weaknesses of current LLMs in temporal reasoning tasks. To foster
further research in this area, we are open-sourcing the datasets and evaluation
framework used in our experiments: https://huggingface.co/datasets/baharef/ToT. | null | cs.CL | [
"cs.CL"
] |
2404.15778 | HF | BASS: Batched Attention-optimized Speculative Sampling | [
"Haifeng Qian",
"Sujan Kumar Gonugondla",
"Sungsoo Ha",
"Mingyue Shang",
"Sanjay Krishna Gouda",
"Ramesh Nallapati",
"Sudipta Sengupta",
"Xiaofei Ma",
"Anoop Deoras"
] | 2024-04-24 | Speculative decoding has emerged as a powerful method to improve latency and
throughput in hosting large language models. However, most existing
implementations focus on generating a single sequence. Real-world generative AI
applications often require multiple responses and how to perform speculative
decoding in a batched setting while preserving its latency benefits poses
non-trivial challenges. This paper describes a system of batched speculative
decoding that sets a new state of the art in multi-sequence generation latency
and that demonstrates superior GPU utilization as well as quality of
generations within a time budget. For example, for a 7.8B-size model on a
single A100 GPU and with a batch size of 8, each sequence is generated at an
average speed of 5.8ms per token, the overall throughput being 1.1K tokens per
second. These results represent state-of-the-art latency and a 2.15X speed-up
over optimized regular decoding. Within a time budget that regular decoding
does not finish, our system is able to generate sequences with HumanEval
Pass@First of 43% and Pass@All of 61%, far exceeding what's feasible with
single-sequence speculative decoding. Our peak GPU utilization during decoding
reaches as high as 15.8%, more than 3X the highest of that of regular decoding
and around 10X of single-sequence speculative decoding. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2305.09148 | HF | Dual-Alignment Pre-training for Cross-lingual Sentence Embedding | [
"Ziheng Li",
"Shaohan Huang",
"Zihan Zhang",
"Zhi-Hong Deng",
"Qiang Lou",
"Haizhen Huang",
"Jian Jiao",
"Furu Wei",
"Weiwei Deng",
"Qi Zhang"
] | 2023-05-16 | Recent studies have shown that dual encoder models trained with the
sentence-level translation ranking task are effective methods for cross-lingual
sentence embedding. However, our research indicates that token-level alignment
is also crucial in multilingual scenarios, which has not been fully explored
previously. Based on our findings, we propose a dual-alignment pre-training
(DAP) framework for cross-lingual sentence embedding that incorporates both
sentence-level and token-level alignment. To achieve this, we introduce a novel
representation translation learning (RTL) task, where the model learns to use
one-side contextualized token representation to reconstruct its translation
counterpart. This reconstruction objective encourages the model to embed
translation information into the token representation. Compared to other
token-level alignment methods such as translation language modeling, RTL is
more suitable for dual encoder architectures and is computationally efficient.
Extensive experiments on three sentence-level cross-lingual benchmarks
demonstrate that our approach can significantly improve sentence embedding. Our
code is available at https://github.com/ChillingDream/DAP. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.13121 | AnswerAI | Can Long-Context Language Models Subsume Retrieval, RAG, SQL, and More? | [
"Jinhyuk Lee",
"Anthony Chen",
"Zhuyun Dai",
"Dheeru Dua",
"Devendra Singh Sachan",
"Michael Boratko",
"Yi Luan",
"Sébastien M. R. Arnold",
"Vincent Perot",
"Siddharth Dalmia",
"Hexiang Hu",
"Xudong Lin",
"Panupong Pasupat",
"Aida Amini",
"Jeremy R. Cole",
"Sebastian Riedel",
"Iftekhar Naim",
"Ming-Wei Chang",
"Kelvin Guu"
] | 2024-06-19 | Long-context language models (LCLMs) have the potential to revolutionize our
approach to tasks traditionally reliant on external tools like retrieval
systems or databases. Leveraging LCLMs' ability to natively ingest and process
entire corpora of information offers numerous advantages. It enhances
user-friendliness by eliminating the need for specialized knowledge of tools,
provides robust end-to-end modeling that minimizes cascading errors in complex
pipelines, and allows for the application of sophisticated prompting techniques
across the entire system. To assess this paradigm shift, we introduce LOFT, a
benchmark of real-world tasks requiring context up to millions of tokens
designed to evaluate LCLMs' performance on in-context retrieval and reasoning.
Our findings reveal LCLMs' surprising ability to rival state-of-the-art
retrieval and RAG systems, despite never having been explicitly trained for
these tasks. However, LCLMs still face challenges in areas like compositional
reasoning that are required in SQL-like tasks. Notably, prompting strategies
significantly influence performance, emphasizing the need for continued
research as context lengths grow. Overall, LOFT provides a rigorous testing
ground for LCLMs, showcasing their potential to supplant existing paradigms and
tackle novel tasks as model capabilities scale. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2404.19756 | HF | KAN: Kolmogorov-Arnold Networks | [
"Ziming Liu",
"Yixuan Wang",
"Sachin Vaidya",
"Fabian Ruehle",
"James Halverson",
"Marin Soljačić",
"Thomas Y. Hou",
"Max Tegmark"
] | 2024-04-30 | Inspired by the Kolmogorov-Arnold representation theorem, we propose
Kolmogorov-Arnold Networks (KANs) as promising alternatives to Multi-Layer
Perceptrons (MLPs). While MLPs have fixed activation functions on nodes
("neurons"), KANs have learnable activation functions on edges ("weights").
KANs have no linear weights at all -- every weight parameter is replaced by a
univariate function parametrized as a spline. We show that this seemingly
simple change makes KANs outperform MLPs in terms of accuracy and
interpretability. For accuracy, much smaller KANs can achieve comparable or
better accuracy than much larger MLPs in data fitting and PDE solving.
Theoretically and empirically, KANs possess faster neural scaling laws than
MLPs. For interpretability, KANs can be intuitively visualized and can easily
interact with human users. Through two examples in mathematics and physics,
KANs are shown to be useful collaborators helping scientists (re)discover
mathematical and physical laws. In summary, KANs are promising alternatives for
MLPs, opening opportunities for further improving today's deep learning models
which rely heavily on MLPs. | null | cs.LG | [
"cs.LG",
"cond-mat.dis-nn",
"cs.AI",
"stat.ML"
] |
2302.05442 | AnswerAI | Scaling Vision Transformers to 22 Billion Parameters | [
"Mostafa Dehghani",
"Josip Djolonga",
"Basil Mustafa",
"Piotr Padlewski",
"Jonathan Heek",
"Justin Gilmer",
"Andreas Steiner",
"Mathilde Caron",
"Robert Geirhos",
"Ibrahim Alabdulmohsin",
"Rodolphe Jenatton",
"Lucas Beyer",
"Michael Tschannen",
"Anurag Arnab",
"Xiao Wang",
"Carlos Riquelme",
"Matthias Minderer",
"Joan Puigcerver",
"Utku Evci",
"Manoj Kumar",
"Sjoerd van Steenkiste",
"Gamaleldin F. Elsayed",
"Aravindh Mahendran",
"Fisher Yu",
"Avital Oliver",
"Fantine Huot",
"Jasmijn Bastings",
"Mark Patrick Collier",
"Alexey Gritsenko",
"Vighnesh Birodkar",
"Cristina Vasconcelos",
"Yi Tay",
"Thomas Mensink",
"Alexander Kolesnikov",
"Filip Pavetić",
"Dustin Tran",
"Thomas Kipf",
"Mario Lučić",
"Xiaohua Zhai",
"Daniel Keysers",
"Jeremiah Harmsen",
"Neil Houlsby"
] | 2023-02-10 | The scaling of Transformers has driven breakthrough capabilities for language
models. At present, the largest large language models (LLMs) contain upwards of
100B parameters. Vision Transformers (ViT) have introduced the same
architecture to image and video modelling, but these have not yet been
successfully scaled to nearly the same degree; the largest dense ViT contains
4B parameters (Chen et al., 2022). We present a recipe for highly efficient and
stable training of a 22B-parameter ViT (ViT-22B) and perform a wide variety of
experiments on the resulting model. When evaluated on downstream tasks (often
with a lightweight linear model on frozen features), ViT-22B demonstrates
increasing performance with scale. We further observe other interesting
benefits of scale, including an improved tradeoff between fairness and
performance, state-of-the-art alignment to human visual perception in terms of
shape/texture bias, and improved robustness. ViT-22B demonstrates the potential
for "LLM-like" scaling in vision, and provides key steps towards getting there. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2402.14658 | Both | OpenCodeInterpreter: Integrating Code Generation with Execution and Refinement | [
"Tianyu Zheng",
"Ge Zhang",
"Tianhao Shen",
"Xueling Liu",
"Bill Yuchen Lin",
"Jie Fu",
"Wenhu Chen",
"Xiang Yue"
] | 2024-02-22 | The introduction of large language models has significantly advanced code
generation. However, open-source models often lack the execution capabilities
and iterative refinement of advanced systems like the GPT-4 Code Interpreter.
To address this, we introduce OpenCodeInterpreter, a family of open-source code
systems designed for generating, executing, and iteratively refining code.
Supported by Code-Feedback, a dataset featuring 68K multi-turn interactions,
OpenCodeInterpreter integrates execution and human feedback for dynamic code
refinement. Our comprehensive evaluation of OpenCodeInterpreter across key
benchmarks such as HumanEval, MBPP, and their enhanced versions from EvalPlus
reveals its exceptional performance. Notably, OpenCodeInterpreter-33B achieves
an accuracy of 83.2 (76.4) on the average (and plus versions) of HumanEval and
MBPP, closely rivaling GPT-4's 84.2 (76.2) and further elevates to 91.6 (84.6)
with synthesized human feedback from GPT-4. OpenCodeInterpreter brings the gap
between open-source code generation models and proprietary systems like GPT-4
Code Interpreter. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL"
] |
2305.07447 | HF | Universal Source Separation with Weakly Labelled Data | [
"Qiuqiang Kong",
"Ke Chen",
"Haohe Liu",
"Xingjian Du",
"Taylor Berg-Kirkpatrick",
"Shlomo Dubnov",
"Mark D. Plumbley"
] | 2023-05-11 | Universal source separation (USS) is a fundamental research task for
computational auditory scene analysis, which aims to separate mono recordings
into individual source tracks. There are three potential challenges awaiting
the solution to the audio source separation task. First, previous audio source
separation systems mainly focus on separating one or a limited number of
specific sources. There is a lack of research on building a unified system that
can separate arbitrary sources via a single model. Second, most previous
systems require clean source data to train a separator, while clean source data
are scarce. Third, there is a lack of USS system that can automatically detect
and separate active sound classes in a hierarchical level. To use large-scale
weakly labeled/unlabeled audio data for audio source separation, we propose a
universal audio source separation framework containing: 1) an audio tagging
model trained on weakly labeled data as a query net; and 2) a conditional
source separation model that takes query net outputs as conditions to separate
arbitrary sound sources. We investigate various query nets, source separation
models, and training strategies and propose a hierarchical USS strategy to
automatically detect and separate sound classes from the AudioSet ontology. By
solely leveraging the weakly labelled AudioSet, our USS system is successful in
separating a wide variety of sound classes, including sound event separation,
music source separation, and speech enhancement. The USS system achieves an
average signal-to-distortion ratio improvement (SDRi) of 5.57 dB over 527 sound
classes of AudioSet; 10.57 dB on the DCASE 2018 Task 2 dataset; 8.12 dB on the
MUSDB18 dataset; an SDRi of 7.28 dB on the Slakh2100 dataset; and an SSNR of
9.00 dB on the voicebank-demand dataset. We release the source code at
https://github.com/bytedance/uss | null | cs.SD | [
"cs.SD",
"eess.AS"
] |
2407.16741 | HF | OpenDevin: An Open Platform for AI Software Developers as Generalist Agents | [
"Xingyao Wang",
"Boxuan Li",
"Yufan Song",
"Frank F. Xu",
"Xiangru Tang",
"Mingchen Zhuge",
"Jiayi Pan",
"Yueqi Song",
"Bowen Li",
"Jaskirat Singh",
"Hoang H. Tran",
"Fuqiang Li",
"Ren Ma",
"Mingzhang Zheng",
"Bill Qian",
"Yanjun Shao",
"Niklas Muennighoff",
"Yizhe Zhang",
"Binyuan Hui",
"Junyang Lin",
"Robert Brennan",
"Hao Peng",
"Heng Ji",
"Graham Neubig"
] | 2024-07-23 | Software is one of the most powerful tools that we humans have at our
disposal; it allows a skilled programmer to interact with the world in complex
and profound ways. At the same time, thanks to improvements in large language
models (LLMs), there has also been a rapid development in AI agents that
interact with and affect change in their surrounding environments. In this
paper, we introduce OpenDevin, a platform for the development of powerful and
flexible AI agents that interact with the world in similar ways to those of a
human developer: by writing code, interacting with a command line, and browsing
the web. We describe how the platform allows for the implementation of new
agents, safe interaction with sandboxed environments for code execution,
coordination between multiple agents, and incorporation of evaluation
benchmarks. Based on our currently incorporated benchmarks, we perform an
evaluation of agents over 15 challenging tasks, including software engineering
(e.g., SWE-Bench) and web browsing (e.g., WebArena), among others. Released
under the permissive MIT license, OpenDevin is a community project spanning
academia and industry with more than 1.3K contributions from over 160
contributors and will improve going forward. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL"
] |
2403.13064 | HF | SceneScript: Reconstructing Scenes With An Autoregressive Structured Language Model | [
"Armen Avetisyan",
"Christopher Xie",
"Henry Howard-Jenkins",
"Tsun-Yi Yang",
"Samir Aroudj",
"Suvam Patra",
"Fuyang Zhang",
"Duncan Frost",
"Luke Holland",
"Campbell Orme",
"Jakob Engel",
"Edward Miller",
"Richard Newcombe",
"Vasileios Balntas"
] | 2024-03-19 | We introduce SceneScript, a method that directly produces full scene models
as a sequence of structured language commands using an autoregressive,
token-based approach. Our proposed scene representation is inspired by recent
successes in transformers & LLMs, and departs from more traditional methods
which commonly describe scenes as meshes, voxel grids, point clouds or radiance
fields. Our method infers the set of structured language commands directly from
encoded visual data using a scene language encoder-decoder architecture. To
train SceneScript, we generate and release a large-scale synthetic dataset
called Aria Synthetic Environments consisting of 100k high-quality in-door
scenes, with photorealistic and ground-truth annotated renders of egocentric
scene walkthroughs. Our method gives state-of-the art results in architectural
layout estimation, and competitive results in 3D object detection. Lastly, we
explore an advantage for SceneScript, which is the ability to readily adapt to
new commands via simple additions to the structured language, which we
illustrate for tasks such as coarse 3D object part reconstruction. | null | cs.CV | [
"cs.CV"
] |
2404.16710 | HF | LayerSkip: Enabling Early Exit Inference and Self-Speculative Decoding | [
"Mostafa Elhoushi",
"Akshat Shrivastava",
"Diana Liskovich",
"Basil Hosmer",
"Bram Wasti",
"Liangzhen Lai",
"Anas Mahmoud",
"Bilge Acun",
"Saurabh Agarwal",
"Ahmed Roman",
"Ahmed A Aly",
"Beidi Chen",
"Carole-Jean Wu"
] | 2024-04-25 | We present LayerSkip, an end-to-end solution to speed-up inference of large
language models (LLMs). First, during training we apply layer dropout, with low
dropout rates for earlier layers and higher dropout rates for later layers, and
an early exit loss where all transformer layers share the same exit. Second,
during inference, we show that this training recipe increases the accuracy of
early exit at earlier layers, without adding any auxiliary layers or modules to
the model. Third, we present a novel self-speculative decoding solution where
we exit at early layers and verify and correct with remaining layers of the
model. Our proposed self-speculative decoding approach has less memory
footprint than other speculative decoding approaches and benefits from shared
compute and activations of the draft and verification stages. We run
experiments on different Llama model sizes on different types of training:
pretraining from scratch, continual pretraining, finetuning on specific data
domain, and finetuning on specific task. We implement our inference solution
and show speedups of up to 2.16x on summarization for CNN/DM documents, 1.82x
on coding, and 2.0x on TOPv2 semantic parsing task. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.08316 | HF | Is Programming by Example solved by LLMs? | [
"Wen-Ding Li",
"Kevin Ellis"
] | 2024-06-12 | Programming-by-Examples (PBE) aims to generate an algorithm from input-output
examples. Such systems are practically and theoretically important: from an
end-user perspective, they are deployed to millions of people, and from an AI
perspective, PBE corresponds to a very general form of few-shot inductive
inference. Given the success of Large Language Models (LLMs) in code-generation
tasks, we investigate here the extent to which LLMs can be said to have
`solved' PBE. We experiment on classic domains such as lists and strings, and
an uncommon graphics programming domain not well represented in typical
pretraining data. We find that pretrained models are not effective at PBE, but
that they can be fine-tuned for much higher performance, provided the test
problems are in-distribution. We analyze empirically what causes these models
to succeed and fail, and take steps toward understanding how to achieve better
out-of-distribution generalization. Collectively these results suggest that
LLMs make strong progress toward solving the typical suite of PBE tasks,
potentially increasing the flexibility and applicability of PBE systems, while
also identifying ways in which LLMs still fall short. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"cs.PL",
"cs.SE"
] |
1909.09436 | AnswerAI | CodeSearchNet Challenge: Evaluating the State of Semantic Code Search | [
"Hamel Husain",
"Ho-Hsiang Wu",
"Tiferet Gazit",
"Miltiadis Allamanis",
"Marc Brockschmidt"
] | 2019-09-20 | Semantic code search is the task of retrieving relevant code given a natural
language query. While related to other information retrieval tasks, it requires
bridging the gap between the language used in code (often abbreviated and
highly technical) and natural language more suitable to describe vague concepts
and ideas.
To enable evaluation of progress on code search, we are releasing the
CodeSearchNet Corpus and are presenting the CodeSearchNet Challenge, which
consists of 99 natural language queries with about 4k expert relevance
annotations of likely results from CodeSearchNet Corpus. The corpus contains
about 6 million functions from open-source code spanning six programming
languages (Go, Java, JavaScript, PHP, Python, and Ruby). The CodeSearchNet
Corpus also contains automatically generated query-like natural language for 2
million functions, obtained from mechanically scraping and preprocessing
associated function documentation. In this article, we describe the methodology
used to obtain the corpus and expert labels, as well as a number of simple
baseline solutions for the task.
We hope that CodeSearchNet Challenge encourages researchers and practitioners
to study this interesting task further and will host a competition and
leaderboard to track the progress on the challenge. We are also keen on
extending CodeSearchNet Challenge to more queries and programming languages in
the future. | null | cs.LG | [
"cs.LG",
"cs.IR",
"cs.SE",
"stat.ML"
] |
2409.02813 | HF | MMMU-Pro: A More Robust Multi-discipline Multimodal Understanding Benchmark | [
"Xiang Yue",
"Tianyu Zheng",
"Yuansheng Ni",
"Yubo Wang",
"Kai Zhang",
"Shengbang Tong",
"Yuxuan Sun",
"Botao Yu",
"Ge Zhang",
"Huan Sun",
"Yu Su",
"Wenhu Chen",
"Graham Neubig"
] | 2024-09-04 | This paper introduces MMMU-Pro, a robust version of the Massive
Multi-discipline Multimodal Understanding and Reasoning (MMMU) benchmark.
MMMU-Pro rigorously assesses multimodal models' true understanding and
reasoning capabilities through a three-step process based on MMMU: (1)
filtering out questions answerable by text-only models, (2) augmenting
candidate options, and (3) introducing a vision-only input setting where
questions are embedded within images. This setting challenges AI to truly "see"
and "read" simultaneously, testing a fundamental human cognitive skill of
seamlessly integrating visual and textual information. Results show that model
performance is substantially lower on MMMU-Pro than on MMMU, ranging from 16.8%
to 26.9% across models. We explore the impact of OCR prompts and Chain of
Thought (CoT) reasoning, finding that OCR prompts have minimal effect while CoT
generally improves performance. MMMU-Pro provides a more rigorous evaluation
tool, closely mimicking real-world scenarios and offering valuable directions
for future research in multimodal AI. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2409.07429 | HF | Agent Workflow Memory | [
"Zora Zhiruo Wang",
"Jiayuan Mao",
"Daniel Fried",
"Graham Neubig"
] | 2024-09-11 | Despite the potential of language model-based agents to solve real-world
tasks such as web navigation, current methods still struggle with long-horizon
tasks with complex action trajectories. In contrast, humans can flexibly solve
complex tasks by learning reusable task workflows from past experiences and
using them to guide future actions. To build agents that can similarly benefit
from this process, we introduce Agent Workflow Memory (AWM), a method for
inducing commonly reused routines, i.e., workflows, and selectively providing
workflows to the agent to guide subsequent generations. AWM flexibly applies to
both offline and online scenarios, where agents induce workflows from training
examples beforehand or from test queries on the fly. We experiment on two major
web navigation benchmarks -- Mind2Web and WebArena -- that collectively cover
1000+ tasks from 200+ domains across travel, shopping, and social media, among
others. AWM substantially improves the baseline results by 24.6% and 51.1%
relative success rate on Mind2Web and WebArena while reducing the number of
steps taken to solve WebArena tasks successfully. Furthermore, online AWM
robustly generalizes in cross-task, website, and domain evaluations, surpassing
baselines from 8.9 to 14.0 absolute points as train-test task distribution gaps
widen. | null | cs.CL | [
"cs.CL"
] |
2407.07053 | HF | Multimodal Self-Instruct: Synthetic Abstract Image and Visual Reasoning Instruction Using Language Model | [
"Wenqi Zhang",
"Zhenglin Cheng",
"Yuanyu He",
"Mengna Wang",
"Yongliang Shen",
"Zeqi Tan",
"Guiyang Hou",
"Mingqian He",
"Yanna Ma",
"Weiming Lu",
"Yueting Zhuang"
] | 2024-07-09 | Although most current large multimodal models (LMMs) can already understand
photos of natural scenes and portraits, their understanding of abstract images,
e.g., charts, maps, or layouts, and visual reasoning capabilities remains quite
rudimentary. They often struggle with simple daily tasks, such as reading time
from a clock, understanding a flowchart, or planning a route using a road map.
In light of this, we design a multi-modal self-instruct, utilizing large
language models and their code capabilities to synthesize massive abstract
images and visual reasoning instructions across daily scenarios. Our strategy
effortlessly creates a multimodal benchmark with 11,193 instructions for eight
visual scenarios: charts, tables, simulated maps, dashboards, flowcharts,
relation graphs, floor plans, and visual puzzles. \textbf{This benchmark,
constructed with simple lines and geometric elements, exposes the shortcomings
of most advanced LMMs} like Claude-3.5-Sonnet and GPT-4o in abstract image
understanding, spatial relations reasoning, and visual element induction.
Besides, to verify the quality of our synthetic data, we fine-tune an LMM using
62,476 synthetic chart, table and road map instructions. The results
demonstrate improved chart understanding and map navigation performance, and
also demonstrate potential benefits for other visual reasoning tasks. Our code
is available at: \url{https://github.com/zwq2018/Multi-modal-Self-instruct}. | null | cs.CV | [
"cs.CV"
] |
2403.02677 | HF | Finetuned Multimodal Language Models Are High-Quality Image-Text Data Filters | [
"Weizhi Wang",
"Khalil Mrini",
"Linjie Yang",
"Sateesh Kumar",
"Yu Tian",
"Xifeng Yan",
"Heng Wang"
] | 2024-03-05 | We propose a novel framework for filtering image-text data by leveraging
fine-tuned Multimodal Language Models (MLMs). Our approach outperforms
predominant filtering methods (e.g., CLIPScore) via integrating the recent
advances in MLMs. We design four distinct yet complementary metrics to
holistically measure the quality of image-text data. A new pipeline is
established to construct high-quality instruction data for fine-tuning MLMs as
data filters. Comparing with CLIPScore, our MLM filters produce more precise
and comprehensive scores that directly improve the quality of filtered data and
boost the performance of pre-trained models. We achieve significant
improvements over CLIPScore on popular foundation models (i.e., CLIP and BLIP2)
and various downstream tasks. Our MLM filter can generalize to different models
and tasks, and be used as a drop-in replacement for CLIPScore. An additional
ablation study is provided to verify our design choices for the MLM filter. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2401.06104 | HF | Transformers are Multi-State RNNs | [
"Matanel Oren",
"Michael Hassid",
"Nir Yarden",
"Yossi Adi",
"Roy Schwartz"
] | 2024-01-11 | Transformers are considered conceptually different from the previous
generation of state-of-the-art NLP models - recurrent neural networks (RNNs).
In this work, we demonstrate that decoder-only transformers can in fact be
conceptualized as unbounded multi-state RNNs - an RNN variant with unlimited
hidden state size. We further show that transformers can be converted into
$\textit{bounded}$ multi-state RNNs by fixing the size of their hidden state,
effectively compressing their key-value cache. We introduce a novel,
training-free compression policy - $\textbf{T}$oken $\textbf{O}$mission
$\textbf{V}$ia $\textbf{A}$ttention (TOVA). Our experiments with four long
range tasks and several LLMs show that TOVA outperforms several baseline
compression policies. Particularly, our results are nearly on par with the full
model, using in some cases only $\frac{1}{8}$ of the original cache size, which
translates to 4.8X higher throughput. Our results shed light on the connection
between transformers and RNNs, and help mitigate one of LLMs' most painful
computational bottlenecks - the size of their key-value cache. We publicly
release our code at https://github.com/schwartz-lab-NLP/TOVA | null | cs.CL | [
"cs.CL"
] |
2305.02301 | AnswerAI | Distilling Step-by-Step! Outperforming Larger Language Models with Less Training Data and Smaller Model Sizes | [
"Cheng-Yu Hsieh",
"Chun-Liang Li",
"Chih-Kuan Yeh",
"Hootan Nakhost",
"Yasuhisa Fujii",
"Alexander Ratner",
"Ranjay Krishna",
"Chen-Yu Lee",
"Tomas Pfister"
] | 2023-05-03 | Deploying large language models (LLMs) is challenging because they are memory
inefficient and compute-intensive for practical applications. In reaction,
researchers train smaller task-specific models by either finetuning with human
labels or distilling using LLM-generated labels. However, finetuning and
distillation require large amounts of training data to achieve comparable
performance to LLMs. We introduce Distilling step-by-step, a new mechanism that
(a) trains smaller models that outperform LLMs, and (b) achieves so by
leveraging less training data needed by finetuning or distillation. Our method
extracts LLM rationales as additional supervision for training small models
within a multi-task framework. We present three findings across 4 NLP
benchmarks: First, compared to both finetuning and distillation, our mechanism
achieves better performance with much fewer labeled/unlabeled training
examples. Second, compared to few-shot prompted LLMs, we achieve better
performance using substantially smaller model sizes. Third, we reduce both the
model size and the amount of data required to outperform LLMs; our finetuned
770M T5 model outperforms the few-shot prompted 540B PaLM model using only 80%
of available data on a benchmark, whereas standard finetuning the same T5 model
struggles to match even by using 100% of the dataset. We release the code at:
https://github.com/google-research/distilling-step-by-step . | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.17126 | HF | Large Language Models as Tool Makers | [
"Tianle Cai",
"Xuezhi Wang",
"Tengyu Ma",
"Xinyun Chen",
"Denny Zhou"
] | 2023-05-26 | Recent research has highlighted the potential of large language models (LLMs)
to improve their problem-solving capabilities with the aid of suitable external
tools. In our work, we further advance this concept by introducing a
closed-loop framework, referred to as LLMs A s Tool Makers (LATM), where LLMs
create their own reusable tools for problem-solving. Our approach consists of
two phases: 1) tool making: an LLM acts as the tool maker that crafts tools for
a set of tasks. 2) tool using: another LLM acts as the tool user, which applies
the tool built by the tool maker for problem-solving. On the problem-solving
server side, tool-making enables continual tool generation and caching as new
requests emerge. This framework enables subsequent requests to access cached
tools via their corresponding APIs, enhancing the efficiency of task
resolution. Recognizing that tool-making requires more sophisticated
capabilities, we assign this task to a powerful, albeit resource-intensive,
model. Conversely, the simpler tool-using phase is delegated to a lightweight
model. This strategic division of labor allows the once-off cost of tool-making
to be spread over multiple instances of tool-using, significantly reducing
average costs while maintaining strong performance. Furthermore, our method
offers a functional cache through the caching and reuse of tools, which stores
the functionality of a class of requests instead of the natural language
responses from LLMs, thus extending the applicability of the conventional cache
mechanism. We evaluate our approach across various complex reasoning tasks,
including Big-Bench tasks. With GPT-4 as the tool maker and GPT-3.5 as the tool
user, LATM demonstrates performance equivalent to using GPT-4 for both roles,
but with a significantly reduced inference cost. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"stat.ML"
] |
2312.11461 | HF | GAvatar: Animatable 3D Gaussian Avatars with Implicit Mesh Learning | [
"Ye Yuan",
"Xueting Li",
"Yangyi Huang",
"Shalini De Mello",
"Koki Nagano",
"Jan Kautz",
"Umar Iqbal"
] | 2023-12-18 | Gaussian splatting has emerged as a powerful 3D representation that harnesses
the advantages of both explicit (mesh) and implicit (NeRF) 3D representations.
In this paper, we seek to leverage Gaussian splatting to generate realistic
animatable avatars from textual descriptions, addressing the limitations (e.g.,
flexibility and efficiency) imposed by mesh or NeRF-based representations.
However, a naive application of Gaussian splatting cannot generate high-quality
animatable avatars and suffers from learning instability; it also cannot
capture fine avatar geometries and often leads to degenerate body parts. To
tackle these problems, we first propose a primitive-based 3D Gaussian
representation where Gaussians are defined inside pose-driven primitives to
facilitate animation. Second, to stabilize and amortize the learning of
millions of Gaussians, we propose to use neural implicit fields to predict the
Gaussian attributes (e.g., colors). Finally, to capture fine avatar geometries
and extract detailed meshes, we propose a novel SDF-based implicit mesh
learning approach for 3D Gaussians that regularizes the underlying geometries
and extracts highly detailed textured meshes. Our proposed method, GAvatar,
enables the large-scale generation of diverse animatable avatars using only
text prompts. GAvatar significantly surpasses existing methods in terms of both
appearance and geometry quality, and achieves extremely fast rendering (100
fps) at 1K resolution. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2103.10334 | AnswerAI | Structure Inducing Pre-Training | [
"Matthew B. A. McDermott",
"Brendan Yap",
"Peter Szolovits",
"Marinka Zitnik"
] | 2021-03-18 | Language model pre-training and derived methods are incredibly impactful in
machine learning. However, there remains considerable uncertainty on exactly
why pre-training helps improve performance for fine-tuning tasks. This is
especially true when attempting to adapt language-model pre-training to domains
outside of natural language. Here, we analyze this problem by exploring how
existing pre-training methods impose relational structure in their induced
per-sample latent spaces -- i.e., what constraints do pre-training methods
impose on the distance or geometry between the pre-trained embeddings of two
samples $\vec x_i$ and $\vec x_j$. Through a comprehensive review of existing
pre-training methods, we find that this question remains open. This is true
despite theoretical analyses demonstrating the importance of understanding this
form of induced structure. Based on this review, we introduce a descriptive
framework for pre-training that allows for a granular, comprehensive
understanding of how relational structure can be induced. We present a
theoretical analysis of this framework from first principles and establish a
connection between the relational inductive bias of pre-training and
fine-tuning performance. We also show how to use the framework to define new
pre-training methods. We build upon these findings with empirical studies on
benchmarks spanning 3 data modalities and ten fine-tuning tasks. These
experiments validate our theoretical analyses, inform the design of novel
pre-training methods, and establish consistent improvements over a compelling
suite of baseline methods. | null | cs.LG | [
"cs.LG"
] |
2312.08618 | HF | Zebra: Extending Context Window with Layerwise Grouped Local-Global Attention | [
"Kaiqiang Song",
"Xiaoyang Wang",
"Sangwoo Cho",
"Xiaoman Pan",
"Dong Yu"
] | 2023-12-14 | This paper introduces a novel approach to enhance the capabilities of Large
Language Models (LLMs) in processing and understanding extensive text
sequences, a critical aspect in applications requiring deep comprehension and
synthesis of large volumes of information. Recognizing the inherent challenges
in extending the context window for LLMs, primarily built on Transformer
architecture, we propose a new model architecture, referred to as Zebra. This
architecture efficiently manages the quadratic time and memory complexity
issues associated with full attention in the Transformer by employing grouped
local-global attention layers. Our model, akin to a zebra's alternating
stripes, balances local and global attention layers, significantly reducing
computational requirements and memory consumption. Comprehensive experiments,
including pretraining from scratch, continuation of long context adaptation
training, and long instruction tuning, are conducted to evaluate the Zebra's
performance. The results show that Zebra achieves comparable or superior
performance on both short and long sequence benchmarks, while also enhancing
training and inference efficiency. | null | cs.CL | [
"cs.CL"
] |
2405.03548 | AnswerAI | MAmmoTH2: Scaling Instructions from the Web | [
"Xiang Yue",
"Tuney Zheng",
"Ge Zhang",
"Wenhu Chen"
] | 2024-05-06 | Instruction tuning improves the reasoning abilities of large language models
(LLMs), with data quality and scalability being the crucial factors. Most
instruction tuning data come from human crowd-sourcing or GPT-4 distillation.
We propose a paradigm to efficiently harvest 10 million naturally existing
instruction data from the pre-training web corpus to enhance LLM reasoning. Our
approach involves (1) recalling relevant documents, (2) extracting
instruction-response pairs, and (3) refining the extracted pairs using
open-source LLMs. Fine-tuning base LLMs on this dataset, we build MAmmoTH2
models, which significantly boost performance on reasoning benchmarks. Notably,
MAmmoTH2-7B's (Mistral) performance increases from 11% to 36.7% on MATH and
from 36% to 68.4% on GSM8K without training on any in-domain data. Further
training MAmmoTH2 on public instruction tuning datasets yields MAmmoTH2-Plus,
achieving state-of-the-art performance on several reasoning and chatbot
benchmarks. Our work demonstrates how to harvest large-scale, high-quality
instruction data without costly human annotation or GPT-4 distillation,
providing a new paradigm for building better instruction tuning data. | null | cs.CL | [
"cs.CL"
] |
2305.10320 | HF | CostFormer:Cost Transformer for Cost Aggregation in Multi-view Stereo | [
"Weitao Chen",
"Hongbin Xu",
"Zhipeng Zhou",
"Yang Liu",
"Baigui Sun",
"Wenxiong Kang",
"Xuansong Xie"
] | 2023-05-17 | The core of Multi-view Stereo(MVS) is the matching process among reference
and source pixels. Cost aggregation plays a significant role in this process,
while previous methods focus on handling it via CNNs. This may inherit the
natural limitation of CNNs that fail to discriminate repetitive or incorrect
matches due to limited local receptive fields. To handle the issue, we aim to
involve Transformer into cost aggregation. However, another problem may occur
due to the quadratically growing computational complexity caused by
Transformer, resulting in memory overflow and inference latency. In this paper,
we overcome these limits with an efficient Transformer-based cost aggregation
network, namely CostFormer. The Residual Depth-Aware Cost Transformer(RDACT) is
proposed to aggregate long-range features on cost volume via self-attention
mechanisms along the depth and spatial dimensions. Furthermore, Residual
Regression Transformer(RRT) is proposed to enhance spatial attention. The
proposed method is a universal plug-in to improve learning-based MVS methods. | null | cs.CV | [
"cs.CV"
] |
2406.12056 | HF | Learning Molecular Representation in a Cell | [
"Gang Liu",
"Srijit Seal",
"John Arevalo",
"Zhenwen Liang",
"Anne E. Carpenter",
"Meng Jiang",
"Shantanu Singh"
] | 2024-06-17 | Predicting drug efficacy and safety in vivo requires information on
biological responses (e.g., cell morphology and gene expression) to small
molecule perturbations. However, current molecular representation learning
methods do not provide a comprehensive view of cell states under these
perturbations and struggle to remove noise, hindering model generalization. We
introduce the Information Alignment (InfoAlign) approach to learn molecular
representations through the information bottleneck method in cells. We
integrate molecules and cellular response data as nodes into a context graph,
connecting them with weighted edges based on chemical, biological, and
computational criteria. For each molecule in a training batch, InfoAlign
optimizes the encoder's latent representation with a minimality objective to
discard redundant structural information. A sufficiency objective decodes the
representation to align with different feature spaces from the molecule's
neighborhood in the context graph. We demonstrate that the proposed sufficiency
objective for alignment is tighter than existing encoder-based contrastive
methods. Empirically, we validate representations from InfoAlign in two
downstream tasks: molecular property prediction against up to 19 baseline
methods across four datasets, plus zero-shot molecule-morphology matching. | null | cs.LG | [
"cs.LG",
"q-bio.QM"
] |
2311.12908 | HF | Diffusion Model Alignment Using Direct Preference Optimization | [
"Bram Wallace",
"Meihua Dang",
"Rafael Rafailov",
"Linqi Zhou",
"Aaron Lou",
"Senthil Purushwalkam",
"Stefano Ermon",
"Caiming Xiong",
"Shafiq Joty",
"Nikhil Naik"
] | 2023-11-21 | Large language models (LLMs) are fine-tuned using human comparison data with
Reinforcement Learning from Human Feedback (RLHF) methods to make them better
aligned with users' preferences. In contrast to LLMs, human preference learning
has not been widely explored in text-to-image diffusion models; the best
existing approach is to fine-tune a pretrained model using carefully curated
high quality images and captions to improve visual appeal and text alignment.
We propose Diffusion-DPO, a method to align diffusion models to human
preferences by directly optimizing on human comparison data. Diffusion-DPO is
adapted from the recently developed Direct Preference Optimization (DPO), a
simpler alternative to RLHF which directly optimizes a policy that best
satisfies human preferences under a classification objective. We re-formulate
DPO to account for a diffusion model notion of likelihood, utilizing the
evidence lower bound to derive a differentiable objective. Using the Pick-a-Pic
dataset of 851K crowdsourced pairwise preferences, we fine-tune the base model
of the state-of-the-art Stable Diffusion XL (SDXL)-1.0 model with
Diffusion-DPO. Our fine-tuned base model significantly outperforms both base
SDXL-1.0 and the larger SDXL-1.0 model consisting of an additional refinement
model in human evaluation, improving visual appeal and prompt alignment. We
also develop a variant that uses AI feedback and has comparable performance to
training on human preferences, opening the door for scaling of diffusion model
alignment methods. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2309.08168 | AnswerAI | Draft & Verify: Lossless Large Language Model Acceleration via Self-Speculative Decoding | [
"Jun Zhang",
"Jue Wang",
"Huan Li",
"Lidan Shou",
"Ke Chen",
"Gang Chen",
"Sharad Mehrotra"
] | 2023-09-15 | We present a novel inference scheme, self-speculative decoding, for
accelerating Large Language Models (LLMs) without the need for an auxiliary
model. This approach is characterized by a two-stage process: drafting and
verification. The drafting stage generates draft tokens at a slightly lower
quality but more quickly, which is achieved by selectively skipping certain
intermediate layers during drafting. Subsequently, the verification stage
employs the original LLM to validate those draft output tokens in one forward
pass. This process ensures the final output remains identical to that produced
by the unaltered LLM. Moreover, the proposed method requires no additional
neural network training and no extra memory footprint, making it a
plug-and-play and cost-effective solution for inference acceleration.
Benchmarks with LLaMA-2 and its variants demonstrated a speedup up to
1.99$\times$. | null | cs.CL | [
"cs.CL"
] |
2311.04124 | HF | Unveiling Safety Vulnerabilities of Large Language Models | [
"George Kour",
"Marcel Zalmanovici",
"Naama Zwerdling",
"Esther Goldbraich",
"Ora Nova Fandina",
"Ateret Anaby-Tavor",
"Orna Raz",
"Eitan Farchi"
] | 2023-11-07 | As large language models become more prevalent, their possible harmful or
inappropriate responses are a cause for concern. This paper introduces a unique
dataset containing adversarial examples in the form of questions, which we call
AttaQ, designed to provoke such harmful or inappropriate responses. We assess
the efficacy of our dataset by analyzing the vulnerabilities of various models
when subjected to it. Additionally, we introduce a novel automatic approach for
identifying and naming vulnerable semantic regions - input semantic areas for
which the model is likely to produce harmful outputs. This is achieved through
the application of specialized clustering techniques that consider both the
semantic similarity of the input attacks and the harmfulness of the model's
responses. Automatically identifying vulnerable semantic regions enhances the
evaluation of model weaknesses, facilitating targeted improvements to its
safety mechanisms and overall reliability. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"I.2.7"
] |
1706.03741 | AnswerAI | Deep reinforcement learning from human preferences | [
"Paul Christiano",
"Jan Leike",
"Tom B. Brown",
"Miljan Martic",
"Shane Legg",
"Dario Amodei"
] | 2017-06-12 | For sophisticated reinforcement learning (RL) systems to interact usefully
with real-world environments, we need to communicate complex goals to these
systems. In this work, we explore goals defined in terms of (non-expert) human
preferences between pairs of trajectory segments. We show that this approach
can effectively solve complex RL tasks without access to the reward function,
including Atari games and simulated robot locomotion, while providing feedback
on less than one percent of our agent's interactions with the environment. This
reduces the cost of human oversight far enough that it can be practically
applied to state-of-the-art RL systems. To demonstrate the flexibility of our
approach, we show that we can successfully train complex novel behaviors with
about an hour of human time. These behaviors and environments are considerably
more complex than any that have been previously learned from human feedback. | null | stat.ML | [
"stat.ML",
"cs.AI",
"cs.HC",
"cs.LG"
] |
2407.05282 | HF | UltraEdit: Instruction-based Fine-Grained Image Editing at Scale | [
"Haozhe Zhao",
"Xiaojian Ma",
"Liang Chen",
"Shuzheng Si",
"Rujie Wu",
"Kaikai An",
"Peiyu Yu",
"Minjia Zhang",
"Qing Li",
"Baobao Chang"
] | 2024-07-07 | This paper presents UltraEdit, a large-scale (approximately 4 million editing
samples), automatically generated dataset for instruction-based image editing.
Our key idea is to address the drawbacks in existing image editing datasets
like InstructPix2Pix and MagicBrush, and provide a systematic approach to
producing massive and high-quality image editing samples. UltraEdit offers
several distinct advantages: 1) It features a broader range of editing
instructions by leveraging the creativity of large language models (LLMs)
alongside in-context editing examples from human raters; 2) Its data sources
are based on real images, including photographs and artworks, which provide
greater diversity and reduced bias compared to datasets solely generated by
text-to-image models; 3) It also supports region-based editing, enhanced by
high-quality, automatically produced region annotations. Our experiments show
that canonical diffusion-based editing baselines trained on UltraEdit set new
records on MagicBrush and Emu-Edit benchmarks. Our analysis further confirms
the crucial role of real image anchors and region-based editing data. The
dataset, code, and models can be found in https://ultra-editing.github.io. | null | cs.CV | [
"cs.CV"
] |
2409.06135 | HF | Draw an Audio: Leveraging Multi-Instruction for Video-to-Audio Synthesis | [
"Qi Yang",
"Binjie Mao",
"Zili Wang",
"Xing Nie",
"Pengfei Gao",
"Ying Guo",
"Cheng Zhen",
"Pengfei Yan",
"Shiming Xiang"
] | 2024-09-10 | Foley is a term commonly used in filmmaking, referring to the addition of
daily sound effects to silent films or videos to enhance the auditory
experience. Video-to-Audio (V2A), as a particular type of automatic foley task,
presents inherent challenges related to audio-visual synchronization. These
challenges encompass maintaining the content consistency between the input
video and the generated audio, as well as the alignment of temporal and
loudness properties within the video. To address these issues, we construct a
controllable video-to-audio synthesis model, termed Draw an Audio, which
supports multiple input instructions through drawn masks and loudness signals.
To ensure content consistency between the synthesized audio and target video,
we introduce the Mask-Attention Module (MAM), which employs masked video
instruction to enable the model to focus on regions of interest. Additionally,
we implement the Time-Loudness Module (TLM), which uses an auxiliary loudness
signal to ensure the synthesis of sound that aligns with the video in both
loudness and temporal dimensions. Furthermore, we have extended a large-scale
V2A dataset, named VGGSound-Caption, by annotating caption prompts. Extensive
experiments on challenging benchmarks across two large-scale V2A datasets
verify Draw an Audio achieves the state-of-the-art. Project page:
https://yannqi.github.io/Draw-an-Audio/. | null | cs.SD | [
"cs.SD",
"cs.CV",
"cs.MM",
"eess.AS"
] |
2305.11694 | HF | QUEST: A Retrieval Dataset of Entity-Seeking Queries with Implicit Set Operations | [
"Chaitanya Malaviya",
"Peter Shaw",
"Ming-Wei Chang",
"Kenton Lee",
"Kristina Toutanova"
] | 2023-05-19 | Formulating selective information needs results in queries that implicitly
specify set operations, such as intersection, union, and difference. For
instance, one might search for "shorebirds that are not sandpipers" or
"science-fiction films shot in England". To study the ability of retrieval
systems to meet such information needs, we construct QUEST, a dataset of 3357
natural language queries with implicit set operations, that map to a set of
entities corresponding to Wikipedia documents. The dataset challenges models to
match multiple constraints mentioned in queries with corresponding evidence in
documents and correctly perform various set operations. The dataset is
constructed semi-automatically using Wikipedia category names. Queries are
automatically composed from individual categories, then paraphrased and further
validated for naturalness and fluency by crowdworkers. Crowdworkers also assess
the relevance of entities based on their documents and highlight attribution of
query constraints to spans of document text. We analyze several modern
retrieval systems, finding that they often struggle on such queries. Queries
involving negation and conjunction are particularly challenging and systems are
further challenged with combinations of these operations. | null | cs.CL | [
"cs.CL"
] |
2407.11963 | HF | NeedleBench: Can LLMs Do Retrieval and Reasoning in 1 Million Context Window? | [
"Mo Li",
"Songyang Zhang",
"Yunxin Liu",
"Kai Chen"
] | 2024-07-16 | In evaluating the long-context capabilities of large language models (LLMs),
identifying content relevant to a user's query from original long documents is
a crucial prerequisite for any LLM to answer questions based on long text. We
present NeedleBench, a framework consisting of a series of progressively more
challenging tasks for assessing bilingual long-context capabilities, spanning
multiple length intervals (4k, 8k, 32k, 128k, 200k, 1000k, and beyond) and
different depth ranges, allowing the strategic insertion of critical data
points in different text depth zones to rigorously test the retrieval and
reasoning capabilities of models in diverse contexts. We use the NeedleBench
framework to assess how well the leading open-source models can identify key
information relevant to the question and apply that information to reasoning in
bilingual long texts. Furthermore, we propose the Ancestral Trace Challenge
(ATC) to mimic the complexity of logical reasoning challenges that are likely
to be present in real-world long-context tasks, providing a simple method for
evaluating LLMs in dealing with complex long-context situations. Our results
suggest that current LLMs have significant room for improvement in practical
long-context applications, as they struggle with the complexity of logical
reasoning challenges that are likely to be present in real-world long-context
tasks. All codes and resources are available at OpenCompass:
https://github.com/open-compass/opencompass. | null | cs.CL | [
"cs.CL"
] |
2406.08845 | HF | Rethinking Human Evaluation Protocol for Text-to-Video Models: Enhancing Reliability,Reproducibility, and Practicality | [
"Tianle Zhang",
"Langtian Ma",
"Yuchen Yan",
"Yuchen Zhang",
"Kai Wang",
"Yue Yang",
"Ziyao Guo",
"Wenqi Shao",
"Yang You",
"Yu Qiao",
"Ping Luo",
"Kaipeng Zhang"
] | 2024-06-13 | Recent text-to-video (T2V) technology advancements, as demonstrated by models
such as Gen2, Pika, and Sora, have significantly broadened its applicability
and popularity. Despite these strides, evaluating these models poses
substantial challenges. Primarily, due to the limitations inherent in automatic
metrics, manual evaluation is often considered a superior method for assessing
T2V generation. However, existing manual evaluation protocols face
reproducibility, reliability, and practicality issues. To address these
challenges, this paper introduces the Text-to-Video Human Evaluation (T2VHE)
protocol, a comprehensive and standardized protocol for T2V models. The T2VHE
protocol includes well-defined metrics, thorough annotator training, and an
effective dynamic evaluation module. Experimental results demonstrate that this
protocol not only ensures high-quality annotations but can also reduce
evaluation costs by nearly 50%. We will open-source the entire setup of the
T2VHE protocol, including the complete protocol workflow, the dynamic
evaluation component details, and the annotation interface code. This will help
communities establish more sophisticated human assessment protocols. | null | cs.CV | [
"cs.CV"
] |
2409.03810 | HF | How Do Your Code LLMs Perform? Empowering Code Instruction Tuning with High-Quality Data | [
"Yejie Wang",
"Keqing He",
"Dayuan Fu",
"Zhuoma Gongque",
"Heyang Xu",
"Yanxu Chen",
"Zhexu Wang",
"Yujia Fu",
"Guanting Dong",
"Muxi Diao",
"Jingang Wang",
"Mengdi Zhang",
"Xunliang Cai",
"Weiran Xu"
] | 2024-09-05 | Recently, there has been a growing interest in studying how to construct
better code instruction tuning data. However, we observe Code models trained
with these datasets exhibit high performance on HumanEval but perform worse on
other benchmarks such as LiveCodeBench. Upon further investigation, we find
that many datasets suffer from severe data leakage. After cleaning up most of
the leaked data, some well-known high-quality datasets perform poorly. This
discovery reveals a new challenge: identifying which dataset genuinely qualify
as high-quality code instruction data. To address this, we propose an efficient
code data pruning strategy for selecting good samples. Our approach is based on
three dimensions: instruction complexity, response quality, and instruction
diversity. Based on our selected data, we present XCoder, a family of models
finetuned from LLaMA3. Our experiments show XCoder achieves new
state-of-the-art performance using fewer training data, which verify the
effectiveness of our data strategy. Moreover, we perform a comprehensive
analysis on the data composition and find existing code datasets have different
characteristics according to their construction methods, which provide new
insights for future code LLMs. Our models and dataset are released in
https://github.com/banksy23/XCoder | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2209.00626 | AnswerAI | The Alignment Problem from a Deep Learning Perspective | [
"Richard Ngo",
"Lawrence Chan",
"Sören Mindermann"
] | 2022-08-30 | In coming years or decades, artificial general intelligence (AGI) may surpass
human capabilities at many critical tasks. We argue that, without substantial
effort to prevent it, AGIs could learn to pursue goals that are in conflict
(i.e. misaligned) with human interests. If trained like today's most capable
models, AGIs could learn to act deceptively to receive higher reward, learn
misaligned internally-represented goals which generalize beyond their
fine-tuning distributions, and pursue those goals using power-seeking
strategies. We review emerging evidence for these properties. AGIs with these
properties would be difficult to align and may appear aligned even when they
are not. Finally, we briefly outline how the deployment of misaligned AGIs
might irreversibly undermine human control over the world, and we review
research directions aimed at preventing this outcome. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2402.17245 | HF | Playground v2.5: Three Insights towards Enhancing Aesthetic Quality in Text-to-Image Generation | [
"Daiqing Li",
"Aleks Kamko",
"Ehsan Akhgari",
"Ali Sabet",
"Linmiao Xu",
"Suhail Doshi"
] | 2024-02-27 | In this work, we share three insights for achieving state-of-the-art
aesthetic quality in text-to-image generative models. We focus on three
critical aspects for model improvement: enhancing color and contrast, improving
generation across multiple aspect ratios, and improving human-centric fine
details. First, we delve into the significance of the noise schedule in
training a diffusion model, demonstrating its profound impact on realism and
visual fidelity. Second, we address the challenge of accommodating various
aspect ratios in image generation, emphasizing the importance of preparing a
balanced bucketed dataset. Lastly, we investigate the crucial role of aligning
model outputs with human preferences, ensuring that generated images resonate
with human perceptual expectations. Through extensive analysis and experiments,
Playground v2.5 demonstrates state-of-the-art performance in terms of aesthetic
quality under various conditions and aspect ratios, outperforming both
widely-used open-source models like SDXL and Playground v2, and closed-source
commercial systems such as DALLE 3 and Midjourney v5.2. Our model is
open-source, and we hope the development of Playground v2.5 provides valuable
guidelines for researchers aiming to elevate the aesthetic quality of
diffusion-based image generation models. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.14130 | HF | ExVideo: Extending Video Diffusion Models via Parameter-Efficient Post-Tuning | [
"Zhongjie Duan",
"Wenmeng Zhou",
"Cen Chen",
"Yaliang Li",
"Weining Qian"
] | 2024-06-20 | Recently, advancements in video synthesis have attracted significant
attention. Video synthesis models such as AnimateDiff and Stable Video
Diffusion have demonstrated the practical applicability of diffusion models in
creating dynamic visual content. The emergence of SORA has further spotlighted
the potential of video generation technologies. Nonetheless, the extension of
video lengths has been constrained by the limitations in computational
resources. Most existing video synthesis models can only generate short video
clips. In this paper, we propose a novel post-tuning methodology for video
synthesis models, called ExVideo. This approach is designed to enhance the
capability of current video synthesis models, allowing them to produce content
over extended temporal durations while incurring lower training expenditures.
In particular, we design extension strategies across common temporal model
architectures respectively, including 3D convolution, temporal attention, and
positional embedding. To evaluate the efficacy of our proposed post-tuning
approach, we conduct extension training on the Stable Video Diffusion model.
Our approach augments the model's capacity to generate up to $5\times$ its
original number of frames, requiring only 1.5k GPU hours of training on a
dataset comprising 40k videos. Importantly, the substantial increase in video
length doesn't compromise the model's innate generalization capabilities, and
the model showcases its advantages in generating videos of diverse styles and
resolutions. We will release the source code and the enhanced model publicly. | null | cs.CV | [
"cs.CV"
] |
2407.16154 | HF | DDK: Distilling Domain Knowledge for Efficient Large Language Models | [
"Jiaheng Liu",
"Chenchen Zhang",
"Jinyang Guo",
"Yuanxing Zhang",
"Haoran Que",
"Ken Deng",
"Zhiqi Bai",
"Jie Liu",
"Ge Zhang",
"Jiakai Wang",
"Yanan Wu",
"Congnan Liu",
"Wenbo Su",
"Jiamang Wang",
"Lin Qu",
"Bo Zheng"
] | 2024-07-23 | Despite the advanced intelligence abilities of large language models (LLMs)
in various applications, they still face significant computational and storage
demands. Knowledge Distillation (KD) has emerged as an effective strategy to
improve the performance of a smaller LLM (i.e., the student model) by
transferring knowledge from a high-performing LLM (i.e., the teacher model).
Prevailing techniques in LLM distillation typically use a black-box model API
to generate high-quality pretrained and aligned datasets, or utilize white-box
distillation by altering the loss function to better transfer knowledge from
the teacher LLM. However, these methods ignore the knowledge differences
between the student and teacher LLMs across domains. This results in excessive
focus on domains with minimal performance gaps and insufficient attention to
domains with large gaps, reducing overall performance. In this paper, we
introduce a new LLM distillation framework called DDK, which dynamically
adjusts the composition of the distillation dataset in a smooth manner
according to the domain performance differences between the teacher and student
models, making the distillation process more stable and effective. Extensive
evaluations show that DDK significantly improves the performance of student
models, outperforming both continuously pretrained baselines and existing
knowledge distillation methods by a large margin. | null | cs.CL | [
"cs.CL"
] |
2403.12943 | HF | Vid2Robot: End-to-end Video-conditioned Policy Learning with Cross-Attention Transformers | [
"Vidhi Jain",
"Maria Attarian",
"Nikhil J Joshi",
"Ayzaan Wahid",
"Danny Driess",
"Quan Vuong",
"Pannag R Sanketi",
"Pierre Sermanet",
"Stefan Welker",
"Christine Chan",
"Igor Gilitschenski",
"Yonatan Bisk",
"Debidatta Dwibedi"
] | 2024-03-19 | Large-scale multi-task robotic manipulation systems often rely on text to
specify the task. In this work, we explore whether a robot can learn by
observing humans. To do so, the robot must understand a person's intent and
perform the inferred task despite differences in the embodiments and
environments. We introduce Vid2Robot, an end-to-end video-conditioned policy
that takes human videos demonstrating manipulation tasks as input and produces
robot actions. Our model is trained with a large dataset of prompt video-robot
trajectory pairs to learn unified representations of human and robot actions
from videos. Vid2Robot uses cross-attention transformer layers between video
features and the current robot state to produce the actions and perform the
same task as shown in the video. We use auxiliary contrastive losses to align
the prompt and robot video representations for better policies. We evaluate
Vid2Robot on real-world robots and observe over 20% improvement over BC-Z when
using human prompt videos. Further, we also show cross-object motion transfer
ability that enables video-conditioned policies to transfer a motion observed
on one object in the prompt video to another object in the robot's own
environment. Videos available at https://vid2robot.github.io | null | cs.RO | [
"cs.RO",
"cs.AI"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.