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
|
---|---|---|---|---|---|---|---|---|
2308.00113 | HF | Three Bricks to Consolidate Watermarks for Large Language Models | [
"Pierre Fernandez",
"Antoine Chaffin",
"Karim Tit",
"Vivien Chappelier",
"Teddy Furon"
] | 2023-07-26 | The task of discerning between generated and natural texts is increasingly
challenging. In this context, watermarking emerges as a promising technique for
ascribing generated text to a specific model. It alters the sampling generation
process so as to leave an invisible trace in the generated output, facilitating
later detection. This research consolidates watermarks for large language
models based on three theoretical and empirical considerations. First, we
introduce new statistical tests that offer robust theoretical guarantees which
remain valid even at low false-positive rates (less than 10$^{\text{-6}}$).
Second, we compare the effectiveness of watermarks using classical benchmarks
in the field of natural language processing, gaining insights into their
real-world applicability. Third, we develop advanced detection schemes for
scenarios where access to the LLM is available, as well as multi-bit
watermarking. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.08862 | HF | Cognitively Inspired Energy-Based World Models | [
"Alexi Gladstone",
"Ganesh Nanduru",
"Md Mofijul Islam",
"Aman Chadha",
"Jundong Li",
"Tariq Iqbal"
] | 2024-06-13 | One of the predominant methods for training world models is autoregressive
prediction in the output space of the next element of a sequence. In Natural
Language Processing (NLP), this takes the form of Large Language Models (LLMs)
predicting the next token; in Computer Vision (CV), this takes the form of
autoregressive models predicting the next frame/token/pixel. However, this
approach differs from human cognition in several respects. First, human
predictions about the future actively influence internal cognitive processes.
Second, humans naturally evaluate the plausibility of predictions regarding
future states. Based on this capability, and third, by assessing when
predictions are sufficient, humans allocate a dynamic amount of time to make a
prediction. This adaptive process is analogous to System 2 thinking in
psychology. All these capabilities are fundamental to the success of humans at
high-level reasoning and planning. Therefore, to address the limitations of
traditional autoregressive models lacking these human-like capabilities, we
introduce Energy-Based World Models (EBWM). EBWM involves training an
Energy-Based Model (EBM) to predict the compatibility of a given context and a
predicted future state. In doing so, EBWM enables models to achieve all three
facets of human cognition described. Moreover, we developed a variant of the
traditional autoregressive transformer tailored for Energy-Based models, termed
the Energy-Based Transformer (EBT). Our results demonstrate that EBWM scales
better with data and GPU Hours than traditional autoregressive transformers in
CV, and that EBWM offers promising early scaling in NLP. Consequently, this
approach offers an exciting path toward training future models capable of
System 2 thinking and intelligently searching across state spaces. | null | cs.LG | [
"cs.LG"
] |
2312.10656 | HF | VidToMe: Video Token Merging for Zero-Shot Video Editing | [
"Xirui Li",
"Chao Ma",
"Xiaokang Yang",
"Ming-Hsuan Yang"
] | 2023-12-17 | Diffusion models have made significant advances in generating high-quality
images, but their application to video generation has remained challenging due
to the complexity of temporal motion. Zero-shot video editing offers a solution
by utilizing pre-trained image diffusion models to translate source videos into
new ones. Nevertheless, existing methods struggle to maintain strict temporal
consistency and efficient memory consumption. In this work, we propose a novel
approach to enhance temporal consistency in generated videos by merging
self-attention tokens across frames. By aligning and compressing temporally
redundant tokens across frames, our method improves temporal coherence and
reduces memory consumption in self-attention computations. The merging strategy
matches and aligns tokens according to the temporal correspondence between
frames, facilitating natural temporal consistency in generated video frames. To
manage the complexity of video processing, we divide videos into chunks and
develop intra-chunk local token merging and inter-chunk global token merging,
ensuring both short-term video continuity and long-term content consistency.
Our video editing approach seamlessly extends the advancements in image editing
to video editing, rendering favorable results in temporal consistency over
state-of-the-art methods. | null | cs.CV | [
"cs.CV"
] |
2305.14878 | HF | Leveraging GPT-4 for Automatic Translation Post-Editing | [
"Vikas Raunak",
"Amr Sharaf",
"Yiren Wang",
"Hany Hassan Awadallah",
"Arul Menezes"
] | 2023-05-24 | While Neural Machine Translation (NMT) represents the leading approach to
Machine Translation (MT), the outputs of NMT models still require translation
post-editing to rectify errors and enhance quality under critical settings. In
this work, we formalize the task of direct translation post-editing with Large
Language Models (LLMs) and explore the use of GPT-4 to automatically post-edit
NMT outputs across several language pairs. Our results demonstrate that GPT-4
is adept at translation post-editing, producing meaningful and trustworthy
edits to translations that help improve its general quality as well as remove
different classes of major errors in translations. In particular, human
evaluations on assessing edit trustworthiness show that GPT-4 exhibits a large
improvement over the prior state-of-the-art LLM. Notably, we improve upon
state-of-the-art performance on WMT-22 English-Chinese, English-German,
Chinese-English and German-English language pairs using GPT-4 based
post-editing, as evaluated by state-of-the-art MT quality metrics. However, we
also show that GPT-4 could produce hallucinated edits, thereby urging caution
in its use as an expert translation post-editor. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.17762 | AnswerAI | Massive Activations in Large Language Models | [
"Mingjie Sun",
"Xinlei Chen",
"J. Zico Kolter",
"Zhuang Liu"
] | 2024-02-27 | We observe an empirical phenomenon in Large Language Models (LLMs) -- very
few activations exhibit significantly larger values than others (e.g., 100,000
times larger). We call them massive activations. First, we demonstrate the
widespread existence of massive activations across various LLMs and
characterize their locations. Second, we find their values largely stay
constant regardless of the input, and they function as indispensable bias terms
in LLMs. Third, these massive activations lead to the concentration of
attention probabilities to their corresponding tokens, and further, implicit
bias terms in the self-attention output. Last, we also study massive
activations in Vision Transformers. Code is available at
https://github.com/locuslab/massive-activations. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2310.05029 | AnswerAI | Walking Down the Memory Maze: Beyond Context Limit through Interactive Reading | [
"Howard Chen",
"Ramakanth Pasunuru",
"Jason Weston",
"Asli Celikyilmaz"
] | 2023-10-08 | Large language models (LLMs) have advanced in large strides due to the
effectiveness of the self-attention mechanism that processes and compares all
tokens at once. However, this mechanism comes with a fundamental issue -- the
predetermined context window is bound to be limited. Despite attempts to extend
the context window through methods like extrapolating the positional embedding,
using recurrence, or selectively retrieving essential parts of the long
sequence, long-text understanding continues to be a challenge. We propose an
alternative approach which instead treats the LLM as an interactive agent,
allowing it to decide how to read the text via iterative prompting. We
introduce MemWalker, a method that first processes the long context into a tree
of summary nodes. Upon receiving a query, the model navigates this tree in
search of relevant information, and responds once it gathers sufficient
information. On long-text question answering tasks our method outperforms
baseline approaches that use long context windows, recurrence, and retrieval.
We show that, beyond effective reading, MemWalker enhances explainability by
highlighting the reasoning steps as it interactively reads the text;
pinpointing the relevant text segments related to the query. | null | cs.CL | [
"cs.CL"
] |
2408.08541 | AnswerAI | Where is the signal in tokenization space? | [
"Renato Lui Geh",
"Honghua Zhang",
"Kareem Ahmed",
"Benjie Wang",
"Guy Van den Broeck"
] | 2024-08-16 | Large Language Models (LLMs) are typically shipped with tokenizers that
deterministically encode text into so-called canonical token sequences, to
which the LLMs assign probability values. One common assumption is that the
probability of a piece of text is the probability of its canonical token
sequence. However, the tokenization of a string is not unique: e.g., the Llama2
tokenizer encodes Tokens as [Tok,ens], but [Tok,en,s] also represents the same
text. In this paper, we study non-canonical tokenizations. We prove that, given
a string, it is computationally hard to find the most likely tokenization for
an autoregressive LLM, as well as to compute the marginal probability over all
possible tokenizations. We then show how the marginal is, in most cases,
indistinguishable from the canonical probability. Surprisingly, we then
empirically demonstrate the existence of a significant amount of signal hidden
within tokenization space. Notably, by simply aggregating the probabilities of
non-canonical tokenizations, we achieve improvements across a range of LLM
evaluation benchmarks for a variety of architectures, including transformers
and state space models. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.16318 | HF | PrimeGuard: Safe and Helpful LLMs through Tuning-Free Routing | [
"Blazej Manczak",
"Eliott Zemour",
"Eric Lin",
"Vaikkunth Mugunthan"
] | 2024-07-23 | Deploying language models (LMs) necessitates outputs to be both high-quality
and compliant with safety guidelines. Although Inference-Time Guardrails (ITG)
offer solutions that shift model output distributions towards compliance, we
find that current methods struggle in balancing safety with helpfulness. ITG
Methods that safely address non-compliant queries exhibit lower helpfulness
while those that prioritize helpfulness compromise on safety. We refer to this
trade-off as the guardrail tax, analogous to the alignment tax. To address
this, we propose PrimeGuard, a novel ITG method that utilizes structured
control flow.
PrimeGuard routes requests to different self-instantiations of the LM with
varying instructions, leveraging its inherent instruction-following
capabilities and in-context learning. Our tuning-free approach dynamically
compiles system-designer guidelines for each query. We construct and release
safe-eval, a diverse red-team safety benchmark. Extensive evaluations
demonstrate that PrimeGuard, without fine-tuning, overcomes the guardrail tax
by (1) significantly increasing resistance to iterative jailbreak attacks and
(2) achieving state-of-the-art results in safety guardrailing while (3)
matching helpfulness scores of alignment-tuned models. Extensive evaluations
demonstrate that PrimeGuard, without fine-tuning, outperforms all competing
baselines and overcomes the guardrail tax by improving the fraction of safe
responses from 61% to 97% and increasing average helpfulness scores from 4.17
to 4.29 on the largest models, while reducing attack success rate from 100% to
8%.
PrimeGuard implementation is available at
https://github.com/dynamofl/PrimeGuard and safe-eval dataset is available at
https://huggingface.co/datasets/dynamoai/safe_eval. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CR",
"cs.SE"
] |
2406.04770 | Both | WildBench: Benchmarking LLMs with Challenging Tasks from Real Users in the Wild | [
"Bill Yuchen Lin",
"Yuntian Deng",
"Khyathi Chandu",
"Faeze Brahman",
"Abhilasha Ravichander",
"Valentina Pyatkin",
"Nouha Dziri",
"Ronan Le Bras",
"Yejin Choi"
] | 2024-06-07 | We introduce WildBench, an automated evaluation framework designed to
benchmark large language models (LLMs) using challenging, real-world user
queries. WildBench consists of 1,024 tasks carefully selected from over one
million human-chatbot conversation logs. For automated evaluation with
WildBench, we have developed two metrics, WB-Reward and WB-Score, which are
computable using advanced LLMs such as GPT-4-turbo. WildBench evaluation uses
task-specific checklists to evaluate model outputs systematically and provides
structured explanations that justify the scores and comparisons, resulting in
more reliable and interpretable automatic judgments. WB-Reward employs
fine-grained pairwise comparisons between model responses, generating five
potential outcomes: much better, slightly better, slightly worse, much worse,
or a tie. Unlike previous evaluations that employed a single baseline model, we
selected three baseline models at varying performance levels to ensure a
comprehensive pairwise evaluation. Additionally, we propose a simple method to
mitigate length bias, by converting outcomes of ``slightly better/worse'' to
``tie'' if the winner response exceeds the loser one by more than $K$
characters. WB-Score evaluates the quality of model outputs individually,
making it a fast and cost-efficient evaluation metric. WildBench results
demonstrate a strong correlation with the human-voted Elo ratings from Chatbot
Arena on hard tasks. Specifically, WB-Reward achieves a Pearson correlation of
0.98 with top-ranking models. Additionally, WB-Score reaches 0.95, surpassing
both ArenaHard's 0.91 and AlpacaEval2.0's 0.89 for length-controlled win rates,
as well as the 0.87 for regular win rates. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.09864 | HF | AvatarBooth: High-Quality and Customizable 3D Human Avatar Generation | [
"Yifei Zeng",
"Yuanxun Lu",
"Xinya Ji",
"Yao Yao",
"Hao Zhu",
"Xun Cao"
] | 2023-06-16 | We introduce AvatarBooth, a novel method for generating high-quality 3D
avatars using text prompts or specific images. Unlike previous approaches that
can only synthesize avatars based on simple text descriptions, our method
enables the creation of personalized avatars from casually captured face or
body images, while still supporting text-based model generation and editing.
Our key contribution is the precise avatar generation control by using dual
fine-tuned diffusion models separately for the human face and body. This
enables us to capture intricate details of facial appearance, clothing, and
accessories, resulting in highly realistic avatar generations. Furthermore, we
introduce pose-consistent constraint to the optimization process to enhance the
multi-view consistency of synthesized head images from the diffusion model and
thus eliminate interference from uncontrolled human poses. In addition, we
present a multi-resolution rendering strategy that facilitates coarse-to-fine
supervision of 3D avatar generation, thereby enhancing the performance of the
proposed system. The resulting avatar model can be further edited using
additional text descriptions and driven by motion sequences. Experiments show
that AvatarBooth outperforms previous text-to-3D methods in terms of rendering
and geometric quality from either text prompts or specific images. Please check
our project website at https://zeng-yifei.github.io/avatarbooth_page/. | null | cs.CV | [
"cs.CV"
] |
2303.15438 | AnswerAI | On the Stepwise Nature of Self-Supervised Learning | [
"James B. Simon",
"Maksis Knutins",
"Liu Ziyin",
"Daniel Geisz",
"Abraham J. Fetterman",
"Joshua Albrecht"
] | 2023-03-27 | We present a simple picture of the training process of joint embedding
self-supervised learning methods. We find that these methods learn their
high-dimensional embeddings one dimension at a time in a sequence of discrete,
well-separated steps. We arrive at this conclusion via the study of a
linearized model of Barlow Twins applicable to the case in which the trained
network is infinitely wide. We solve the training dynamics of this model from
small initialization, finding that the model learns the top eigenmodes of a
certain contrastive kernel in a stepwise fashion, and obtain a closed-form
expression for the final learned representations. Remarkably, we then see the
same stepwise learning phenomenon when training deep ResNets using the Barlow
Twins, SimCLR, and VICReg losses. Our theory suggests that, just as kernel
regression can be thought of as a model of supervised learning, kernel PCA may
serve as a useful model of self-supervised learning. | null | cs.LG | [
"cs.LG"
] |
2312.15685 | AnswerAI | What Makes Good Data for Alignment? A Comprehensive Study of Automatic Data Selection in Instruction Tuning | [
"Wei Liu",
"Weihao Zeng",
"Keqing He",
"Yong Jiang",
"Junxian He"
] | 2023-12-25 | Instruction tuning is a standard technique employed to align large language
models to end tasks and user preferences after the initial pretraining phase.
Recent research indicates the critical role of data engineering in instruction
tuning -- when appropriately selected, only limited data is necessary to
achieve superior performance. However, we still lack a principled understanding
of what makes good instruction tuning data for alignment, and how we should
select data automatically and effectively. In this work, we delve deeply into
automatic data selection strategies for alignment. We start with controlled
studies to measure data across three dimensions: complexity, quality, and
diversity, along which we examine existing methods and introduce novel
techniques for enhanced data measurement. Subsequently, we propose a simple
strategy to select data samples based on the measurement. We present deita
(short for Data-Efficient Instruction Tuning for Alignment), a series of models
fine-tuned from LLaMA and Mistral models using data samples automatically
selected with our proposed approach. Empirically, deita performs better or on
par with the state-of-the-art open-source alignment models with only 6K SFT
training data samples -- over 10x less than the data used in the baselines.
When further trained with direct preference optimization (DPO),
deita-Mistral-7B + DPO trained with 6K SFT and 10K DPO samples achieve 7.55
MT-Bench and 90.06% AlpacaEval scores. We anticipate this work to provide tools
on automatic data selection, facilitating data-efficient alignment. We release
our models as well as the selected datasets for future researches to
effectively align models more efficiently. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.04567 | HF | Sketch2Scene: Automatic Generation of Interactive 3D Game Scenes from User's Casual Sketches | [
"Yongzhi Xu",
"Yonhon Ng",
"Yifu Wang",
"Inkyu Sa",
"Yunfei Duan",
"Yang Li",
"Pan Ji",
"Hongdong Li"
] | 2024-08-08 | 3D Content Generation is at the heart of many computer graphics applications,
including video gaming, film-making, virtual and augmented reality, etc. This
paper proposes a novel deep-learning based approach for automatically
generating interactive and playable 3D game scenes, all from the user's casual
prompts such as a hand-drawn sketch. Sketch-based input offers a natural, and
convenient way to convey the user's design intention in the content creation
process. To circumvent the data-deficient challenge in learning (i.e. the lack
of large training data of 3D scenes), our method leverages a pre-trained 2D
denoising diffusion model to generate a 2D image of the scene as the conceptual
guidance. In this process, we adopt the isometric projection mode to factor out
unknown camera poses while obtaining the scene layout. From the generated
isometric image, we use a pre-trained image understanding method to segment the
image into meaningful parts, such as off-ground objects, trees, and buildings,
and extract the 2D scene layout. These segments and layouts are subsequently
fed into a procedural content generation (PCG) engine, such as a 3D video game
engine like Unity or Unreal, to create the 3D scene. The resulting 3D scene can
be seamlessly integrated into a game development environment and is readily
playable. Extensive tests demonstrate that our method can efficiently generate
high-quality and interactive 3D game scenes with layouts that closely follow
the user's intention. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2407.11144 | HF | YouTube-SL-25: A Large-Scale, Open-Domain Multilingual Sign Language Parallel Corpus | [
"Garrett Tanzer",
"Biao Zhang"
] | 2024-07-15 | Even for better-studied sign languages like American Sign Language (ASL),
data is the bottleneck for machine learning research. The situation is worse
yet for the many other sign languages used by Deaf/Hard of Hearing communities
around the world. In this paper, we present YouTube-SL-25, a large-scale,
open-domain multilingual corpus of sign language videos with seemingly
well-aligned captions drawn from YouTube. With >3000 hours of videos across >25
sign languages, YouTube-SL-25 is a) >3x the size of YouTube-ASL, b) the largest
parallel sign language dataset to date, and c) the first or largest parallel
dataset for many of its component languages. We provide baselines for
sign-to-text tasks using a unified multilingual multitask model based on T5 and
report scores on benchmarks across 4 sign languages. The results demonstrate
that multilingual transfer benefits both higher- and lower-resource sign
languages within YouTube-SL-25. | null | cs.CL | [
"cs.CL"
] |
2402.08644 | HF | Tandem Transformers for Inference Efficient LLMs | [
"Aishwarya P S",
"Pranav Ajit Nair",
"Yashas Samaga",
"Toby Boyd",
"Sanjiv Kumar",
"Prateek Jain",
"Praneeth Netrapalli"
] | 2024-02-13 | The autoregressive nature of conventional large language models (LLMs)
inherently limits inference speed, as tokens are generated sequentially. While
speculative and parallel decoding techniques attempt to mitigate this, they
face limitations: either relying on less accurate smaller models for generation
or failing to fully leverage the base LLM's representations.
We introduce a novel architecture, Tandem transformers, to address these
issues. This architecture uniquely combines (1) a small autoregressive model
and (2) a large model operating in block mode (processing multiple tokens
simultaneously). The small model's predictive accuracy is substantially
enhanced by granting it attention to the large model's richer representations.
On the PaLM2 pretraining dataset, a tandem of PaLM2-Bison and PaLM2-Gecko
demonstrates a 3.3% improvement in next-token prediction accuracy over a
standalone PaLM2-Gecko, offering a 1.16x speedup compared to a PaLM2-Otter
model with comparable downstream performance. We further incorporate the tandem
model within the speculative decoding (SPEED) framework where the large model
validates tokens from the small model. This ensures that the Tandem of
PaLM2-Bison and PaLM2-Gecko achieves substantial speedup (around 1.14x faster
than using vanilla PaLM2-Gecko in SPEED) while maintaining identical downstream
task accuracy. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2307.05222 | HF | Emu: Generative Pretraining in Multimodality | [
"Quan Sun",
"Qiying Yu",
"Yufeng Cui",
"Fan Zhang",
"Xiaosong Zhang",
"Yueze Wang",
"Hongcheng Gao",
"Jingjing Liu",
"Tiejun Huang",
"Xinlong Wang"
] | 2023-07-11 | We present Emu, a Transformer-based multimodal foundation model, which can
seamlessly generate images and texts in multimodal context. This omnivore model
can take in any single-modality or multimodal data input indiscriminately
(e.g., interleaved image, text and video) through a one-model-for-all
autoregressive training process. First, visual signals are encoded into
embeddings, and together with text tokens form an interleaved input sequence.
Emu is then end-to-end trained with a unified objective of classifying the next
text token or regressing the next visual embedding in the multimodal sequence.
This versatile multimodality empowers the exploration of diverse pretraining
data sources at scale, such as videos with interleaved frames and text,
webpages with interleaved images and text, as well as web-scale image-text
pairs and video-text pairs. Emu can serve as a generalist multimodal interface
for both image-to-text and text-to-image tasks, and supports in-context image
and text generation. Across a broad range of zero-shot/few-shot tasks including
image captioning, visual question answering, video question answering and
text-to-image generation, Emu demonstrates superb performance compared to
state-of-the-art large multimodal models. Extended capabilities such as
multimodal assistants via instruction tuning are also demonstrated with
impressive performance. | null | cs.CV | [
"cs.CV"
] |
2305.11364 | HF | Visualizing Linguistic Diversity of Text Datasets Synthesized by Large Language Models | [
"Emily Reif",
"Minsuk Kahng",
"Savvas Petridis"
] | 2023-05-19 | Large language models (LLMs) can be used to generate smaller, more refined
datasets via few-shot prompting for benchmarking, fine-tuning or other use
cases. However, understanding and evaluating these datasets is difficult, and
the failure modes of LLM-generated data are still not well understood.
Specifically, the data can be repetitive in surprising ways, not only
semantically but also syntactically and lexically. We present LinguisticLens, a
novel inter-active visualization tool for making sense of and analyzing
syntactic diversity of LLM-generated datasets. LinguisticLens clusters text
along syntactic, lexical, and semantic axes. It supports hierarchical
visualization of a text dataset, allowing users to quickly scan for an overview
and inspect individual examples. The live demo is available at
shorturl.at/zHOUV. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.08600 | HF | Sparse Autoencoders Find Highly Interpretable Features in Language Models | [
"Hoagy Cunningham",
"Aidan Ewart",
"Logan Riggs",
"Robert Huben",
"Lee Sharkey"
] | 2023-09-15 | One of the roadblocks to a better understanding of neural networks' internals
is \textit{polysemanticity}, where neurons appear to activate in multiple,
semantically distinct contexts. Polysemanticity prevents us from identifying
concise, human-understandable explanations for what neural networks are doing
internally. One hypothesised cause of polysemanticity is
\textit{superposition}, where neural networks represent more features than they
have neurons by assigning features to an overcomplete set of directions in
activation space, rather than to individual neurons. Here, we attempt to
identify those directions, using sparse autoencoders to reconstruct the
internal activations of a language model. These autoencoders learn sets of
sparsely activating features that are more interpretable and monosemantic than
directions identified by alternative approaches, where interpretability is
measured by automated methods. Moreover, we show that with our learned set of
features, we can pinpoint the features that are causally responsible for
counterfactual behaviour on the indirect object identification task
\citep{wang2022interpretability} to a finer degree than previous
decompositions. This work indicates that it is possible to resolve
superposition in language models using a scalable, unsupervised method. Our
method may serve as a foundation for future mechanistic interpretability work,
which we hope will enable greater model transparency and steerability. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2312.12468 | HF | MaskINT: Video Editing via Interpolative Non-autoregressive Masked Transformers | [
"Haoyu Ma",
"Shahin Mahdizadehaghdam",
"Bichen Wu",
"Zhipeng Fan",
"Yuchao Gu",
"Wenliang Zhao",
"Lior Shapira",
"Xiaohui Xie"
] | 2023-12-19 | Recent advances in generative AI have significantly enhanced image and video
editing, particularly in the context of text prompt control. State-of-the-art
approaches predominantly rely on diffusion models to accomplish these tasks.
However, the computational demands of diffusion-based methods are substantial,
often necessitating large-scale paired datasets for training, and therefore
challenging the deployment in real applications. To address these issues, this
paper breaks down the text-based video editing task into two stages. First, we
leverage an pre-trained text-to-image diffusion model to simultaneously edit
few keyframes in an zero-shot way. Second, we introduce an efficient model
called MaskINT, which is built on non-autoregressive masked generative
transformers and specializes in frame interpolation between the edited
keyframes, using the structural guidance from intermediate frames. Experimental
results suggest that our MaskINT achieves comparable performance with
diffusion-based methodologies, while significantly improve the inference time.
This research offers a practical solution for text-based video editing and
showcases the potential of non-autoregressive masked generative transformers in
this domain. | null | cs.CV | [
"cs.CV"
] |
2402.13228 | AnswerAI | Smaug: Fixing Failure Modes of Preference Optimisation with DPO-Positive | [
"Arka Pal",
"Deep Karkhanis",
"Samuel Dooley",
"Manley Roberts",
"Siddartha Naidu",
"Colin White"
] | 2024-02-20 | Direct Preference Optimisation (DPO) is effective at significantly improving
the performance of large language models (LLMs) on downstream tasks such as
reasoning, summarisation, and alignment. Using pairs of preferred and
dispreferred data, DPO models the relative probability of picking one response
over another. In this work, first we show theoretically that the standard DPO
loss can lead to a reduction of the model's likelihood of the preferred
examples, as long as the relative probability between the preferred and
dispreferred classes increases. We then show empirically that this phenomenon
occurs when fine-tuning LLMs on common datasets, especially datasets in which
the edit distance between pairs of completions is low. Using these insights, we
design DPO-Positive (DPOP), a new loss function and training procedure which
avoids this failure mode. Surprisingly, we find that DPOP outperforms DPO and
other fine-tuning procedures across a wide variety of datasets and downstream
tasks, including datasets with high edit distances between completions.
Furthermore, we find that the DPOP-tuned model outperforms the DPO-tuned model
(all else equal) on benchmarks independent of the fine-tuning data, such as
MT-Bench. Finally, using DPOP, we create and open-source Smaug-34B and
Smaug-72B, with the latter becoming the first open-source LLM to surpass an
average accuracy of 80% on the HuggingFace Open LLM Leaderboard. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2405.09673 | Both | LoRA Learns Less and Forgets Less | [
"Dan Biderman",
"Jose Gonzalez Ortiz",
"Jacob Portes",
"Mansheej Paul",
"Philip Greengard",
"Connor Jennings",
"Daniel King",
"Sam Havens",
"Vitaliy Chiley",
"Jonathan Frankle",
"Cody Blakeney",
"John P. Cunningham"
] | 2024-05-15 | Low-Rank Adaptation (LoRA) is a widely-used parameter-efficient finetuning
method for large language models. LoRA saves memory by training only low rank
perturbations to selected weight matrices. In this work, we compare the
performance of LoRA and full finetuning on two target domains, programming and
mathematics. We consider both the instruction finetuning ($\approx$100K
prompt-response pairs) and continued pretraining ($\approx$10B unstructured
tokens) data regimes. Our results show that, in most settings, LoRA
substantially underperforms full finetuning. Nevertheless, LoRA exhibits a
desirable form of regularization: it better maintains the base model's
performance on tasks outside the target domain. We show that LoRA provides
stronger regularization compared to common techniques such as weight decay and
dropout; it also helps maintain more diverse generations. We show that full
finetuning learns perturbations with a rank that is 10-100X greater than
typical LoRA configurations, possibly explaining some of the reported gaps. We
conclude by proposing best practices for finetuning with LoRA. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2306.10007 | HF | Robot Learning with Sensorimotor Pre-training | [
"Ilija Radosavovic",
"Baifeng Shi",
"Letian Fu",
"Ken Goldberg",
"Trevor Darrell",
"Jitendra Malik"
] | 2023-06-16 | We present a self-supervised sensorimotor pre-training approach for robotics.
Our model, called RPT, is a Transformer that operates on sequences of
sensorimotor tokens. Given a sequence of camera images, proprioceptive robot
states, and actions, we encode the sequence into tokens, mask out a subset, and
train a model to predict the missing content from the rest. We hypothesize that
if a robot can predict the masked-out content it will have acquired a good
model of the physical world that can enable it to act. RPT is designed to
operate on latent visual representations which makes prediction tractable,
enables scaling to larger models, and allows fast inference on a real robot. To
evaluate our approach, we collected a dataset of 20,000 real-world trajectories
over 9 months using a combination of motion planning and grasping algorithms.
We find that sensorimotor pre-training consistently outperforms training from
scratch, has favorable scaling properties, and enables transfer across
different tasks, environments, and robots. | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2409.05865 | HF | Robot Utility Models: General Policies for Zero-Shot Deployment in New Environments | [
"Haritheja Etukuru",
"Norihito Naka",
"Zijin Hu",
"Seungjae Lee",
"Julian Mehu",
"Aaron Edsinger",
"Chris Paxton",
"Soumith Chintala",
"Lerrel Pinto",
"Nur Muhammad Mahi Shafiullah"
] | 2024-09-09 | Robot models, particularly those trained with large amounts of data, have
recently shown a plethora of real-world manipulation and navigation
capabilities. Several independent efforts have shown that given sufficient
training data in an environment, robot policies can generalize to demonstrated
variations in that environment. However, needing to finetune robot models to
every new environment stands in stark contrast to models in language or vision
that can be deployed zero-shot for open-world problems. In this work, we
present Robot Utility Models (RUMs), a framework for training and deploying
zero-shot robot policies that can directly generalize to new environments
without any finetuning. To create RUMs efficiently, we develop new tools to
quickly collect data for mobile manipulation tasks, integrate such data into a
policy with multi-modal imitation learning, and deploy policies on-device on
Hello Robot Stretch, a cheap commodity robot, with an external mLLM verifier
for retrying. We train five such utility models for opening cabinet doors,
opening drawers, picking up napkins, picking up paper bags, and reorienting
fallen objects. Our system, on average, achieves 90% success rate in unseen,
novel environments interacting with unseen objects. Moreover, the utility
models can also succeed in different robot and camera set-ups with no further
data, training, or fine-tuning. Primary among our lessons are the importance of
training data over training algorithm and policy class, guidance about data
scaling, necessity for diverse yet high-quality demonstrations, and a recipe
for robot introspection and retrying to improve performance on individual
environments. Our code, data, models, hardware designs, as well as our
experiment and deployment videos are open sourced and can be found on our
project website: https://robotutilitymodels.com | null | cs.RO | [
"cs.RO",
"cs.LG"
] |
2406.17720 | HF | Arboretum: A Large Multimodal Dataset Enabling AI for Biodiversity | [
"Chih-Hsuan Yang",
"Benjamin Feuer",
"Zaki Jubery",
"Zi K. Deng",
"Andre Nakkab",
"Md Zahid Hasan",
"Shivani Chiranjeevi",
"Kelly Marshall",
"Nirmal Baishnab",
"Asheesh K Singh",
"Arti Singh",
"Soumik Sarkar",
"Nirav Merchant",
"Chinmay Hegde",
"Baskar Ganapathysubramanian"
] | 2024-06-25 | We introduce Arboretum, the largest publicly accessible dataset designed to
advance AI for biodiversity applications. This dataset, curated from the
iNaturalist community science platform and vetted by domain experts to ensure
accuracy, includes 134.6 million images, surpassing existing datasets in scale
by an order of magnitude. The dataset encompasses image-language paired data
for a diverse set of species from birds (Aves), spiders/ticks/mites
(Arachnida), insects (Insecta), plants (Plantae), fungus/mushrooms (Fungi),
snails (Mollusca), and snakes/lizards (Reptilia), making it a valuable resource
for multimodal vision-language AI models for biodiversity assessment and
agriculture research. Each image is annotated with scientific names, taxonomic
details, and common names, enhancing the robustness of AI model training.
We showcase the value of Arboretum by releasing a suite of CLIP models
trained using a subset of 40 million captioned images. We introduce several new
benchmarks for rigorous assessment, report accuracy for zero-shot learning, and
evaluations across life stages, rare species, confounding species, and various
levels of the taxonomic hierarchy.
We anticipate that Arboretum will spur the development of AI models that can
enable a variety of digital tools ranging from pest control strategies, crop
monitoring, and worldwide biodiversity assessment and environmental
conservation. These advancements are critical for ensuring food security,
preserving ecosystems, and mitigating the impacts of climate change. Arboretum
is publicly available, easily accessible, and ready for immediate use.
Please see the \href{https://baskargroup.github.io/Arboretum/}{project
website} for links to our data, models, and code. | null | cs.CV | [
"cs.CV"
] |
2407.15002 | HF | GET-Zero: Graph Embodiment Transformer for Zero-shot Embodiment Generalization | [
"Austin Patel",
"Shuran Song"
] | 2024-07-20 | This paper introduces GET-Zero, a model architecture and training procedure
for learning an embodiment-aware control policy that can immediately adapt to
new hardware changes without retraining. To do so, we present Graph Embodiment
Transformer (GET), a transformer model that leverages the embodiment graph
connectivity as a learned structural bias in the attention mechanism. We use
behavior cloning to distill demonstration data from embodiment-specific expert
policies into an embodiment-aware GET model that conditions on the hardware
configuration of the robot to make control decisions. We conduct a case study
on a dexterous in-hand object rotation task using different configurations of a
four-fingered robot hand with joints removed and with link length extensions.
Using the GET model along with a self-modeling loss enables GET-Zero to
zero-shot generalize to unseen variation in graph structure and link length,
yielding a 20% improvement over baseline methods. All code and qualitative
video results are on https://get-zero-paper.github.io | null | cs.RO | [
"cs.RO",
"I.2.9"
] |
2308.01825 | Both | Scaling Relationship on Learning Mathematical Reasoning with Large Language Models | [
"Zheng Yuan",
"Hongyi Yuan",
"Chengpeng Li",
"Guanting Dong",
"Keming Lu",
"Chuanqi Tan",
"Chang Zhou",
"Jingren Zhou"
] | 2023-08-03 | Mathematical reasoning is a challenging task for large language models
(LLMs), while the scaling relationship of it with respect to LLM capacity is
under-explored. In this paper, we investigate how the pre-training loss,
supervised data amount, and augmented data amount influence the reasoning
performances of a supervised LLM. We find that pre-training loss is a better
indicator of the model's performance than the model's parameter count. We apply
supervised fine-tuning (SFT) with different amounts of supervised data and
empirically find a log-linear relation between data amount and model
performance, and we find better models improve less with enlarged supervised
datasets. To augment more data samples for improving model performances without
any human effort, we propose to apply Rejection sampling Fine-Tuning (RFT). RFT
uses supervised models to generate and collect correct reasoning paths as
augmented fine-tuning datasets. We find with augmented samples containing more
distinct reasoning paths, RFT improves mathematical reasoning performance more
for LLMs. We also find RFT brings more improvement for less performant LLMs.
Furthermore, we combine rejection samples from multiple models which push
LLaMA-7B to an accuracy of 49.3\% on GSM8K which outperforms the supervised
fine-tuning (SFT) accuracy of 35.9\% significantly. | null | cs.CL | [
"cs.CL"
] |
2407.10671 | HF | Qwen2 Technical Report | [
"An Yang",
"Baosong Yang",
"Binyuan Hui",
"Bo Zheng",
"Bowen Yu",
"Chang Zhou",
"Chengpeng Li",
"Chengyuan Li",
"Dayiheng Liu",
"Fei Huang",
"Guanting Dong",
"Haoran Wei",
"Huan Lin",
"Jialong Tang",
"Jialin Wang",
"Jian Yang",
"Jianhong Tu",
"Jianwei Zhang",
"Jianxin Ma",
"Jianxin Yang",
"Jin Xu",
"Jingren Zhou",
"Jinze Bai",
"Jinzheng He",
"Junyang Lin",
"Kai Dang",
"Keming Lu",
"Keqin Chen",
"Kexin Yang",
"Mei Li",
"Mingfeng Xue",
"Na Ni",
"Pei Zhang",
"Peng Wang",
"Ru Peng",
"Rui Men",
"Ruize Gao",
"Runji Lin",
"Shijie Wang",
"Shuai Bai",
"Sinan Tan",
"Tianhang Zhu",
"Tianhao Li",
"Tianyu Liu",
"Wenbin Ge",
"Xiaodong Deng",
"Xiaohuan Zhou",
"Xingzhang Ren",
"Xinyu Zhang",
"Xipin Wei",
"Xuancheng Ren",
"Xuejing Liu",
"Yang Fan",
"Yang Yao",
"Yichang Zhang",
"Yu Wan",
"Yunfei Chu",
"Yuqiong Liu",
"Zeyu Cui",
"Zhenru Zhang",
"Zhifang Guo",
"Zhihao Fan"
] | 2024-07-15 | This report introduces the Qwen2 series, the latest addition to our large
language models and large multimodal models. We release a comprehensive suite
of foundational and instruction-tuned language models, encompassing a parameter
range from 0.5 to 72 billion, featuring dense models and a Mixture-of-Experts
model. Qwen2 surpasses most prior open-weight models, including its predecessor
Qwen1.5, and exhibits competitive performance relative to proprietary models
across diverse benchmarks on language understanding, generation, multilingual
proficiency, coding, mathematics, and reasoning.
The flagship model, Qwen2-72B, showcases remarkable performance: 84.2 on
MMLU, 37.9 on GPQA, 64.6 on HumanEval, 89.5 on GSM8K, and 82.4 on BBH as a base
language model. The instruction-tuned variant, Qwen2-72B-Instruct, attains 9.1
on MT-Bench, 48.1 on Arena-Hard, and 35.7 on LiveCodeBench. Moreover, Qwen2
demonstrates robust multilingual capabilities, proficient in approximately 30
languages, spanning English, Chinese, Spanish, French, German, Arabic, Russian,
Korean, Japanese, Thai, Vietnamese, and more, underscoring its versatility and
global reach.
To foster community innovation and accessibility, we have made the Qwen2
model weights openly available on Hugging Face and ModelScope, and the
supplementary materials including example code on GitHub. These platforms also
include resources for quantization, fine-tuning, and deployment, facilitating a
wide range of applications and research endeavors. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.15047 | AnswerAI | Ghostbuster: Detecting Text Ghostwritten by Large Language Models | [
"Vivek Verma",
"Eve Fleisig",
"Nicholas Tomlin",
"Dan Klein"
] | 2023-05-24 | We introduce Ghostbuster, a state-of-the-art system for detecting
AI-generated text. Our method works by passing documents through a series of
weaker language models, running a structured search over possible combinations
of their features, and then training a classifier on the selected features to
predict whether documents are AI-generated. Crucially, Ghostbuster does not
require access to token probabilities from the target model, making it useful
for detecting text generated by black-box models or unknown model versions. In
conjunction with our model, we release three new datasets of human- and
AI-generated text as detection benchmarks in the domains of student essays,
creative writing, and news articles. We compare Ghostbuster to a variety of
existing detectors, including DetectGPT and GPTZero, as well as a new RoBERTa
baseline. Ghostbuster achieves 99.0 F1 when evaluated across domains, which is
5.9 F1 higher than the best preexisting model. It also outperforms all previous
approaches in generalization across writing domains (+7.5 F1), prompting
strategies (+2.1 F1), and language models (+4.4 F1). We also analyze the
robustness of our system to a variety of perturbations and paraphrasing attacks
and evaluate its performance on documents written by non-native English
speakers. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.09662 | HF | Make-An-Animation: Large-Scale Text-conditional 3D Human Motion Generation | [
"Samaneh Azadi",
"Akbar Shah",
"Thomas Hayes",
"Devi Parikh",
"Sonal Gupta"
] | 2023-05-16 | Text-guided human motion generation has drawn significant interest because of
its impactful applications spanning animation and robotics. Recently,
application of diffusion models for motion generation has enabled improvements
in the quality of generated motions. However, existing approaches are limited
by their reliance on relatively small-scale motion capture data, leading to
poor performance on more diverse, in-the-wild prompts. In this paper, we
introduce Make-An-Animation, a text-conditioned human motion generation model
which learns more diverse poses and prompts from large-scale image-text
datasets, enabling significant improvement in performance over prior works.
Make-An-Animation is trained in two stages. First, we train on a curated
large-scale dataset of (text, static pseudo-pose) pairs extracted from
image-text datasets. Second, we fine-tune on motion capture data, adding
additional layers to model the temporal dimension. Unlike prior diffusion
models for motion generation, Make-An-Animation uses a U-Net architecture
similar to recent text-to-video generation models. Human evaluation of motion
realism and alignment with input text shows that our model reaches
state-of-the-art performance on text-to-motion generation. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2309.01700 | HF | ControlMat: A Controlled Generative Approach to Material Capture | [
"Giuseppe Vecchio",
"Rosalie Martin",
"Arthur Roullier",
"Adrien Kaiser",
"Romain Rouffet",
"Valentin Deschaintre",
"Tamy Boubekeur"
] | 2023-09-04 | Material reconstruction from a photograph is a key component of 3D content
creation democratization. We propose to formulate this ill-posed problem as a
controlled synthesis one, leveraging the recent progress in generative deep
networks. We present ControlMat, a method which, given a single photograph with
uncontrolled illumination as input, conditions a diffusion model to generate
plausible, tileable, high-resolution physically-based digital materials. We
carefully analyze the behavior of diffusion models for multi-channel outputs,
adapt the sampling process to fuse multi-scale information and introduce rolled
diffusion to enable both tileability and patched diffusion for high-resolution
outputs. Our generative approach further permits exploration of a variety of
materials which could correspond to the input image, mitigating the unknown
lighting conditions. We show that our approach outperforms recent inference and
latent-space-optimization methods, and carefully validate our diffusion process
design choices. Supplemental materials and additional details are available at:
https://gvecchio.com/controlmat/. | 10.1145/3688830 | cs.CV | [
"cs.CV",
"cs.GR"
] |
2308.09442 | AnswerAI | BioMedGPT: Open Multimodal Generative Pre-trained Transformer for BioMedicine | [
"Yizhen Luo",
"Jiahuan Zhang",
"Siqi Fan",
"Kai Yang",
"Yushuai Wu",
"Mu Qiao",
"Zaiqing Nie"
] | 2023-08-18 | Foundation models (FMs) have exhibited remarkable performance across a wide
range of downstream tasks in many domains. Nevertheless, general-purpose FMs
often face challenges when confronted with domain-specific problems, due to
their limited access to the proprietary training data in a particular domain.
In biomedicine, there are various biological modalities, such as molecules,
proteins, and cells, which are encoded by the language of life and exhibit
significant modality gaps with human natural language. In this paper, we
introduce BioMedGPT, an open multimodal generative pre-trained transformer
(GPT) for biomedicine, to bridge the gap between the language of life and human
natural language. BioMedGPT allows users to easily ``communicate'' with diverse
biological modalities through free text, which is the first of its kind.
BioMedGPT aligns different biological modalities with natural language via a
large generative language model, namely, BioMedGPT-LM. We publish
BioMedGPT-10B, which unifies the feature spaces of molecules, proteins, and
natural language via encoding and alignment. Through fine-tuning, BioMedGPT-10B
outperforms or is on par with human and significantly larger general-purpose
foundation models on the biomedical QA task. It also demonstrates promising
performance in the molecule QA and protein QA tasks, which could greatly
accelerate the discovery of new drugs and therapeutic targets. In addition,
BioMedGPT-LM-7B is the first large generative language model based on Llama2 in
the biomedical domain, therefore is commercial friendly. Both BioMedGPT-10B and
BioMedGPT-LM-7B are open-sourced to the research community. In addition, we
publish the datasets that are meticulously curated for the alignment of
multi-modalities, i.e., PubChemQA and UniProtQA. All the models, codes, and
datasets are available at \url{https://github.com/PharMolix/OpenBioMed}. | null | cs.CE | [
"cs.CE"
] |
2406.00908 | HF | ZeroSmooth: Training-free Diffuser Adaptation for High Frame Rate Video Generation | [
"Shaoshu Yang",
"Yong Zhang",
"Xiaodong Cun",
"Ying Shan",
"Ran He"
] | 2024-06-03 | Video generation has made remarkable progress in recent years, especially
since the advent of the video diffusion models. Many video generation models
can produce plausible synthetic videos, e.g., Stable Video Diffusion (SVD).
However, most video models can only generate low frame rate videos due to the
limited GPU memory as well as the difficulty of modeling a large set of frames.
The training videos are always uniformly sampled at a specified interval for
temporal compression. Previous methods promote the frame rate by either
training a video interpolation model in pixel space as a postprocessing stage
or training an interpolation model in latent space for a specific base video
model. In this paper, we propose a training-free video interpolation method for
generative video diffusion models, which is generalizable to different models
in a plug-and-play manner. We investigate the non-linearity in the feature
space of video diffusion models and transform a video model into a
self-cascaded video diffusion model with incorporating the designed hidden
state correction modules. The self-cascaded architecture and the correction
module are proposed to retain the temporal consistency between key frames and
the interpolated frames. Extensive evaluations are preformed on multiple
popular video models to demonstrate the effectiveness of the propose method,
especially that our training-free method is even comparable to trained
interpolation models supported by huge compute resources and large-scale
datasets. | null | cs.CV | [
"cs.CV"
] |
2407.03320 | Both | InternLM-XComposer-2.5: A Versatile Large Vision Language Model Supporting Long-Contextual Input and Output | [
"Pan Zhang",
"Xiaoyi Dong",
"Yuhang Zang",
"Yuhang Cao",
"Rui Qian",
"Lin Chen",
"Qipeng Guo",
"Haodong Duan",
"Bin Wang",
"Linke Ouyang",
"Songyang Zhang",
"Wenwei Zhang",
"Yining Li",
"Yang Gao",
"Peng Sun",
"Xinyue Zhang",
"Wei Li",
"Jingwen Li",
"Wenhai Wang",
"Hang Yan",
"Conghui He",
"Xingcheng Zhang",
"Kai Chen",
"Jifeng Dai",
"Yu Qiao",
"Dahua Lin",
"Jiaqi Wang"
] | 2024-07-03 | We present InternLM-XComposer-2.5 (IXC-2.5), a versatile large-vision
language model that supports long-contextual input and output. IXC-2.5 excels
in various text-image comprehension and composition applications, achieving
GPT-4V level capabilities with merely 7B LLM backend. Trained with 24K
interleaved image-text contexts, it can seamlessly extend to 96K long contexts
via RoPE extrapolation. This long-context capability allows IXC-2.5 to excel in
tasks requiring extensive input and output contexts. Compared to its previous
2.0 version, InternLM-XComposer-2.5 features three major upgrades in
vision-language comprehension: (1) Ultra-High Resolution Understanding, (2)
Fine-Grained Video Understanding, and (3) Multi-Turn Multi-Image Dialogue. In
addition to comprehension, IXC-2.5 extends to two compelling applications using
extra LoRA parameters for text-image composition: (1) Crafting Webpages and (2)
Composing High-Quality Text-Image Articles. IXC-2.5 has been evaluated on 28
benchmarks, outperforming existing open-source state-of-the-art models on 16
benchmarks. It also surpasses or competes closely with GPT-4V and Gemini Pro on
16 key tasks. The InternLM-XComposer-2.5 is publicly available at
https://github.com/InternLM/InternLM-XComposer. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2006.03654 | AnswerAI | DeBERTa: Decoding-enhanced BERT with Disentangled Attention | [
"Pengcheng He",
"Xiaodong Liu",
"Jianfeng Gao",
"Weizhu Chen"
] | 2020-06-05 | Recent progress in pre-trained neural language models has significantly
improved the performance of many natural language processing (NLP) tasks. In
this paper we propose a new model architecture DeBERTa (Decoding-enhanced BERT
with disentangled attention) that improves the BERT and RoBERTa models using
two novel techniques. The first is the disentangled attention mechanism, where
each word is represented using two vectors that encode its content and
position, respectively, and the attention weights among words are computed
using disentangled matrices on their contents and relative positions,
respectively. Second, an enhanced mask decoder is used to incorporate absolute
positions in the decoding layer to predict the masked tokens in model
pre-training. In addition, a new virtual adversarial training method is used
for fine-tuning to improve models' generalization. We show that these
techniques significantly improve the efficiency of model pre-training and the
performance of both natural language understanding (NLU) and natural langauge
generation (NLG) downstream tasks. Compared to RoBERTa-Large, a DeBERTa model
trained on half of the training data performs consistently better on a wide
range of NLP tasks, achieving improvements on MNLI by +0.9% (90.2% vs. 91.1%),
on SQuAD v2.0 by +2.3% (88.4% vs. 90.7%) and RACE by +3.6% (83.2% vs. 86.8%).
Notably, we scale up DeBERTa by training a larger version that consists of 48
Transform layers with 1.5 billion parameters. The significant performance boost
makes the single DeBERTa model surpass the human performance on the SuperGLUE
benchmark (Wang et al., 2019a) for the first time in terms of macro-average
score (89.9 versus 89.8), and the ensemble DeBERTa model sits atop the
SuperGLUE leaderboard as of January 6, 2021, out performing the human baseline
by a decent margin (90.3 versus 89.8). | null | cs.CL | [
"cs.CL",
"cs.LG",
"cs.CL, cs.GL",
"I.2; I.7"
] |
2305.17390 | Both | SwiftSage: A Generative Agent with Fast and Slow Thinking for Complex Interactive Tasks | [
"Bill Yuchen Lin",
"Yicheng Fu",
"Karina Yang",
"Faeze Brahman",
"Shiyu Huang",
"Chandra Bhagavatula",
"Prithviraj Ammanabrolu",
"Yejin Choi",
"Xiang Ren"
] | 2023-05-27 | We introduce SwiftSage, a novel agent framework inspired by the dual-process
theory of human cognition, designed to excel in action planning for complex
interactive reasoning tasks. SwiftSage integrates the strengths of behavior
cloning and prompting large language models (LLMs) to enhance task completion
performance. The framework comprises two primary modules: the Swift module,
representing fast and intuitive thinking, and the Sage module, emulating
deliberate thought processes. The Swift module is a small encoder-decoder LM
fine-tuned on the oracle agent's action trajectories, while the Sage module
employs LLMs such as GPT-4 for subgoal planning and grounding. We develop a
heuristic method to harmoniously integrate the two modules, resulting in a more
efficient and robust problem-solving process. In 30 tasks from the ScienceWorld
benchmark, SwiftSage significantly outperforms other methods such as SayCan,
ReAct, and Reflexion, demonstrating its effectiveness in solving complex
interactive tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"cs.MA",
"cs.RO"
] |
2305.14342 | AnswerAI | Sophia: A Scalable Stochastic Second-order Optimizer for Language Model Pre-training | [
"Hong Liu",
"Zhiyuan Li",
"David Hall",
"Percy Liang",
"Tengyu Ma"
] | 2023-05-23 | Given the massive cost of language model pre-training, a non-trivial
improvement of the optimization algorithm would lead to a material reduction on
the time and cost of training. Adam and its variants have been state-of-the-art
for years, and more sophisticated second-order (Hessian-based) optimizers often
incur too much per-step overhead. In this paper, we propose Sophia,
Second-order Clipped Stochastic Optimization, a simple scalable second-order
optimizer that uses a light-weight estimate of the diagonal Hessian as the
pre-conditioner. The update is the moving average of the gradients divided by
the moving average of the estimated Hessian, followed by element-wise clipping.
The clipping controls the worst-case update size and tames the negative impact
of non-convexity and rapid change of Hessian along the trajectory. Sophia only
estimates the diagonal Hessian every handful of iterations, which has
negligible average per-step time and memory overhead. On language modeling with
GPT models of sizes ranging from 125M to 1.5B, Sophia achieves a 2x speed-up
compared to Adam in the number of steps, total compute, and wall-clock time,
achieving the same perplexity with 50% fewer steps, less total compute, and
reduced wall-clock time. Theoretically, we show that Sophia, in a much
simplified setting, adapts to the heterogeneous curvatures in different
parameter dimensions, and thus has a run-time bound that does not depend on the
condition number of the loss. | null | cs.LG | [
"cs.LG",
"cs.CL",
"math.OC"
] |
2408.15980 | HF | In-Context Imitation Learning via Next-Token Prediction | [
"Letian Fu",
"Huang Huang",
"Gaurav Datta",
"Lawrence Yunliang Chen",
"William Chung-Ho Panitch",
"Fangchen Liu",
"Hui Li",
"Ken Goldberg"
] | 2024-08-28 | We explore how to enhance next-token prediction models to perform in-context
imitation learning on a real robot, where the robot executes new tasks by
interpreting contextual information provided during the input phase, without
updating its underlying policy parameters. We propose In-Context Robot
Transformer (ICRT), a causal transformer that performs autoregressive
prediction on sensorimotor trajectories without relying on any linguistic data
or reward function. This formulation enables flexible and training-free
execution of new tasks at test time, achieved by prompting the model with
sensorimotor trajectories of the new task composing of image observations,
actions and states tuples, collected through human teleoperation. Experiments
with a Franka Emika robot demonstrate that the ICRT can adapt to new tasks
specified by prompts, even in environment configurations that differ from both
the prompt and the training data. In a multitask environment setup, ICRT
significantly outperforms current state-of-the-art next-token prediction models
in robotics on generalizing to unseen tasks. Code, checkpoints and data are
available on https://icrt.dev/ | null | cs.RO | [
"cs.RO",
"cs.AI"
] |
2401.10032 | HF | FreGrad: Lightweight and Fast Frequency-aware Diffusion Vocoder | [
"Tan Dat Nguyen",
"Ji-Hoon Kim",
"Youngjoon Jang",
"Jaehun Kim",
"Joon Son Chung"
] | 2024-01-18 | The goal of this paper is to generate realistic audio with a lightweight and
fast diffusion-based vocoder, named FreGrad. Our framework consists of the
following three key components: (1) We employ discrete wavelet transform that
decomposes a complicated waveform into sub-band wavelets, which helps FreGrad
to operate on a simple and concise feature space, (2) We design a
frequency-aware dilated convolution that elevates frequency awareness,
resulting in generating speech with accurate frequency information, and (3) We
introduce a bag of tricks that boosts the generation quality of the proposed
model. In our experiments, FreGrad achieves 3.7 times faster training time and
2.2 times faster inference speed compared to our baseline while reducing the
model size by 0.6 times (only 1.78M parameters) without sacrificing the output
quality. Audio samples are available at:
https://mm.kaist.ac.kr/projects/FreGrad. | null | eess.AS | [
"eess.AS",
"cs.AI",
"eess.SP"
] |
2306.03092 | HF | Neuralangelo: High-Fidelity Neural Surface Reconstruction | [
"Zhaoshuo Li",
"Thomas Müller",
"Alex Evans",
"Russell H. Taylor",
"Mathias Unberath",
"Ming-Yu Liu",
"Chen-Hsuan Lin"
] | 2023-06-05 | Neural surface reconstruction has been shown to be powerful for recovering
dense 3D surfaces via image-based neural rendering. However, current methods
struggle to recover detailed structures of real-world scenes. To address the
issue, we present Neuralangelo, which combines the representation power of
multi-resolution 3D hash grids with neural surface rendering. Two key
ingredients enable our approach: (1) numerical gradients for computing
higher-order derivatives as a smoothing operation and (2) coarse-to-fine
optimization on the hash grids controlling different levels of details. Even
without auxiliary inputs such as depth, Neuralangelo can effectively recover
dense 3D surface structures from multi-view images with fidelity significantly
surpassing previous methods, enabling detailed large-scale scene reconstruction
from RGB video captures. | null | cs.CV | [
"cs.CV"
] |
2305.08850 | HF | Make-A-Protagonist: Generic Video Editing with An Ensemble of Experts | [
"Yuyang Zhao",
"Enze Xie",
"Lanqing Hong",
"Zhenguo Li",
"Gim Hee Lee"
] | 2023-05-15 | The text-driven image and video diffusion models have achieved unprecedented
success in generating realistic and diverse content. Recently, the editing and
variation of existing images and videos in diffusion-based generative models
have garnered significant attention. However, previous works are limited to
editing content with text or providing coarse personalization using a single
visual clue, rendering them unsuitable for indescribable content that requires
fine-grained and detailed control. In this regard, we propose a generic video
editing framework called Make-A-Protagonist, which utilizes textual and visual
clues to edit videos with the goal of empowering individuals to become the
protagonists. Specifically, we leverage multiple experts to parse source video,
target visual and textual clues, and propose a visual-textual-based video
generation model that employs mask-guided denoising sampling to generate the
desired output. Extensive results demonstrate the versatile and remarkable
editing capabilities of Make-A-Protagonist. | null | cs.CV | [
"cs.CV"
] |
2408.11812 | HF | Scaling Cross-Embodied Learning: One Policy for Manipulation, Navigation, Locomotion and Aviation | [
"Ria Doshi",
"Homer Walke",
"Oier Mees",
"Sudeep Dasari",
"Sergey Levine"
] | 2024-08-21 | Modern machine learning systems rely on large datasets to attain broad
generalization, and this often poses a challenge in robot learning, where each
robotic platform and task might have only a small dataset. By training a single
policy across many different kinds of robots, a robot learning method can
leverage much broader and more diverse datasets, which in turn can lead to
better generalization and robustness. However, training a single policy on
multi-robot data is challenging because robots can have widely varying sensors,
actuators, and control frequencies. We propose CrossFormer, a scalable and
flexible transformer-based policy that can consume data from any embodiment. We
train CrossFormer on the largest and most diverse dataset to date, 900K
trajectories across 20 different robot embodiments. We demonstrate that the
same network weights can control vastly different robots, including single and
dual arm manipulation systems, wheeled robots, quadcopters, and quadrupeds.
Unlike prior work, our model does not require manual alignment of the
observation or action spaces. Extensive experiments in the real world show that
our method matches the performance of specialist policies tailored for each
embodiment, while also significantly outperforming the prior state of the art
in cross-embodiment learning. | null | cs.RO | [
"cs.RO",
"cs.LG"
] |
2407.03203 | HF | TheoremLlama: Transforming General-Purpose LLMs into Lean4 Experts | [
"Ruida Wang",
"Jipeng Zhang",
"Yizhen Jia",
"Rui Pan",
"Shizhe Diao",
"Renjie Pi",
"Tong Zhang"
] | 2024-07-03 | Proving mathematical theorems using computer-verifiable formal languages like
Lean significantly impacts mathematical reasoning. One approach to formal
theorem proving involves generating complete proofs using Large Language Models
(LLMs) based on Natural Language (NL) proofs. Similar methods have shown
promising results in code generation. However, most modern LLMs exhibit
suboptimal performance due to the scarcity of aligned NL and Formal Language
(FL) theorem-proving data. This scarcity results in a paucity of methodologies
for training LLMs and techniques to fully utilize their capabilities in
composing formal proofs. To address the challenges, this paper proposes
**TheoremLlama**, an end-to-end framework to train a general-purpose LLM to
become a Lean4 expert. This framework encompasses NL-FL aligned dataset
generation methods, training approaches for the LLM formal theorem prover, and
techniques for LLM Lean4 proof writing. Using the dataset generation method, we
provide *Open Bootstrapped Theorems* (OBT), an NL-FL aligned and bootstrapped
dataset. A key innovation in this framework is the NL-FL bootstrapping method,
where NL proofs are integrated into Lean4 code for training datasets,
leveraging the NL reasoning ability of LLMs for formal reasoning. The
**TheoremLlama** framework achieves cumulative accuracies of 36.48% and 33.61%
on MiniF2F-Valid and Test datasets respectively, surpassing the GPT-4 baseline
of 22.95% and 25.41%. We have also open-sourced our model checkpoints and
generated dataset, and will soon make all the code publicly available. | null | cs.FL | [
"cs.FL",
"cs.AI"
] |
2309.16797 | AnswerAI | Promptbreeder: Self-Referential Self-Improvement Via Prompt Evolution | [
"Chrisantha Fernando",
"Dylan Banarse",
"Henryk Michalewski",
"Simon Osindero",
"Tim Rocktäschel"
] | 2023-09-28 | Popular prompt strategies like Chain-of-Thought Prompting can dramatically
improve the reasoning abilities of Large Language Models (LLMs) in various
domains. However, such hand-crafted prompt-strategies are often sub-optimal. In
this paper, we present Promptbreeder, a general-purpose self-referential
self-improvement mechanism that evolves and adapts prompts for a given domain.
Driven by an LLM, Promptbreeder mutates a population of task-prompts, and
subsequently evaluates them for fitness on a training set. Crucially, the
mutation of these task-prompts is governed by mutation-prompts that the LLM
generates and improves throughout evolution in a self-referential way. That is,
Promptbreeder is not just improving task-prompts, but it is also improving the
mutationprompts that improve these task-prompts. Promptbreeder outperforms
state-of-the-art prompt strategies such as Chain-of-Thought and Plan-and-Solve
Prompting on commonly used arithmetic and commonsense reasoning benchmarks.
Furthermore, Promptbreeder is able to evolve intricate task-prompts for the
challenging problem of hate speech classification. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"cs.NE"
] |
2404.16030 | HF | MoDE: CLIP Data Experts via Clustering | [
"Jiawei Ma",
"Po-Yao Huang",
"Saining Xie",
"Shang-Wen Li",
"Luke Zettlemoyer",
"Shih-Fu Chang",
"Wen-Tau Yih",
"Hu Xu"
] | 2024-04-24 | The success of contrastive language-image pretraining (CLIP) relies on the
supervision from the pairing between images and captions, which tends to be
noisy in web-crawled data. We present Mixture of Data Experts (MoDE) and learn
a system of CLIP data experts via clustering. Each data expert is trained on
one data cluster, being less sensitive to false negative noises in other
clusters. At inference time, we ensemble their outputs by applying weights
determined through the correlation between task metadata and cluster
conditions. To estimate the correlation precisely, the samples in one cluster
should be semantically similar, but the number of data experts should still be
reasonable for training and inference. As such, we consider the ontology in
human language and propose to use fine-grained cluster centers to represent
each data expert at a coarse-grained level. Experimental studies show that four
CLIP data experts on ViT-B/16 outperform the ViT-L/14 by OpenAI CLIP and
OpenCLIP on zero-shot image classification but with less ($<$35\%) training
cost. Meanwhile, MoDE can train all data expert asynchronously and can flexibly
include new data experts. The code is available at
https://github.com/facebookresearch/MetaCLIP/tree/main/mode. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2408.07009 | HF | Imagen 3 | [
"Imagen-Team-Google",
":",
"Jason Baldridge",
"Jakob Bauer",
"Mukul Bhutani",
"Nicole Brichtova",
"Andrew Bunner",
"Kelvin Chan",
"Yichang Chen",
"Sander Dieleman",
"Yuqing Du",
"Zach Eaton-Rosen",
"Hongliang Fei",
"Nando de Freitas",
"Yilin Gao",
"Evgeny Gladchenko",
"Sergio Gómez Colmenarejo",
"Mandy Guo",
"Alex Haig",
"Will Hawkins",
"Hexiang Hu",
"Huilian Huang",
"Tobenna Peter Igwe",
"Christos Kaplanis",
"Siavash Khodadadeh",
"Yelin Kim",
"Ksenia Konyushkova",
"Karol Langner",
"Eric Lau",
"Shixin Luo",
"Soňa Mokrá",
"Henna Nandwani",
"Yasumasa Onoe",
"Aäron van den Oord",
"Zarana Parekh",
"Jordi Pont-Tuset",
"Hang Qi",
"Rui Qian",
"Deepak Ramachandran",
"Poorva Rane",
"Abdullah Rashwan",
"Ali Razavi",
"Robert Riachi",
"Hansa Srinivasan",
"Srivatsan Srinivasan",
"Robin Strudel",
"Benigno Uria",
"Oliver Wang",
"Su Wang",
"Austin Waters",
"Chris Wolff",
"Auriel Wright",
"Zhisheng Xiao",
"Hao Xiong",
"Keyang Xu",
"Marc van Zee",
"Junlin Zhang",
"Katie Zhang",
"Wenlei Zhou",
"Konrad Zolna",
"Ola Aboubakar",
"Canfer Akbulut",
"Oscar Akerlund",
"Isabela Albuquerque",
"Nina Anderson",
"Marco Andreetto",
"Lora Aroyo",
"Ben Bariach",
"David Barker",
"Sherry Ben",
"Dana Berman",
"Courtney Biles",
"Irina Blok",
"Pankil Botadra",
"Jenny Brennan",
"Karla Brown",
"John Buckley",
"Rudy Bunel",
"Elie Bursztein",
"Christina Butterfield",
"Ben Caine",
"Viral Carpenter",
"Norman Casagrande",
"Ming-Wei Chang",
"Solomon Chang",
"Shamik Chaudhuri",
"Tony Chen",
"John Choi",
"Dmitry Churbanau",
"Nathan Clement",
"Matan Cohen",
"Forrester Cole",
"Mikhail Dektiarev",
"Vincent Du",
"Praneet Dutta",
"Tom Eccles",
"Ndidi Elue",
"Ashley Feden",
"Shlomi Fruchter",
"Frankie Garcia",
"Roopal Garg",
"Weina Ge",
"Ahmed Ghazy",
"Bryant Gipson",
"Andrew Goodman",
"Dawid Górny",
"Sven Gowal",
"Khyatti Gupta",
"Yoni Halpern",
"Yena Han",
"Susan Hao",
"Jamie Hayes",
"Amir Hertz",
"Ed Hirst",
"Tingbo Hou",
"Heidi Howard",
"Mohamed Ibrahim",
"Dirichi Ike-Njoku",
"Joana Iljazi",
"Vlad Ionescu",
"William Isaac",
"Reena Jana",
"Gemma Jennings",
"Donovon Jenson",
"Xuhui Jia",
"Kerry Jones",
"Xiaoen Ju",
"Ivana Kajic",
"Christos Kaplanis",
"Burcu Karagol Ayan",
"Jacob Kelly",
"Suraj Kothawade",
"Christina Kouridi",
"Ira Ktena",
"Jolanda Kumakaw",
"Dana Kurniawan",
"Dmitry Lagun",
"Lily Lavitas",
"Jason Lee",
"Tao Li",
"Marco Liang",
"Maggie Li-Calis",
"Yuchi Liu",
"Javier Lopez Alberca",
"Peggy Lu",
"Kristian Lum",
"Yukun Ma",
"Chase Malik",
"John Mellor",
"Inbar Mosseri",
"Tom Murray",
"Aida Nematzadeh",
"Paul Nicholas",
"João Gabriel Oliveira",
"Guillermo Ortiz-Jimenez",
"Michela Paganini",
"Tom Le Paine",
"Roni Paiss",
"Alicia Parrish",
"Anne Peckham",
"Vikas Peswani",
"Igor Petrovski",
"Tobias Pfaff",
"Alex Pirozhenko",
"Ryan Poplin",
"Utsav Prabhu",
"Yuan Qi",
"Matthew Rahtz",
"Cyrus Rashtchian",
"Charvi Rastogi",
"Amit Raul",
"Ali Razavi",
"Sylvestre-Alvise Rebuffi",
"Susanna Ricco",
"Felix Riedel",
"Dirk Robinson",
"Pankaj Rohatgi",
"Bill Rosgen",
"Sarah Rumbley",
"Moonkyung Ryu",
"Anthony Salgado",
"Sahil Singla",
"Florian Schroff",
"Candice Schumann",
"Tanmay Shah",
"Brendan Shillingford",
"Kaushik Shivakumar",
"Dennis Shtatnov",
"Zach Singer",
"Evgeny Sluzhaev",
"Valerii Sokolov",
"Thibault Sottiaux",
"Florian Stimberg",
"Brad Stone",
"David Stutz",
"Yu-Chuan Su",
"Eric Tabellion",
"Shuai Tang",
"David Tao",
"Kurt Thomas",
"Gregory Thornton",
"Andeep Toor",
"Cristian Udrescu",
"Aayush Upadhyay",
"Cristina Vasconcelos",
"Alex Vasiloff",
"Andrey Voynov",
"Amanda Walker",
"Luyu Wang",
"Miaosen Wang",
"Simon Wang",
"Stanley Wang",
"Qifei Wang",
"Yuxiao Wang",
"Ágoston Weisz",
"Olivia Wiles",
"Chenxia Wu",
"Xingyu Federico Xu",
"Andrew Xue",
"Jianbo Yang",
"Luo Yu",
"Mete Yurtoglu",
"Ali Zand",
"Han Zhang",
"Jiageng Zhang",
"Catherine Zhao",
"Adilet Zhaxybay",
"Miao Zhou",
"Shengqi Zhu",
"Zhenkai Zhu",
"Dawn Bloxwich",
"Mahyar Bordbar",
"Luis C. Cobo",
"Eli Collins",
"Shengyang Dai",
"Tulsee Doshi",
"Anca Dragan",
"Douglas Eck",
"Demis Hassabis",
"Sissie Hsiao",
"Tom Hume",
"Koray Kavukcuoglu",
"Helen King",
"Jack Krawczyk",
"Yeqing Li",
"Kathy Meier-Hellstern",
"Andras Orban",
"Yury Pinsky",
"Amar Subramanya",
"Oriol Vinyals",
"Ting Yu",
"Yori Zwols"
] | 2024-08-13 | We introduce Imagen 3, a latent diffusion model that generates high quality
images from text prompts. We describe our quality and responsibility
evaluations. Imagen 3 is preferred over other state-of-the-art (SOTA) models at
the time of evaluation. In addition, we discuss issues around safety and
representation, as well as methods we used to minimize the potential harm of
our models. | null | cs.CV | [
"cs.CV"
] |
2407.06191 | HF | Tailor3D: Customized 3D Assets Editing and Generation with Dual-Side Images | [
"Zhangyang Qi",
"Yunhan Yang",
"Mengchen Zhang",
"Long Xing",
"Xiaoyang Wu",
"Tong Wu",
"Dahua Lin",
"Xihui Liu",
"Jiaqi Wang",
"Hengshuang Zhao"
] | 2024-07-08 | Recent advances in 3D AIGC have shown promise in directly creating 3D objects
from text and images, offering significant cost savings in animation and
product design. However, detailed edit and customization of 3D assets remains a
long-standing challenge. Specifically, 3D Generation methods lack the ability
to follow finely detailed instructions as precisely as their 2D image creation
counterparts. Imagine you can get a toy through 3D AIGC but with undesired
accessories and dressing. To tackle this challenge, we propose a novel pipeline
called Tailor3D, which swiftly creates customized 3D assets from editable
dual-side images. We aim to emulate a tailor's ability to locally change
objects or perform overall style transfer. Unlike creating 3D assets from
multiple views, using dual-side images eliminates conflicts on overlapping
areas that occur when editing individual views. Specifically, it begins by
editing the front view, then generates the back view of the object through
multi-view diffusion. Afterward, it proceeds to edit the back views. Finally, a
Dual-sided LRM is proposed to seamlessly stitch together the front and back 3D
features, akin to a tailor sewing together the front and back of a garment. The
Dual-sided LRM rectifies imperfect consistencies between the front and back
views, enhancing editing capabilities and reducing memory burdens while
seamlessly integrating them into a unified 3D representation with the LoRA
Triplane Transformer. Experimental results demonstrate Tailor3D's effectiveness
across various 3D generation and editing tasks, including 3D generative fill
and style transfer. It provides a user-friendly, efficient solution for editing
3D assets, with each editing step taking only seconds to complete. | null | cs.CV | [
"cs.CV"
] |
2308.06595 | HF | VisIT-Bench: A Benchmark for Vision-Language Instruction Following Inspired by Real-World Use | [
"Yonatan Bitton",
"Hritik Bansal",
"Jack Hessel",
"Rulin Shao",
"Wanrong Zhu",
"Anas Awadalla",
"Josh Gardner",
"Rohan Taori",
"Ludwig Schmidt"
] | 2023-08-12 | We introduce VisIT-Bench (Visual InsTruction Benchmark), a benchmark for
evaluation of instruction-following vision-language models for real-world use.
Our starting point is curating 70 'instruction families' that we envision
instruction tuned vision-language models should be able to address. Extending
beyond evaluations like VQAv2 and COCO, tasks range from basic recognition to
game playing and creative generation. Following curation, our dataset comprises
592 test queries, each with a human-authored instruction-conditioned caption.
These descriptions surface instruction-specific factors, e.g., for an
instruction asking about the accessibility of a storefront for wheelchair
users, the instruction-conditioned caption describes ramps/potential obstacles.
These descriptions enable 1) collecting human-verified reference outputs for
each instance; and 2) automatic evaluation of candidate multimodal generations
using a text-only LLM, aligning with human judgment. We quantify quality gaps
between models and references using both human and automatic evaluations; e.g.,
the top-performing instruction-following model wins against the GPT-4 reference
in just 27% of the comparison. VisIT-Bench is dynamic to participate,
practitioners simply submit their model's response on the project website;
Data, code and leaderboard is available at visit-bench.github.io. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2304.01373 | AnswerAI | Pythia: A Suite for Analyzing Large Language Models Across Training and Scaling | [
"Stella Biderman",
"Hailey Schoelkopf",
"Quentin Anthony",
"Herbie Bradley",
"Kyle O'Brien",
"Eric Hallahan",
"Mohammad Aflah Khan",
"Shivanshu Purohit",
"USVSN Sai Prashanth",
"Edward Raff",
"Aviya Skowron",
"Lintang Sutawika",
"Oskar van der Wal"
] | 2023-04-03 | How do large language models (LLMs) develop and evolve over the course of
training? How do these patterns change as models scale? To answer these
questions, we introduce \textit{Pythia}, a suite of 16 LLMs all trained on
public data seen in the exact same order and ranging in size from 70M to 12B
parameters. We provide public access to 154 checkpoints for each one of the 16
models, alongside tools to download and reconstruct their exact training
dataloaders for further study. We intend \textit{Pythia} to facilitate research
in many areas, and we present several case studies including novel results in
memorization, term frequency effects on few-shot performance, and reducing
gender bias. We demonstrate that this highly controlled setup can be used to
yield novel insights toward LLMs and their training dynamics. Trained models,
analysis code, training code, and training data can be found at
\url{https://github.com/EleutherAI/pythia}. | null | cs.CL | [
"cs.CL"
] |
2310.15511 | HF | KITAB: Evaluating LLMs on Constraint Satisfaction for Information Retrieval | [
"Marah I Abdin",
"Suriya Gunasekar",
"Varun Chandrasekaran",
"Jerry Li",
"Mert Yuksekgonul",
"Rahee Ghosh Peshawaria",
"Ranjita Naik",
"Besmira Nushi"
] | 2023-10-24 | We study the ability of state-of-the art models to answer constraint
satisfaction queries for information retrieval (e.g., 'a list of ice cream
shops in San Diego'). In the past, such queries were considered to be tasks
that could only be solved via web-search or knowledge bases. More recently,
large language models (LLMs) have demonstrated initial emergent abilities in
this task. However, many current retrieval benchmarks are either saturated or
do not measure constraint satisfaction. Motivated by rising concerns around
factual incorrectness and hallucinations of LLMs, we present KITAB, a new
dataset for measuring constraint satisfaction abilities of language models.
KITAB consists of book-related data across more than 600 authors and 13,000
queries, and also offers an associated dynamic data collection and constraint
verification approach for acquiring similar test data for other authors. Our
extended experiments on GPT4 and GPT3.5 characterize and decouple common
failure modes across dimensions such as information popularity, constraint
types, and context availability. Results show that in the absence of context,
models exhibit severe limitations as measured by irrelevant information,
factual errors, and incompleteness, many of which exacerbate as information
popularity decreases. While context availability mitigates irrelevant
information, it is not helpful for satisfying constraints, identifying
fundamental barriers to constraint satisfaction. We open source our
contributions to foster further research on improving constraint satisfaction
abilities of future models. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.IR",
"I.2.7"
] |
2305.07490 | HF | ArtGPT-4: Towards Artistic-understanding Large Vision-Language Models with Enhanced Adapter | [
"Zhengqing Yuan",
"Yunhong He",
"Kun Wang",
"Yanfang Ye",
"Lichao Sun"
] | 2023-05-12 | The success of large language models (LLMs) has inspired an emerging research
field of multimodal learning. However, a grand challenge of exploiting LLMs for
multimodal learning is the size of pre-trained LLMs which are always with
billions of parameters. To tackle this challenge, models such as MiniGPT-4 and
LLaVA have been developed to fine-tune the pre-trained models using fewer
parameters. Despite their promising performance, these models remain limited in
their understanding of artistic imagery. To facilitate better
artistic-understanding, in this paper, we propose ArtGPT-4, a pioneering large
vision-language model tailored to address the limitations of existing models in
artistic comprehension. The key innovation of ArtGPT-4 lies in its craft for
the sophisticated challenge of artistic image comprehension, setting it apart
from other models that overlook fine details for broader themes. Specifically,
it works by integrating some specialized adapter layers into the LLM, enabling
the model to more efficiently and effectively parse and interpret complex
visual tokens, instead of fine-tuning the whole LLM as in the existing method.
ArtGPT-4 has demonstrated its outstanding performance on the efficiency:
utilizing a Tesla A100 device, its training can be completed in mere 2 hours
with an image-text pair dataset comprising approximately 0.52M entries.
Additionally, ArtGPT-4 has also achieved state-of-the-art performance on the
ArtEmis and ArtEmis-v2.0 datasets as well as the benchmarks established in this
work, lagging behind professional artists' descriptions by a negligible 0.15
points on a 6-point scale. The outstanding performance of ArtGPT-4 shows that
it can render images with an artistic-understanding and convey the emotions
they inspire, mirroring human interpretation. The code and the pre-trained
model are accessible in \url{https://github.com/DLYuanGod/ArtGPT-4}. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2309.08968 | Both | Sorted LLaMA: Unlocking the Potential of Intermediate Layers of Large Language Models for Dynamic Inference | [
"Parsa Kavehzadeh",
"Mojtaba Valipour",
"Marzieh Tahaei",
"Ali Ghodsi",
"Boxing Chen",
"Mehdi Rezagholizadeh"
] | 2023-09-16 | Large language models (LLMs) have revolutionized natural language processing
(NLP) by excelling at understanding and generating human-like text. However,
their widespread deployment can be prohibitively expensive. SortedNet is a
recent training technique for enabling dynamic inference by leveraging the
modularity in networks and sorting sub-models based on computation/accuracy in
a nested manner. We extend SortedNet to generative NLP tasks, making large
language models dynamic without any Pre-Training and by only replacing Standard
Fine-Tuning (SFT) with Sorted Fine-Tuning (SoFT). Our approach boosts model
efficiency, eliminating the need for multiple models for various scenarios
during inference. We show that this approach can unlock the power of
intermediate layers of transformers in generating the target output. Our
sub-models remain integral components of the original model, minimizing storage
requirements and transition costs between different computational/latency
budgets. The efficacy of our proposed method was demonstrated by applying it to
tune LLaMA 2 13B on the Stanford Alpaca dataset for instruction following and
TriviaQA for closed-book question answering. Our results show the superior
performance of sub-models in comparison to Standard Fine-Tuning and SFT+ICT
(Early-Exit), all achieved with efficient tuning and without additional memory
usage during inference. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.13673 | AnswerAI | Physics of Language Models: Part 1, Learning Hierarchical Language Structures | [
"Zeyuan Allen-Zhu",
"Yuanzhi Li"
] | 2023-05-23 | Transformer-based language models are effective but complex, and
understanding their inner workings is a significant challenge. Previous
research has primarily explored how these models handle simple tasks like name
copying or selection, and we extend this by investigating how these models
grasp complex, recursive language structures defined by context-free grammars
(CFGs). We introduce a family of synthetic CFGs that produce hierarchical
rules, capable of generating lengthy sentences (e.g., hundreds of tokens) that
are locally ambiguous and require dynamic programming to parse. Despite this
complexity, we demonstrate that generative models like GPT can accurately learn
this CFG language and generate sentences based on it. We explore the model's
internals, revealing that its hidden states precisely capture the structure of
CFGs, and its attention patterns resemble the information passing in a dynamic
programming algorithm.
This paper also presents several corollaries, including showing why
positional embedding is inferior to relative attention or rotary embedding;
demonstrating that encoder-based models (e.g., BERT, deBERTa) cannot learn very
deeply nested CFGs as effectively as generative models (e.g., GPT); and
highlighting the necessity of adding structural and syntactic errors to the
pretraining data to make the model more robust to corrupted language prefixes. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.15447 | HF | SIGMA: Sinkhorn-Guided Masked Video Modeling | [
"Mohammadreza Salehi",
"Michael Dorkenwald",
"Fida Mohammad Thoker",
"Efstratios Gavves",
"Cees G. M. Snoek",
"Yuki M. Asano"
] | 2024-07-22 | Video-based pretraining offers immense potential for learning strong visual
representations on an unprecedented scale. Recently, masked video modeling
methods have shown promising scalability, yet fall short in capturing
higher-level semantics due to reconstructing predefined low-level targets such
as pixels. To tackle this, we present Sinkhorn-guided Masked Video Modelling
(SIGMA), a novel video pretraining method that jointly learns the video model
in addition to a target feature space using a projection network. However, this
simple modification means that the regular L2 reconstruction loss will lead to
trivial solutions as both networks are jointly optimized. As a solution, we
distribute features of space-time tubes evenly across a limited number of
learnable clusters. By posing this as an optimal transport problem, we enforce
high entropy in the generated features across the batch, infusing semantic and
temporal meaning into the feature space. The resulting cluster assignments are
used as targets for a symmetric prediction task where the video model predicts
cluster assignment of the projection network and vice versa. Experimental
results on ten datasets across three benchmarks validate the effectiveness of
SIGMA in learning more performant, temporally-aware, and robust video
representations improving upon state-of-the-art methods. Our project website
with code is available at: https://quva-lab.github.io/SIGMA. | null | cs.CV | [
"cs.CV"
] |
2402.06088 | HF | Animated Stickers: Bringing Stickers to Life with Video Diffusion | [
"David Yan",
"Winnie Zhang",
"Luxin Zhang",
"Anmol Kalia",
"Dingkang Wang",
"Ankit Ramchandani",
"Miao Liu",
"Albert Pumarola",
"Edgar Schoenfeld",
"Elliot Blanchard",
"Krishna Narni",
"Yaqiao Luo",
"Lawrence Chen",
"Guan Pang",
"Ali Thabet",
"Peter Vajda",
"Amy Bearman",
"Licheng Yu"
] | 2024-02-08 | We introduce animated stickers, a video diffusion model which generates an
animation conditioned on a text prompt and static sticker image. Our model is
built on top of the state-of-the-art Emu text-to-image model, with the addition
of temporal layers to model motion. Due to the domain gap, i.e. differences in
visual and motion style, a model which performed well on generating natural
videos can no longer generate vivid videos when applied to stickers. To bridge
this gap, we employ a two-stage finetuning pipeline: first with weakly
in-domain data, followed by human-in-the-loop (HITL) strategy which we term
ensemble-of-teachers. It distills the best qualities of multiple teachers into
a smaller student model. We show that this strategy allows us to specifically
target improvements to motion quality while maintaining the style from the
static image. With inference optimizations, our model is able to generate an
eight-frame video with high-quality, interesting, and relevant motion in under
one second. | null | cs.CV | [
"cs.CV"
] |
2305.10434 | HF | Learning the Visualness of Text Using Large Vision-Language Models | [
"Gaurav Verma",
"Ryan A. Rossi",
"Christopher Tensmeyer",
"Jiuxiang Gu",
"Ani Nenkova"
] | 2023-05-11 | Visual text evokes an image in a person's mind, while non-visual text fails
to do so. A method to automatically detect visualness in text will enable
text-to-image retrieval and generation models to augment text with relevant
images. This is particularly challenging with long-form text as text-to-image
generation and retrieval models are often triggered for text that is designed
to be explicitly visual in nature, whereas long-form text could contain many
non-visual sentences. To this end, we curate a dataset of 3,620 English
sentences and their visualness scores provided by multiple human annotators. We
also propose a fine-tuning strategy that adapts large vision-language models
like CLIP by modifying the model's contrastive learning objective to map text
identified as non-visual to a common NULL image while matching visual text to
their corresponding images in the document. We evaluate the proposed approach
on its ability to (i) classify visual and non-visual text accurately, and (ii)
attend over words that are identified as visual in psycholinguistic studies.
Empirical evaluation indicates that our approach performs better than several
heuristics and baseline models for the proposed task. Furthermore, to highlight
the importance of modeling the visualness of text, we conduct qualitative
analyses of text-to-image generation systems like DALL-E. Project webpage:
https://gaurav22verma.github.io/text-visualness/ | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2310.18547 | AnswerAI | Punica: Multi-Tenant LoRA Serving | [
"Lequn Chen",
"Zihao Ye",
"Yongji Wu",
"Danyang Zhuo",
"Luis Ceze",
"Arvind Krishnamurthy"
] | 2023-10-28 | Low-rank adaptation (LoRA) has become an important and popular method to
adapt pre-trained models to specific domains. We present Punica, a system to
serve multiple LoRA models in a shared GPU cluster. Punica contains a new CUDA
kernel design that allows batching of GPU operations for different LoRA models.
This allows a GPU to hold only a single copy of the underlying pre-trained
model when serving multiple, different LoRA models, significantly enhancing GPU
efficiency in terms of both memory and computation. Our scheduler consolidates
multi-tenant LoRA serving workloads in a shared GPU cluster. With a fixed-sized
GPU cluster, our evaluations show that Punica achieves 12x higher throughput in
serving multiple LoRA models compared to state-of-the-art LLM serving systems
while only adding 2ms latency per token. Punica is open source at
https://github.com/punica-ai/punica . | null | cs.DC | [
"cs.DC",
"cs.LG"
] |
2303.17564 | AnswerAI | BloombergGPT: A Large Language Model for Finance | [
"Shijie Wu",
"Ozan Irsoy",
"Steven Lu",
"Vadim Dabravolski",
"Mark Dredze",
"Sebastian Gehrmann",
"Prabhanjan Kambadur",
"David Rosenberg",
"Gideon Mann"
] | 2023-03-30 | The use of NLP in the realm of financial technology is broad and complex,
with applications ranging from sentiment analysis and named entity recognition
to question answering. Large Language Models (LLMs) have been shown to be
effective on a variety of tasks; however, no LLM specialized for the financial
domain has been reported in literature. In this work, we present BloombergGPT,
a 50 billion parameter language model that is trained on a wide range of
financial data. We construct a 363 billion token dataset based on Bloomberg's
extensive data sources, perhaps the largest domain-specific dataset yet,
augmented with 345 billion tokens from general purpose datasets. We validate
BloombergGPT on standard LLM benchmarks, open financial benchmarks, and a suite
of internal benchmarks that most accurately reflect our intended usage. Our
mixed dataset training leads to a model that outperforms existing models on
financial tasks by significant margins without sacrificing performance on
general LLM benchmarks. Additionally, we explain our modeling choices, training
process, and evaluation methodology. We release Training Chronicles (Appendix
C) detailing our experience in training BloombergGPT. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"q-fin.GN"
] |
2308.07228 | HF | RestoreFormer++: Towards Real-World Blind Face Restoration from Undegraded Key-Value Pairs | [
"Zhouxia Wang",
"Jiawei Zhang",
"Tianshui Chen",
"Wenping Wang",
"Ping Luo"
] | 2023-08-14 | Blind face restoration aims at recovering high-quality face images from those
with unknown degradations. Current algorithms mainly introduce priors to
complement high-quality details and achieve impressive progress. However, most
of these algorithms ignore abundant contextual information in the face and its
interplay with the priors, leading to sub-optimal performance. Moreover, they
pay less attention to the gap between the synthetic and real-world scenarios,
limiting the robustness and generalization to real-world applications. In this
work, we propose RestoreFormer++, which on the one hand introduces
fully-spatial attention mechanisms to model the contextual information and the
interplay with the priors, and on the other hand, explores an extending
degrading model to help generate more realistic degraded face images to
alleviate the synthetic-to-real-world gap. Compared with current algorithms,
RestoreFormer++ has several crucial benefits. First, instead of using a
multi-head self-attention mechanism like the traditional visual transformer, we
introduce multi-head cross-attention over multi-scale features to fully explore
spatial interactions between corrupted information and high-quality priors. In
this way, it can facilitate RestoreFormer++ to restore face images with higher
realness and fidelity. Second, in contrast to the recognition-oriented
dictionary, we learn a reconstruction-oriented dictionary as priors, which
contains more diverse high-quality facial details and better accords with the
restoration target. Third, we introduce an extending degrading model that
contains more realistic degraded scenarios for training data synthesizing, and
thus helps to enhance the robustness and generalization of our RestoreFormer++
model. Extensive experiments show that RestoreFormer++ outperforms
state-of-the-art algorithms on both synthetic and real-world datasets. | null | cs.CV | [
"cs.CV"
] |
2310.08319 | AnswerAI | Fine-Tuning LLaMA for Multi-Stage Text Retrieval | [
"Xueguang Ma",
"Liang Wang",
"Nan Yang",
"Furu Wei",
"Jimmy Lin"
] | 2023-10-12 | The effectiveness of multi-stage text retrieval has been solidly demonstrated
since before the era of pre-trained language models. However, most existing
studies utilize models that predate recent advances in large language models
(LLMs). This study seeks to explore potential improvements that
state-of-the-art LLMs can bring. We conduct a comprehensive study, fine-tuning
the latest LLaMA model both as a dense retriever (RepLLaMA) and as a pointwise
reranker (RankLLaMA) for both passage retrieval and document retrieval using
the MS MARCO datasets. Our findings demonstrate that the effectiveness of large
language models indeed surpasses that of smaller models. Additionally, since
LLMs can inherently handle longer contexts, they can represent entire documents
holistically, obviating the need for traditional segmenting and pooling
strategies. Furthermore, evaluations on BEIR demonstrate that our
RepLLaMA-RankLLaMA pipeline exhibits strong zero-shot effectiveness. Model
checkpoints from this study are available on HuggingFace. | null | cs.IR | [
"cs.IR"
] |
2401.12954 | HF | Meta-Prompting: Enhancing Language Models with Task-Agnostic Scaffolding | [
"Mirac Suzgun",
"Adam Tauman Kalai"
] | 2024-01-23 | We introduce meta-prompting, an effective scaffolding technique designed to
enhance the functionality of language models (LMs). This approach transforms a
single LM into a multi-faceted conductor, adept at managing and integrating
multiple independent LM queries. By employing high-level instructions,
meta-prompting guides the LM to break down complex tasks into smaller, more
manageable subtasks. These subtasks are then handled by distinct "expert"
instances of the same LM, each operating under specific, tailored instructions.
Central to this process is the LM itself, in its role as the conductor, which
ensures seamless communication and effective integration of the outputs from
these expert models. It additionally employs its inherent critical thinking and
robust verification processes to refine and authenticate the end result. This
collaborative prompting approach empowers a single LM to simultaneously act as
a comprehensive orchestrator and a panel of diverse experts, significantly
enhancing its performance across a wide array of tasks. The zero-shot,
task-agnostic nature of meta-prompting greatly simplifies user interaction by
obviating the need for detailed, task-specific instructions. Furthermore, our
research demonstrates the seamless integration of external tools, such as a
Python interpreter, into the meta-prompting framework, thereby broadening its
applicability and utility. Through rigorous experimentation with GPT-4, we
establish the superiority of meta-prompting over conventional scaffolding
methods: When averaged across all tasks, including the Game of 24,
Checkmate-in-One, and Python Programming Puzzles, meta-prompting, augmented
with a Python interpreter functionality, surpasses standard prompting by 17.1%,
expert (dynamic) prompting by 17.3%, and multipersona prompting by 15.2%. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.HC"
] |
2405.10300 | HF | Grounding DINO 1.5: Advance the "Edge" of Open-Set Object Detection | [
"Tianhe Ren",
"Qing Jiang",
"Shilong Liu",
"Zhaoyang Zeng",
"Wenlong Liu",
"Han Gao",
"Hongjie Huang",
"Zhengyu Ma",
"Xiaoke Jiang",
"Yihao Chen",
"Yuda Xiong",
"Hao Zhang",
"Feng Li",
"Peijun Tang",
"Kent Yu",
"Lei Zhang"
] | 2024-05-16 | This paper introduces Grounding DINO 1.5, a suite of advanced open-set object
detection models developed by IDEA Research, which aims to advance the "Edge"
of open-set object detection. The suite encompasses two models: Grounding DINO
1.5 Pro, a high-performance model designed for stronger generalization
capability across a wide range of scenarios, and Grounding DINO 1.5 Edge, an
efficient model optimized for faster speed demanded in many applications
requiring edge deployment. The Grounding DINO 1.5 Pro model advances its
predecessor by scaling up the model architecture, integrating an enhanced
vision backbone, and expanding the training dataset to over 20 million images
with grounding annotations, thereby achieving a richer semantic understanding.
The Grounding DINO 1.5 Edge model, while designed for efficiency with reduced
feature scales, maintains robust detection capabilities by being trained on the
same comprehensive dataset. Empirical results demonstrate the effectiveness of
Grounding DINO 1.5, with the Grounding DINO 1.5 Pro model attaining a 54.3 AP
on the COCO detection benchmark and a 55.7 AP on the LVIS-minival zero-shot
transfer benchmark, setting new records for open-set object detection.
Furthermore, the Grounding DINO 1.5 Edge model, when optimized with TensorRT,
achieves a speed of 75.2 FPS while attaining a zero-shot performance of 36.2 AP
on the LVIS-minival benchmark, making it more suitable for edge computing
scenarios. Model examples and demos with API will be released at
https://github.com/IDEA-Research/Grounding-DINO-1.5-API | null | cs.CV | [
"cs.CV"
] |
2408.14468 | HF | K-Sort Arena: Efficient and Reliable Benchmarking for Generative Models via K-wise Human Preferences | [
"Zhikai Li",
"Xuewen Liu",
"Dongrong Fu",
"Jianquan Li",
"Qingyi Gu",
"Kurt Keutzer",
"Zhen Dong"
] | 2024-08-26 | The rapid advancement of visual generative models necessitates efficient and
reliable evaluation methods. Arena platform, which gathers user votes on model
comparisons, can rank models with human preferences. However, traditional Arena
methods, while established, require an excessive number of comparisons for
ranking to converge and are vulnerable to preference noise in voting,
suggesting the need for better approaches tailored to contemporary evaluation
challenges. In this paper, we introduce K-Sort Arena, an efficient and reliable
platform based on a key insight: images and videos possess higher perceptual
intuitiveness than texts, enabling rapid evaluation of multiple samples
simultaneously. Consequently, K-Sort Arena employs K-wise comparisons, allowing
K models to engage in free-for-all competitions, which yield much richer
information than pairwise comparisons. To enhance the robustness of the system,
we leverage probabilistic modeling and Bayesian updating techniques. We propose
an exploration-exploitation-based matchmaking strategy to facilitate more
informative comparisons. In our experiments, K-Sort Arena exhibits 16.3x faster
convergence compared to the widely used ELO algorithm. To further validate the
superiority and obtain a comprehensive leaderboard, we collect human feedback
via crowdsourced evaluations of numerous cutting-edge text-to-image and
text-to-video models. Thanks to its high efficiency, K-Sort Arena can
continuously incorporate emerging models and update the leaderboard with
minimal votes. Our project has undergone several months of internal testing and
is now available at https://huggingface.co/spaces/ksort/K-Sort-Arena | null | cs.AI | [
"cs.AI",
"cs.CV",
"cs.HC"
] |
2402.10329 | HF | Universal Manipulation Interface: In-The-Wild Robot Teaching Without In-The-Wild Robots | [
"Cheng Chi",
"Zhenjia Xu",
"Chuer Pan",
"Eric Cousineau",
"Benjamin Burchfiel",
"Siyuan Feng",
"Russ Tedrake",
"Shuran Song"
] | 2024-02-15 | We present Universal Manipulation Interface (UMI) -- a data collection and
policy learning framework that allows direct skill transfer from in-the-wild
human demonstrations to deployable robot policies. UMI employs hand-held
grippers coupled with careful interface design to enable portable, low-cost,
and information-rich data collection for challenging bimanual and dynamic
manipulation demonstrations. To facilitate deployable policy learning, UMI
incorporates a carefully designed policy interface with inference-time latency
matching and a relative-trajectory action representation. The resulting learned
policies are hardware-agnostic and deployable across multiple robot platforms.
Equipped with these features, UMI framework unlocks new robot manipulation
capabilities, allowing zero-shot generalizable dynamic, bimanual, precise, and
long-horizon behaviors, by only changing the training data for each task. We
demonstrate UMI's versatility and efficacy with comprehensive real-world
experiments, where policies learned via UMI zero-shot generalize to novel
environments and objects when trained on diverse human demonstrations. UMI's
hardware and software system is open-sourced at https://umi-gripper.github.io. | null | cs.RO | [
"cs.RO"
] |
2306.00204 | AnswerAI | Toward Understanding Why Adam Converges Faster Than SGD for Transformers | [
"Yan Pan",
"Yuanzhi Li"
] | 2023-05-31 | While stochastic gradient descent (SGD) is still the most popular
optimization algorithm in deep learning, adaptive algorithms such as Adam have
established empirical advantages over SGD in some deep learning applications
such as training transformers. However, it remains a question that why Adam
converges significantly faster than SGD in these scenarios. In this paper, we
propose one explanation of why Adam converges faster than SGD using a new
concept directional sharpness. We argue that the performance of optimization
algorithms is closely related to the directional sharpness of the update steps,
and show SGD has much worse directional sharpness compared to adaptive
algorithms. We further observe that only a small fraction of the coordinates
causes the bad sharpness and slow convergence of SGD, and propose to use
coordinate-wise clipping as a solution to SGD and other optimization
algorithms. We demonstrate the effect of coordinate-wise clipping on sharpness
reduction and speeding up the convergence of optimization algorithms under
various settings. We show that coordinate-wise clipping improves the local loss
reduction when only a small fraction of the coordinates has bad sharpness. We
conclude that the sharpness reduction effect of adaptive coordinate-wise
scaling is the reason for Adam's success in practice and suggest the use of
coordinate-wise clipping as a universal technique to speed up deep learning
optimization. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2405.05904 | AnswerAI | Does Fine-Tuning LLMs on New Knowledge Encourage Hallucinations? | [
"Zorik Gekhman",
"Gal Yona",
"Roee Aharoni",
"Matan Eyal",
"Amir Feder",
"Roi Reichart",
"Jonathan Herzig"
] | 2024-05-09 | When large language models are aligned via supervised fine-tuning, they may
encounter new factual information that was not acquired through pre-training.
It is often conjectured that this can teach the model the behavior of
hallucinating factually incorrect responses, as the model is trained to
generate facts that are not grounded in its pre-existing knowledge. In this
work, we study the impact of such exposure to new knowledge on the capability
of the fine-tuned model to utilize its pre-existing knowledge. To this end, we
design a controlled setup, focused on closed-book QA, where we vary the
proportion of the fine-tuning examples that introduce new knowledge. We
demonstrate that large language models struggle to acquire new factual
knowledge through fine-tuning, as fine-tuning examples that introduce new
knowledge are learned significantly slower than those consistent with the
model's knowledge. However, we also find that as the examples with new
knowledge are eventually learned, they linearly increase the model's tendency
to hallucinate. Taken together, our results highlight the risk in introducing
new factual knowledge through fine-tuning, and support the view that large
language models mostly acquire factual knowledge through pre-training, whereas
fine-tuning teaches them to use it more efficiently. | null | cs.CL | [
"cs.CL"
] |
2407.12705 | HF | IMAGDressing-v1: Customizable Virtual Dressing | [
"Fei Shen",
"Xin Jiang",
"Xin He",
"Hu Ye",
"Cong Wang",
"Xiaoyu Du",
"Zechao Li",
"Jinhui Tang"
] | 2024-07-17 | Latest advances have achieved realistic virtual try-on (VTON) through
localized garment inpainting using latent diffusion models, significantly
enhancing consumers' online shopping experience. However, existing VTON
technologies neglect the need for merchants to showcase garments
comprehensively, including flexible control over garments, optional faces,
poses, and scenes. To address this issue, we define a virtual dressing (VD)
task focused on generating freely editable human images with fixed garments and
optional conditions. Meanwhile, we design a comprehensive affinity metric index
(CAMI) to evaluate the consistency between generated images and reference
garments. Then, we propose IMAGDressing-v1, which incorporates a garment UNet
that captures semantic features from CLIP and texture features from VAE. We
present a hybrid attention module, including a frozen self-attention and a
trainable cross-attention, to integrate garment features from the garment UNet
into a frozen denoising UNet, ensuring users can control different scenes
through text. IMAGDressing-v1 can be combined with other extension plugins,
such as ControlNet and IP-Adapter, to enhance the diversity and controllability
of generated images. Furthermore, to address the lack of data, we release the
interactive garment pairing (IGPair) dataset, containing over 300,000 pairs of
clothing and dressed images, and establish a standard pipeline for data
assembly. Extensive experiments demonstrate that our IMAGDressing-v1 achieves
state-of-the-art human image synthesis performance under various controlled
conditions. The code and model will be available at
https://github.com/muzishen/IMAGDressing. | null | cs.CV | [
"cs.CV"
] |
2305.03807 | AnswerAI | Evading Watermark based Detection of AI-Generated Content | [
"Zhengyuan Jiang",
"Jinghuai Zhang",
"Neil Zhenqiang Gong"
] | 2023-05-05 | A generative AI model can generate extremely realistic-looking content,
posing growing challenges to the authenticity of information. To address the
challenges, watermark has been leveraged to detect AI-generated content.
Specifically, a watermark is embedded into an AI-generated content before it is
released. A content is detected as AI-generated if a similar watermark can be
decoded from it. In this work, we perform a systematic study on the robustness
of such watermark-based AI-generated content detection. We focus on
AI-generated images. Our work shows that an attacker can post-process a
watermarked image via adding a small, human-imperceptible perturbation to it,
such that the post-processed image evades detection while maintaining its
visual quality. We show the effectiveness of our attack both theoretically and
empirically. Moreover, to evade detection, our adversarial post-processing
method adds much smaller perturbations to AI-generated images and thus better
maintain their visual quality than existing popular post-processing methods
such as JPEG compression, Gaussian blur, and Brightness/Contrast. Our work
shows the insufficiency of existing watermark-based detection of AI-generated
content, highlighting the urgent needs of new methods. Our code is publicly
available: https://github.com/zhengyuan-jiang/WEvade. | null | cs.LG | [
"cs.LG",
"cs.CR",
"cs.CV"
] |
2406.10906 | HF | Breaking the Attention Bottleneck | [
"Kalle Hilsenbek"
] | 2024-06-16 | Attention-based transformers have become the standard architecture in many
deep learning fields, primarily due to their ability to model long-range
dependencies and handle variable-length input sequences. However, the attention
mechanism with its quadratic complexity is a significant bottleneck in the
transformer architecture. This algorithm is only uni-directional in the decoder
and converges to a static pattern in over-parametrized decoder-only models. I
address this issue by developing a generative function as attention or
activation replacement. It still has the auto-regressive character by comparing
each token with the previous one. In my test setting with nanoGPT this yields a
smaller loss while having a smaller model. The loss further drops by
incorporating an average context vector. This concept of attention replacement
is distributed under the GNU AGPL v3 license at
https://gitlab.com/Bachstelze/causal_generation. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2404.12390 | HF | BLINK: Multimodal Large Language Models Can See but Not Perceive | [
"Xingyu Fu",
"Yushi Hu",
"Bangzheng Li",
"Yu Feng",
"Haoyu Wang",
"Xudong Lin",
"Dan Roth",
"Noah A. Smith",
"Wei-Chiu Ma",
"Ranjay Krishna"
] | 2024-04-18 | We introduce Blink, a new benchmark for multimodal language models (LLMs)
that focuses on core visual perception abilities not found in other
evaluations. Most of the Blink tasks can be solved by humans "within a blink"
(e.g., relative depth estimation, visual correspondence, forensics detection,
and multi-view reasoning). However, we find these perception-demanding tasks
cast significant challenges for current multimodal LLMs because they resist
mediation through natural language. Blink reformats 14 classic computer vision
tasks into 3,807 multiple-choice questions, paired with single or multiple
images and visual prompting. While humans get 95.70% accuracy on average, Blink
is surprisingly challenging for existing multimodal LLMs: even the
best-performing GPT-4V and Gemini achieve accuracies of 51.26% and 45.72%, only
13.17% and 7.63% higher than random guessing, indicating that such perception
abilities have not "emerged" yet in recent multimodal LLMs. Our analysis also
highlights that specialist CV models could solve these problems much better,
suggesting potential pathways for future improvements. We believe Blink will
stimulate the community to help multimodal LLMs catch up with human-level
visual perception. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2401.13627 | HF | Scaling Up to Excellence: Practicing Model Scaling for Photo-Realistic Image Restoration In the Wild | [
"Fanghua Yu",
"Jinjin Gu",
"Zheyuan Li",
"Jinfan Hu",
"Xiangtao Kong",
"Xintao Wang",
"Jingwen He",
"Yu Qiao",
"Chao Dong"
] | 2024-01-24 | We introduce SUPIR (Scaling-UP Image Restoration), a groundbreaking image
restoration method that harnesses generative prior and the power of model
scaling up. Leveraging multi-modal techniques and advanced generative prior,
SUPIR marks a significant advance in intelligent and realistic image
restoration. As a pivotal catalyst within SUPIR, model scaling dramatically
enhances its capabilities and demonstrates new potential for image restoration.
We collect a dataset comprising 20 million high-resolution, high-quality images
for model training, each enriched with descriptive text annotations. SUPIR
provides the capability to restore images guided by textual prompts, broadening
its application scope and potential. Moreover, we introduce negative-quality
prompts to further improve perceptual quality. We also develop a
restoration-guided sampling method to suppress the fidelity issue encountered
in generative-based restoration. Experiments demonstrate SUPIR's exceptional
restoration effects and its novel capacity to manipulate restoration through
textual prompts. | null | cs.CV | [
"cs.CV"
] |
2401.12789 | HF | Multilingual and Fully Non-Autoregressive ASR with Large Language Model Fusion: A Comprehensive Study | [
"W. Ronny Huang",
"Cyril Allauzen",
"Tongzhou Chen",
"Kilol Gupta",
"Ke Hu",
"James Qin",
"Yu Zhang",
"Yongqiang Wang",
"Shuo-Yiin Chang",
"Tara N. Sainath"
] | 2024-01-23 | In the era of large models, the autoregressive nature of decoding often
results in latency serving as a significant bottleneck. We propose a
non-autoregressive LM-fused ASR system that effectively leverages the
parallelization capabilities of accelerator hardware. Our approach combines the
Universal Speech Model (USM) and the PaLM 2 language model in per-segment
scoring mode, achieving an average relative WER improvement across all
languages of 10.8% on FLEURS and 3.6% on YouTube captioning. Furthermore, our
comprehensive ablation study analyzes key parameters such as LLM size, context
length, vocabulary size, fusion methodology. For instance, we explore the
impact of LLM size ranging from 128M to 340B parameters on ASR performance.
This study provides valuable insights into the factors influencing the
effectiveness of practical large-scale LM-fused speech recognition systems. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2311.12631 | HF | GPT4Motion: Scripting Physical Motions in Text-to-Video Generation via Blender-Oriented GPT Planning | [
"Jiaxi Lv",
"Yi Huang",
"Mingfu Yan",
"Jiancheng Huang",
"Jianzhuang Liu",
"Yifan Liu",
"Yafei Wen",
"Xiaoxin Chen",
"Shifeng Chen"
] | 2023-11-21 | Recent advances in text-to-video generation have harnessed the power of
diffusion models to create visually compelling content conditioned on text
prompts. However, they usually encounter high computational costs and often
struggle to produce videos with coherent physical motions. To tackle these
issues, we propose GPT4Motion, a training-free framework that leverages the
planning capability of large language models such as GPT, the physical
simulation strength of Blender, and the excellent image generation ability of
text-to-image diffusion models to enhance the quality of video synthesis.
Specifically, GPT4Motion employs GPT-4 to generate a Blender script based on a
user textual prompt, which commands Blender's built-in physics engine to craft
fundamental scene components that encapsulate coherent physical motions across
frames. Then these components are inputted into Stable Diffusion to generate a
video aligned with the textual prompt. Experimental results on three basic
physical motion scenarios, including rigid object drop and collision, cloth
draping and swinging, and liquid flow, demonstrate that GPT4Motion can generate
high-quality videos efficiently in maintaining motion coherency and entity
consistency. GPT4Motion offers new insights in text-to-video research,
enhancing its quality and broadening its horizon for further explorations. | null | cs.CV | [
"cs.CV"
] |
2409.00447 | HF | The MERIT Dataset: Modelling and Efficiently Rendering Interpretable Transcripts | [
"I. de Rodrigo",
"A. Sanchez-Cuadrado",
"J. Boal",
"A. J. Lopez-Lopez"
] | 2024-08-31 | This paper introduces the MERIT Dataset, a multimodal (text + image + layout)
fully labeled dataset within the context of school reports. Comprising over 400
labels and 33k samples, the MERIT Dataset is a valuable resource for training
models in demanding Visually-rich Document Understanding (VrDU) tasks. By its
nature (student grade reports), the MERIT Dataset can potentially include
biases in a controlled way, making it a valuable tool to benchmark biases
induced in Language Models (LLMs). The paper outlines the dataset's generation
pipeline and highlights its main features in the textual, visual, layout, and
bias domains. To demonstrate the dataset's utility, we present a benchmark with
token classification models, showing that the dataset poses a significant
challenge even for SOTA models and that these would greatly benefit from
including samples from the MERIT Dataset in their pretraining phase. | null | cs.AI | [
"cs.AI"
] |
2407.21787 | AnswerAI | Large Language Monkeys: Scaling Inference Compute with Repeated Sampling | [
"Bradley Brown",
"Jordan Juravsky",
"Ryan Ehrlich",
"Ronald Clark",
"Quoc V. Le",
"Christopher Ré",
"Azalia Mirhoseini"
] | 2024-07-31 | Scaling the amount of compute used to train language models has dramatically
improved their capabilities. However, when it comes to inference, we often
limit the amount of compute to only one attempt per problem. Here, we explore
inference compute as another axis for scaling by increasing the number of
generated samples. Across multiple tasks and models, we observe that coverage -
the fraction of problems solved by any attempt - scales with the number of
samples over four orders of magnitude. In domains like coding and formal
proofs, where all answers can be automatically verified, these increases in
coverage directly translate into improved performance. When we apply repeated
sampling to SWE-bench Lite, the fraction of issues solved with
DeepSeek-V2-Coder-Instruct increases from 15.9% with one sample to 56% with 250
samples, outperforming the single-attempt state-of-the-art of 43% which uses
more capable frontier models. Moreover, using current API pricing, amplifying
the cheaper DeepSeek model with five samples is more cost-effective and solves
more issues than paying a premium for one sample from GPT-4o or Claude 3.5
Sonnet. Interestingly, the relationship between coverage and the number of
samples is often log-linear and can be modelled with an exponentiated power
law, suggesting the existence of inference-time scaling laws. Finally, we find
that identifying correct samples out of many generations remains an important
direction for future research in domains without automatic verifiers. When
solving math word problems from GSM8K and MATH, coverage with Llama-3 models
grows to over 95% with 10,000 samples. However, common methods to pick correct
solutions from a sample collection, such as majority voting or reward models,
plateau beyond several hundred samples and fail to fully scale with the sample
budget. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2408.11796 | HF | LLM Pruning and Distillation in Practice: The Minitron Approach | [
"Sharath Turuvekere Sreenivas",
"Saurav Muralidharan",
"Raviraj Joshi",
"Marcin Chochowski",
"Mostofa Patwary",
"Mohammad Shoeybi",
"Bryan Catanzaro",
"Jan Kautz",
"Pavlo Molchanov"
] | 2024-08-21 | We present a comprehensive report on compressing the Llama 3.1 8B and Mistral
NeMo 12B models to 4B and 8B parameters, respectively, using pruning and
distillation. We explore two distinct pruning strategies: (1) depth pruning and
(2) joint hidden/attention/MLP (width) pruning, and evaluate the results on
common benchmarks from the LM Evaluation Harness. The models are then aligned
with NeMo Aligner and tested in instruct-tuned versions. This approach produces
a compelling 4B model from Llama 3.1 8B and a state-of-the-art
Mistral-NeMo-Minitron-8B (MN-Minitron-8B for brevity) model from Mistral NeMo
12B. We found that with no access to the original data, it is beneficial to
slightly fine-tune teacher models on the distillation dataset. We open-source
our base model weights on Hugging Face with a permissive license. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.17888 | AnswerAI | LLM-QAT: Data-Free Quantization Aware Training for Large Language Models | [
"Zechun Liu",
"Barlas Oguz",
"Changsheng Zhao",
"Ernie Chang",
"Pierre Stock",
"Yashar Mehdad",
"Yangyang Shi",
"Raghuraman Krishnamoorthi",
"Vikas Chandra"
] | 2023-05-29 | Several post-training quantization methods have been applied to large
language models (LLMs), and have been shown to perform well down to 8-bits. We
find that these methods break down at lower bit precision, and investigate
quantization aware training for LLMs (LLM-QAT) to push quantization levels even
further. We propose a data-free distillation method that leverages generations
produced by the pre-trained model, which better preserves the original output
distribution and allows quantizing any generative model independent of its
training data, similar to post-training quantization methods. In addition to
quantizing weights and activations, we also quantize the KV cache, which is
critical for increasing throughput and support long sequence dependencies at
current model sizes. We experiment with LLaMA models of sizes 7B, 13B, and 30B,
at quantization levels down to 4-bits. We observe large improvements over
training-free methods, especially in the low-bit settings. | null | cs.CL | [
"cs.CL"
] |
2307.13720 | HF | Composite Diffusion | whole >= Σparts | [
"Vikram Jamwal",
"Ramaneswaran S"
] | 2023-07-25 | For an artist or a graphic designer, the spatial layout of a scene is a
critical design choice. However, existing text-to-image diffusion models
provide limited support for incorporating spatial information. This paper
introduces Composite Diffusion as a means for artists to generate high-quality
images by composing from the sub-scenes. The artists can specify the
arrangement of these sub-scenes through a flexible free-form segment layout.
They can describe the content of each sub-scene primarily using natural text
and additionally by utilizing reference images or control inputs such as line
art, scribbles, human pose, canny edges, and more.
We provide a comprehensive and modular method for Composite Diffusion that
enables alternative ways of generating, composing, and harmonizing sub-scenes.
Further, we wish to evaluate the composite image for effectiveness in both
image quality and achieving the artist's intent. We argue that existing image
quality metrics lack a holistic evaluation of image composites. To address
this, we propose novel quality criteria especially relevant to composite
generation.
We believe that our approach provides an intuitive method of art creation.
Through extensive user surveys, quantitative and qualitative analysis, we show
how it achieves greater spatial, semantic, and creative control over image
generation. In addition, our methods do not need to retrain or modify the
architecture of the base diffusion models and can work in a plug-and-play
manner with the fine-tuned models. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.HC",
"I.3.3; I.4.6; I.4.9; J.5"
] |
2407.09276 | HF | H2O-Danube3 Technical Report | [
"Pascal Pfeiffer",
"Philipp Singer",
"Yauhen Babakhin",
"Gabor Fodor",
"Nischay Dhankhar",
"Sri Satish Ambati"
] | 2024-07-12 | We present H2O-Danube3, a series of small language models consisting of
H2O-Danube3-4B, trained on 6T tokens and H2O-Danube3-500M, trained on 4T
tokens. Our models are pre-trained on high quality Web data consisting of
primarily English tokens in three stages with different data mixes before final
supervised tuning for chat version. The models exhibit highly competitive
metrics across a multitude of academic, chat, and fine-tuning benchmarks.
Thanks to its compact architecture, H2O-Danube3 can be efficiently run on a
modern smartphone, enabling local inference and rapid processing capabilities
even on mobile devices. We make all models openly available under Apache 2.0
license further democratizing LLMs to a wider audience economically. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.16999 | HF | Three Towers: Flexible Contrastive Learning with Pretrained Image Models | [
"Jannik Kossen",
"Mark Collier",
"Basil Mustafa",
"Xiao Wang",
"Xiaohua Zhai",
"Lucas Beyer",
"Andreas Steiner",
"Jesse Berent",
"Rodolphe Jenatton",
"Efi Kokiopoulou"
] | 2023-05-26 | We introduce Three Towers (3T), a flexible method to improve the contrastive
learning of vision-language models by incorporating pretrained image
classifiers. While contrastive models are usually trained from scratch, LiT
(Zhai et al., 2022) has recently shown performance gains from using pretrained
classifier embeddings. However, LiT directly replaces the image tower with the
frozen embeddings, excluding any potential benefits from training the image
tower contrastively. With 3T, we propose a more flexible strategy that allows
the image tower to benefit from both pretrained embeddings and contrastive
training. To achieve this, we introduce a third tower that contains the frozen
pretrained embeddings, and we encourage alignment between this third tower and
the main image-text towers. Empirically, 3T consistently improves over LiT and
the CLIP-style from-scratch baseline for retrieval tasks. For classification,
3T reliably improves over the from-scratch baseline, and while it underperforms
relative to LiT for JFT-pretrained models, it outperforms LiT for ImageNet-21k
and Places365 pretraining. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2312.02135 | HF | Fast View Synthesis of Casual Videos with Soup-of-Planes | [
"Yao-Chih Lee",
"Zhoutong Zhang",
"Kevin Blackburn-Matzen",
"Simon Niklaus",
"Jianming Zhang",
"Jia-Bin Huang",
"Feng Liu"
] | 2023-12-04 | Novel view synthesis from an in-the-wild video is difficult due to challenges
like scene dynamics and lack of parallax. While existing methods have shown
promising results with implicit neural radiance fields, they are slow to train
and render. This paper revisits explicit video representations to synthesize
high-quality novel views from a monocular video efficiently. We treat static
and dynamic video content separately. Specifically, we build a global static
scene model using an extended plane-based scene representation to synthesize
temporally coherent novel video. Our plane-based scene representation is
augmented with spherical harmonics and displacement maps to capture
view-dependent effects and model non-planar complex surface geometry. We opt to
represent the dynamic content as per-frame point clouds for efficiency. While
such representations are inconsistency-prone, minor temporal inconsistencies
are perceptually masked due to motion. We develop a method to quickly estimate
such a hybrid video representation and render novel views in real time. Our
experiments show that our method can render high-quality novel views from an
in-the-wild video with comparable quality to state-of-the-art methods while
being 100x faster in training and enabling real-time rendering. | null | cs.CV | [
"cs.CV"
] |
2401.11605 | HF | Scalable High-Resolution Pixel-Space Image Synthesis with Hourglass Diffusion Transformers | [
"Katherine Crowson",
"Stefan Andreas Baumann",
"Alex Birch",
"Tanishq Mathew Abraham",
"Daniel Z. Kaplan",
"Enrico Shippole"
] | 2024-01-21 | We present the Hourglass Diffusion Transformer (HDiT), an image generative
model that exhibits linear scaling with pixel count, supporting training at
high-resolution (e.g. $1024 \times 1024$) directly in pixel-space. Building on
the Transformer architecture, which is known to scale to billions of
parameters, it bridges the gap between the efficiency of convolutional U-Nets
and the scalability of Transformers. HDiT trains successfully without typical
high-resolution training techniques such as multiscale architectures, latent
autoencoders or self-conditioning. We demonstrate that HDiT performs
competitively with existing models on ImageNet $256^2$, and sets a new
state-of-the-art for diffusion models on FFHQ-$1024^2$. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2406.03618 | AnswerAI | TACT: Advancing Complex Aggregative Reasoning with Information Extraction Tools | [
"Avi Caciularu",
"Alon Jacovi",
"Eyal Ben-David",
"Sasha Goldshtein",
"Tal Schuster",
"Jonathan Herzig",
"Gal Elidan",
"Amir Globerson"
] | 2024-06-05 | Large Language Models (LLMs) often do not perform well on queries that
require the aggregation of information across texts. To better evaluate this
setting and facilitate modeling efforts, we introduce TACT - Text And
Calculations through Tables, a dataset crafted to evaluate LLMs' reasoning and
computational abilities using complex instructions. TACT contains challenging
instructions that demand stitching information scattered across one or more
texts, and performing complex integration on this information to generate the
answer. We construct this dataset by leveraging an existing dataset of texts
and their associated tables. For each such tables, we formulate new queries,
and gather their respective answers. We demonstrate that all contemporary LLMs
perform poorly on this dataset, achieving an accuracy below 38\%. To pinpoint
the difficulties and thoroughly dissect the problem, we analyze model
performance across three components: table-generation, Pandas
command-generation, and execution. Unexpectedly, we discover that each
component presents substantial challenges for current LLMs. These insights lead
us to propose a focused modeling framework, which we refer to as IE as a tool.
Specifically, we propose to add "tools" for each of the above steps, and
implement each such tool with few-shot prompting. This approach shows an
improvement over existing prompting techniques, offering a promising direction
for enhancing model capabilities in these tasks. | null | cs.CL | [
"cs.CL"
] |
2308.11462 | AnswerAI | LegalBench: A Collaboratively Built Benchmark for Measuring Legal Reasoning in Large Language Models | [
"Neel Guha",
"Julian Nyarko",
"Daniel E. Ho",
"Christopher Ré",
"Adam Chilton",
"Aditya Narayana",
"Alex Chohlas-Wood",
"Austin Peters",
"Brandon Waldon",
"Daniel N. Rockmore",
"Diego Zambrano",
"Dmitry Talisman",
"Enam Hoque",
"Faiz Surani",
"Frank Fagan",
"Galit Sarfaty",
"Gregory M. Dickinson",
"Haggai Porat",
"Jason Hegland",
"Jessica Wu",
"Joe Nudell",
"Joel Niklaus",
"John Nay",
"Jonathan H. Choi",
"Kevin Tobia",
"Margaret Hagan",
"Megan Ma",
"Michael Livermore",
"Nikon Rasumov-Rahe",
"Nils Holzenberger",
"Noam Kolt",
"Peter Henderson",
"Sean Rehaag",
"Sharad Goel",
"Shang Gao",
"Spencer Williams",
"Sunny Gandhi",
"Tom Zur",
"Varun Iyer",
"Zehua Li"
] | 2023-08-20 | The advent of large language models (LLMs) and their adoption by the legal
community has given rise to the question: what types of legal reasoning can
LLMs perform? To enable greater study of this question, we present LegalBench:
a collaboratively constructed legal reasoning benchmark consisting of 162 tasks
covering six different types of legal reasoning. LegalBench was built through
an interdisciplinary process, in which we collected tasks designed and
hand-crafted by legal professionals. Because these subject matter experts took
a leading role in construction, tasks either measure legal reasoning
capabilities that are practically useful, or measure reasoning skills that
lawyers find interesting. To enable cross-disciplinary conversations about LLMs
in the law, we additionally show how popular legal frameworks for describing
legal reasoning -- which distinguish between its many forms -- correspond to
LegalBench tasks, thus giving lawyers and LLM developers a common vocabulary.
This paper describes LegalBench, presents an empirical evaluation of 20
open-source and commercial LLMs, and illustrates the types of research
explorations LegalBench enables. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY"
] |
2307.14117 | HF | Leveraging Implicit Feedback from Deployment Data in Dialogue | [
"Richard Yuanzhe Pang",
"Stephen Roller",
"Kyunghyun Cho",
"He He",
"Jason Weston"
] | 2023-07-26 | We study improving social conversational agents by learning from natural
dialogue between users and a deployed model, without extra annotations. To
implicitly measure the quality of a machine-generated utterance, we leverage
signals like user response length, sentiment and reaction of the future human
utterances in the collected dialogue episodes. Our experiments use the publicly
released deployment data from BlenderBot (Xu et al., 2023). Human evaluation
indicates improvements in our new models over baseline responses; however, we
find that some proxy signals can lead to more generations with undesirable
properties as well. For example, optimizing for conversation length can lead to
more controversial or unfriendly generations compared to the baseline, whereas
optimizing for positive sentiment or reaction can decrease these behaviors. | null | cs.CL | [
"cs.CL"
] |
2407.03169 | HF | Investigating Decoder-only Large Language Models for Speech-to-text Translation | [
"Chao-Wei Huang",
"Hui Lu",
"Hongyu Gong",
"Hirofumi Inaguma",
"Ilia Kulikov",
"Ruslan Mavlyutov",
"Sravya Popuri"
] | 2024-07-03 | Large language models (LLMs), known for their exceptional reasoning
capabilities, generalizability, and fluency across diverse domains, present a
promising avenue for enhancing speech-related tasks. In this paper, we focus on
integrating decoder-only LLMs to the task of speech-to-text translation (S2TT).
We propose a decoder-only architecture that enables the LLM to directly consume
the encoded speech representation and generate the text translation.
Additionally, we investigate the effects of different parameter-efficient
fine-tuning techniques and task formulation. Our model achieves
state-of-the-art performance on CoVoST 2 and FLEURS among models trained
without proprietary data. We also conduct analyses to validate the design
choices of our proposed model and bring insights to the integration of LLMs to
S2TT. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2302.13007 | AnswerAI | AugGPT: Leveraging ChatGPT for Text Data Augmentation | [
"Haixing Dai",
"Zhengliang Liu",
"Wenxiong Liao",
"Xiaoke Huang",
"Yihan Cao",
"Zihao Wu",
"Lin Zhao",
"Shaochen Xu",
"Wei Liu",
"Ninghao Liu",
"Sheng Li",
"Dajiang Zhu",
"Hongmin Cai",
"Lichao Sun",
"Quanzheng Li",
"Dinggang Shen",
"Tianming Liu",
"Xiang Li"
] | 2023-02-25 | Text data augmentation is an effective strategy for overcoming the challenge
of limited sample sizes in many natural language processing (NLP) tasks. This
challenge is especially prominent in the few-shot learning scenario, where the
data in the target domain is generally much scarcer and of lowered quality. A
natural and widely-used strategy to mitigate such challenges is to perform data
augmentation to better capture the data invariance and increase the sample
size. However, current text data augmentation methods either can't ensure the
correct labeling of the generated data (lacking faithfulness) or can't ensure
sufficient diversity in the generated data (lacking compactness), or both.
Inspired by the recent success of large language models, especially the
development of ChatGPT, which demonstrated improved language comprehension
abilities, in this work, we propose a text data augmentation approach based on
ChatGPT (named AugGPT). AugGPT rephrases each sentence in the training samples
into multiple conceptually similar but semantically different samples. The
augmented samples can then be used in downstream model training. Experiment
results on few-shot learning text classification tasks show the superior
performance of the proposed AugGPT approach over state-of-the-art text data
augmentation methods in terms of testing accuracy and distribution of the
augmented samples. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.02201 | HF | ImageDream: Image-Prompt Multi-view Diffusion for 3D Generation | [
"Peng Wang",
"Yichun Shi"
] | 2023-12-02 | We introduce "ImageDream," an innovative image-prompt, multi-view diffusion
model for 3D object generation. ImageDream stands out for its ability to
produce 3D models of higher quality compared to existing state-of-the-art,
image-conditioned methods. Our approach utilizes a canonical camera
coordination for the objects in images, improving visual geometry accuracy. The
model is designed with various levels of control at each block inside the
diffusion model based on the input image, where global control shapes the
overall object layout and local control fine-tunes the image details. The
effectiveness of ImageDream is demonstrated through extensive evaluations using
a standard prompt list. For more information, visit our project page at
https://Image-Dream.github.io. | null | cs.CV | [
"cs.CV"
] |
2204.05862 | AnswerAI | Training a Helpful and Harmless Assistant with Reinforcement Learning from Human Feedback | [
"Yuntao Bai",
"Andy Jones",
"Kamal Ndousse",
"Amanda Askell",
"Anna Chen",
"Nova DasSarma",
"Dawn Drain",
"Stanislav Fort",
"Deep Ganguli",
"Tom Henighan",
"Nicholas Joseph",
"Saurav Kadavath",
"Jackson Kernion",
"Tom Conerly",
"Sheer El-Showk",
"Nelson Elhage",
"Zac Hatfield-Dodds",
"Danny Hernandez",
"Tristan Hume",
"Scott Johnston",
"Shauna Kravec",
"Liane Lovitt",
"Neel Nanda",
"Catherine Olsson",
"Dario Amodei",
"Tom Brown",
"Jack Clark",
"Sam McCandlish",
"Chris Olah",
"Ben Mann",
"Jared Kaplan"
] | 2022-04-12 | We apply preference modeling and reinforcement learning from human feedback
(RLHF) to finetune language models to act as helpful and harmless assistants.
We find this alignment training improves performance on almost all NLP
evaluations, and is fully compatible with training for specialized skills such
as python coding and summarization. We explore an iterated online mode of
training, where preference models and RL policies are updated on a weekly
cadence with fresh human feedback data, efficiently improving our datasets and
models. Finally, we investigate the robustness of RLHF training, and identify a
roughly linear relation between the RL reward and the square root of the KL
divergence between the policy and its initialization. Alongside our main
results, we perform peripheral analyses on calibration, competing objectives,
and the use of OOD detection, compare our models with human writers, and
provide samples from our models using prompts appearing in recent related work. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2401.09084 | HF | UniVG: Towards UNIfied-modal Video Generation | [
"Ludan Ruan",
"Lei Tian",
"Chuanwei Huang",
"Xu Zhang",
"Xinyan Xiao"
] | 2024-01-17 | Diffusion based video generation has received extensive attention and
achieved considerable success within both the academic and industrial
communities. However, current efforts are mainly concentrated on
single-objective or single-task video generation, such as generation driven by
text, by image, or by a combination of text and image. This cannot fully meet
the needs of real-world application scenarios, as users are likely to input
images and text conditions in a flexible manner, either individually or in
combination. To address this, we propose a Unified-modal Video Genearation
system that is capable of handling multiple video generation tasks across text
and image modalities. To this end, we revisit the various video generation
tasks within our system from the perspective of generative freedom, and
classify them into high-freedom and low-freedom video generation categories.
For high-freedom video generation, we employ Multi-condition Cross Attention to
generate videos that align with the semantics of the input images or text. For
low-freedom video generation, we introduce Biased Gaussian Noise to replace the
pure random Gaussian Noise, which helps to better preserve the content of the
input conditions. Our method achieves the lowest Fr\'echet Video Distance (FVD)
on the public academic benchmark MSR-VTT, surpasses the current open-source
methods in human evaluations, and is on par with the current close-source
method Gen2. For more samples, visit https://univg-baidu.github.io. | null | cs.CV | [
"cs.CV"
] |
2409.02897 | HF | LongCite: Enabling LLMs to Generate Fine-grained Citations in Long-context QA | [
"Jiajie Zhang",
"Yushi Bai",
"Xin Lv",
"Wanjun Gu",
"Danqing Liu",
"Minhao Zou",
"Shulin Cao",
"Lei Hou",
"Yuxiao Dong",
"Ling Feng",
"Juanzi Li"
] | 2024-09-04 | Though current long-context large language models (LLMs) have demonstrated
impressive capacities in answering user questions based on extensive text, the
lack of citations in their responses makes user verification difficult, leading
to concerns about their trustworthiness due to their potential hallucinations.
In this work, we aim to enable long-context LLMs to generate responses with
fine-grained sentence-level citations, improving their faithfulness and
verifiability. We first introduce LongBench-Cite, an automated benchmark for
assessing current LLMs' performance in Long-Context Question Answering with
Citations (LQAC), revealing considerable room for improvement. To this end, we
propose CoF (Coarse to Fine), a novel pipeline that utilizes off-the-shelf LLMs
to automatically generate long-context QA instances with precise sentence-level
citations, and leverage this pipeline to construct LongCite-45k, a large-scale
SFT dataset for LQAC. Finally, we train LongCite-8B and LongCite-9B using the
LongCite-45k dataset, successfully enabling their generation of accurate
responses and fine-grained sentence-level citations in a single output. The
evaluation results on LongBench-Cite show that our trained models achieve
state-of-the-art citation quality, surpassing advanced proprietary models
including GPT-4o. | null | cs.CL | [
"cs.CL"
] |
2308.13416 | HF | SoTaNa: The Open-Source Software Development Assistant | [
"Ensheng Shi",
"Fengji Zhang",
"Yanlin Wang",
"Bei Chen",
"Lun Du",
"Hongyu Zhang",
"Shi Han",
"Dongmei Zhang",
"Hongbin Sun"
] | 2023-08-25 | Software development plays a crucial role in driving innovation and
efficiency across modern societies. To meet the demands of this dynamic field,
there is a growing need for an effective software development assistant.
However, existing large language models represented by ChatGPT suffer from
limited accessibility, including training data and model weights. Although
other large open-source models like LLaMA have shown promise, they still
struggle with understanding human intent. In this paper, we present SoTaNa, an
open-source software development assistant. SoTaNa utilizes ChatGPT to generate
high-quality instruction-based data for the domain of software engineering and
employs a parameter-efficient fine-tuning approach to enhance the open-source
foundation model, LLaMA. We evaluate the effectiveness of \our{} in answering
Stack Overflow questions and demonstrate its capabilities. Additionally, we
discuss its capabilities in code summarization and generation, as well as the
impact of varying the volume of generated data on model performance. Notably,
SoTaNa can run on a single GPU, making it accessible to a broader range of
researchers. Our code, model weights, and data are public at
\url{https://github.com/DeepSoftwareAnalytics/SoTaNa}. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2403.19588 | AnswerAI | DenseNets Reloaded: Paradigm Shift Beyond ResNets and ViTs | [
"Donghyun Kim",
"Byeongho Heo",
"Dongyoon Han"
] | 2024-03-28 | This paper revives Densely Connected Convolutional Networks (DenseNets) and
reveals the underrated effectiveness over predominant ResNet-style
architectures. We believe DenseNets' potential was overlooked due to untouched
training methods and traditional design elements not fully revealing their
capabilities. Our pilot study shows dense connections through concatenation are
strong, demonstrating that DenseNets can be revitalized to compete with modern
architectures. We methodically refine suboptimal components - architectural
adjustments, block redesign, and improved training recipes towards widening
DenseNets and boosting memory efficiency while keeping concatenation shortcuts.
Our models, employing simple architectural elements, ultimately surpass Swin
Transformer, ConvNeXt, and DeiT-III - key architectures in the residual
learning lineage. Furthermore, our models exhibit near state-of-the-art
performance on ImageNet-1K, competing with the very recent models and
downstream tasks, ADE20k semantic segmentation, and COCO object
detection/instance segmentation. Finally, we provide empirical analyses that
uncover the merits of the concatenation over additive shortcuts, steering a
renewed preference towards DenseNet-style designs. Our code is available at
https://github.com/naver-ai/rdnet. | null | cs.CV | [
"cs.CV",
"cs.LG",
"cs.NE"
] |
2108.06279 | AnswerAI | On Single and Multiple Representations in Dense Passage Retrieval | [
"Craig Macdonald",
"Nicola Tonellotto",
"Iadh Ounis"
] | 2021-08-13 | The advent of contextualised language models has brought gains in search
effectiveness, not just when applied for re-ranking the output of classical
weighting models such as BM25, but also when used directly for passage indexing
and retrieval, a technique which is called dense retrieval. In the existing
literature in neural ranking, two dense retrieval families have become
apparent: single representation, where entire passages are represented by a
single embedding (usually BERT's [CLS] token, as exemplified by the recent ANCE
approach), or multiple representations, where each token in a passage is
represented by its own embedding (as exemplified by the recent ColBERT
approach). These two families have not been directly compared. However, because
of the likely importance of dense retrieval moving forward, a clear
understanding of their advantages and disadvantages is paramount. To this end,
this paper contributes a direct study on their comparative effectiveness,
noting situations where each method under/over performs w.r.t. each other, and
w.r.t. a BM25 baseline. We observe that, while ANCE is more efficient than
ColBERT in terms of response time and memory usage, multiple representations
are statistically more effective than the single representations for MAP and
MRR@10. We also show that multiple representations obtain better improvements
than single representations for queries that are the hardest for BM25, as well
as for definitional queries, and those with complex information needs. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2408.04594 | HF | Img-Diff: Contrastive Data Synthesis for Multimodal Large Language Models | [
"Qirui Jiao",
"Daoyuan Chen",
"Yilun Huang",
"Yaliang Li",
"Ying Shen"
] | 2024-08-08 | High-performance Multimodal Large Language Models (MLLMs) rely heavily on
data quality. This study introduces a novel dataset named Img-Diff, designed to
enhance fine-grained image recognition in MLLMs by leveraging insights from
contrastive learning and image difference captioning. By analyzing object
differences between similar images, we challenge models to identify both
matching and distinct components. We utilize the Stable-Diffusion-XL model and
advanced image editing techniques to create pairs of similar images that
highlight object replacements. Our methodology includes a Difference Area
Generator for object differences identifying, followed by a Difference Captions
Generator for detailed difference descriptions. The result is a relatively
small but high-quality dataset of "object replacement" samples. We use the the
proposed dataset to finetune state-of-the-art (SOTA) MLLMs such as MGM-7B,
yielding comprehensive improvements of performance scores over SOTA models that
trained with larger-scale datasets, in numerous image difference and Visual
Question Answering tasks. For instance, our trained models notably surpass the
SOTA models GPT-4V and Gemini on the MMVP benchmark. Besides, we investigate
alternative methods for generating image difference data through "object
removal" and conduct a thorough evaluation to confirm the dataset's diversity,
quality, and robustness, presenting several insights on the synthesis of such a
contrastive dataset. To encourage further research and advance the field of
multimodal data synthesis and enhancement of MLLMs' fundamental capabilities
for image understanding, we release our codes and dataset at
https://github.com/modelscope/data-juicer/tree/ImgDiff. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2401.02072 | HF | ICE-GRT: Instruction Context Enhancement by Generative Reinforcement based Transformers | [
"Chen Zheng",
"Ke Sun",
"Da Tang",
"Yukun Ma",
"Yuyu Zhang",
"Chenguang Xi",
"Xun Zhou"
] | 2024-01-04 | The emergence of Large Language Models (LLMs) such as ChatGPT and LLaMA
encounter limitations in domain-specific tasks, with these models often lacking
depth and accuracy in specialized areas, and exhibiting a decrease in general
capabilities when fine-tuned, particularly analysis ability in small sized
models. To address these gaps, we introduce ICE-GRT, utilizing Reinforcement
Learning from Human Feedback (RLHF) grounded in Proximal Policy Optimization
(PPO), demonstrating remarkable ability in in-domain scenarios without
compromising general task performance. Our exploration of ICE-GRT highlights
its understanding and reasoning ability to not only generate robust answers but
also to provide detailed analyses of the reasons behind the answer. This
capability marks a significant progression beyond the scope of Supervised
Fine-Tuning models. The success of ICE-GRT is dependent on several crucial
factors, including Appropriate Data, Reward Size Scaling, KL-Control, Advantage
Normalization, etc. The ICE-GRT model exhibits state-of-the-art performance in
domain-specific tasks and across 12 general Language tasks against equivalent
size and even larger size LLMs, highlighting the effectiveness of our approach.
We provide a comprehensive analysis of the ICE-GRT, underscoring the
significant advancements it brings to the field of LLM. | null | cs.CL | [
"cs.CL"
] |
2409.06765 | HF | gsplat: An Open-Source Library for Gaussian Splatting | [
"Vickie Ye",
"Ruilong Li",
"Justin Kerr",
"Matias Turkulainen",
"Brent Yi",
"Zhuoyang Pan",
"Otto Seiskari",
"Jianbo Ye",
"Jeffrey Hu",
"Matthew Tancik",
"Angjoo Kanazawa"
] | 2024-09-10 | gsplat is an open-source library designed for training and developing
Gaussian Splatting methods. It features a front-end with Python bindings
compatible with the PyTorch library and a back-end with highly optimized CUDA
kernels. gsplat offers numerous features that enhance the optimization of
Gaussian Splatting models, which include optimization improvements for speed,
memory, and convergence times. Experimental results demonstrate that gsplat
achieves up to 10% less training time and 4x less memory than the original
implementation. Utilized in several research projects, gsplat is actively
maintained on GitHub. Source code is available at
https://github.com/nerfstudio-project/gsplat under Apache License 2.0. We
welcome contributions from the open-source community. | null | cs.CV | [
"cs.CV"
] |
1904.10509 | AnswerAI | Generating Long Sequences with Sparse Transformers | [
"Rewon Child",
"Scott Gray",
"Alec Radford",
"Ilya Sutskever"
] | 2019-04-23 | Transformers are powerful sequence models, but require time and memory that
grows quadratically with the sequence length. In this paper we introduce sparse
factorizations of the attention matrix which reduce this to $O(n \sqrt{n})$. We
also introduce a) a variation on architecture and initialization to train
deeper networks, b) the recomputation of attention matrices to save memory, and
c) fast attention kernels for training. We call networks with these changes
Sparse Transformers, and show they can model sequences tens of thousands of
timesteps long using hundreds of layers. We use the same architecture to model
images, audio, and text from raw bytes, setting a new state of the art for
density modeling of Enwik8, CIFAR-10, and ImageNet-64. We generate
unconditional samples that demonstrate global coherence and great diversity,
and show it is possible in principle to use self-attention to model sequences
of length one million or more. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2311.07446 | HF | Story-to-Motion: Synthesizing Infinite and Controllable Character Animation from Long Text | [
"Zhongfei Qing",
"Zhongang Cai",
"Zhitao Yang",
"Lei Yang"
] | 2023-11-13 | Generating natural human motion from a story has the potential to transform
the landscape of animation, gaming, and film industries. A new and challenging
task, Story-to-Motion, arises when characters are required to move to various
locations and perform specific motions based on a long text description. This
task demands a fusion of low-level control (trajectories) and high-level
control (motion semantics). Previous works in character control and
text-to-motion have addressed related aspects, yet a comprehensive solution
remains elusive: character control methods do not handle text description,
whereas text-to-motion methods lack position constraints and often produce
unstable motions. In light of these limitations, we propose a novel system that
generates controllable, infinitely long motions and trajectories aligned with
the input text. (1) We leverage contemporary Large Language Models to act as a
text-driven motion scheduler to extract a series of (text, position, duration)
pairs from long text. (2) We develop a text-driven motion retrieval scheme that
incorporates motion matching with motion semantic and trajectory constraints.
(3) We design a progressive mask transformer that addresses common artifacts in
the transition motion such as unnatural pose and foot sliding. Beyond its
pioneering role as the first comprehensive solution for Story-to-Motion, our
system undergoes evaluation across three distinct sub-tasks: trajectory
following, temporal action composition, and motion blending, where it
outperforms previous state-of-the-art motion synthesis methods across the
board. Homepage: https://story2motion.github.io/. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2309.09400 | Both | CulturaX: A Cleaned, Enormous, and Multilingual Dataset for Large Language Models in 167 Languages | [
"Thuat Nguyen",
"Chien Van Nguyen",
"Viet Dac Lai",
"Hieu Man",
"Nghia Trung Ngo",
"Franck Dernoncourt",
"Ryan A. Rossi",
"Thien Huu Nguyen"
] | 2023-09-17 | The driving factors behind the development of large language models (LLMs)
with impressive learning capabilities are their colossal model sizes and
extensive training datasets. Along with the progress in natural language
processing, LLMs have been frequently made accessible to the public to foster
deeper investigation and applications. However, when it comes to training
datasets for these LLMs, especially the recent state-of-the-art models, they
are often not fully disclosed. Creating training data for high-performing LLMs
involves extensive cleaning and deduplication to ensure the necessary level of
quality. The lack of transparency for training data has thus hampered research
on attributing and addressing hallucination and bias issues in LLMs, hindering
replication efforts and further advancements in the community. These challenges
become even more pronounced in multilingual learning scenarios, where the
available multilingual text datasets are often inadequately collected and
cleaned. Consequently, there is a lack of open-source and readily usable
dataset to effectively train LLMs in multiple languages. To overcome this
issue, we present CulturaX, a substantial multilingual dataset with 6.3
trillion tokens in 167 languages, tailored for LLM development. Our dataset
undergoes meticulous cleaning and deduplication through a rigorous pipeline of
multiple stages to accomplish the best quality for model training, including
language identification, URL-based filtering, metric-based cleaning, document
refinement, and data deduplication. CulturaX is fully released to the public in
HuggingFace to facilitate research and advancements in multilingual LLMs:
https://huggingface.co/datasets/uonlp/CulturaX. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.12624 | HF | Judging the Judges: Evaluating Alignment and Vulnerabilities in LLMs-as-Judges | [
"Aman Singh Thakur",
"Kartik Choudhary",
"Venkat Srinik Ramayapally",
"Sankaran Vaidyanathan",
"Dieuwke Hupkes"
] | 2024-06-18 | Offering a promising solution to the scalability challenges associated with
human evaluation, the LLM-as-a-judge paradigm is rapidly gaining traction as an
approach to evaluating large language models (LLMs). However, there are still
many open questions about the strengths and weaknesses of this paradigm, and
what potential biases it may hold. In this paper, we present a comprehensive
study of the performance of various LLMs acting as judges. We leverage TriviaQA
as a benchmark for assessing objective knowledge reasoning of LLMs and evaluate
them alongside human annotations which we found to have a high inter-annotator
agreement. Our study includes 9 judge models and 9 exam taker models -- both
base and instruction-tuned. We assess the judge model's alignment across
different model sizes, families, and judge prompts. Among other results, our
research rediscovers the importance of using Cohen's kappa as a metric of
alignment as opposed to simple percent agreement, showing that judges with high
percent agreement can still assign vastly different scores. We find that both
Llama-3 70B and GPT-4 Turbo have an excellent alignment with humans, but in
terms of ranking exam taker models, they are outperformed by both JudgeLM-7B
and the lexical judge Contains, which have up to 34 points lower human
alignment. Through error analysis and various other studies, including the
effects of instruction length and leniency bias, we hope to provide valuable
lessons for using LLMs as judges in the future. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.