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
|
---|---|---|---|---|---|---|---|---|
2312.02974 | HF | Describing Differences in Image Sets with Natural Language | [
"Lisa Dunlap",
"Yuhui Zhang",
"Xiaohan Wang",
"Ruiqi Zhong",
"Trevor Darrell",
"Jacob Steinhardt",
"Joseph E. Gonzalez",
"Serena Yeung-Levy"
] | 2023-12-05 | How do two sets of images differ? Discerning set-level differences is crucial
for understanding model behaviors and analyzing datasets, yet manually sifting
through thousands of images is impractical. To aid in this discovery process,
we explore the task of automatically describing the differences between two
$\textbf{sets}$ of images, which we term Set Difference Captioning. This task
takes in image sets $D_A$ and $D_B$, and outputs a description that is more
often true on $D_A$ than $D_B$. We outline a two-stage approach that first
proposes candidate difference descriptions from image sets and then re-ranks
the candidates by checking how well they can differentiate the two sets. We
introduce VisDiff, which first captions the images and prompts a language model
to propose candidate descriptions, then re-ranks these descriptions using CLIP.
To evaluate VisDiff, we collect VisDiffBench, a dataset with 187 paired image
sets with ground truth difference descriptions. We apply VisDiff to various
domains, such as comparing datasets (e.g., ImageNet vs. ImageNetV2), comparing
classification models (e.g., zero-shot CLIP vs. supervised ResNet), summarizing
model failure modes (supervised ResNet), characterizing differences between
generative models (e.g., StableDiffusionV1 and V2), and discovering what makes
images memorable. Using VisDiff, we are able to find interesting and previously
unknown differences in datasets and models, demonstrating its utility in
revealing nuanced insights. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.CY",
"cs.LG"
] |
2309.03185 | HF | Bayes' Rays: Uncertainty Quantification for Neural Radiance Fields | [
"Lily Goli",
"Cody Reading",
"Silvia Sellán",
"Alec Jacobson",
"Andrea Tagliasacchi"
] | 2023-09-06 | Neural Radiance Fields (NeRFs) have shown promise in applications like view
synthesis and depth estimation, but learning from multiview images faces
inherent uncertainties. Current methods to quantify them are either heuristic
or computationally demanding. We introduce BayesRays, a post-hoc framework to
evaluate uncertainty in any pre-trained NeRF without modifying the training
process. Our method establishes a volumetric uncertainty field using spatial
perturbations and a Bayesian Laplace approximation. We derive our algorithm
statistically and show its superior performance in key metrics and
applications. Additional results available at: https://bayesrays.github.io. | null | cs.CV | [
"cs.CV"
] |
2406.14562 | HF | Whiteboard-of-Thought: Thinking Step-by-Step Across Modalities | [
"Sachit Menon",
"Richard Zemel",
"Carl Vondrick"
] | 2024-06-20 | When presented with questions involving visual thinking, humans naturally
switch reasoning modalities, often forming mental images or drawing visual
aids. Large language models have shown promising results in arithmetic and
symbolic reasoning by expressing intermediate reasoning in text as a chain of
thought, yet struggle to extend this capability to answer text queries that are
easily solved by visual reasoning, even with extensive multimodal pretraining.
We introduce a simple method, whiteboard-of-thought prompting, to unlock the
visual reasoning capabilities of multimodal large language models across
modalities. Whiteboard-of-thought prompting provides multimodal large language
models with a metaphorical `whiteboard' to draw out reasoning steps as images,
then returns these images back to the model for further processing. We find
this can be accomplished with no demonstrations or specialized modules, instead
leveraging models' existing ability to write code with libraries such as
Matplotlib and Turtle. This simple approach shows state-of-the-art results on
four difficult natural language tasks that involve visual and spatial
reasoning. We identify multiple settings where GPT-4o using chain-of-thought
fails dramatically, including more than one where it achieves $0\%$ accuracy,
while whiteboard-of-thought enables up to $92\%$ accuracy in these same
settings. We present a detailed exploration of where the technique succeeds as
well as its sources of error. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2305.11778 | HF | Cross-Lingual Supervision improves Large Language Models Pre-training | [
"Andrea Schioppa",
"Xavier Garcia",
"Orhan Firat"
] | 2023-05-19 | The recent rapid progress in pre-training Large Language Models has relied on
using self-supervised language modeling objectives like next token prediction
or span corruption. On the other hand, Machine Translation Systems are mostly
trained using cross-lingual supervision that requires aligned data between
source and target languages. We demonstrate that pre-training Large Language
Models on a mixture of a self-supervised Language Modeling objective and the
supervised Machine Translation objective, therefore including cross-lingual
parallel data during pre-training, yields models with better in-context
learning abilities. As pre-training is a very resource-intensive process and a
grid search on the best mixing ratio between the two objectives is
prohibitively expensive, we propose a simple yet effective strategy to learn it
during pre-training. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.06983 | AnswerAI | Active Retrieval Augmented Generation | [
"Zhengbao Jiang",
"Frank F. Xu",
"Luyu Gao",
"Zhiqing Sun",
"Qian Liu",
"Jane Dwivedi-Yu",
"Yiming Yang",
"Jamie Callan",
"Graham Neubig"
] | 2023-05-11 | Despite the remarkable ability of large language models (LMs) to comprehend
and generate language, they have a tendency to hallucinate and create factually
inaccurate output. Augmenting LMs by retrieving information from external
knowledge resources is one promising solution. Most existing retrieval
augmented LMs employ a retrieve-and-generate setup that only retrieves
information once based on the input. This is limiting, however, in more general
scenarios involving generation of long texts, where continually gathering
information throughout generation is essential. In this work, we provide a
generalized view of active retrieval augmented generation, methods that
actively decide when and what to retrieve across the course of the generation.
We propose Forward-Looking Active REtrieval augmented generation (FLARE), a
generic method which iteratively uses a prediction of the upcoming sentence to
anticipate future content, which is then utilized as a query to retrieve
relevant documents to regenerate the sentence if it contains low-confidence
tokens. We test FLARE along with baselines comprehensively over 4 long-form
knowledge-intensive generation tasks/datasets. FLARE achieves superior or
competitive performance on all tasks, demonstrating the effectiveness of our
method. Code and datasets are available at https://github.com/jzbjyb/FLARE. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2310.13545 | HF | ScaleLong: Towards More Stable Training of Diffusion Model via Scaling Network Long Skip Connection | [
"Zhongzhan Huang",
"Pan Zhou",
"Shuicheng Yan",
"Liang Lin"
] | 2023-10-20 | In diffusion models, UNet is the most popular network backbone, since its
long skip connects (LSCs) to connect distant network blocks can aggregate
long-distant information and alleviate vanishing gradient. Unfortunately, UNet
often suffers from unstable training in diffusion models which can be
alleviated by scaling its LSC coefficients smaller. However, theoretical
understandings of the instability of UNet in diffusion models and also the
performance improvement of LSC scaling remain absent yet. To solve this issue,
we theoretically show that the coefficients of LSCs in UNet have big effects on
the stableness of the forward and backward propagation and robustness of UNet.
Specifically, the hidden feature and gradient of UNet at any layer can
oscillate and their oscillation ranges are actually large which explains the
instability of UNet training. Moreover, UNet is also provably sensitive to
perturbed input, and predicts an output distant from the desired output,
yielding oscillatory loss and thus oscillatory gradient. Besides, we also
observe the theoretical benefits of the LSC coefficient scaling of UNet in the
stableness of hidden features and gradient and also robustness. Finally,
inspired by our theory, we propose an effective coefficient scaling framework
ScaleLong that scales the coefficients of LSC in UNet and better improves the
training stability of UNet. Experimental results on four famous datasets show
that our methods are superior to stabilize training and yield about 1.5x
training acceleration on different diffusion models with UNet or UViT
backbones. Code: https://github.com/sail-sg/ScaleLong | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.04858 | Both | CodeIt: Self-Improving Language Models with Prioritized Hindsight Replay | [
"Natasha Butt",
"Blazej Manczak",
"Auke Wiggers",
"Corrado Rainone",
"David W. Zhang",
"Michaël Defferrard",
"Taco Cohen"
] | 2024-02-07 | Large language models are increasingly solving tasks that are commonly
believed to require human-level reasoning ability. However, these models still
perform very poorly on benchmarks of general intelligence such as the
Abstraction and Reasoning Corpus (ARC). In this paper, we approach ARC as a
programming-by-examples problem, and introduce a novel and scalable method for
language model self-improvement called Code Iteration (CodeIt). Our method
iterates between 1) program sampling and hindsight relabeling, and 2) learning
from prioritized experience replay. By relabeling the goal of an episode (i.e.,
the target program output given input) to the realized output produced by the
sampled program, our method effectively deals with the extreme sparsity of
rewards in program synthesis. Applying CodeIt to the ARC dataset, we
demonstrate that prioritized hindsight replay, along with pre-training and
data-augmentation, leads to successful inter-task generalization. CodeIt is the
first neuro-symbolic approach that scales to the full ARC evaluation dataset.
Our method solves 15% of ARC evaluation tasks, achieving state-of-the-art
performance and outperforming existing neural and symbolic baselines. Our code
is available at https://github.com/Qualcomm-AI-research/codeit . | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2307.15063 | HF | To Adapt or Not to Adapt? Real-Time Adaptation for Semantic Segmentation | [
"Marc Botet Colomer",
"Pier Luigi Dovesi",
"Theodoros Panagiotakopoulos",
"Joao Frederico Carvalho",
"Linus Härenstam-Nielsen",
"Hossein Azizpour",
"Hedvig Kjellström",
"Daniel Cremers",
"Matteo Poggi"
] | 2023-07-27 | The goal of Online Domain Adaptation for semantic segmentation is to handle
unforeseeable domain changes that occur during deployment, like sudden weather
events. However, the high computational costs associated with brute-force
adaptation make this paradigm unfeasible for real-world applications. In this
paper we propose HAMLET, a Hardware-Aware Modular Least Expensive Training
framework for real-time domain adaptation. Our approach includes a
hardware-aware back-propagation orchestration agent (HAMT) and a dedicated
domain-shift detector that enables active control over when and how the model
is adapted (LT). Thanks to these advancements, our approach is capable of
performing semantic segmentation while simultaneously adapting at more than
29FPS on a single consumer-grade GPU. Our framework's encouraging accuracy and
speed trade-off is demonstrated on OnDA and SHIFT benchmarks through
experimental results. | null | cs.CV | [
"cs.CV"
] |
2310.01714 | Both | Large Language Models as Analogical Reasoners | [
"Michihiro Yasunaga",
"Xinyun Chen",
"Yujia Li",
"Panupong Pasupat",
"Jure Leskovec",
"Percy Liang",
"Ed H. Chi",
"Denny Zhou"
] | 2023-10-03 | Chain-of-thought (CoT) prompting for language models demonstrates impressive
performance across reasoning tasks, but typically needs labeled exemplars of
the reasoning process. In this work, we introduce a new prompting approach,
analogical prompting, designed to automatically guide the reasoning process of
large language models. Inspired by analogical reasoning, a cognitive process in
which humans draw from relevant past experiences to tackle new problems, our
approach prompts language models to self-generate relevant exemplars or
knowledge in the context, before proceeding to solve the given problem. This
method presents several advantages: it obviates the need for labeling or
retrieving exemplars, offering generality and convenience; it can also tailor
the generated exemplars and knowledge to each problem, offering adaptability.
Experimental results show that our approach outperforms 0-shot CoT and manual
few-shot CoT in a variety of reasoning tasks, including math problem solving in
GSM8K and MATH, code generation in Codeforces, and other reasoning tasks in
BIG-Bench. | null | cs.LG | [
"cs.LG"
] |
2404.13026 | HF | PhysDreamer: Physics-Based Interaction with 3D Objects via Video Generation | [
"Tianyuan Zhang",
"Hong-Xing Yu",
"Rundi Wu",
"Brandon Y. Feng",
"Changxi Zheng",
"Noah Snavely",
"Jiajun Wu",
"William T. Freeman"
] | 2024-04-19 | Realistic object interactions are crucial for creating immersive virtual
experiences, yet synthesizing realistic 3D object dynamics in response to novel
interactions remains a significant challenge. Unlike unconditional or
text-conditioned dynamics generation, action-conditioned dynamics requires
perceiving the physical material properties of objects and grounding the 3D
motion prediction on these properties, such as object stiffness. However,
estimating physical material properties is an open problem due to the lack of
material ground-truth data, as measuring these properties for real objects is
highly difficult. We present PhysDreamer, a physics-based approach that endows
static 3D objects with interactive dynamics by leveraging the object dynamics
priors learned by video generation models. By distilling these priors,
PhysDreamer enables the synthesis of realistic object responses to novel
interactions, such as external forces or agent manipulations. We demonstrate
our approach on diverse examples of elastic objects and evaluate the realism of
the synthesized interactions through a user study. PhysDreamer takes a step
towards more engaging and realistic virtual experiences by enabling static 3D
objects to dynamically respond to interactive stimuli in a physically plausible
manner. See our project page at https://physdreamer.github.io/. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2408.17253 | HF | VisionTS: Visual Masked Autoencoders Are Free-Lunch Zero-Shot Time Series Forecasters | [
"Mouxiang Chen",
"Lefei Shen",
"Zhuo Li",
"Xiaoyun Joy Wang",
"Jianling Sun",
"Chenghao Liu"
] | 2024-08-30 | Foundation models have emerged as a promising approach in time series
forecasting (TSF). Existing approaches either fine-tune large language models
(LLMs) or build large-scale time-series datasets to develop TSF foundation
models. However, these methods face challenges due to the severe cross-domain
gap or in-domain heterogeneity. In this paper, we explore a new road to
building a TSF foundation model from rich and high-quality natural images,
based on the intrinsic similarities between images and time series. To bridge
the gap between the two domains, we reformulate the TSF task as an image
reconstruction task, which is further processed by a visual masked autoencoder
(MAE) self-supervised pre-trained on the ImageNet dataset. Surprisingly,
without further adaptation in the time-series domain, the proposed VisionTS
could achieve superior zero-shot forecasting performance compared to existing
TSF foundation models. With minimal fine-tuning, VisionTS could further improve
the forecasting and achieve state-of-the-art performance in most cases. These
findings suggest that visual models could be a free lunch for TSF and highlight
the potential for future cross-domain research between computer vision and TSF.
Our code is publicly available at https://github.com/Keytoyze/VisionTS. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2306.05949 | Both | Evaluating the Social Impact of Generative AI Systems in Systems and Society | [
"Irene Solaiman",
"Zeerak Talat",
"William Agnew",
"Lama Ahmad",
"Dylan Baker",
"Su Lin Blodgett",
"Canyu Chen",
"Hal Daumé III",
"Jesse Dodge",
"Isabella Duan",
"Ellie Evans",
"Felix Friedrich",
"Avijit Ghosh",
"Usman Gohar",
"Sara Hooker",
"Yacine Jernite",
"Ria Kalluri",
"Alberto Lusoli",
"Alina Leidinger",
"Michelle Lin",
"Xiuzhu Lin",
"Sasha Luccioni",
"Jennifer Mickel",
"Margaret Mitchell",
"Jessica Newman",
"Anaelia Ovalle",
"Marie-Therese Png",
"Shubham Singh",
"Andrew Strait",
"Lukas Struppek",
"Arjun Subramonian"
] | 2023-06-09 | Generative AI systems across modalities, ranging from text (including code),
image, audio, and video, have broad social impacts, but there is no official
standard for means of evaluating those impacts or for which impacts should be
evaluated. In this paper, we present a guide that moves toward a standard
approach in evaluating a base generative AI system for any modality in two
overarching categories: what can be evaluated in a base system independent of
context and what can be evaluated in a societal context. Importantly, this
refers to base systems that have no predetermined application or deployment
context, including a model itself, as well as system components, such as
training data. Our framework for a base system defines seven categories of
social impact: bias, stereotypes, and representational harms; cultural values
and sensitive content; disparate performance; privacy and data protection;
financial costs; environmental costs; and data and content moderation labor
costs. Suggested methods for evaluation apply to listed generative modalities
and analyses of the limitations of existing evaluations serve as a starting
point for necessary investment in future evaluations. We offer five overarching
categories for what can be evaluated in a broader societal context, each with
its own subcategories: trustworthiness and autonomy; inequality,
marginalization, and violence; concentration of authority; labor and
creativity; and ecosystem and environment. Each subcategory includes
recommendations for mitigating harm. | null | cs.CY | [
"cs.CY",
"cs.AI"
] |
2403.15447 | HF | Decoding Compressed Trust: Scrutinizing the Trustworthiness of Efficient LLMs Under Compression | [
"Junyuan Hong",
"Jinhao Duan",
"Chenhui Zhang",
"Zhangheng Li",
"Chulin Xie",
"Kelsey Lieberman",
"James Diffenderfer",
"Brian Bartoldson",
"Ajay Jaiswal",
"Kaidi Xu",
"Bhavya Kailkhura",
"Dan Hendrycks",
"Dawn Song",
"Zhangyang Wang",
"Bo Li"
] | 2024-03-18 | Compressing high-capability Large Language Models (LLMs) has emerged as a
favored strategy for resource-efficient inferences. While state-of-the-art
(SoTA) compression methods boast impressive advancements in preserving benign
task performance, the potential risks of compression in terms of safety and
trustworthiness have been largely neglected. This study conducts the first,
thorough evaluation of three (3) leading LLMs using five (5) SoTA compression
techniques across eight (8) trustworthiness dimensions. Our experiments
highlight the intricate interplay between compression and trustworthiness,
revealing some interesting patterns. We find that quantization is currently a
more effective approach than pruning in achieving efficiency and
trustworthiness simultaneously. For instance, a 4-bit quantized model retains
the trustworthiness of its original counterpart, but model pruning
significantly degrades trustworthiness, even at 50% sparsity. Moreover,
employing quantization within a moderate bit range could unexpectedly improve
certain trustworthiness dimensions such as ethics and fairness. Conversely,
extreme quantization to very low bit levels (3 bits) tends to reduce
trustworthiness significantly. This increased risk cannot be uncovered by
looking at benign performance alone, in turn, mandating comprehensive
trustworthiness evaluation in practice. These findings culminate in practical
recommendations for simultaneously achieving high utility, efficiency, and
trustworthiness in LLMs. Code and models are available at
https://decoding-comp-trust.github.io. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.11813 | Both | How Do Large Language Models Acquire Factual Knowledge During Pretraining? | [
"Hoyeon Chang",
"Jinho Park",
"Seonghyeon Ye",
"Sohee Yang",
"Youngkyung Seo",
"Du-Seong Chang",
"Minjoon Seo"
] | 2024-06-17 | Despite the recent observation that large language models (LLMs) can store
substantial factual knowledge, there is a limited understanding of the
mechanisms of how they acquire factual knowledge through pretraining. This work
addresses this gap by studying how LLMs acquire factual knowledge during
pretraining. The findings reveal several important insights into the dynamics
of factual knowledge acquisition during pretraining. First, counterintuitively,
we observe that pretraining on more data shows no significant improvement in
the model's capability to acquire and maintain factual knowledge. Next, there
is a power-law relationship between training steps and forgetting of
memorization and generalization of factual knowledge, and LLMs trained with
duplicated training data exhibit faster forgetting. Third, training LLMs with
larger batch sizes can enhance the models' robustness to forgetting. Overall,
our observations suggest that factual knowledge acquisition in LLM pretraining
occurs by progressively increasing the probability of factual knowledge
presented in the pretraining data at each step. However, this increase is
diluted by subsequent forgetting. Based on this interpretation, we demonstrate
that we can provide plausible explanations for recently observed behaviors of
LLMs, such as the poor performance of LLMs on long-tail knowledge and the
benefits of deduplicating the pretraining corpus. | null | cs.CL | [
"cs.CL",
"I.2.7"
] |
2305.11790 | AnswerAI | Prompting with Pseudo-Code Instructions | [
"Mayank Mishra",
"Prince Kumar",
"Riyaz Bhat",
"Rudra Murthy V",
"Danish Contractor",
"Srikanth Tamilselvam"
] | 2023-05-19 | Prompting with natural language instructions has recently emerged as a
popular method of harnessing the capabilities of large language models. Given
the inherent ambiguity present in natural language, it is intuitive to consider
the possible advantages of prompting with less ambiguous prompt styles, such as
the use of pseudo-code.
In this paper we explore if prompting via pseudo-code instructions helps
improve the performance of pre-trained language models. We manually create a
dataset of pseudo-code prompts for 132 different tasks spanning classification,
QA and generative language tasks, sourced from the Super-NaturalInstructions
dataset. Using these prompts along with their counterparts in natural language,
we study their performance on two LLM families - BLOOM and CodeGen. Our
experiments show that using pseudo-code instructions leads to better results,
with an average increase (absolute) of 7-16 points in F1 scores for
classification tasks and an improvement (relative) of 12-38% in aggregate
ROUGE-L scores across all tasks. We include detailed ablation studies which
indicate that code comments, docstrings, and the structural clues encoded in
pseudo-code all contribute towards the improvement in performance.
To the best of our knowledge our work is the first to demonstrate how
pseudo-code prompts can be helpful in improving the performance of pre-trained
LMs. | null | cs.CL | [
"cs.CL"
] |
2402.15504 | HF | Gen4Gen: Generative Data Pipeline for Generative Multi-Concept Composition | [
"Chun-Hsiao Yeh",
"Ta-Ying Cheng",
"He-Yen Hsieh",
"Chuan-En Lin",
"Yi Ma",
"Andrew Markham",
"Niki Trigoni",
"H. T. Kung",
"Yubei Chen"
] | 2024-02-23 | Recent text-to-image diffusion models are able to learn and synthesize images
containing novel, personalized concepts (e.g., their own pets or specific
items) with just a few examples for training. This paper tackles two
interconnected issues within this realm of personalizing text-to-image
diffusion models. First, current personalization techniques fail to reliably
extend to multiple concepts -- we hypothesize this to be due to the mismatch
between complex scenes and simple text descriptions in the pre-training dataset
(e.g., LAION). Second, given an image containing multiple personalized
concepts, there lacks a holistic metric that evaluates performance on not just
the degree of resemblance of personalized concepts, but also whether all
concepts are present in the image and whether the image accurately reflects the
overall text description. To address these issues, we introduce Gen4Gen, a
semi-automated dataset creation pipeline utilizing generative models to combine
personalized concepts into complex compositions along with text-descriptions.
Using this, we create a dataset called MyCanvas, that can be used to benchmark
the task of multi-concept personalization. In addition, we design a
comprehensive metric comprising two scores (CP-CLIP and TI-CLIP) for better
quantifying the performance of multi-concept, personalized text-to-image
diffusion methods. We provide a simple baseline built on top of Custom
Diffusion with empirical prompting strategies for future researchers to
evaluate on MyCanvas. We show that by improving data quality and prompting
strategies, we can significantly increase multi-concept personalized image
generation quality, without requiring any modifications to model architecture
or training algorithms. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.14216 | HF | DreamDistribution: Prompt Distribution Learning for Text-to-Image Diffusion Models | [
"Brian Nlong Zhao",
"Yuhang Xiao",
"Jiashu Xu",
"Xinyang Jiang",
"Yifan Yang",
"Dongsheng Li",
"Laurent Itti",
"Vibhav Vineet",
"Yunhao Ge"
] | 2023-12-21 | The popularization of Text-to-Image (T2I) diffusion models enables the
generation of high-quality images from text descriptions. However, generating
diverse customized images with reference visual attributes remains challenging.
This work focuses on personalizing T2I diffusion models at a more abstract
concept or category level, adapting commonalities from a set of reference
images while creating new instances with sufficient variations. We introduce a
solution that allows a pretrained T2I diffusion model to learn a set of soft
prompts, enabling the generation of novel images by sampling prompts from the
learned distribution. These prompts offer text-guided editing capabilities and
additional flexibility in controlling variation and mixing between multiple
distributions. We also show the adaptability of the learned prompt distribution
to other tasks, such as text-to-3D. Finally we demonstrate effectiveness of our
approach through quantitative analysis including automatic evaluation and human
assessment. Project website: https://briannlongzhao.github.io/DreamDistribution | null | cs.CV | [
"cs.CV"
] |
2309.06380 | HF | InstaFlow: One Step is Enough for High-Quality Diffusion-Based Text-to-Image Generation | [
"Xingchao Liu",
"Xiwen Zhang",
"Jianzhu Ma",
"Jian Peng",
"Qiang Liu"
] | 2023-09-12 | Diffusion models have revolutionized text-to-image generation with its
exceptional quality and creativity. However, its multi-step sampling process is
known to be slow, often requiring tens of inference steps to obtain
satisfactory results. Previous attempts to improve its sampling speed and
reduce computational costs through distillation have been unsuccessful in
achieving a functional one-step model. In this paper, we explore a recent
method called Rectified Flow, which, thus far, has only been applied to small
datasets. The core of Rectified Flow lies in its \emph{reflow} procedure, which
straightens the trajectories of probability flows, refines the coupling between
noises and images, and facilitates the distillation process with student
models. We propose a novel text-conditioned pipeline to turn Stable Diffusion
(SD) into an ultra-fast one-step model, in which we find reflow plays a
critical role in improving the assignment between noise and images. Leveraging
our new pipeline, we create, to the best of our knowledge, the first one-step
diffusion-based text-to-image generator with SD-level image quality, achieving
an FID (Frechet Inception Distance) of $23.3$ on MS COCO 2017-5k, surpassing
the previous state-of-the-art technique, progressive distillation, by a
significant margin ($37.2$ $\rightarrow$ $23.3$ in FID). By utilizing an
expanded network with 1.7B parameters, we further improve the FID to $22.4$. We
call our one-step models \emph{InstaFlow}. On MS COCO 2014-30k, InstaFlow
yields an FID of $13.1$ in just $0.09$ second, the best in $\leq 0.1$ second
regime, outperforming the recent StyleGAN-T ($13.9$ in $0.1$ second). Notably,
the training of InstaFlow only costs 199 A100 GPU days. Codes and pre-trained
models are available at \url{github.com/gnobitab/InstaFlow}. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2309.15129 | HF | Evaluating Cognitive Maps and Planning in Large Language Models with CogEval | [
"Ida Momennejad",
"Hosein Hasanbeig",
"Felipe Vieira",
"Hiteshi Sharma",
"Robert Osazuwa Ness",
"Nebojsa Jojic",
"Hamid Palangi",
"Jonathan Larson"
] | 2023-09-25 | Recently an influx of studies claim emergent cognitive abilities in large
language models (LLMs). Yet, most rely on anecdotes, overlook contamination of
training sets, or lack systematic Evaluation involving multiple tasks, control
conditions, multiple iterations, and statistical robustness tests. Here we make
two major contributions. First, we propose CogEval, a cognitive
science-inspired protocol for the systematic evaluation of cognitive capacities
in Large Language Models. The CogEval protocol can be followed for the
evaluation of various abilities. Second, here we follow CogEval to
systematically evaluate cognitive maps and planning ability across eight LLMs
(OpenAI GPT-4, GPT-3.5-turbo-175B, davinci-003-175B, Google Bard,
Cohere-xlarge-52.4B, Anthropic Claude-1-52B, LLaMA-13B, and Alpaca-7B). We base
our task prompts on human experiments, which offer both established construct
validity for evaluating planning, and are absent from LLM training sets. We
find that, while LLMs show apparent competence in a few planning tasks with
simpler structures, systematic evaluation reveals striking failure modes in
planning tasks, including hallucinations of invalid trajectories and getting
trapped in loops. These findings do not support the idea of emergent
out-of-the-box planning ability in LLMs. This could be because LLMs do not
understand the latent relational structures underlying planning problems, known
as cognitive maps, and fail at unrolling goal-directed trajectories based on
the underlying structure. Implications for application and future directions
are discussed. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2312.06550 | HF | LLM360: Towards Fully Transparent Open-Source LLMs | [
"Zhengzhong Liu",
"Aurick Qiao",
"Willie Neiswanger",
"Hongyi Wang",
"Bowen Tan",
"Tianhua Tao",
"Junbo Li",
"Yuqi Wang",
"Suqi Sun",
"Omkar Pangarkar",
"Richard Fan",
"Yi Gu",
"Victor Miller",
"Yonghao Zhuang",
"Guowei He",
"Haonan Li",
"Fajri Koto",
"Liping Tang",
"Nikhil Ranjan",
"Zhiqiang Shen",
"Xuguang Ren",
"Roberto Iriondo",
"Cun Mu",
"Zhiting Hu",
"Mark Schulze",
"Preslav Nakov",
"Tim Baldwin",
"Eric P. Xing"
] | 2023-12-11 | The recent surge in open-source Large Language Models (LLMs), such as LLaMA,
Falcon, and Mistral, provides diverse options for AI practitioners and
researchers. However, most LLMs have only released partial artifacts, such as
the final model weights or inference code, and technical reports increasingly
limit their scope to high-level design choices and surface statistics. These
choices hinder progress in the field by degrading transparency into the
training of LLMs and forcing teams to rediscover many details in the training
process. We present LLM360, an initiative to fully open-source LLMs, which
advocates for all training code and data, model checkpoints, and intermediate
results to be made available to the community. The goal of LLM360 is to support
open and collaborative AI research by making the end-to-end LLM training
process transparent and reproducible by everyone. As a first step of LLM360, we
release two 7B parameter LLMs pre-trained from scratch, Amber and CrystalCoder,
including their training code, data, intermediate checkpoints, and analyses (at
https://www.llm360.ai). We are committed to continually pushing the boundaries
of LLMs through this open-source effort. More large-scale and stronger models
are underway and will be released in the future. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.01229 | HF | EmoGen: Eliminating Subjective Bias in Emotional Music Generation | [
"Chenfei Kang",
"Peiling Lu",
"Botao Yu",
"Xu Tan",
"Wei Ye",
"Shikun Zhang",
"Jiang Bian"
] | 2023-07-03 | Music is used to convey emotions, and thus generating emotional music is
important in automatic music generation. Previous work on emotional music
generation directly uses annotated emotion labels as control signals, which
suffers from subjective bias: different people may annotate different emotions
on the same music, and one person may feel different emotions under different
situations. Therefore, directly mapping emotion labels to music sequences in an
end-to-end way would confuse the learning process and hinder the model from
generating music with general emotions. In this paper, we propose EmoGen, an
emotional music generation system that leverages a set of emotion-related music
attributes as the bridge between emotion and music, and divides the generation
into two stages: emotion-to-attribute mapping with supervised clustering, and
attribute-to-music generation with self-supervised learning. Both stages are
beneficial: in the first stage, the attribute values around the clustering
center represent the general emotions of these samples, which help eliminate
the impacts of the subjective bias of emotion labels; in the second stage, the
generation is completely disentangled from emotion labels and thus free from
the subjective bias. Both subjective and objective evaluations show that EmoGen
outperforms previous methods on emotion control accuracy and music quality
respectively, which demonstrate our superiority in generating emotional music.
Music samples generated by EmoGen are available via this
link:https://ai-muzic.github.io/emogen/, and the code is available at this
link:https://github.com/microsoft/muzic/. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"cs.MM",
"eess.AS"
] |
2305.16334 | Both | OlaGPT: Empowering LLMs With Human-like Problem-Solving Abilities | [
"Yuanzhen Xie",
"Tao Xie",
"Mingxiong Lin",
"WenTao Wei",
"Chenglin Li",
"Beibei Kong",
"Lei Chen",
"Chengxiang Zhuo",
"Bo Hu",
"Zang Li"
] | 2023-05-23 | In most current research, large language models (LLMs) are able to perform
reasoning tasks by generating chains of thought through the guidance of
specific prompts. However, there still exists a significant discrepancy between
their capability in solving complex reasoning problems and that of humans. At
present, most approaches focus on chains of thought (COT) and tool use, without
considering the adoption and application of human cognitive frameworks. It is
well-known that when confronting complex reasoning challenges, humans typically
employ various cognitive abilities, and necessitate interaction with all
aspects of tools, knowledge, and the external environment information to
accomplish intricate tasks. This paper introduces a novel intelligent
framework, referred to as OlaGPT. OlaGPT carefully studied a cognitive
architecture framework, and propose to simulate certain aspects of human
cognition. The framework involves approximating different cognitive modules,
including attention, memory, reasoning, learning, and corresponding scheduling
and decision-making mechanisms. Inspired by the active learning mechanism of
human beings, it proposes a learning unit to record previous mistakes and
expert opinions, and dynamically refer to them to strengthen their ability to
solve similar problems. The paper also outlines common effective reasoning
frameworks for human problem-solving and designs Chain-of-Thought (COT)
templates accordingly. A comprehensive decision-making mechanism is also
proposed to maximize model accuracy. The efficacy of OlaGPT has been
stringently evaluated on multiple reasoning datasets, and the experimental
outcomes reveal that OlaGPT surpasses state-of-the-art benchmarks,
demonstrating its superior performance. Our implementation of OlaGPT is
available on GitHub: \url{https://github.com/oladata-team/OlaGPT}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.11247 | HF | Unboxing Occupational Bias: Grounded Debiasing of LLMs with U.S. Labor Data | [
"Atmika Gorti",
"Manas Gaur",
"Aman Chadha"
] | 2024-08-20 | Large Language Models (LLMs) are prone to inheriting and amplifying societal
biases embedded within their training data, potentially reinforcing harmful
stereotypes related to gender, occupation, and other sensitive categories. This
issue becomes particularly problematic as biased LLMs can have far-reaching
consequences, leading to unfair practices and exacerbating social inequalities
across various domains, such as recruitment, online content moderation, or even
the criminal justice system. Although prior research has focused on detecting
bias in LLMs using specialized datasets designed to highlight intrinsic biases,
there has been a notable lack of investigation into how these findings
correlate with authoritative datasets, such as those from the U.S. National
Bureau of Labor Statistics (NBLS). To address this gap, we conduct empirical
research that evaluates LLMs in a ``bias-out-of-the-box" setting, analyzing how
the generated outputs compare with the distributions found in NBLS data.
Furthermore, we propose a straightforward yet effective debiasing mechanism
that directly incorporates NBLS instances to mitigate bias within LLMs. Our
study spans seven different LLMs, including instructable, base, and
mixture-of-expert models, and reveals significant levels of bias that are often
overlooked by existing bias detection techniques. Importantly, our debiasing
method, which does not rely on external datasets, demonstrates a substantial
reduction in bias scores, highlighting the efficacy of our approach in creating
fairer and more reliable LLMs. | null | cs.CL | [
"cs.CL"
] |
2407.16655 | HF | MovieDreamer: Hierarchical Generation for Coherent Long Visual Sequence | [
"Canyu Zhao",
"Mingyu Liu",
"Wen Wang",
"Jianlong Yuan",
"Hao Chen",
"Bo Zhang",
"Chunhua Shen"
] | 2024-07-23 | Recent advancements in video generation have primarily leveraged diffusion
models for short-duration content. However, these approaches often fall short
in modeling complex narratives and maintaining character consistency over
extended periods, which is essential for long-form video production like
movies. We propose MovieDreamer, a novel hierarchical framework that integrates
the strengths of autoregressive models with diffusion-based rendering to
pioneer long-duration video generation with intricate plot progressions and
high visual fidelity. Our approach utilizes autoregressive models for global
narrative coherence, predicting sequences of visual tokens that are
subsequently transformed into high-quality video frames through diffusion
rendering. This method is akin to traditional movie production processes, where
complex stories are factorized down into manageable scene capturing. Further,
we employ a multimodal script that enriches scene descriptions with detailed
character information and visual style, enhancing continuity and character
identity across scenes. We present extensive experiments across various movie
genres, demonstrating that our approach not only achieves superior visual and
narrative quality but also effectively extends the duration of generated
content significantly beyond current capabilities. Homepage:
https://aim-uofa.github.io/MovieDreamer/. | null | cs.CV | [
"cs.CV"
] |
2407.21475 | HF | Fine-gained Zero-shot Video Sampling | [
"Dengsheng Chen",
"Jie Hu",
"Xiaoming Wei",
"Enhua Wu"
] | 2024-07-31 | Incorporating a temporal dimension into pretrained image diffusion models for
video generation is a prevalent approach. However, this method is
computationally demanding and necessitates large-scale video datasets. More
critically, the heterogeneity between image and video datasets often results in
catastrophic forgetting of the image expertise. Recent attempts to directly
extract video snippets from image diffusion models have somewhat mitigated
these problems. Nevertheless, these methods can only generate brief video clips
with simple movements and fail to capture fine-grained motion or non-grid
deformation. In this paper, we propose a novel Zero-Shot video Sampling
algorithm, denoted as $\mathcal{ZS}^2$, capable of directly sampling
high-quality video clips from existing image synthesis methods, such as Stable
Diffusion, without any training or optimization. Specifically, $\mathcal{ZS}^2$
utilizes the dependency noise model and temporal momentum attention to ensure
content consistency and animation coherence, respectively. This ability enables
it to excel in related tasks, such as conditional and context-specialized video
generation and instruction-guided video editing. Experimental results
demonstrate that $\mathcal{ZS}^2$ achieves state-of-the-art performance in
zero-shot video generation, occasionally outperforming recent supervised
methods.
Homepage: \url{https://densechen.github.io/zss/}. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2311.00257 | HF | AMSP: Reducing Communication Overhead of ZeRO for Efficient LLM Training | [
"Qiaoling Chen",
"Qinghao Hu",
"Guoteng Wang",
"Yingtong Xiong",
"Ting Huang",
"Xun Chen",
"Yang Gao",
"Hang Yan",
"Yonggang Wen",
"Tianwei Zhang",
"Peng Sun"
] | 2023-11-01 | Training large language models (LLMs) encounters challenges in GPU memory
consumption due to the high memory requirements of model states. The widely
used Zero Redundancy Optimizer (ZeRO) addresses this issue through strategic
sharding but introduces communication challenges at scale. To tackle this
problem, we propose AMSP, a system designed to optimize ZeRO for scalable LLM
training. AMSP incorporates three flexible sharding strategies: Full-Replica,
Full-Sharding, and Partial-Sharding, and allows each component within the model
states (Parameters, Gradients, Optimizer States) to independently choose a
sharding strategy as well as the device mesh. We conduct a thorough analysis of
communication costs, formulating an optimization problem to discover the
optimal sharding strategy. Additionally, AMSP optimizes distributed LLM
training by efficiently overlapping communication with computation. Evaluations
demonstrate up to 52\% Model FLOPs Utilization (MFU) when training the
LLaMA-based model on 1024 GPUs, resulting in a 1.56 times improvement in
training throughput compared to newly proposed systems like MiCS and ZeRO++. | null | cs.DC | [
"cs.DC"
] |
2310.01334 | AnswerAI | Merge, Then Compress: Demystify Efficient SMoE with Hints from Its Routing Policy | [
"Pingzhi Li",
"Zhenyu Zhang",
"Prateek Yadav",
"Yi-Lin Sung",
"Yu Cheng",
"Mohit Bansal",
"Tianlong Chen"
] | 2023-10-02 | Sparsely activated Mixture-of-Experts (SMoE) has shown promise to scale up
the learning capacity of neural networks, however, they have issues like (a)
High Memory Usage, due to duplication of the network layers into multiple
copies as experts; and (b) Redundancy in Experts, as common learning-based
routing policies suffer from representational collapse. Therefore, vanilla SMoE
models are memory inefficient and non-scalable, especially for
resource-constrained downstream scenarios. In this paper, we ask: Can we craft
a compact SMoE model by consolidating expert information? What is the best
recipe to merge multiple experts into fewer but more knowledgeable experts? Our
pilot investigation reveals that conventional model merging methods fail to be
effective in such expert merging for SMoE. The potential reasons are: (1)
redundant information overshadows critical experts; (2) appropriate neuron
permutation for each expert is missing to bring all of them in alignment. To
address this, we propose M-SMoE, which leverages routing statistics to guide
expert merging. Specifically, it starts with neuron permutation alignment for
experts; then, dominant experts and their "group members" are formed; lastly,
every expert group is merged into a single expert by utilizing each expert's
activation frequency as their weight for merging, thus diminishing the impact
of insignificant experts. Moreover, we observed that our proposed merging
promotes a low dimensionality in the merged expert's weight space, naturally
paving the way for additional compression. Hence, our final method, MC-SMoE
(i.e., Merge, then Compress SMoE), further decomposes the merged experts into
low-rank and structural sparse alternatives. Extensive experiments across 8
benchmarks validate the effectiveness of MC-SMoE. For instance, our MC-SMoE
achieves up to 80% memory and a 20% FLOPs reduction, with virtually no loss in
performance. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2312.17120 | HF | Generative AI for Math: Part I -- MathPile: A Billion-Token-Scale Pretraining Corpus for Math | [
"Zengzhi Wang",
"Rui Xia",
"Pengfei Liu"
] | 2023-12-28 | High-quality, large-scale corpora are the cornerstone of building foundation
models. In this work, we introduce \textsc{MathPile}, a diverse and
high-quality math-centric corpus comprising about 9.5 billion tokens.
Throughout its creation, we adhered to the principle of ``\emph{less is
more}'', firmly believing in the supremacy of data quality over quantity, even
in the pre-training phase. Our meticulous data collection and processing
efforts included a complex suite of preprocessing, prefiltering, language
identification, cleaning, filtering, and deduplication, ensuring the high
quality of our corpus. Furthermore, we performed data contamination detection
on downstream benchmark test sets to eliminate duplicates. We hope our
\textsc{MathPile} can help to enhance the mathematical reasoning abilities of
language models. We plan to open-source different versions of \mathpile with
the scripts used for processing, to facilitate future developments in this
field. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.01906 | HF | Let the Expert Stick to His Last: Expert-Specialized Fine-Tuning for Sparse Architectural Large Language Models | [
"Zihan Wang",
"Deli Chen",
"Damai Dai",
"Runxin Xu",
"Zhuoshu Li",
"Y. Wu"
] | 2024-07-02 | Parameter-efficient fine-tuning (PEFT) is crucial for customizing Large
Language Models (LLMs) with constrained resources. Although there have been
various PEFT methods for dense-architecture LLMs, PEFT for sparse-architecture
LLMs is still underexplored. In this work, we study the PEFT method for LLMs
with the Mixture-of-Experts (MoE) architecture and the contents of this work
are mainly threefold: (1) We investigate the dispersion degree of the activated
experts in customized tasks, and found that the routing distribution for a
specific task tends to be highly concentrated, while the distribution of
activated experts varies significantly across different tasks. (2) We propose
Expert-Specialized Fine-Tuning, or ESFT, which tunes the experts most relevant
to downstream tasks while freezing the other experts and modules; experimental
results demonstrate that our method not only improves the tuning efficiency,
but also matches or even surpasses the performance of full-parameter
fine-tuning. (3) We further analyze the impact of the MoE architecture on
expert-specialized fine-tuning. We find that MoE models with finer-grained
experts are more advantageous in selecting the combination of experts that are
most relevant to downstream tasks, thereby enhancing both the training
efficiency and effectiveness. Our code is available at
https://github.com/deepseek-ai/ESFT. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.01530 | AnswerAI | xLSTM-UNet can be an Effective 2D & 3D Medical Image Segmentation Backbone with Vision-LSTM (ViL) better than its Mamba Counterpart | [
"Tianrun Chen",
"Chaotao Ding",
"Lanyun Zhu",
"Tao Xu",
"Deyi Ji",
"Yan Wang",
"Ying Zang",
"Zejian Li"
] | 2024-07-01 | Convolutional Neural Networks (CNNs) and Vision Transformers (ViT) have been
pivotal in biomedical image segmentation, yet their ability to manage
long-range dependencies remains constrained by inherent locality and
computational overhead. To overcome these challenges, in this technical report,
we first propose xLSTM-UNet, a UNet structured deep learning neural network
that leverages Vision-LSTM (xLSTM) as its backbone for medical image
segmentation. xLSTM is a recently proposed as the successor of Long Short-Term
Memory (LSTM) networks and have demonstrated superior performance compared to
Transformers and State Space Models (SSMs) like Mamba in Neural Language
Processing (NLP) and image classification (as demonstrated in Vision-LSTM, or
ViL implementation). Here, xLSTM-UNet we designed extend the success in
biomedical image segmentation domain. By integrating the local feature
extraction strengths of convolutional layers with the long-range dependency
capturing abilities of xLSTM, xLSTM-UNet offers a robust solution for
comprehensive image analysis. We validate the efficacy of xLSTM-UNet through
experiments. Our findings demonstrate that xLSTM-UNet consistently surpasses
the performance of leading CNN-based, Transformer-based, and Mamba-based
segmentation networks in multiple datasets in biomedical segmentation including
organs in abdomen MRI, instruments in endoscopic images, and cells in
microscopic images. With comprehensive experiments performed, this technical
report highlights the potential of xLSTM-based architectures in advancing
biomedical image analysis in both 2D and 3D. The code, models, and datasets are
publicly available at http://tianrun-chen.github.io/xLSTM-UNet/ | null | eess.IV | [
"eess.IV",
"cs.CV"
] |
2401.10891 | HF | Depth Anything: Unleashing the Power of Large-Scale Unlabeled Data | [
"Lihe Yang",
"Bingyi Kang",
"Zilong Huang",
"Xiaogang Xu",
"Jiashi Feng",
"Hengshuang Zhao"
] | 2024-01-19 | This work presents Depth Anything, a highly practical solution for robust
monocular depth estimation. Without pursuing novel technical modules, we aim to
build a simple yet powerful foundation model dealing with any images under any
circumstances. To this end, we scale up the dataset by designing a data engine
to collect and automatically annotate large-scale unlabeled data (~62M), which
significantly enlarges the data coverage and thus is able to reduce the
generalization error. We investigate two simple yet effective strategies that
make data scaling-up promising. First, a more challenging optimization target
is created by leveraging data augmentation tools. It compels the model to
actively seek extra visual knowledge and acquire robust representations.
Second, an auxiliary supervision is developed to enforce the model to inherit
rich semantic priors from pre-trained encoders. We evaluate its zero-shot
capabilities extensively, including six public datasets and randomly captured
photos. It demonstrates impressive generalization ability. Further, through
fine-tuning it with metric depth information from NYUv2 and KITTI, new SOTAs
are set. Our better depth model also results in a better depth-conditioned
ControlNet. Our models are released at
https://github.com/LiheYoung/Depth-Anything. | null | cs.CV | [
"cs.CV"
] |
2306.06070 | HF | Mind2Web: Towards a Generalist Agent for the Web | [
"Xiang Deng",
"Yu Gu",
"Boyuan Zheng",
"Shijie Chen",
"Samuel Stevens",
"Boshi Wang",
"Huan Sun",
"Yu Su"
] | 2023-06-09 | We introduce Mind2Web, the first dataset for developing and evaluating
generalist agents for the web that can follow language instructions to complete
complex tasks on any website. Existing datasets for web agents either use
simulated websites or only cover a limited set of websites and tasks, thus not
suitable for generalist web agents. With over 2,000 open-ended tasks collected
from 137 websites spanning 31 domains and crowdsourced action sequences for the
tasks, Mind2Web provides three necessary ingredients for building generalist
web agents: 1) diverse domains, websites, and tasks, 2) use of real-world
websites instead of simulated and simplified ones, and 3) a broad spectrum of
user interaction patterns. Based on Mind2Web, we conduct an initial exploration
of using large language models (LLMs) for building generalist web agents. While
the raw HTML of real-world websites are often too large to be fed to LLMs, we
show that first filtering it with a small LM significantly improves the
effectiveness and efficiency of LLMs. Our solution demonstrates a decent level
of performance, even on websites or entire domains the model has never seen
before, but there is still a substantial room to improve towards truly
generalizable agents. We open-source our dataset, model implementation, and
trained models (https://osu-nlp-group.github.io/Mind2Web) to facilitate further
research on building a generalist agent for the web. | null | cs.CL | [
"cs.CL"
] |
2406.11939 | Both | From Crowdsourced Data to High-Quality Benchmarks: Arena-Hard and BenchBuilder Pipeline | [
"Tianle Li",
"Wei-Lin Chiang",
"Evan Frick",
"Lisa Dunlap",
"Tianhao Wu",
"Banghua Zhu",
"Joseph E. Gonzalez",
"Ion Stoica"
] | 2024-06-17 | The rapid evolution of language models has necessitated the development of
more challenging benchmarks. Current static benchmarks often struggle to
consistently distinguish between the capabilities of different models and fail
to align with real-world user preferences. On the other hand, live
crowd-sourced platforms like the Chatbot Arena collect a wide range of natural
prompts and user feedback. However, these prompts vary in sophistication and
the feedback cannot be applied offline to new models. In order to ensure that
benchmarks keep up with the pace of LLM development, we address how one can
evaluate benchmarks on their ability to confidently separate models and their
alignment with human preference. Under these principles, we developed
BenchBuilder, a living benchmark that filters high-quality prompts from live
data sources to enable offline evaluation on fresh, challenging prompts.
BenchBuilder identifies seven indicators of a high-quality prompt, such as the
requirement for domain knowledge, and utilizes an LLM annotator to select a
high-quality subset of prompts from various topic clusters. The LLM evaluation
process employs an LLM judge to ensure a fully automated, high-quality, and
constantly updating benchmark. We apply BenchBuilder on prompts from the
Chatbot Arena to create Arena-Hard-Auto v0.1: 500 challenging user prompts from
a wide range of tasks. Arena-Hard-Auto v0.1 offers 3x tighter confidence
intervals than MT-Bench and achieves a state-of-the-art 89.1% agreement with
human preference rankings, all at a cost of only $25 and without human
labelers. The BenchBuilder pipeline enhances evaluation benchmarks and provides
a valuable tool for developers, enabling them to extract high-quality
benchmarks from extensive data with minimal effort. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2305.18752 | HF | GPT4Tools: Teaching Large Language Model to Use Tools via Self-instruction | [
"Rui Yang",
"Lin Song",
"Yanwei Li",
"Sijie Zhao",
"Yixiao Ge",
"Xiu Li",
"Ying Shan"
] | 2023-05-30 | This paper aims to efficiently enable Large Language Models (LLMs) to use
multimodal tools. Advanced proprietary LLMs, such as ChatGPT and GPT-4, have
shown great potential for tool usage through sophisticated prompt engineering.
Nevertheless, these models typically rely on prohibitive computational costs
and publicly inaccessible data. To address these challenges, we propose the
GPT4Tools based on self-instruct to enable open-source LLMs, such as LLaMA and
OPT, to use tools. It generates an instruction-following dataset by prompting
an advanced teacher with various multi-modal contexts. By using the Low-Rank
Adaptation (LoRA) optimization, our approach facilitates the open-source LLMs
to solve a range of visual problems, including visual comprehension and image
generation. Moreover, we provide a benchmark to evaluate the ability of LLMs to
use tools, which is performed in both zero-shot and fine-tuning ways. Extensive
experiments demonstrate the effectiveness of our method on various language
models, which not only significantly improves the accuracy of invoking seen
tools, but also enables the zero-shot capacity for unseen tools. The code and
demo are available at https://github.com/StevenGrove/GPT4Tools. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2306.05696 | HF | Embodied Executable Policy Learning with Language-based Scene Summarization | [
"Jielin Qiu",
"Mengdi Xu",
"William Han",
"Seungwhan Moon",
"Ding Zhao"
] | 2023-06-09 | Large Language models (LLMs) have shown remarkable success in assisting robot
learning tasks, i.e., complex household planning. However, the performance of
pretrained LLMs heavily relies on domain-specific templated text data, which
may be infeasible in real-world robot learning tasks with image-based
observations. Moreover, existing LLMs with text inputs lack the capability to
evolve with non-expert interactions with environments. In this work, we
introduce a novel learning paradigm that generates robots' executable actions
in the form of text, derived solely from visual observations, using
language-based summarization of these observations as the connecting bridge
between both domains. Our proposed paradigm stands apart from previous works,
which utilized either language instructions or a combination of language and
visual data as inputs. Moreover, our method does not require oracle text
summarization of the scene, eliminating the need for human involvement in the
learning loop, which makes it more practical for real-world robot learning
tasks. Our proposed paradigm consists of two modules: the SUM module, which
interprets the environment using visual observations and produces a text
summary of the scene, and the APM module, which generates executable action
policies based on the natural language descriptions provided by the SUM module.
We demonstrate that our proposed method can employ two fine-tuning strategies,
including imitation learning and reinforcement learning approaches, to adapt to
the target test tasks effectively. We conduct extensive experiments involving
various SUM/APM model selections, environments, and tasks across 7 house
layouts in the VirtualHome environment. Our experimental results demonstrate
that our method surpasses existing baselines, confirming the effectiveness of
this novel learning paradigm. | null | cs.RO | [
"cs.RO"
] |
2405.16039 | AnswerAI | MoEUT: Mixture-of-Experts Universal Transformers | [
"Róbert Csordás",
"Kazuki Irie",
"Jürgen Schmidhuber",
"Christopher Potts",
"Christopher D. Manning"
] | 2024-05-25 | Previous work on Universal Transformers (UTs) has demonstrated the importance
of parameter sharing across layers. By allowing recurrence in depth, UTs have
advantages over standard Transformers in learning compositional
generalizations, but layer-sharing comes with a practical limitation of
parameter-compute ratio: it drastically reduces the parameter count compared to
the non-shared model with the same dimensionality. Naively scaling up the layer
size to compensate for the loss of parameters makes its computational resource
requirements prohibitive. In practice, no previous work has succeeded in
proposing a shared-layer Transformer design that is competitive in parameter
count-dominated tasks such as language modeling. Here we propose MoEUT
(pronounced "moot"), an effective mixture-of-experts (MoE)-based shared-layer
Transformer architecture, which combines several recent advances in MoEs for
both feedforward and attention layers of standard Transformers together with
novel layer-normalization and grouping schemes that are specific and crucial to
UTs. The resulting UT model, for the first time, slightly outperforms standard
Transformers on language modeling tasks such as BLiMP and PIQA, while using
significantly less compute and memory. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.NE"
] |
2309.05463 | Both | Textbooks Are All You Need II: phi-1.5 technical report | [
"Yuanzhi Li",
"Sébastien Bubeck",
"Ronen Eldan",
"Allie Del Giorno",
"Suriya Gunasekar",
"Yin Tat Lee"
] | 2023-09-11 | We continue the investigation into the power of smaller Transformer-based
language models as initiated by \textbf{TinyStories} -- a 10 million parameter
model that can produce coherent English -- and the follow-up work on
\textbf{phi-1}, a 1.3 billion parameter model with Python coding performance
close to the state-of-the-art. The latter work proposed to use existing Large
Language Models (LLMs) to generate ``textbook quality" data as a way to enhance
the learning process compared to traditional web data. We follow the
``Textbooks Are All You Need" approach, focusing this time on common sense
reasoning in natural language, and create a new 1.3 billion parameter model
named \textbf{phi-1.5}, with performance on natural language tasks comparable
to models 5x larger, and surpassing most non-frontier LLMs on more complex
reasoning tasks such as grade-school mathematics and basic coding. More
generally, \textbf{phi-1.5} exhibits many of the traits of much larger LLMs,
both good -- such as the ability to ``think step by step" or perform some
rudimentary in-context learning -- and bad, including hallucinations and the
potential for toxic and biased generations -- encouragingly though, we are
seeing improvement on that front thanks to the absence of web data. We
open-source \textbf{phi-1.5} to promote further research on these urgent
topics. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.15821 | HF | Audiobox: Unified Audio Generation with Natural Language Prompts | [
"Apoorv Vyas",
"Bowen Shi",
"Matthew Le",
"Andros Tjandra",
"Yi-Chiao Wu",
"Baishan Guo",
"Jiemin Zhang",
"Xinyue Zhang",
"Robert Adkins",
"William Ngan",
"Jeff Wang",
"Ivan Cruz",
"Bapi Akula",
"Akinniyi Akinyemi",
"Brian Ellis",
"Rashel Moritz",
"Yael Yungster",
"Alice Rakotoarison",
"Liang Tan",
"Chris Summers",
"Carleigh Wood",
"Joshua Lane",
"Mary Williamson",
"Wei-Ning Hsu"
] | 2023-12-25 | Audio is an essential part of our life, but creating it often requires
expertise and is time-consuming. Research communities have made great progress
over the past year advancing the performance of large scale audio generative
models for a single modality (speech, sound, or music) through adopting more
powerful generative models and scaling data. However, these models lack
controllability in several aspects: speech generation models cannot synthesize
novel styles based on text description and are limited on domain coverage such
as outdoor environments; sound generation models only provide coarse-grained
control based on descriptions like "a person speaking" and would only generate
mumbling human voices. This paper presents Audiobox, a unified model based on
flow-matching that is capable of generating various audio modalities. We design
description-based and example-based prompting to enhance controllability and
unify speech and sound generation paradigms. We allow transcript, vocal, and
other audio styles to be controlled independently when generating speech. To
improve model generalization with limited labels, we adapt a self-supervised
infilling objective to pre-train on large quantities of unlabeled audio.
Audiobox sets new benchmarks on speech and sound generation (0.745 similarity
on Librispeech for zero-shot TTS; 0.77 FAD on AudioCaps for text-to-sound) and
unlocks new methods for generating audio with novel vocal and acoustic styles.
We further integrate Bespoke Solvers, which speeds up generation by over 25
times compared to the default ODE solver for flow-matching, without loss of
performance on several tasks. Our demo is available at
https://audiobox.metademolab.com/ | null | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS"
] |
2310.19341 | Both | Skywork: A More Open Bilingual Foundation Model | [
"Tianwen Wei",
"Liang Zhao",
"Lichang Zhang",
"Bo Zhu",
"Lijie Wang",
"Haihua Yang",
"Biye Li",
"Cheng Cheng",
"Weiwei Lü",
"Rui Hu",
"Chenxia Li",
"Liu Yang",
"Xilin Luo",
"Xuejie Wu",
"Lunan Liu",
"Wenjun Cheng",
"Peng Cheng",
"Jianhao Zhang",
"Xiaoyu Zhang",
"Lei Lin",
"Xiaokun Wang",
"Yutuan Ma",
"Chuanhai Dong",
"Yanqi Sun",
"Yifu Chen",
"Yongyi Peng",
"Xiaojuan Liang",
"Shuicheng Yan",
"Han Fang",
"Yahui Zhou"
] | 2023-10-30 | In this technical report, we present Skywork-13B, a family of large language
models (LLMs) trained on a corpus of over 3.2 trillion tokens drawn from both
English and Chinese texts. This bilingual foundation model is the most
extensively trained and openly published LLMs of comparable size to date. We
introduce a two-stage training methodology using a segmented corpus, targeting
general purpose training and then domain-specific enhancement training,
respectively. We show that our model not only excels on popular benchmarks, but
also achieves \emph{state of the art} performance in Chinese language modeling
on diverse domains. Furthermore, we propose a novel leakage detection method,
demonstrating that test data contamination is a pressing issue warranting
further investigation by the LLM community. To spur future research, we release
Skywork-13B along with checkpoints obtained during intermediate stages of the
training process. We are also releasing part of our SkyPile corpus, a
collection of over 150 billion tokens of web text, which is the largest high
quality open Chinese pre-training corpus to date. We hope Skywork-13B and our
open corpus will serve as a valuable open-source resource to democratize access
to high-quality LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.15877 | Both | BigCodeBench: Benchmarking Code Generation with Diverse Function Calls and Complex Instructions | [
"Terry Yue Zhuo",
"Minh Chien Vu",
"Jenny Chim",
"Han Hu",
"Wenhao Yu",
"Ratnadira Widyasari",
"Imam Nur Bani Yusuf",
"Haolan Zhan",
"Junda He",
"Indraneil Paul",
"Simon Brunner",
"Chen Gong",
"Thong Hoang",
"Armel Randy Zebaze",
"Xiaoheng Hong",
"Wen-Ding Li",
"Jean Kaddour",
"Ming Xu",
"Zhihan Zhang",
"Prateek Yadav",
"Naman Jain",
"Alex Gu",
"Zhoujun Cheng",
"Jiawei Liu",
"Qian Liu",
"Zijian Wang",
"David Lo",
"Binyuan Hui",
"Niklas Muennighoff",
"Daniel Fried",
"Xiaoning Du",
"Harm de Vries",
"Leandro Von Werra"
] | 2024-06-22 | Automated software engineering has been greatly empowered by the recent
advances in Large Language Models (LLMs) for programming. While current
benchmarks have shown that LLMs can perform various software engineering tasks
like human developers, the majority of their evaluations are limited to short
and self-contained algorithmic tasks. Solving challenging and practical
programming tasks requires the capability of utilizing diverse function calls
as tools to efficiently implement functionalities like data analysis and web
development. In addition, using multiple tools to solve a task needs
compositional reasoning by accurately understanding complex instructions.
Fulfilling both of these characteristics can pose a great challenge for LLMs.
To assess how well LLMs can solve challenging and practical programming tasks,
we introduce Bench, a benchmark that challenges LLMs to invoke multiple
function calls as tools from 139 libraries and 7 domains for 1,140 fine-grained
programming tasks. To evaluate LLMs rigorously, each programming task
encompasses 5.6 test cases with an average branch coverage of 99%. In addition,
we propose a natural-language-oriented variant of Bench, Benchi, that
automatically transforms the original docstrings into short instructions only
with essential information. Our extensive evaluation of 60 LLMs shows that LLMs
are not yet capable of following complex instructions to use function calls
precisely, with scores up to 60%, significantly lower than the human
performance of 97%. The results underscore the need for further advancements in
this area. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL"
] |
2405.19893 | HF | Similarity is Not All You Need: Endowing Retrieval Augmented Generation with Multi Layered Thoughts | [
"Chunjing Gan",
"Dan Yang",
"Binbin Hu",
"Hanxiao Zhang",
"Siyuan Li",
"Ziqi Liu",
"Yue Shen",
"Lin Ju",
"Zhiqiang Zhang",
"Jinjie Gu",
"Lei Liang",
"Jun Zhou"
] | 2024-05-30 | In recent years, large language models (LLMs) have made remarkable
achievements in various domains. However, the untimeliness and cost of
knowledge updates coupled with hallucination issues of LLMs have curtailed
their applications in knowledge intensive tasks, where retrieval augmented
generation (RAG) can be of help. Nevertheless, existing retrieval augmented
models typically use similarity as a bridge between queries and documents and
follow a retrieve then read procedure. In this work, we argue that similarity
is not always the panacea and totally relying on similarity would sometimes
degrade the performance of retrieval augmented generation. To this end, we
propose MetRag, a Multi layEred Thoughts enhanced Retrieval Augmented
Generation framework. To begin with, beyond existing similarity oriented
thought, we embrace a small scale utility model that draws supervision from an
LLM for utility oriented thought and further come up with a smarter model by
comprehensively combining the similarity and utility oriented thoughts.
Furthermore, given the fact that the retrieved document set tends to be huge
and using them in isolation makes it difficult to capture the commonalities and
characteristics among them, we propose to make an LLM as a task adaptive
summarizer to endow retrieval augmented generation with compactness-oriented
thought. Finally, with multi layered thoughts from the precedent stages, an LLM
is called for knowledge augmented generation. Extensive experiments on
knowledge-intensive tasks have demonstrated the superiority of MetRag. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.19669 | HF | mGTE: Generalized Long-Context Text Representation and Reranking Models for Multilingual Text Retrieval | [
"Xin Zhang",
"Yanzhao Zhang",
"Dingkun Long",
"Wen Xie",
"Ziqi Dai",
"Jialong Tang",
"Huan Lin",
"Baosong Yang",
"Pengjun Xie",
"Fei Huang",
"Meishan Zhang",
"Wenjie Li",
"Min Zhang"
] | 2024-07-29 | We present systematic efforts in building long-context multilingual text
representation model (TRM) and reranker from scratch for text retrieval. We
first introduce a text encoder (base size) enhanced with RoPE and unpadding,
pre-trained in a native 8192-token context (longer than 512 of previous
multilingual encoders). Then we construct a hybrid TRM and a cross-encoder
reranker by contrastive learning. Evaluations show that our text encoder
outperforms the same-sized previous state-of-the-art XLM-R. Meanwhile, our TRM
and reranker match the performance of large-sized state-of-the-art BGE-M3
models and achieve better results on long-context retrieval benchmarks. Further
analysis demonstrate that our proposed models exhibit higher efficiency during
both training and inference. We believe their efficiency and effectiveness
could benefit various researches and industrial applications. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2406.13542 | Both | Self-play with Execution Feedback: Improving Instruction-following Capabilities of Large Language Models | [
"Guanting Dong",
"Keming Lu",
"Chengpeng Li",
"Tingyu Xia",
"Bowen Yu",
"Chang Zhou",
"Jingren Zhou"
] | 2024-06-19 | One core capability of large language models (LLMs) is to follow natural
language instructions. However, the issue of automatically constructing
high-quality training data to enhance the complex instruction-following
abilities of LLMs without manual annotation remains unresolved. In this paper,
we introduce AutoIF, the first scalable and reliable method for automatically
generating instruction-following training data. AutoIF transforms the
validation of instruction-following data quality into code verification,
requiring LLMs to generate instructions, the corresponding code to check the
correctness of the instruction responses, and unit test samples to verify the
code's correctness. Then, execution feedback-based rejection sampling can
generate data for Supervised Fine-Tuning (SFT) and Reinforcement Learning from
Human Feedback (RLHF) training. AutoIF achieves significant improvements across
three training algorithms, SFT, Offline DPO, and Online DPO, when applied to
the top open-source LLMs, Qwen2 and LLaMA3, in self-alignment and
strong-to-weak distillation settings. Our code is publicly available at
https://github.com/QwenLM/AutoIF. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2304.08467 | AnswerAI | Learning to Compress Prompts with Gist Tokens | [
"Jesse Mu",
"Xiang Lisa Li",
"Noah Goodman"
] | 2023-04-17 | Prompting is the primary way to utilize the multitask capabilities of
language models (LMs), but prompts occupy valuable space in the input context
window, and repeatedly encoding the same prompt is computationally inefficient.
Finetuning and distillation methods allow for specialization of LMs without
prompting, but require retraining the model for each task. To avoid this
trade-off entirely, we present gisting, which trains an LM to compress prompts
into smaller sets of "gist" tokens which can be cached and reused for compute
efficiency. Gist models can be trained with no additional cost over standard
instruction finetuning by simply modifying Transformer attention masks to
encourage prompt compression. On decoder (LLaMA-7B) and encoder-decoder
(FLAN-T5-XXL) LMs, gisting enables up to 26x compression of prompts, resulting
in up to 40% FLOPs reductions, 4.2% wall time speedups, and storage savings,
all with minimal loss in output quality. | null | cs.CL | [
"cs.CL"
] |
2301.12652 | AnswerAI | REPLUG: Retrieval-Augmented Black-Box Language Models | [
"Weijia Shi",
"Sewon Min",
"Michihiro Yasunaga",
"Minjoon Seo",
"Rich James",
"Mike Lewis",
"Luke Zettlemoyer",
"Wen-tau Yih"
] | 2023-01-30 | We introduce REPLUG, a retrieval-augmented language modeling framework that
treats the language model (LM) as a black box and augments it with a tuneable
retrieval model. Unlike prior retrieval-augmented LMs that train language
models with special cross attention mechanisms to encode the retrieved text,
REPLUG simply prepends retrieved documents to the input for the frozen
black-box LM. This simple design can be easily applied to any existing
retrieval and language models. Furthermore, we show that the LM can be used to
supervise the retrieval model, which can then find documents that help the LM
make better predictions. Our experiments demonstrate that REPLUG with the tuned
retriever significantly improves the performance of GPT-3 (175B) on language
modeling by 6.3%, as well as the performance of Codex on five-shot MMLU by
5.1%. | null | cs.CL | [
"cs.CL"
] |
2402.00867 | HF | AToM: Amortized Text-to-Mesh using 2D Diffusion | [
"Guocheng Qian",
"Junli Cao",
"Aliaksandr Siarohin",
"Yash Kant",
"Chaoyang Wang",
"Michael Vasilkovsky",
"Hsin-Ying Lee",
"Yuwei Fang",
"Ivan Skorokhodov",
"Peiye Zhuang",
"Igor Gilitschenski",
"Jian Ren",
"Bernard Ghanem",
"Kfir Aberman",
"Sergey Tulyakov"
] | 2024-02-01 | We introduce Amortized Text-to-Mesh (AToM), a feed-forward text-to-mesh
framework optimized across multiple text prompts simultaneously. In contrast to
existing text-to-3D methods that often entail time-consuming per-prompt
optimization and commonly output representations other than polygonal meshes,
AToM directly generates high-quality textured meshes in less than 1 second with
around 10 times reduction in the training cost, and generalizes to unseen
prompts. Our key idea is a novel triplane-based text-to-mesh architecture with
a two-stage amortized optimization strategy that ensures stable training and
enables scalability. Through extensive experiments on various prompt
benchmarks, AToM significantly outperforms state-of-the-art amortized
approaches with over 4 times higher accuracy (in DF415 dataset) and produces
more distinguishable and higher-quality 3D outputs. AToM demonstrates strong
generalizability, offering finegrained 3D assets for unseen interpolated
prompts without further optimization during inference, unlike per-prompt
solutions. | null | cs.CV | [
"cs.CV"
] |
2409.06820 | HF | PingPong: A Benchmark for Role-Playing Language Models with User Emulation and Multi-Model Evaluation | [
"Ilya Gusev"
] | 2024-09-10 | We introduce a novel benchmark for evaluating the role-playing capabilities
of language models. Our approach leverages language models themselves to
emulate users in dynamic, multi-turn conversations and to assess the resulting
dialogues. The framework consists of three main components: a player model
assuming a specific character role, an interrogator model simulating user
behavior, and a judge model evaluating conversation quality. We conducted
experiments comparing automated evaluations with human annotations to validate
our approach, demonstrating strong correlations across multiple criteria. This
work provides a foundation for a robust and dynamic evaluation of model
capabilities in interactive scenarios. | null | cs.CL | [
"cs.CL"
] |
2406.18530 | HF | MatchTime: Towards Automatic Soccer Game Commentary Generation | [
"Jiayuan Rao",
"Haoning Wu",
"Chang Liu",
"Yanfeng Wang",
"Weidi Xie"
] | 2024-06-26 | Soccer is a globally popular sport with a vast audience, in this paper, we
consider constructing an automatic soccer game commentary model to improve the
audiences' viewing experience. In general, we make the following contributions:
First, observing the prevalent video-text misalignment in existing datasets, we
manually annotate timestamps for 49 matches, establishing a more robust
benchmark for soccer game commentary generation, termed as
SN-Caption-test-align; Second, we propose a multi-modal temporal alignment
pipeline to automatically correct and filter the existing dataset at scale,
creating a higher-quality soccer game commentary dataset for training, denoted
as MatchTime; Third, based on our curated dataset, we train an automatic
commentary generation model, named MatchVoice. Extensive experiments and
ablation studies have demonstrated the effectiveness of our alignment pipeline,
and training model on the curated datasets achieves state-of-the-art
performance for commentary generation, showcasing that better alignment can
lead to significant performance improvements in downstream tasks. | null | cs.CV | [
"cs.CV"
] |
2404.04656 | AnswerAI | Binary Classifier Optimization for Large Language Model Alignment | [
"Seungjae Jung",
"Gunsoo Han",
"Daniel Wontae Nam",
"Kyoung-Woon On"
] | 2024-04-06 | Aligning Large Language Models (LLMs) to human preferences through preference
optimization has been crucial but labor-intensive, necessitating for each
prompt a comparison of both a chosen and a rejected text completion by
evaluators. Recently, Kahneman-Tversky Optimization (KTO) has demonstrated that
LLMs can be aligned using merely binary "thumbs-up" or "thumbs-down" signals on
each prompt-completion pair. In this paper, we present theoretical foundations
to explain the successful alignment achieved through these binary signals. Our
analysis uncovers a new perspective: optimizing a binary classifier, whose
logit is a reward, implicitly induces minimizing the Direct Preference
Optimization (DPO) loss. In the process of this discovery, we identified two
techniques for effective alignment: reward shift and underlying distribution
matching. Consequently, we propose a new algorithm, \textit{Binary Classifier
Optimization}, that integrates the techniques. We validate our methodology in
two settings: first, on a paired preference dataset, where our method performs
on par with DPO and KTO; and second, on binary signal datasets simulating
real-world conditions with divergent underlying distributions between thumbs-up
and thumbs-down data. Our model consistently demonstrates effective and robust
alignment across two base LLMs and three different binary signal datasets,
showcasing the strength of our approach to learning from binary feedback. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2307.16449 | HF | MovieChat: From Dense Token to Sparse Memory for Long Video Understanding | [
"Enxin Song",
"Wenhao Chai",
"Guanhong Wang",
"Yucheng Zhang",
"Haoyang Zhou",
"Feiyang Wu",
"Haozhe Chi",
"Xun Guo",
"Tian Ye",
"Yanting Zhang",
"Yan Lu",
"Jenq-Neng Hwang",
"Gaoang Wang"
] | 2023-07-31 | Recently, integrating video foundation models and large language models to
build a video understanding system can overcome the limitations of specific
pre-defined vision tasks. Yet, existing systems can only handle videos with
very few frames. For long videos, the computation complexity, memory cost, and
long-term temporal connection impose additional challenges. Taking advantage of
the Atkinson-Shiffrin memory model, with tokens in Transformers being employed
as the carriers of memory in combination with our specially designed memory
mechanism, we propose the MovieChat to overcome these challenges. MovieChat
achieves state-of-the-art performance in long video understanding, along with
the released MovieChat-1K benchmark with 1K long video and 14K manual
annotations for validation of the effectiveness of our method. | null | cs.CV | [
"cs.CV"
] |
2305.13735 | Both | Aligning Large Language Models through Synthetic Feedback | [
"Sungdong Kim",
"Sanghwan Bae",
"Jamin Shin",
"Soyoung Kang",
"Donghyun Kwak",
"Kang Min Yoo",
"Minjoon Seo"
] | 2023-05-23 | Aligning large language models (LLMs) to human values has become increasingly
important as it enables sophisticated steering of LLMs. However, it requires
significant human demonstrations and feedback or distillation from proprietary
LLMs such as ChatGPT. In this work, we propose a novel alignment learning
framework with synthetic feedback not dependent on extensive human annotations
and proprietary LLMs. First, we perform reward modeling (RM) with synthetic
feedback by contrasting responses from vanilla LLMs with various sizes and
prompts. Then, we use the RM to simulate high-quality demonstrations to train a
supervised policy and further optimize the model with reinforcement learning.
Our resulting model, Aligned Language Model with Synthetic Training dataset
(ALMoST), outperforms recent open-sourced models, which are trained on the
outputs of InstructGPT or human-annotated demonstrations, in alignment
benchmarks. In human evaluation, our model is preferred to Alpaca and Dolly-v2,
55.0% and 58.5% of the time, respectively. Further analyses demonstrate the
efficacy and importance of synthetic feedback in our framework. The code is
available at https://github.com/naver-ai/almost | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.11829 | Both | System 2 Attention (is something you might need too) | [
"Jason Weston",
"Sainbayar Sukhbaatar"
] | 2023-11-20 | Soft attention in Transformer-based Large Language Models (LLMs) is
susceptible to incorporating irrelevant information from the context into its
latent representations, which adversely affects next token generations. To help
rectify these issues, we introduce System 2 Attention (S2A), which leverages
the ability of LLMs to reason in natural language and follow instructions in
order to decide what to attend to. S2A regenerates the input context to only
include the relevant portions, before attending to the regenerated context to
elicit the final response. In experiments, S2A outperforms standard
attention-based LLMs on three tasks containing opinion or irrelevant
information, QA, math word problems and longform generation, where S2A
increases factuality and objectivity, and decreases sycophancy. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.06356 | HF | HumanRF: High-Fidelity Neural Radiance Fields for Humans in Motion | [
"Mustafa Işık",
"Martin Rünz",
"Markos Georgopoulos",
"Taras Khakhulin",
"Jonathan Starck",
"Lourdes Agapito",
"Matthias Nießner"
] | 2023-05-10 | Representing human performance at high-fidelity is an essential building
block in diverse applications, such as film production, computer games or
videoconferencing. To close the gap to production-level quality, we introduce
HumanRF, a 4D dynamic neural scene representation that captures full-body
appearance in motion from multi-view video input, and enables playback from
novel, unseen viewpoints. Our novel representation acts as a dynamic video
encoding that captures fine details at high compression rates by factorizing
space-time into a temporal matrix-vector decomposition. This allows us to
obtain temporally coherent reconstructions of human actors for long sequences,
while representing high-resolution details even in the context of challenging
motion. While most research focuses on synthesizing at resolutions of 4MP or
lower, we address the challenge of operating at 12MP. To this end, we introduce
ActorsHQ, a novel multi-view dataset that provides 12MP footage from 160
cameras for 16 sequences with high-fidelity, per-frame mesh reconstructions. We
demonstrate challenges that emerge from using such high-resolution data and
show that our newly introduced HumanRF effectively leverages this data, making
a significant step towards production-level quality novel view synthesis. | 10.1145/3592415 | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2306.09296 | HF | KoLA: Carefully Benchmarking World Knowledge of Large Language Models | [
"Jifan Yu",
"Xiaozhi Wang",
"Shangqing Tu",
"Shulin Cao",
"Daniel Zhang-Li",
"Xin Lv",
"Hao Peng",
"Zijun Yao",
"Xiaohan Zhang",
"Hanming Li",
"Chunyang Li",
"Zheyuan Zhang",
"Yushi Bai",
"Yantao Liu",
"Amy Xin",
"Nianyi Lin",
"Kaifeng Yun",
"Linlu Gong",
"Jianhui Chen",
"Zhili Wu",
"Yunjia Qi",
"Weikai Li",
"Yong Guan",
"Kaisheng Zeng",
"Ji Qi",
"Hailong Jin",
"Jinxin Liu",
"Yu Gu",
"Yuan Yao",
"Ning Ding",
"Lei Hou",
"Zhiyuan Liu",
"Bin Xu",
"Jie Tang",
"Juanzi Li"
] | 2023-06-15 | The unprecedented performance of large language models (LLMs) necessitates
improvements in evaluations. Rather than merely exploring the breadth of LLM
abilities, we believe meticulous and thoughtful designs are essential to
thorough, unbiased, and applicable evaluations. Given the importance of world
knowledge to LLMs, we construct a Knowledge-oriented LLM Assessment benchmark
(KoLA), in which we carefully design three crucial factors: (1) For
\textbf{ability modeling}, we mimic human cognition to form a four-level
taxonomy of knowledge-related abilities, covering $19$ tasks. (2) For
\textbf{data}, to ensure fair comparisons, we use both Wikipedia, a corpus
prevalently pre-trained by LLMs, along with continuously collected emerging
corpora, aiming to evaluate the capacity to handle unseen data and evolving
knowledge. (3) For \textbf{evaluation criteria}, we adopt a contrastive system,
including overall standard scores for better numerical comparability across
tasks and models and a unique self-contrast metric for automatically evaluating
knowledge-creating ability. We evaluate $28$ open-source and commercial LLMs
and obtain some intriguing findings. The KoLA dataset and open-participation
leaderboard are publicly released at https://kola.xlore.cn and will be
continuously updated to provide references for developing LLMs and
knowledge-related systems. | null | cs.CL | [
"cs.CL"
] |
2305.17493 | HF | The Curse of Recursion: Training on Generated Data Makes Models Forget | [
"Ilia Shumailov",
"Zakhar Shumaylov",
"Yiren Zhao",
"Yarin Gal",
"Nicolas Papernot",
"Ross Anderson"
] | 2023-05-27 | Stable Diffusion revolutionised image creation from descriptive text. GPT-2,
GPT-3(.5) and GPT-4 demonstrated astonishing performance across a variety of
language tasks. ChatGPT introduced such language models to the general public.
It is now clear that large language models (LLMs) are here to stay, and will
bring about drastic change in the whole ecosystem of online text and images. In
this paper we consider what the future might hold. What will happen to GPT-{n}
once LLMs contribute much of the language found online? We find that use of
model-generated content in training causes irreversible defects in the
resulting models, where tails of the original content distribution disappear.
We refer to this effect as Model Collapse and show that it can occur in
Variational Autoencoders, Gaussian Mixture Models and LLMs. We build
theoretical intuition behind the phenomenon and portray its ubiquity amongst
all learned generative models. We demonstrate that it has to be taken seriously
if we are to sustain the benefits of training from large-scale data scraped
from the web. Indeed, the value of data collected about genuine human
interactions with systems will be increasingly valuable in the presence of
content generated by LLMs in data crawled from the Internet. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CR",
"cs.CV"
] |
2309.09971 | HF | MindAgent: Emergent Gaming Interaction | [
"Ran Gong",
"Qiuyuan Huang",
"Xiaojian Ma",
"Hoi Vo",
"Zane Durante",
"Yusuke Noda",
"Zilong Zheng",
"Song-Chun Zhu",
"Demetri Terzopoulos",
"Li Fei-Fei",
"Jianfeng Gao"
] | 2023-09-18 | Large Language Models (LLMs) have the capacity of performing complex
scheduling in a multi-agent system and can coordinate these agents into
completing sophisticated tasks that require extensive collaboration. However,
despite the introduction of numerous gaming frameworks, the community has
insufficient benchmarks towards building general multi-agents collaboration
infrastructure that encompass both LLM and human-NPCs collaborations. In this
work, we propose a novel infrastructure - MindAgent - to evaluate planning and
coordination emergent capabilities for gaming interaction. In particular, our
infrastructure leverages existing gaming framework, to i) require understanding
of the coordinator for a multi-agent system, ii) collaborate with human players
via un-finetuned proper instructions, and iii) establish an in-context learning
on few-shot prompt with feedback. Furthermore, we introduce CUISINEWORLD, a new
gaming scenario and related benchmark that dispatch a multi-agent collaboration
efficiency and supervise multiple agents playing the game simultaneously. We
conduct comprehensive evaluations with new auto-metric CoS for calculating the
collaboration efficiency. Finally, our infrastructure can be deployed into
real-world gaming scenarios in a customized VR version of CUISINEWORLD and
adapted in existing broader Minecraft gaming domain. We hope our findings on
LLMs and the new infrastructure for general-purpose scheduling and coordination
can help shed light on how such skills can be obtained by learning from large
language corpora. | null | cs.AI | [
"cs.AI",
"cs.HC",
"cs.MA"
] |
2305.18290 | AnswerAI | Direct Preference Optimization: Your Language Model is Secretly a Reward Model | [
"Rafael Rafailov",
"Archit Sharma",
"Eric Mitchell",
"Stefano Ermon",
"Christopher D. Manning",
"Chelsea Finn"
] | 2023-05-29 | While large-scale unsupervised language models (LMs) learn broad world
knowledge and some reasoning skills, achieving precise control of their
behavior is difficult due to the completely unsupervised nature of their
training. Existing methods for gaining such steerability collect human labels
of the relative quality of model generations and fine-tune the unsupervised LM
to align with these preferences, often with reinforcement learning from human
feedback (RLHF). However, RLHF is a complex and often unstable procedure, first
fitting a reward model that reflects the human preferences, and then
fine-tuning the large unsupervised LM using reinforcement learning to maximize
this estimated reward without drifting too far from the original model. In this
paper we introduce a new parameterization of the reward model in RLHF that
enables extraction of the corresponding optimal policy in closed form, allowing
us to solve the standard RLHF problem with only a simple classification loss.
The resulting algorithm, which we call Direct Preference Optimization (DPO), is
stable, performant, and computationally lightweight, eliminating the need for
sampling from the LM during fine-tuning or performing significant
hyperparameter tuning. Our experiments show that DPO can fine-tune LMs to align
with human preferences as well as or better than existing methods. Notably,
fine-tuning with DPO exceeds PPO-based RLHF in ability to control sentiment of
generations, and matches or improves response quality in summarization and
single-turn dialogue while being substantially simpler to implement and train. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.08303 | HF | DenseFusion-1M: Merging Vision Experts for Comprehensive Multimodal Perception | [
"Xiaotong Li",
"Fan Zhang",
"Haiwen Diao",
"Yueze Wang",
"Xinlong Wang",
"Ling-Yu Duan"
] | 2024-07-11 | Existing Multimodal Large Language Models (MLLMs) increasingly emphasize
complex understanding of various visual elements, including multiple objects,
text information, and spatial relations. Their development for comprehensive
visual perception hinges on the availability of high-quality image-text
datasets that offer diverse visual elements and throughout image descriptions.
However, the scarcity of such hyper-detailed datasets currently hinders
progress within the MLLM community. The bottleneck stems from the limited
perceptual capabilities of current caption engines, which fall short in
providing complete and accurate annotations. To facilitate the cutting-edge
research of MLLMs on comprehensive vision perception, we thereby propose
Perceptual Fusion, using a low-budget but highly effective caption engine for
complete and accurate image descriptions. Specifically, Perceptual Fusion
integrates diverse perception experts as image priors to provide explicit
information on visual elements and adopts an efficient MLLM as a centric pivot
to mimic advanced MLLMs' perception abilities. We carefully select 1M highly
representative images from uncurated LAION dataset and generate dense
descriptions using our engine, dubbed DenseFusion-1M. Extensive experiments
validate that our engine outperforms its counterparts, where the resulting
dataset significantly improves the perception and cognition abilities of
existing MLLMs across diverse vision-language benchmarks, especially with
high-resolution images as inputs. The dataset and code are publicly available
at https://github.com/baaivision/DenseFusion. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2306.03038 | HF | HeadSculpt: Crafting 3D Head Avatars with Text | [
"Xiao Han",
"Yukang Cao",
"Kai Han",
"Xiatian Zhu",
"Jiankang Deng",
"Yi-Zhe Song",
"Tao Xiang",
"Kwan-Yee K. Wong"
] | 2023-06-05 | Recently, text-guided 3D generative methods have made remarkable advancements
in producing high-quality textures and geometry, capitalizing on the
proliferation of large vision-language and image diffusion models. However,
existing methods still struggle to create high-fidelity 3D head avatars in two
aspects: (1) They rely mostly on a pre-trained text-to-image diffusion model
whilst missing the necessary 3D awareness and head priors. This makes them
prone to inconsistency and geometric distortions in the generated avatars. (2)
They fall short in fine-grained editing. This is primarily due to the inherited
limitations from the pre-trained 2D image diffusion models, which become more
pronounced when it comes to 3D head avatars. In this work, we address these
challenges by introducing a versatile coarse-to-fine pipeline dubbed HeadSculpt
for crafting (i.e., generating and editing) 3D head avatars from textual
prompts. Specifically, we first equip the diffusion model with 3D awareness by
leveraging landmark-based control and a learned textual embedding representing
the back view appearance of heads, enabling 3D-consistent head avatar
generations. We further propose a novel identity-aware editing score
distillation strategy to optimize a textured mesh with a high-resolution
differentiable rendering technique. This enables identity preservation while
following the editing instruction. We showcase HeadSculpt's superior fidelity
and editing capabilities through comprehensive experiments and comparisons with
existing methods. | null | cs.CV | [
"cs.CV"
] |
2407.07565 | Both | On Leakage of Code Generation Evaluation Datasets | [
"Alexandre Matton",
"Tom Sherborne",
"Dennis Aumiller",
"Elena Tommasone",
"Milad Alizadeh",
"Jingyi He",
"Raymond Ma",
"Maxime Voisin",
"Ellen Gilsenan-McMahon",
"Matthias Gallé"
] | 2024-07-10 | In this paper we consider contamination by code generation test sets, in
particular in their use in modern large language models. We discuss three
possible sources of such contamination and show findings supporting each of
them: (i) direct data leakage, (ii) indirect data leakage through the use of
synthetic data and (iii) overfitting to evaluation sets during model selection.
Key to our findings is a new dataset of 161 prompts with their associated
python solutions, dataset which is released at
https://huggingface.co/datasets/CohereForAI/lbpp . | null | cs.CL | [
"cs.CL"
] |
2404.01367 | HF | Bigger is not Always Better: Scaling Properties of Latent Diffusion Models | [
"Kangfu Mei",
"Zhengzhong Tu",
"Mauricio Delbracio",
"Hossein Talebi",
"Vishal M. Patel",
"Peyman Milanfar"
] | 2024-04-01 | We study the scaling properties of latent diffusion models (LDMs) with an
emphasis on their sampling efficiency. While improved network architecture and
inference algorithms have shown to effectively boost sampling efficiency of
diffusion models, the role of model size -- a critical determinant of sampling
efficiency -- has not been thoroughly examined. Through empirical analysis of
established text-to-image diffusion models, we conduct an in-depth
investigation into how model size influences sampling efficiency across varying
sampling steps. Our findings unveil a surprising trend: when operating under a
given inference budget, smaller models frequently outperform their larger
equivalents in generating high-quality results. Moreover, we extend our study
to demonstrate the generalizability of the these findings by applying various
diffusion samplers, exploring diverse downstream tasks, evaluating
post-distilled models, as well as comparing performance relative to training
compute. These findings open up new pathways for the development of LDM scaling
strategies which can be employed to enhance generative capabilities within
limited inference budgets. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2311.09227 | HF | Open-Sourcing Highly Capable Foundation Models: An evaluation of risks, benefits, and alternative methods for pursuing open-source objectives | [
"Elizabeth Seger",
"Noemi Dreksler",
"Richard Moulange",
"Emily Dardaman",
"Jonas Schuett",
"K. Wei",
"Christoph Winter",
"Mackenzie Arnold",
"Seán Ó hÉigeartaigh",
"Anton Korinek",
"Markus Anderljung",
"Ben Bucknall",
"Alan Chan",
"Eoghan Stafford",
"Leonie Koessler",
"Aviv Ovadya",
"Ben Garfinkel",
"Emma Bluemke",
"Michael Aird",
"Patrick Levermore",
"Julian Hazell",
"Abhishek Gupta"
] | 2023-09-29 | Recent decisions by leading AI labs to either open-source their models or to
restrict access to their models has sparked debate about whether, and how,
increasingly capable AI models should be shared. Open-sourcing in AI typically
refers to making model architecture and weights freely and publicly accessible
for anyone to modify, study, build on, and use. This offers advantages such as
enabling external oversight, accelerating progress, and decentralizing control
over AI development and use. However, it also presents a growing potential for
misuse and unintended consequences. This paper offers an examination of the
risks and benefits of open-sourcing highly capable foundation models. While
open-sourcing has historically provided substantial net benefits for most
software and AI development processes, we argue that for some highly capable
foundation models likely to be developed in the near future, open-sourcing may
pose sufficiently extreme risks to outweigh the benefits. In such a case,
highly capable foundation models should not be open-sourced, at least not
initially. Alternative strategies, including non-open-source model sharing
options, are explored. The paper concludes with recommendations for developers,
standard-setting bodies, and governments for establishing safe and responsible
model sharing practices and preserving open-source benefits where safe. | null | cs.CY | [
"cs.CY",
"cs.AI",
"cs.SE"
] |
2312.14232 | HF | Parrot Captions Teach CLIP to Spot Text | [
"Yiqi Lin",
"Conghui He",
"Alex Jinpeng Wang",
"Bin Wang",
"Weijia Li",
"Mike Zheng Shou"
] | 2023-12-21 | Despite CLIP being the foundation model in numerous vision-language
applications, the CLIP suffers from a severe text spotting bias. Such bias
causes CLIP models to `Parrot' the visual text embedded within images while
disregarding the authentic visual semantics. We uncover that in the most
popular image-text dataset LAION-2B, the captions also densely parrot (spell)
the text embedded in images. Our analysis shows that around 50% of images are
embedded with visual text content, and around 30% of captions words are in
these embedded visual content. Based on such observation, we thoroughly inspect
the different released versions of CLIP models and verify that the visual text
is the dominant factor in measuring the LAION-style image-text similarity for
these models. To examine whether these parrot captions shape the text spotting
bias, we train a series of CLIP models with LAION subsets curated by different
parrot-caption-oriented criteria. We show that training with parrot captions
easily shapes such bias but harms the expected visual-language representation
learning in CLIP models. This suggests that it is urgent to revisit either the
design of CLIP-like models or the existing image-text dataset curation pipeline
built on CLIP score filtering. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.03729 | AnswerAI | Cognitive Dissonance: Why Do Language Model Outputs Disagree with Internal Representations of Truthfulness? | [
"Kevin Liu",
"Stephen Casper",
"Dylan Hadfield-Menell",
"Jacob Andreas"
] | 2023-11-27 | Neural language models (LMs) can be used to evaluate the truth of factual
statements in two ways: they can be either queried for statement probabilities,
or probed for internal representations of truthfulness. Past work has found
that these two procedures sometimes disagree, and that probes tend to be more
accurate than LM outputs. This has led some researchers to conclude that LMs
"lie" or otherwise encode non-cooperative communicative intents. Is this an
accurate description of today's LMs, or can query-probe disagreement arise in
other ways? We identify three different classes of disagreement, which we term
confabulation, deception, and heterogeneity. In many cases, the superiority of
probes is simply attributable to better calibration on uncertain answers rather
than a greater fraction of correct, high-confidence answers. In some cases,
queries and probes perform better on different subsets of inputs, and accuracy
can further be improved by ensembling the two. Code is available at
github.com/lingo-mit/lm-truthfulness. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.03900 | HF | Speech-MASSIVE: A Multilingual Speech Dataset for SLU and Beyond | [
"Beomseok Lee",
"Ioan Calapodescu",
"Marco Gaido",
"Matteo Negri",
"Laurent Besacier"
] | 2024-08-07 | We present Speech-MASSIVE, a multilingual Spoken Language Understanding (SLU)
dataset comprising the speech counterpart for a portion of the MASSIVE textual
corpus. Speech-MASSIVE covers 12 languages from different families and inherits
from MASSIVE the annotations for the intent prediction and slot-filling tasks.
Our extension is prompted by the scarcity of massively multilingual SLU
datasets and the growing need for versatile speech datasets to assess
foundation models (LLMs, speech encoders) across languages and tasks. We
provide a multimodal, multitask, multilingual dataset and report SLU baselines
using both cascaded and end-to-end architectures in various training scenarios
(zero-shot, few-shot, and full fine-tune). Furthermore, we demonstrate the
suitability of Speech-MASSIVE for benchmarking other tasks such as speech
transcription, language identification, and speech translation. The dataset,
models, and code are publicly available at:
https://github.com/hlt-mt/Speech-MASSIVE | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2206.14486 | AnswerAI | Beyond neural scaling laws: beating power law scaling via data pruning | [
"Ben Sorscher",
"Robert Geirhos",
"Shashank Shekhar",
"Surya Ganguli",
"Ari S. Morcos"
] | 2022-06-29 | Widely observed neural scaling laws, in which error falls off as a power of
the training set size, model size, or both, have driven substantial performance
improvements in deep learning. However, these improvements through scaling
alone require considerable costs in compute and energy. Here we focus on the
scaling of error with dataset size and show how in theory we can break beyond
power law scaling and potentially even reduce it to exponential scaling instead
if we have access to a high-quality data pruning metric that ranks the order in
which training examples should be discarded to achieve any pruned dataset size.
We then test this improved scaling prediction with pruned dataset size
empirically, and indeed observe better than power law scaling in practice on
ResNets trained on CIFAR-10, SVHN, and ImageNet. Next, given the importance of
finding high-quality pruning metrics, we perform the first large-scale
benchmarking study of ten different data pruning metrics on ImageNet. We find
most existing high performing metrics scale poorly to ImageNet, while the best
are computationally intensive and require labels for every image. We therefore
developed a new simple, cheap and scalable self-supervised pruning metric that
demonstrates comparable performance to the best supervised metrics. Overall,
our work suggests that the discovery of good data-pruning metrics may provide a
viable path forward to substantially improved neural scaling laws, thereby
reducing the resource costs of modern deep learning. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV",
"stat.ML"
] |
2312.09579 | HF | MobileSAMv2: Faster Segment Anything to Everything | [
"Chaoning Zhang",
"Dongshen Han",
"Sheng Zheng",
"Jinwoo Choi",
"Tae-Ho Kim",
"Choong Seon Hong"
] | 2023-12-15 | Segment anything model (SAM) addresses two practical yet challenging
segmentation tasks: \textbf{segment anything (SegAny)}, which utilizes a
certain point to predict the mask for a single object of interest, and
\textbf{segment everything (SegEvery)}, which predicts the masks for all
objects on the image. What makes SegAny slow for SAM is its heavyweight image
encoder, which has been addressed by MobileSAM via decoupled knowledge
distillation. The efficiency bottleneck of SegEvery with SAM, however, lies in
its mask decoder because it needs to first generate numerous masks with
redundant grid-search prompts and then perform filtering to obtain the final
valid masks. We propose to improve its efficiency by directly generating the
final masks with only valid prompts, which can be obtained through object
discovery. Our proposed approach not only helps reduce the total time on the
mask decoder by at least 16 times but also achieves superior performance.
Specifically, our approach yields an average performance boost of 3.6\% (42.5\%
\textit{v.s.} 38.9\%) for zero-shot object proposal on the LVIS dataset with
the mask AR@$K$ metric. Qualitative results show that our approach generates
fine-grained masks while avoiding over-segmenting things. This project
targeting faster SegEvery than the original SAM is termed MobileSAMv2 to
differentiate from MobileSAM which targets faster SegAny. Moreover, we
demonstrate that our new prompt sampling is also compatible with the distilled
image encoders in MobileSAM, contributing to a unified framework for efficient
SegAny and SegEvery. The code is available at the same link as MobileSAM
Project
\href{https://github.com/ChaoningZhang/MobileSAM}{\textcolor{red}{https://github.com/ChaoningZhang/MobileSAM}}.
\end{abstract} | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2311.03079 | HF | CogVLM: Visual Expert for Pretrained Language Models | [
"Weihan Wang",
"Qingsong Lv",
"Wenmeng Yu",
"Wenyi Hong",
"Ji Qi",
"Yan Wang",
"Junhui Ji",
"Zhuoyi Yang",
"Lei Zhao",
"Xixuan Song",
"Jiazheng Xu",
"Bin Xu",
"Juanzi Li",
"Yuxiao Dong",
"Ming Ding",
"Jie Tang"
] | 2023-11-06 | We introduce CogVLM, a powerful open-source visual language foundation model.
Different from the popular shallow alignment method which maps image features
into the input space of language model, CogVLM bridges the gap between the
frozen pretrained language model and image encoder by a trainable visual expert
module in the attention and FFN layers. As a result, CogVLM enables deep fusion
of vision language features without sacrificing any performance on NLP tasks.
CogVLM-17B achieves state-of-the-art performance on 10 classic cross-modal
benchmarks, including NoCaps, Flicker30k captioning, RefCOCO, RefCOCO+,
RefCOCOg, Visual7W, GQA, ScienceQA, VizWiz VQA and TDIUC, and ranks the 2nd on
VQAv2, OKVQA, TextVQA, COCO captioning, etc., surpassing or matching PaLI-X
55B. Codes and checkpoints are available at https://github.com/THUDM/CogVLM. | null | cs.CV | [
"cs.CV"
] |
2312.02116 | Both | GIVT: Generative Infinite-Vocabulary Transformers | [
"Michael Tschannen",
"Cian Eastwood",
"Fabian Mentzer"
] | 2023-12-04 | We introduce Generative Infinite-Vocabulary Transformers (GIVT) which
generate vector sequences with real-valued entries, instead of discrete tokens
from a finite vocabulary. To this end, we propose two surprisingly simple
modifications to decoder-only transformers: 1) at the input, we replace the
finite-vocabulary lookup table with a linear projection of the input vectors;
and 2) at the output, we replace the logits prediction (usually mapped to a
categorical distribution) with the parameters of a multivariate Gaussian
mixture model. Inspired by the image-generation paradigm of VQ-GAN and MaskGIT,
where transformers are used to model the discrete latent sequences of a VQ-VAE,
we use GIVT to model the unquantized real-valued latent sequences of a
$\beta$-VAE. In class-conditional image generation GIVT outperforms VQ-GAN (and
improved variants thereof) as well as MaskGIT, and achieves performance
competitive with recent latent diffusion models. Finally, we obtain strong
results outside of image generation when applying GIVT to panoptic segmentation
and depth estimation with a VAE variant of the UViM framework. | null | cs.CV | [
"cs.CV"
] |
2406.10996 | HF | THEANINE: Revisiting Memory Management in Long-term Conversations with Timeline-augmented Response Generation | [
"Seo Hyun Kim",
"Kai Tzu-iunn Ong",
"Taeyoon Kwon",
"Namyoung Kim",
"Keummin Ka",
"SeongHyeon Bae",
"Yohan Jo",
"Seung-won Hwang",
"Dongha Lee",
"Jinyoung Yeo"
] | 2024-06-16 | Large language models (LLMs) are capable of processing lengthy dialogue
histories during prolonged interaction with users without additional memory
modules; however, their responses tend to overlook or incorrectly recall
information from the past. In this paper, we revisit memory-augmented response
generation in the era of LLMs. While prior work focuses on getting rid of
outdated memories, we argue that such memories can provide contextual cues that
help dialogue systems understand the development of past events and, therefore,
benefit response generation. We present Theanine, a framework that augments
LLMs' response generation with memory timelines -- series of memories that
demonstrate the development and causality of relevant past events. Along with
Theanine, we introduce TeaFarm, a counterfactual-driven question-answering
pipeline addressing the limitation of G-Eval in long-term conversations.
Supplementary videos of our methods and the TeaBag dataset for TeaFarm
evaluation are in https://theanine-693b0.web.app/. | null | cs.CL | [
"cs.CL"
] |
2310.13355 | HF | SILC: Improving Vision Language Pretraining with Self-Distillation | [
"Muhammad Ferjad Naeem",
"Yongqin Xian",
"Xiaohua Zhai",
"Lukas Hoyer",
"Luc Van Gool",
"Federico Tombari"
] | 2023-10-20 | Image-Text pretraining on web-scale image caption datasets has become the
default recipe for open vocabulary classification and retrieval models thanks
to the success of CLIP and its variants. Several works have also used CLIP
features for dense prediction tasks and have shown the emergence of open-set
abilities. However, the contrastive objective used by these models only focuses
on image-text alignment and does not incentivise image feature learning for
dense prediction tasks. In this work, we introduce SILC, a novel framework for
vision language pretraining. SILC improves image-text contrastive learning with
the simple addition of local-to-global correspondence learning by
self-distillation. We show that distilling local image features from an
exponential moving average (EMA) teacher model significantly improves model
performance on dense predictions tasks like detection and segmentation, while
also providing improvements on image-level tasks such as classification and
retrieval. SILC models sets a new state of the art for zero-shot
classification, few shot classification, image and text retrieval, zero-shot
segmentation, and open vocabulary segmentation. We further show that SILC
features greatly benefit open vocabulary detection, captioning and visual
question answering. | null | cs.CV | [
"cs.CV"
] |
2403.07420 | HF | DragAnything: Motion Control for Anything using Entity Representation | [
"Weijia Wu",
"Zhuang Li",
"Yuchao Gu",
"Rui Zhao",
"Yefei He",
"David Junhao Zhang",
"Mike Zheng Shou",
"Yan Li",
"Tingting Gao",
"Di Zhang"
] | 2024-03-12 | We introduce DragAnything, which utilizes a entity representation to achieve
motion control for any object in controllable video generation. Comparison to
existing motion control methods, DragAnything offers several advantages.
Firstly, trajectory-based is more userfriendly for interaction, when acquiring
other guidance signals (e.g., masks, depth maps) is labor-intensive. Users only
need to draw a line (trajectory) during interaction. Secondly, our entity
representation serves as an open-domain embedding capable of representing any
object, enabling the control of motion for diverse entities, including
background. Lastly, our entity representation allows simultaneous and distinct
motion control for multiple objects. Extensive experiments demonstrate that our
DragAnything achieves state-of-the-art performance for FVD, FID, and User
Study, particularly in terms of object motion control, where our method
surpasses the previous methods (e.g., DragNUWA) by 26% in human voting. | null | cs.CV | [
"cs.CV"
] |
2312.00752 | Both | Mamba: Linear-Time Sequence Modeling with Selective State Spaces | [
"Albert Gu",
"Tri Dao"
] | 2023-12-01 | Foundation models, now powering most of the exciting applications in deep
learning, are almost universally based on the Transformer architecture and its
core attention module. Many subquadratic-time architectures such as linear
attention, gated convolution and recurrent models, and structured state space
models (SSMs) have been developed to address Transformers' computational
inefficiency on long sequences, but they have not performed as well as
attention on important modalities such as language. We identify that a key
weakness of such models is their inability to perform content-based reasoning,
and make several improvements. First, simply letting the SSM parameters be
functions of the input addresses their weakness with discrete modalities,
allowing the model to selectively propagate or forget information along the
sequence length dimension depending on the current token. Second, even though
this change prevents the use of efficient convolutions, we design a
hardware-aware parallel algorithm in recurrent mode. We integrate these
selective SSMs into a simplified end-to-end neural network architecture without
attention or even MLP blocks (Mamba). Mamba enjoys fast inference (5$\times$
higher throughput than Transformers) and linear scaling in sequence length, and
its performance improves on real data up to million-length sequences. As a
general sequence model backbone, Mamba achieves state-of-the-art performance
across several modalities such as language, audio, and genomics. On language
modeling, our Mamba-3B model outperforms Transformers of the same size and
matches Transformers twice its size, both in pretraining and downstream
evaluation. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2311.04589 | HF | TEAL: Tokenize and Embed ALL for Multi-modal Large Language Models | [
"Zhen Yang",
"Yingxue Zhang",
"Fandong Meng",
"Jie Zhou"
] | 2023-11-08 | Despite Multi-modal Large Language Models (MM-LLMs) have made exciting
strides recently, they are still struggling to efficiently model the
interactions among multi-modal inputs and the generation in non-textual
modalities. In this work, we propose TEAL (Tokenize and Embed ALl)}, an
approach to treat the input from any modality as a token sequence and learn a
joint embedding space for all modalities. Specifically, for the input from any
modality, TEAL first discretizes it into a token sequence with the
off-the-shelf tokenizer and embeds the token sequence into a joint embedding
space with a learnable embedding matrix. MM-LLMs just need to predict the
multi-modal tokens autoregressively as the textual LLMs do. Finally, the
corresponding de-tokenizer is applied to generate the output in each modality
based on the predicted token sequence. With the joint embedding space, TEAL
enables the frozen LLMs to perform both understanding and generation tasks
involving non-textual modalities, such as image and audio. Thus, the textual
LLM can just work as an interface and maintain its high performance in textual
understanding and generation. Experiments show that TEAL achieves substantial
improvements in multi-modal understanding, and implements a simple scheme for
multi-modal generations. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2210.03029 | AnswerAI | Efficiently Enhancing Zero-Shot Performance of Instruction Following Model via Retrieval of Soft Prompt | [
"Seonghyeon Ye",
"Joel Jang",
"Doyoung Kim",
"Yongrae Jo",
"Minjoon Seo"
] | 2022-10-06 | Enhancing the zero-shot performance of instruction-following models requires
heavy computation, either by scaling the total number of training datasets or
the model size. In this work, we explore how retrieval of soft prompts obtained
through prompt tuning can efficiently assist hard prompts in zero-shot task
generalization. Specifically, we train soft prompt embeddings for each prompt
through prompt tuning, store the samples of the training instances mapped with
the prompt embeddings, and retrieve the corresponding prompt embedding of the
training instance closest to the query instance during inference. While only
adding 0.007% additional parameters, retrieval of soft prompt enhances the
performance of T0 on unseen tasks by outperforming it on 10 out of 11 datasets
as well as improving the mean accuracy of T0 on BIG-bench benchmark by 2.39%
points. Also, we report an interesting finding that retrieving source
embeddings trained on similar answer choice formats is more important than
those on similar task types. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2311.08526 | AnswerAI | GLiNER: Generalist Model for Named Entity Recognition using Bidirectional Transformer | [
"Urchade Zaratiana",
"Nadi Tomeh",
"Pierre Holat",
"Thierry Charnois"
] | 2023-11-14 | Named Entity Recognition (NER) is essential in various Natural Language
Processing (NLP) applications. Traditional NER models are effective but limited
to a set of predefined entity types. In contrast, Large Language Models (LLMs)
can extract arbitrary entities through natural language instructions, offering
greater flexibility. However, their size and cost, particularly for those
accessed via APIs like ChatGPT, make them impractical in resource-limited
scenarios. In this paper, we introduce a compact NER model trained to identify
any type of entity. Leveraging a bidirectional transformer encoder, our model,
GLiNER, facilitates parallel entity extraction, an advantage over the slow
sequential token generation of LLMs. Through comprehensive testing, GLiNER
demonstrate strong performance, outperforming both ChatGPT and fine-tuned LLMs
in zero-shot evaluations on various NER benchmarks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.04212 | HF | Video Instance Matting | [
"Jiachen Li",
"Roberto Henschel",
"Vidit Goel",
"Marianna Ohanyan",
"Shant Navasardyan",
"Humphrey Shi"
] | 2023-11-07 | Conventional video matting outputs one alpha matte for all instances
appearing in a video frame so that individual instances are not distinguished.
While video instance segmentation provides time-consistent instance masks,
results are unsatisfactory for matting applications, especially due to applied
binarization. To remedy this deficiency, we propose Video Instance
Matting~(VIM), that is, estimating alpha mattes of each instance at each frame
of a video sequence. To tackle this challenging problem, we present MSG-VIM, a
Mask Sequence Guided Video Instance Matting neural network, as a novel baseline
model for VIM. MSG-VIM leverages a mixture of mask augmentations to make
predictions robust to inaccurate and inconsistent mask guidance. It
incorporates temporal mask and temporal feature guidance to improve the
temporal consistency of alpha matte predictions. Furthermore, we build a new
benchmark for VIM, called VIM50, which comprises 50 video clips with multiple
human instances as foreground objects. To evaluate performances on the VIM
task, we introduce a suitable metric called Video Instance-aware Matting
Quality~(VIMQ). Our proposed model MSG-VIM sets a strong baseline on the VIM50
benchmark and outperforms existing methods by a large margin. The project is
open-sourced at https://github.com/SHI-Labs/VIM. | null | cs.CV | [
"cs.CV"
] |
2407.08674 | HF | Still-Moving: Customized Video Generation without Customized Video Data | [
"Hila Chefer",
"Shiran Zada",
"Roni Paiss",
"Ariel Ephrat",
"Omer Tov",
"Michael Rubinstein",
"Lior Wolf",
"Tali Dekel",
"Tomer Michaeli",
"Inbar Mosseri"
] | 2024-07-11 | Customizing text-to-image (T2I) models has seen tremendous progress recently,
particularly in areas such as personalization, stylization, and conditional
generation. However, expanding this progress to video generation is still in
its infancy, primarily due to the lack of customized video data. In this work,
we introduce Still-Moving, a novel generic framework for customizing a
text-to-video (T2V) model, without requiring any customized video data. The
framework applies to the prominent T2V design where the video model is built
over a text-to-image (T2I) model (e.g., via inflation). We assume access to a
customized version of the T2I model, trained only on still image data (e.g.,
using DreamBooth or StyleDrop). Naively plugging in the weights of the
customized T2I model into the T2V model often leads to significant artifacts or
insufficient adherence to the customization data. To overcome this issue, we
train lightweight $\textit{Spatial Adapters}$ that adjust the features produced
by the injected T2I layers. Importantly, our adapters are trained on
$\textit{"frozen videos"}$ (i.e., repeated images), constructed from image
samples generated by the customized T2I model. This training is facilitated by
a novel $\textit{Motion Adapter}$ module, which allows us to train on such
static videos while preserving the motion prior of the video model. At test
time, we remove the Motion Adapter modules and leave in only the trained
Spatial Adapters. This restores the motion prior of the T2V model while
adhering to the spatial prior of the customized T2I model. We demonstrate the
effectiveness of our approach on diverse tasks including personalized,
stylized, and conditional generation. In all evaluated scenarios, our method
seamlessly integrates the spatial prior of the customized T2I model with a
motion prior supplied by the T2V model. | null | cs.CV | [
"cs.CV"
] |
2310.17880 | HF | Reconstructive Latent-Space Neural Radiance Fields for Efficient 3D Scene Representations | [
"Tristan Aumentado-Armstrong",
"Ashkan Mirzaei",
"Marcus A. Brubaker",
"Jonathan Kelly",
"Alex Levinshtein",
"Konstantinos G. Derpanis",
"Igor Gilitschenski"
] | 2023-10-27 | Neural Radiance Fields (NeRFs) have proven to be powerful 3D representations,
capable of high quality novel view synthesis of complex scenes. While NeRFs
have been applied to graphics, vision, and robotics, problems with slow
rendering speed and characteristic visual artifacts prevent adoption in many
use cases. In this work, we investigate combining an autoencoder (AE) with a
NeRF, in which latent features (instead of colours) are rendered and then
convolutionally decoded. The resulting latent-space NeRF can produce novel
views with higher quality than standard colour-space NeRFs, as the AE can
correct certain visual artifacts, while rendering over three times faster. Our
work is orthogonal to other techniques for improving NeRF efficiency. Further,
we can control the tradeoff between efficiency and image quality by shrinking
the AE architecture, achieving over 13 times faster rendering with only a small
drop in performance. We hope that our approach can form the basis of an
efficient, yet high-fidelity, 3D scene representation for downstream tasks,
especially when retaining differentiability is useful, as in many robotics
scenarios requiring continual learning. | null | cs.CV | [
"cs.CV",
"I.2.10"
] |
2309.07990 | HF | Leveraging Contextual Information for Effective Entity Salience Detection | [
"Rajarshi Bhowmik",
"Marco Ponza",
"Atharva Tendle",
"Anant Gupta",
"Rebecca Jiang",
"Xingyu Lu",
"Qian Zhao",
"Daniel Preotiuc-Pietro"
] | 2023-09-14 | In text documents such as news articles, the content and key events usually
revolve around a subset of all the entities mentioned in a document. These
entities, often deemed as salient entities, provide useful cues of the
aboutness of a document to a reader. Identifying the salience of entities was
found helpful in several downstream applications such as search, ranking, and
entity-centric summarization, among others. Prior work on salient entity
detection mainly focused on machine learning models that require heavy feature
engineering. We show that fine-tuning medium-sized language models with a
cross-encoder style architecture yields substantial performance gains over
feature engineering approaches. To this end, we conduct a comprehensive
benchmarking of four publicly available datasets using models representative of
the medium-sized pre-trained language model family. Additionally, we show that
zero-shot prompting of instruction-tuned language models yields inferior
results, indicating the task's uniqueness and complexity. | null | cs.CL | [
"cs.CL"
] |
2408.10188 | HF | LongVILA: Scaling Long-Context Visual Language Models for Long Videos | [
"Fuzhao Xue",
"Yukang Chen",
"Dacheng Li",
"Qinghao Hu",
"Ligeng Zhu",
"Xiuyu Li",
"Yunhao Fang",
"Haotian Tang",
"Shang Yang",
"Zhijian Liu",
"Ethan He",
"Hongxu Yin",
"Pavlo Molchanov",
"Jan Kautz",
"Linxi Fan",
"Yuke Zhu",
"Yao Lu",
"Song Han"
] | 2024-08-19 | Long-context capability is critical for multi-modal foundation models,
especially for long video understanding. We introduce LongVILA, a full-stack
solution for long-context visual-language models by co-designing the algorithm
and system. For model training, we upgrade existing VLMs to support long video
understanding by incorporating two additional stages, i.e., long context
extension and long supervised fine-tuning. However, training on long video is
computationally and memory intensive. We introduce the long-context Multi-Modal
Sequence Parallelism (MM-SP) system that efficiently parallelizes long video
training and inference, enabling 2M context length training on 256 GPUs without
any gradient checkpointing. LongVILA efficiently extends the number of video
frames of VILA from 8 to 1024, improving the long video captioning score from
2.00 to 3.26 (out of 5), achieving 99.5% accuracy in 1400-frame (274k context
length) video needle-in-a-haystack. LongVILA-8B demonstrates consistent
accuracy improvements on long videos in the VideoMME benchmark as the number of
frames increases. Besides, MM-SP is 2.1x - 5.7x faster than ring sequence
parallelism and 1.1x - 1.4x faster than Megatron with context parallelism +
tensor parallelism. Moreover, it seamlessly integrates with Hugging Face
Transformers. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2407.04620 | Both | Learning to (Learn at Test Time): RNNs with Expressive Hidden States | [
"Yu Sun",
"Xinhao Li",
"Karan Dalal",
"Jiarui Xu",
"Arjun Vikram",
"Genghan Zhang",
"Yann Dubois",
"Xinlei Chen",
"Xiaolong Wang",
"Sanmi Koyejo",
"Tatsunori Hashimoto",
"Carlos Guestrin"
] | 2024-07-05 | Self-attention performs well in long context but has quadratic complexity.
Existing RNN layers have linear complexity, but their performance in long
context is limited by the expressive power of their hidden state. We propose a
new class of sequence modeling layers with linear complexity and an expressive
hidden state. The key idea is to make the hidden state a machine learning model
itself, and the update rule a step of self-supervised learning. Since the
hidden state is updated by training even on test sequences, our layers are
called Test-Time Training (TTT) layers. We consider two instantiations:
TTT-Linear and TTT-MLP, whose hidden state is a linear model and a two-layer
MLP respectively. We evaluate our instantiations at the scale of 125M to 1.3B
parameters, comparing with a strong Transformer and Mamba, a modern RNN. Both
TTT-Linear and TTT-MLP match or exceed the baselines. Similar to Transformer,
they can keep reducing perplexity by conditioning on more tokens, while Mamba
cannot after 16k context. With preliminary systems optimization, TTT-Linear is
already faster than Transformer at 8k context and matches Mamba in wall-clock
time. TTT-MLP still faces challenges in memory I/O, but shows larger potential
in long context, pointing to a promising direction for future research. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2312.15430 | HF | Make-A-Character: High Quality Text-to-3D Character Generation within Minutes | [
"Jianqiang Ren",
"Chao He",
"Lin Liu",
"Jiahao Chen",
"Yutong Wang",
"Yafei Song",
"Jianfang Li",
"Tangli Xue",
"Siqi Hu",
"Tao Chen",
"Kunkun Zheng",
"Jianjing Xiang",
"Liefeng Bo"
] | 2023-12-24 | There is a growing demand for customized and expressive 3D characters with
the emergence of AI agents and Metaverse, but creating 3D characters using
traditional computer graphics tools is a complex and time-consuming task. To
address these challenges, we propose a user-friendly framework named
Make-A-Character (Mach) to create lifelike 3D avatars from text descriptions.
The framework leverages the power of large language and vision models for
textual intention understanding and intermediate image generation, followed by
a series of human-oriented visual perception and 3D generation modules. Our
system offers an intuitive approach for users to craft controllable, realistic,
fully-realized 3D characters that meet their expectations within 2 minutes,
while also enabling easy integration with existing CG pipeline for dynamic
expressiveness. For more information, please visit the project page at
https://human3daigc.github.io/MACH/. | null | cs.CV | [
"cs.CV"
] |
2211.03495 | AnswerAI | How Much Does Attention Actually Attend? Questioning the Importance of Attention in Pretrained Transformers | [
"Michael Hassid",
"Hao Peng",
"Daniel Rotem",
"Jungo Kasai",
"Ivan Montero",
"Noah A. Smith",
"Roy Schwartz"
] | 2022-11-07 | The attention mechanism is considered the backbone of the widely-used
Transformer architecture. It contextualizes the input by computing
input-specific attention matrices. We find that this mechanism, while powerful
and elegant, is not as important as typically thought for pretrained language
models. We introduce PAPA, a new probing method that replaces the
input-dependent attention matrices with constant ones -- the average attention
weights over multiple inputs. We use PAPA to analyze several established
pretrained Transformers on six downstream tasks. We find that without any
input-dependent attention, all models achieve competitive performance -- an
average relative drop of only 8% from the probing baseline. Further, little or
no performance drop is observed when replacing half of the input-dependent
attention matrices with constant (input-independent) ones. Interestingly, we
show that better-performing models lose more from applying our method than
weaker models, suggesting that the utilization of the input-dependent attention
mechanism might be a factor in their success. Our results motivate research on
simpler alternatives to input-dependent attention, as well as on methods for
better utilization of this mechanism in the Transformer architecture. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2308.07891 | HF | Link-Context Learning for Multimodal LLMs | [
"Yan Tai",
"Weichen Fan",
"Zhao Zhang",
"Feng Zhu",
"Rui Zhao",
"Ziwei Liu"
] | 2023-08-15 | The ability to learn from context with novel concepts, and deliver
appropriate responses are essential in human conversations. Despite current
Multimodal Large Language Models (MLLMs) and Large Language Models (LLMs) being
trained on mega-scale datasets, recognizing unseen images or understanding
novel concepts in a training-free manner remains a challenge. In-Context
Learning (ICL) explores training-free few-shot learning, where models are
encouraged to ``learn to learn" from limited tasks and generalize to unseen
tasks. In this work, we propose link-context learning (LCL), which emphasizes
"reasoning from cause and effect" to augment the learning capabilities of
MLLMs. LCL goes beyond traditional ICL by explicitly strengthening the causal
relationship between the support set and the query set. By providing
demonstrations with causal links, LCL guides the model to discern not only the
analogy but also the underlying causal associations between data points, which
empowers MLLMs to recognize unseen images and understand novel concepts more
effectively. To facilitate the evaluation of this novel approach, we introduce
the ISEKAI dataset, comprising exclusively of unseen generated image-label
pairs designed for link-context learning. Extensive experiments show that our
LCL-MLLM exhibits strong link-context learning capabilities to novel concepts
over vanilla MLLMs. Code and data will be released at
https://github.com/isekai-portal/Link-Context-Learning. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2307.09009 | HF | How is ChatGPT's behavior changing over time? | [
"Lingjiao Chen",
"Matei Zaharia",
"James Zou"
] | 2023-07-18 | GPT-3.5 and GPT-4 are the two most widely used large language model (LLM)
services. However, when and how these models are updated over time is opaque.
Here, we evaluate the March 2023 and June 2023 versions of GPT-3.5 and GPT-4 on
several diverse tasks: 1) math problems, 2) sensitive/dangerous questions, 3)
opinion surveys, 4) multi-hop knowledge-intensive questions, 5) generating
code, 6) US Medical License tests, and 7) visual reasoning. We find that the
performance and behavior of both GPT-3.5 and GPT-4 can vary greatly over time.
For example, GPT-4 (March 2023) was reasonable at identifying prime vs.
composite numbers (84% accuracy) but GPT-4 (June 2023) was poor on these same
questions (51% accuracy). This is partly explained by a drop in GPT-4's amenity
to follow chain-of-thought prompting. Interestingly, GPT-3.5 was much better in
June than in March in this task. GPT-4 became less willing to answer sensitive
questions and opinion survey questions in June than in March. GPT-4 performed
better at multi-hop questions in June than in March, while GPT-3.5's
performance dropped on this task. Both GPT-4 and GPT-3.5 had more formatting
mistakes in code generation in June than in March. We provide evidence that
GPT-4's ability to follow user instructions has decreased over time, which is
one common factor behind the many behavior drifts. Overall, our findings show
that the behavior of the "same" LLM service can change substantially in a
relatively short amount of time, highlighting the need for continuous
monitoring of LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.12925 | HF | AudioPaLM: A Large Language Model That Can Speak and Listen | [
"Paul K. Rubenstein",
"Chulayuth Asawaroengchai",
"Duc Dung Nguyen",
"Ankur Bapna",
"Zalán Borsos",
"Félix de Chaumont Quitry",
"Peter Chen",
"Dalia El Badawy",
"Wei Han",
"Eugene Kharitonov",
"Hannah Muckenhirn",
"Dirk Padfield",
"James Qin",
"Danny Rozenberg",
"Tara Sainath",
"Johan Schalkwyk",
"Matt Sharifi",
"Michelle Tadmor Ramanovich",
"Marco Tagliasacchi",
"Alexandru Tudor",
"Mihajlo Velimirović",
"Damien Vincent",
"Jiahui Yu",
"Yongqiang Wang",
"Vicky Zayats",
"Neil Zeghidour",
"Yu Zhang",
"Zhishuai Zhang",
"Lukas Zilka",
"Christian Frank"
] | 2023-06-22 | We introduce AudioPaLM, a large language model for speech understanding and
generation. AudioPaLM fuses text-based and speech-based language models, PaLM-2
[Anil et al., 2023] and AudioLM [Borsos et al., 2022], into a unified
multimodal architecture that can process and generate text and speech with
applications including speech recognition and speech-to-speech translation.
AudioPaLM inherits the capability to preserve paralinguistic information such
as speaker identity and intonation from AudioLM and the linguistic knowledge
present only in text large language models such as PaLM-2. We demonstrate that
initializing AudioPaLM with the weights of a text-only large language model
improves speech processing, successfully leveraging the larger quantity of text
training data used in pretraining to assist with the speech tasks. The
resulting model significantly outperforms existing systems for speech
translation tasks and has the ability to perform zero-shot speech-to-text
translation for many languages for which input/target language combinations
were not seen in training. AudioPaLM also demonstrates features of audio
language models, such as transferring a voice across languages based on a short
spoken prompt. We release examples of our method at
https://google-research.github.io/seanet/audiopalm/examples | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SD",
"eess.AS",
"stat.ML"
] |
2312.12791 | HF | Model-Based Control with Sparse Neural Dynamics | [
"Ziang Liu",
"Genggeng Zhou",
"Jeff He",
"Tobia Marcucci",
"Li Fei-Fei",
"Jiajun Wu",
"Yunzhu Li"
] | 2023-12-20 | Learning predictive models from observations using deep neural networks
(DNNs) is a promising new approach to many real-world planning and control
problems. However, common DNNs are too unstructured for effective planning, and
current control methods typically rely on extensive sampling or local gradient
descent. In this paper, we propose a new framework for integrated model
learning and predictive control that is amenable to efficient optimization
algorithms. Specifically, we start with a ReLU neural model of the system
dynamics and, with minimal losses in prediction accuracy, we gradually sparsify
it by removing redundant neurons. This discrete sparsification process is
approximated as a continuous problem, enabling an end-to-end optimization of
both the model architecture and the weight parameters. The sparsified model is
subsequently used by a mixed-integer predictive controller, which represents
the neuron activations as binary variables and employs efficient
branch-and-bound algorithms. Our framework is applicable to a wide variety of
DNNs, from simple multilayer perceptrons to complex graph neural dynamics. It
can efficiently handle tasks involving complicated contact dynamics, such as
object pushing, compositional object sorting, and manipulation of deformable
objects. Numerical and hardware experiments show that, despite the aggressive
sparsification, our framework can deliver better closed-loop performance than
existing state-of-the-art methods. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2407.05528 | HF | An accurate detection is not all you need to combat label noise in web-noisy datasets | [
"Paul Albert",
"Jack Valmadre",
"Eric Arazo",
"Tarun Krishna",
"Noel E. O'Connor",
"Kevin McGuinness"
] | 2024-07-08 | Training a classifier on web-crawled data demands learning algorithms that
are robust to annotation errors and irrelevant examples. This paper builds upon
the recent empirical observation that applying unsupervised contrastive
learning to noisy, web-crawled datasets yields a feature representation under
which the in-distribution (ID) and out-of-distribution (OOD) samples are
linearly separable. We show that direct estimation of the separating hyperplane
can indeed offer an accurate detection of OOD samples, and yet, surprisingly,
this detection does not translate into gains in classification accuracy.
Digging deeper into this phenomenon, we discover that the near-perfect
detection misses a type of clean examples that are valuable for supervised
learning. These examples often represent visually simple images, which are
relatively easy to identify as clean examples using standard loss- or
distance-based methods despite being poorly separated from the OOD distribution
using unsupervised learning. Because we further observe a low correlation with
SOTA metrics, this urges us to propose a hybrid solution that alternates
between noise detection using linear separation and a state-of-the-art (SOTA)
small-loss approach. When combined with the SOTA algorithm PLS, we
substantially improve SOTA results for real-world image classification in the
presence of web noise github.com/PaulAlbert31/LSA | null | cs.CV | [
"cs.CV"
] |
2305.16300 | AnswerAI | Landmark Attention: Random-Access Infinite Context Length for Transformers | [
"Amirkeivan Mohtashami",
"Martin Jaggi"
] | 2023-05-25 | While Transformers have shown remarkable success in natural language
processing, their attention mechanism's large memory requirements have limited
their ability to handle longer contexts. Prior approaches, such as recurrent
memory or retrieval-based augmentation, have either compromised the
random-access flexibility of attention (i.e., the capability to select any
token in the entire context) or relied on separate mechanisms for relevant
context retrieval, which may not be compatible with the model's attention. In
this paper, we present a novel approach that allows access to the complete
context while retaining random-access flexibility, closely resembling running
attention on the entire context. Our method uses a landmark token to represent
each block of the input and trains the attention to use it for selecting
relevant blocks, enabling retrieval of blocks directly through the attention
mechanism instead of by relying on a separate mechanism. Our approach
seamlessly integrates with specialized data structures and the system's memory
hierarchy, enabling processing of arbitrarily long context lengths. We
demonstrate that our method can obtain comparable performance with
Transformer-XL while significantly reducing the number of retrieved tokens in
each step. Finally, we show that fine-tuning LLaMA 7B with our method
successfully extends its context length capacity to over 32k tokens, allowing
for inference at the context lengths of GPT-4. We release the implementation of
landmark attention and the code to reproduce our experiments at
https://github.com/epfml/landmark-attention/. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.00050 | AnswerAI | Causal Reasoning and Large Language Models: Opening a New Frontier for Causality | [
"Emre Kıcıman",
"Robert Ness",
"Amit Sharma",
"Chenhao Tan"
] | 2023-04-28 | The causal capabilities of large language models (LLMs) are a matter of
significant debate, with critical implications for the use of LLMs in
societally impactful domains such as medicine, science, law, and policy. We
conduct a "behavorial" study of LLMs to benchmark their capability in
generating causal arguments. Across a wide range of tasks, we find that LLMs
can generate text corresponding to correct causal arguments with high
probability, surpassing the best-performing existing methods. Algorithms based
on GPT-3.5 and 4 outperform existing algorithms on a pairwise causal discovery
task (97%, 13 points gain), counterfactual reasoning task (92%, 20 points gain)
and event causality (86% accuracy in determining necessary and sufficient
causes in vignettes). We perform robustness checks across tasks and show that
the capabilities cannot be explained by dataset memorization alone, especially
since LLMs generalize to novel datasets that were created after the training
cutoff date.
That said, LLMs exhibit unpredictable failure modes, and we discuss the kinds
of errors that may be improved and what are the fundamental limits of LLM-based
answers. Overall, by operating on the text metadata, LLMs bring capabilities so
far understood to be restricted to humans, such as using collected knowledge to
generate causal graphs or identifying background causal context from natural
language. As a result, LLMs may be used by human domain experts to save effort
in setting up a causal analysis, one of the biggest impediments to the
widespread adoption of causal methods. Given that LLMs ignore the actual data,
our results also point to a fruitful research direction of developing
algorithms that combine LLMs with existing causal techniques. Code and datasets
are available at https://github.com/py-why/pywhy-llm. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CY",
"cs.HC",
"cs.LG",
"stat.ME"
] |
2312.00164 | HF | Towards Accurate Differential Diagnosis with Large Language Models | [
"Daniel McDuff",
"Mike Schaekermann",
"Tao Tu",
"Anil Palepu",
"Amy Wang",
"Jake Garrison",
"Karan Singhal",
"Yash Sharma",
"Shekoofeh Azizi",
"Kavita Kulkarni",
"Le Hou",
"Yong Cheng",
"Yun Liu",
"S Sara Mahdavi",
"Sushant Prakash",
"Anupam Pathak",
"Christopher Semturs",
"Shwetak Patel",
"Dale R Webster",
"Ewa Dominowska",
"Juraj Gottweis",
"Joelle Barral",
"Katherine Chou",
"Greg S Corrado",
"Yossi Matias",
"Jake Sunshine",
"Alan Karthikesalingam",
"Vivek Natarajan"
] | 2023-11-30 | An accurate differential diagnosis (DDx) is a cornerstone of medical care,
often reached through an iterative process of interpretation that combines
clinical history, physical examination, investigations and procedures.
Interactive interfaces powered by Large Language Models (LLMs) present new
opportunities to both assist and automate aspects of this process. In this
study, we introduce an LLM optimized for diagnostic reasoning, and evaluate its
ability to generate a DDx alone or as an aid to clinicians. 20 clinicians
evaluated 302 challenging, real-world medical cases sourced from the New
England Journal of Medicine (NEJM) case reports. Each case report was read by
two clinicians, who were randomized to one of two assistive conditions: either
assistance from search engines and standard medical resources, or LLM
assistance in addition to these tools. All clinicians provided a baseline,
unassisted DDx prior to using the respective assistive tools. Our LLM for DDx
exhibited standalone performance that exceeded that of unassisted clinicians
(top-10 accuracy 59.1% vs 33.6%, [p = 0.04]). Comparing the two assisted study
arms, the DDx quality score was higher for clinicians assisted by our LLM
(top-10 accuracy 51.7%) compared to clinicians without its assistance (36.1%)
(McNemar's Test: 45.7, p < 0.01) and clinicians with search (44.4%) (4.75, p =
0.03). Further, clinicians assisted by our LLM arrived at more comprehensive
differential lists than those without its assistance. Our study suggests that
our LLM for DDx has potential to improve clinicians' diagnostic reasoning and
accuracy in challenging cases, meriting further real-world evaluation for its
ability to empower physicians and widen patients' access to specialist-level
expertise. | null | cs.CY | [
"cs.CY",
"cs.AI"
] |
2402.06147 | HF | DeAL: Decoding-time Alignment for Large Language Models | [
"James Y. Huang",
"Sailik Sengupta",
"Daniele Bonadiman",
"Yi-an Lai",
"Arshit Gupta",
"Nikolaos Pappas",
"Saab Mansour",
"Katrin Kirchhoff",
"Dan Roth"
] | 2024-02-05 | Large Language Models (LLMs) are nowadays expected to generate content
aligned with human preferences. Current work focuses on alignment at model
training time, through techniques such as Reinforcement Learning with Human
Feedback (RLHF). However, it is unclear if such methods are an effective choice
to teach alignment objectives to the model. First, the inability to incorporate
multiple, custom rewards and reliance on a model developer's view of universal
and static principles are key limitations. Second, the residual gaps in model
training and the reliability of such approaches are also questionable (e.g.
susceptibility to jail-breaking even after safety training). To address these,
we propose DeAL, a framework that allows the user to customize reward functions
and enables Decoding-time Alignment of LLMs (DeAL). At its core, we view
decoding as a heuristic-guided search process and facilitate the use of a wide
variety of alignment objectives. Our experiments with programmatic constraints
such as keyword and length constraints (studied widely in the pre-LLM era) and
abstract objectives such as harmlessness and helpfulness (proposed in the
post-LLM era) show that we can DeAL with fine-grained trade-offs, improve
adherence to alignment objectives, and address residual gaps in LLMs. Lastly,
while DeAL can be effectively paired with RLHF and prompting techniques, its
generality makes decoding slower, an optimization we leave for future work. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2307.01938 | HF | Physics-based Motion Retargeting from Sparse Inputs | [
"Daniele Reda",
"Jungdam Won",
"Yuting Ye",
"Michiel van de Panne",
"Alexander Winkler"
] | 2023-07-04 | Avatars are important to create interactive and immersive experiences in
virtual worlds. One challenge in animating these characters to mimic a user's
motion is that commercial AR/VR products consist only of a headset and
controllers, providing very limited sensor data of the user's pose. Another
challenge is that an avatar might have a different skeleton structure than a
human and the mapping between them is unclear. In this work we address both of
these challenges. We introduce a method to retarget motions in real-time from
sparse human sensor data to characters of various morphologies. Our method uses
reinforcement learning to train a policy to control characters in a physics
simulator. We only require human motion capture data for training, without
relying on artist-generated animations for each avatar. This allows us to use
large motion capture datasets to train general policies that can track unseen
users from real and sparse data in real-time. We demonstrate the feasibility of
our approach on three characters with different skeleton structure: a dinosaur,
a mouse-like creature and a human. We show that the avatar poses often match
the user surprisingly well, despite having no sensor information of the lower
body available. We discuss and ablate the important components in our
framework, specifically the kinematic retargeting step, the imitation, contact
and action reward as well as our asymmetric actor-critic observations. We
further explore the robustness of our method in a variety of settings including
unbalancing, dancing and sports motions. | null | cs.CV | [
"cs.CV"
] |
2403.14611 | HF | Explorative Inbetweening of Time and Space | [
"Haiwen Feng",
"Zheng Ding",
"Zhihao Xia",
"Simon Niklaus",
"Victoria Abrevaya",
"Michael J. Black",
"Xuaner Zhang"
] | 2024-03-21 | We introduce bounded generation as a generalized task to control video
generation to synthesize arbitrary camera and subject motion based only on a
given start and end frame. Our objective is to fully leverage the inherent
generalization capability of an image-to-video model without additional
training or fine-tuning of the original model. This is achieved through the
proposed new sampling strategy, which we call Time Reversal Fusion, that fuses
the temporally forward and backward denoising paths conditioned on the start
and end frame, respectively. The fused path results in a video that smoothly
connects the two frames, generating inbetweening of faithful subject motion,
novel views of static scenes, and seamless video looping when the two bounding
frames are identical. We curate a diverse evaluation dataset of image pairs and
compare against the closest existing methods. We find that Time Reversal Fusion
outperforms related work on all subtasks, exhibiting the ability to generate
complex motions and 3D-consistent views guided by bounded frames. See project
page at https://time-reversal.github.io. | null | cs.CV | [
"cs.CV"
] |
2407.07080 | HF | Adapting LLMs to Hebrew: Unveiling DictaLM 2.0 with Enhanced Vocabulary and Instruction Capabilities | [
"Shaltiel Shmidman",
"Avi Shmidman",
"Amir DN Cohen",
"Moshe Koppel"
] | 2024-07-09 | Training large language models (LLMs) in low-resource languages such as
Hebrew poses unique challenges. In this paper, we introduce DictaLM2.0 and
DictaLM2.0-Instruct, two LLMs derived from the Mistral model, trained on a
substantial corpus of approximately 200 billion tokens in both Hebrew and
English. Adapting a pre-trained model to a new language involves specialized
techniques that differ significantly from training a model from scratch or
further training existing models on well-resourced languages such as English.
We outline these novel training methodologies, which facilitate effective
learning and adaptation to the linguistic properties of Hebrew. Additionally,
we fine-tuned DictaLM2.0-Instruct on a comprehensive instruct dataset to
enhance its performance on task-specific instructions. To rigorously evaluate
our models, we introduce a new benchmark suite for Hebrew LLM evaluation,
covering a diverse set of tasks including Question Answering, Sentiment
Analysis, Winograd Schema Challenge, Translation, and Summarization. Our work
not only addresses the intricacies of training LLMs in low-resource languages
but also proposes a framework that can be leveraged for adapting other LLMs to
various non-English languages, contributing to the broader field of
multilingual NLP. | null | cs.CL | [
"cs.CL"
] |
2402.04291 | Both | BiLLM: Pushing the Limit of Post-Training Quantization for LLMs | [
"Wei Huang",
"Yangdong Liu",
"Haotong Qin",
"Ying Li",
"Shiming Zhang",
"Xianglong Liu",
"Michele Magno",
"Xiaojuan Qi"
] | 2024-02-06 | Pretrained large language models (LLMs) exhibit exceptional general language
processing capabilities but come with significant demands on memory and
computational resources. As a powerful compression technology, binarization can
extremely reduce model weights to a mere 1 bit, lowering the expensive
computation and memory requirements. However, existing quantization techniques
fall short of maintaining LLM performance under ultra-low bit-widths. In
response to this challenge, we present BiLLM, a groundbreaking 1-bit
post-training quantization scheme tailored for pretrained LLMs. Based on the
weight distribution of LLMs, BiLLM first identifies and structurally selects
salient weights, and minimizes the compression loss through an effective binary
residual approximation strategy. Moreover, considering the bell-shaped
distribution of the non-salient weights, we propose an optimal splitting search
to group and binarize them accurately. BiLLM achieving for the first time
high-accuracy inference (e.g. 8.41 perplexity on LLaMA2-70B) with only 1.08-bit
weights across various LLMs families and evaluation metrics, outperforms SOTA
quantization methods of LLM by significant margins. Moreover, BiLLM enables the
binarization process of the LLM with 7 billion weights within 0.5 hours on a
single GPU, demonstrating satisfactory time efficiency. Our code is available
at https://github.com/Aaronhuang-778/BiLLM. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2302.00482 | AnswerAI | Improving and generalizing flow-based generative models with minibatch optimal transport | [
"Alexander Tong",
"Kilian Fatras",
"Nikolay Malkin",
"Guillaume Huguet",
"Yanlei Zhang",
"Jarrid Rector-Brooks",
"Guy Wolf",
"Yoshua Bengio"
] | 2023-02-01 | Continuous normalizing flows (CNFs) are an attractive generative modeling
technique, but they have been held back by limitations in their
simulation-based maximum likelihood training. We introduce the generalized
conditional flow matching (CFM) technique, a family of simulation-free training
objectives for CNFs. CFM features a stable regression objective like that used
to train the stochastic flow in diffusion models but enjoys the efficient
inference of deterministic flow models. In contrast to both diffusion models
and prior CNF training algorithms, CFM does not require the source distribution
to be Gaussian or require evaluation of its density. A variant of our objective
is optimal transport CFM (OT-CFM), which creates simpler flows that are more
stable to train and lead to faster inference, as evaluated in our experiments.
Furthermore, we show that when the true OT plan is available, our OT-CFM method
approximates dynamic OT. Training CNFs with CFM improves results on a variety
of conditional and unconditional generation tasks, such as inferring single
cell dynamics, unsupervised image translation, and Schr\"odinger bridge
inference. | null | cs.LG | [
"cs.LG"
] |
2312.10034 | HF | SlimmeRF: Slimmable Radiance Fields | [
"Shiran Yuan",
"Hao Zhao"
] | 2023-12-15 | Neural Radiance Field (NeRF) and its variants have recently emerged as
successful methods for novel view synthesis and 3D scene reconstruction.
However, most current NeRF models either achieve high accuracy using large
model sizes, or achieve high memory-efficiency by trading off accuracy. This
limits the applicable scope of any single model, since high-accuracy models
might not fit in low-memory devices, and memory-efficient models might not
satisfy high-quality requirements. To this end, we present SlimmeRF, a model
that allows for instant test-time trade-offs between model size and accuracy
through slimming, thus making the model simultaneously suitable for scenarios
with different computing budgets. We achieve this through a newly proposed
algorithm named Tensorial Rank Incrementation (TRaIn) which increases the rank
of the model's tensorial representation gradually during training. We also
observe that our model allows for more effective trade-offs in sparse-view
scenarios, at times even achieving higher accuracy after being slimmed. We
credit this to the fact that erroneous information such as floaters tend to be
stored in components corresponding to higher ranks. Our implementation is
available at https://github.com/Shiran-Yuan/SlimmeRF. | null | cs.CV | [
"cs.CV"
] |
2406.16768 | Both | WARP: On the Benefits of Weight Averaged Rewarded Policies | [
"Alexandre Ramé",
"Johan Ferret",
"Nino Vieillard",
"Robert Dadashi",
"Léonard Hussenot",
"Pierre-Louis Cedoz",
"Pier Giuseppe Sessa",
"Sertan Girgin",
"Arthur Douillard",
"Olivier Bachem"
] | 2024-06-24 | Reinforcement learning from human feedback (RLHF) aligns large language
models (LLMs) by encouraging their generations to have high rewards, using a
reward model trained on human preferences. To prevent the forgetting of
pre-trained knowledge, RLHF usually incorporates a KL regularization; this
forces the policy to remain close to its supervised fine-tuned initialization,
though it hinders the reward optimization. To tackle the trade-off between KL
and reward, in this paper we introduce a novel alignment strategy named Weight
Averaged Rewarded Policies (WARP). WARP merges policies in the weight space at
three distinct stages. First, it uses the exponential moving average of the
policy as a dynamic anchor in the KL regularization. Second, it applies
spherical interpolation to merge independently fine-tuned policies into a new
enhanced one. Third, it linearly interpolates between this merged model and the
initialization, to recover features from pre-training. This procedure is then
applied iteratively, with each iteration's final model used as an advanced
initialization for the next, progressively refining the KL-reward Pareto front,
achieving superior rewards at fixed KL. Experiments with GEMMA policies
validate that WARP improves their quality and alignment, outperforming other
open-source LLMs. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.