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
|
---|---|---|---|---|---|---|---|---|
2306.03745 | AnswerAI | Soft Merging of Experts with Adaptive Routing | [
"Mohammed Muqeeth",
"Haokun Liu",
"Colin Raffel"
] | 2023-06-06 | Sparsely activated neural networks with conditional computation learn to
route their inputs through different "expert" subnetworks, providing a form of
modularity that densely activated models lack. Despite their possible benefits,
models with learned routing often underperform their parameter-matched densely
activated counterparts as well as models that use non-learned heuristic routing
strategies. In this paper, we hypothesize that these shortcomings stem from the
gradient estimation techniques used to train sparsely activated models that use
non-differentiable discrete routing decisions. To address this issue, we
introduce Soft Merging of Experts with Adaptive Routing (SMEAR), which avoids
discrete routing by using a single "merged" expert constructed via a weighted
average of all of the experts' parameters. By routing activations through a
single merged expert, SMEAR does not incur a significant increase in
computational costs and enables standard gradient-based training. We
empirically validate that models using SMEAR outperform models that route based
on metadata or learn sparse routing through gradient estimation. Furthermore,
we provide qualitative analysis demonstrating that the experts learned via
SMEAR exhibit a significant amount of specialization. All of the code used in
our experiments is publicly available. | null | cs.LG | [
"cs.LG"
] |
2404.02125 | HF | 3D Congealing: 3D-Aware Image Alignment in the Wild | [
"Yunzhi Zhang",
"Zizhang Li",
"Amit Raj",
"Andreas Engelhardt",
"Yuanzhen Li",
"Tingbo Hou",
"Jiajun Wu",
"Varun Jampani"
] | 2024-04-02 | We propose 3D Congealing, a novel problem of 3D-aware alignment for 2D images
capturing semantically similar objects. Given a collection of unlabeled
Internet images, our goal is to associate the shared semantic parts from the
inputs and aggregate the knowledge from 2D images to a shared 3D canonical
space. We introduce a general framework that tackles the task without assuming
shape templates, poses, or any camera parameters. At its core is a canonical 3D
representation that encapsulates geometric and semantic information. The
framework optimizes for the canonical representation together with the pose for
each input image, and a per-image coordinate map that warps 2D pixel
coordinates to the 3D canonical frame to account for the shape matching. The
optimization procedure fuses prior knowledge from a pre-trained image
generative model and semantic information from input images. The former
provides strong knowledge guidance for this under-constraint task, while the
latter provides the necessary information to mitigate the training data bias
from the pre-trained model. Our framework can be used for various tasks such as
correspondence matching, pose estimation, and image editing, achieving strong
results on real-world image datasets under challenging illumination conditions
and on in-the-wild online image collections. | null | cs.CV | [
"cs.CV"
] |
2405.16537 | HF | I2VEdit: First-Frame-Guided Video Editing via Image-to-Video Diffusion Models | [
"Wenqi Ouyang",
"Yi Dong",
"Lei Yang",
"Jianlou Si",
"Xingang Pan"
] | 2024-05-26 | The remarkable generative capabilities of diffusion models have motivated
extensive research in both image and video editing. Compared to video editing
which faces additional challenges in the time dimension, image editing has
witnessed the development of more diverse, high-quality approaches and more
capable software like Photoshop. In light of this gap, we introduce a novel and
generic solution that extends the applicability of image editing tools to
videos by propagating edits from a single frame to the entire video using a
pre-trained image-to-video model. Our method, dubbed I2VEdit, adaptively
preserves the visual and motion integrity of the source video depending on the
extent of the edits, effectively handling global edits, local edits, and
moderate shape changes, which existing methods cannot fully achieve. At the
core of our method are two main processes: Coarse Motion Extraction to align
basic motion patterns with the original video, and Appearance Refinement for
precise adjustments using fine-grained attention matching. We also incorporate
a skip-interval strategy to mitigate quality degradation from auto-regressive
generation across multiple video clips. Experimental results demonstrate our
framework's superior performance in fine-grained video editing, proving its
capability to produce high-quality, temporally consistent outputs. | null | cs.CV | [
"cs.CV"
] |
2402.16822 | HF | Rainbow Teaming: Open-Ended Generation of Diverse Adversarial Prompts | [
"Mikayel Samvelyan",
"Sharath Chandra Raparthy",
"Andrei Lupu",
"Eric Hambro",
"Aram H. Markosyan",
"Manish Bhatt",
"Yuning Mao",
"Minqi Jiang",
"Jack Parker-Holder",
"Jakob Foerster",
"Tim Rocktäschel",
"Roberta Raileanu"
] | 2024-02-26 | As large language models (LLMs) become increasingly prevalent across many
real-world applications, understanding and enhancing their robustness to
adversarial attacks is of paramount importance. Existing methods for
identifying adversarial prompts tend to focus on specific domains, lack
diversity, or require extensive human annotations. To address these
limitations, we present Rainbow Teaming, a novel black-box approach for
producing a diverse collection of adversarial prompts. Rainbow Teaming casts
adversarial prompt generation as a quality-diversity problem, and uses
open-ended search to generate prompts that are both effective and diverse.
Focusing on the safety domain, we use Rainbow Teaming to target various
state-of-the-art LLMs, including the Llama 2 and Llama 3 models. Our approach
reveals hundreds of effective adversarial prompts, with an attack success rate
exceeding 90% across all tested models. Furthermore, we demonstrate that
fine-tuning models with synthetic data generated by the Rainbow Teaming method
significantly enhances their safety without sacrificing general performance or
helpfulness. We additionally explore the versatility of Rainbow Teaming by
applying it to question answering and cybersecurity, showcasing its potential
to drive robust open-ended self-improvement in a wide range of applications. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2308.01320 | Both | DeepSpeed-Chat: Easy, Fast and Affordable RLHF Training of ChatGPT-like Models at All Scales | [
"Zhewei Yao",
"Reza Yazdani Aminabadi",
"Olatunji Ruwase",
"Samyam Rajbhandari",
"Xiaoxia Wu",
"Ammar Ahmad Awan",
"Jeff Rasley",
"Minjia Zhang",
"Conglong Li",
"Connor Holmes",
"Zhongzhu Zhou",
"Michael Wyatt",
"Molly Smith",
"Lev Kurilenko",
"Heyang Qin",
"Masahiro Tanaka",
"Shuai Che",
"Shuaiwen Leon Song",
"Yuxiong He"
] | 2023-08-02 | ChatGPT-like models have revolutionized various applications in artificial
intelligence, from summarization and coding to translation, matching or even
surpassing human performance. However, the current landscape lacks an
accessible, efficient, and cost-effective end-to-end RLHF (Reinforcement
Learning with Human Feedback) training pipeline for these powerful models,
particularly when training at the scale of billions of parameters. This paper
introduces DeepSpeed-Chat, a novel system that democratizes RLHF training,
making it accessible to the AI community. DeepSpeed-Chat offers three key
capabilities: an easy-to-use training and inference experience for ChatGPT-like
models, a DeepSpeed-RLHF pipeline that replicates the training pipeline from
InstructGPT, and a robust DeepSpeed-RLHF system that combines various
optimizations for training and inference in a unified way. The system delivers
unparalleled efficiency and scalability, enabling training of models with
hundreds of billions of parameters in record time and at a fraction of the
cost. With this development, DeepSpeed-Chat paves the way for broader access to
advanced RLHF training, even for data scientists with limited resources,
thereby fostering innovation and further development in the field of AI. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2401.01952 | HF | Instruct-Imagen: Image Generation with Multi-modal Instruction | [
"Hexiang Hu",
"Kelvin C. K. Chan",
"Yu-Chuan Su",
"Wenhu Chen",
"Yandong Li",
"Kihyuk Sohn",
"Yang Zhao",
"Xue Ben",
"Boqing Gong",
"William Cohen",
"Ming-Wei Chang",
"Xuhui Jia"
] | 2024-01-03 | This paper presents instruct-imagen, a model that tackles heterogeneous image
generation tasks and generalizes across unseen tasks. We introduce *multi-modal
instruction* for image generation, a task representation articulating a range
of generation intents with precision. It uses natural language to amalgamate
disparate modalities (e.g., text, edge, style, subject, etc.), such that
abundant generation intents can be standardized in a uniform format.
We then build instruct-imagen by fine-tuning a pre-trained text-to-image
diffusion model with a two-stage framework. First, we adapt the model using the
retrieval-augmented training, to enhance model's capabilities to ground its
generation on external multimodal context. Subsequently, we fine-tune the
adapted model on diverse image generation tasks that requires vision-language
understanding (e.g., subject-driven generation, etc.), each paired with a
multi-modal instruction encapsulating the task's essence. Human evaluation on
various image generation datasets reveals that instruct-imagen matches or
surpasses prior task-specific models in-domain and demonstrates promising
generalization to unseen and more complex tasks. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2409.06210 | HF | INTRA: Interaction Relationship-aware Weakly Supervised Affordance Grounding | [
"Ji Ha Jang",
"Hoigi Seo",
"Se Young Chun"
] | 2024-09-10 | Affordance denotes the potential interactions inherent in objects. The
perception of affordance can enable intelligent agents to navigate and interact
with new environments efficiently. Weakly supervised affordance grounding
teaches agents the concept of affordance without costly pixel-level
annotations, but with exocentric images. Although recent advances in weakly
supervised affordance grounding yielded promising results, there remain
challenges including the requirement for paired exocentric and egocentric image
dataset, and the complexity in grounding diverse affordances for a single
object. To address them, we propose INTeraction Relationship-aware weakly
supervised Affordance grounding (INTRA). Unlike prior arts, INTRA recasts this
problem as representation learning to identify unique features of interactions
through contrastive learning with exocentric images only, eliminating the need
for paired datasets. Moreover, we leverage vision-language model embeddings for
performing affordance grounding flexibly with any text, designing
text-conditioned affordance map generation to reflect interaction relationship
for contrastive learning and enhancing robustness with our text synonym
augmentation. Our method outperformed prior arts on diverse datasets such as
AGD20K, IIT-AFF, CAD and UMD. Additionally, experimental results demonstrate
that our method has remarkable domain scalability for synthesized images /
illustrations and is capable of performing affordance grounding for novel
interactions and objects. | null | cs.CV | [
"cs.CV"
] |
2401.15071 | HF | From GPT-4 to Gemini and Beyond: Assessing the Landscape of MLLMs on Generalizability, Trustworthiness and Causality through Four Modalities | [
"Chaochao Lu",
"Chen Qian",
"Guodong Zheng",
"Hongxing Fan",
"Hongzhi Gao",
"Jie Zhang",
"Jing Shao",
"Jingyi Deng",
"Jinlan Fu",
"Kexin Huang",
"Kunchang Li",
"Lijun Li",
"Limin Wang",
"Lu Sheng",
"Meiqi Chen",
"Ming Zhang",
"Qibing Ren",
"Sirui Chen",
"Tao Gui",
"Wanli Ouyang",
"Yali Wang",
"Yan Teng",
"Yaru Wang",
"Yi Wang",
"Yinan He",
"Yingchun Wang",
"Yixu Wang",
"Yongting Zhang",
"Yu Qiao",
"Yujiong Shen",
"Yurong Mou",
"Yuxi Chen",
"Zaibin Zhang",
"Zhelun Shi",
"Zhenfei Yin",
"Zhipin Wang"
] | 2024-01-26 | Multi-modal Large Language Models (MLLMs) have shown impressive abilities in
generating reasonable responses with respect to multi-modal contents. However,
there is still a wide gap between the performance of recent MLLM-based
applications and the expectation of the broad public, even though the most
powerful OpenAI's GPT-4 and Google's Gemini have been deployed. This paper
strives to enhance understanding of the gap through the lens of a qualitative
study on the generalizability, trustworthiness, and causal reasoning
capabilities of recent proprietary and open-source MLLMs across four
modalities: ie, text, code, image, and video, ultimately aiming to improve the
transparency of MLLMs. We believe these properties are several representative
factors that define the reliability of MLLMs, in supporting various downstream
applications. To be specific, we evaluate the closed-source GPT-4 and Gemini
and 6 open-source LLMs and MLLMs. Overall we evaluate 230 manually designed
cases, where the qualitative results are then summarized into 12 scores (ie, 4
modalities times 3 properties). In total, we uncover 14 empirical findings that
are useful to understand the capabilities and limitations of both proprietary
and open-source MLLMs, towards more reliable downstream multi-modal
applications. | null | cs.CV | [
"cs.CV"
] |
2401.14828 | HF | TIP-Editor: An Accurate 3D Editor Following Both Text-Prompts And Image-Prompts | [
"Jingyu Zhuang",
"Di Kang",
"Yan-Pei Cao",
"Guanbin Li",
"Liang Lin",
"Ying Shan"
] | 2024-01-26 | Text-driven 3D scene editing has gained significant attention owing to its
convenience and user-friendliness. However, existing methods still lack
accurate control of the specified appearance and location of the editing result
due to the inherent limitations of the text description. To this end, we
propose a 3D scene editing framework, TIPEditor, that accepts both text and
image prompts and a 3D bounding box to specify the editing region. With the
image prompt, users can conveniently specify the detailed appearance/style of
the target content in complement to the text description, enabling accurate
control of the appearance. Specifically, TIP-Editor employs a stepwise 2D
personalization strategy to better learn the representation of the existing
scene and the reference image, in which a localization loss is proposed to
encourage correct object placement as specified by the bounding box.
Additionally, TIPEditor utilizes explicit and flexible 3D Gaussian splatting as
the 3D representation to facilitate local editing while keeping the background
unchanged. Extensive experiments have demonstrated that TIP-Editor conducts
accurate editing following the text and image prompts in the specified bounding
box region, consistently outperforming the baselines in editing quality, and
the alignment to the prompts, qualitatively and quantitatively. | null | cs.CV | [
"cs.CV"
] |
2311.02077 | HF | EmerNeRF: Emergent Spatial-Temporal Scene Decomposition via Self-Supervision | [
"Jiawei Yang",
"Boris Ivanovic",
"Or Litany",
"Xinshuo Weng",
"Seung Wook Kim",
"Boyi Li",
"Tong Che",
"Danfei Xu",
"Sanja Fidler",
"Marco Pavone",
"Yue Wang"
] | 2023-11-03 | We present EmerNeRF, a simple yet powerful approach for learning
spatial-temporal representations of dynamic driving scenes. Grounded in neural
fields, EmerNeRF simultaneously captures scene geometry, appearance, motion,
and semantics via self-bootstrapping. EmerNeRF hinges upon two core components:
First, it stratifies scenes into static and dynamic fields. This decomposition
emerges purely from self-supervision, enabling our model to learn from general,
in-the-wild data sources. Second, EmerNeRF parameterizes an induced flow field
from the dynamic field and uses this flow field to further aggregate
multi-frame features, amplifying the rendering precision of dynamic objects.
Coupling these three fields (static, dynamic, and flow) enables EmerNeRF to
represent highly-dynamic scenes self-sufficiently, without relying on ground
truth object annotations or pre-trained models for dynamic object segmentation
or optical flow estimation. Our method achieves state-of-the-art performance in
sensor simulation, significantly outperforming previous methods when
reconstructing static (+2.93 PSNR) and dynamic (+3.70 PSNR) scenes. In
addition, to bolster EmerNeRF's semantic generalization, we lift 2D visual
foundation model features into 4D space-time and address a general positional
bias in modern Transformers, significantly boosting 3D perception performance
(e.g., 37.50% relative improvement in occupancy prediction accuracy on
average). Finally, we construct a diverse and challenging 120-sequence dataset
to benchmark neural fields under extreme and highly-dynamic settings. | null | cs.CV | [
"cs.CV"
] |
2309.11568 | Both | BTLM-3B-8K: 7B Parameter Performance in a 3B Parameter Model | [
"Nolan Dey",
"Daria Soboleva",
"Faisal Al-Khateeb",
"Bowen Yang",
"Ribhu Pathria",
"Hemant Khachane",
"Shaheer Muhammad",
"Zhiming",
"Chen",
"Robert Myers",
"Jacob Robert Steeves",
"Natalia Vassilieva",
"Marvin Tom",
"Joel Hestness"
] | 2023-09-20 | We introduce the Bittensor Language Model, called "BTLM-3B-8K", a new
state-of-the-art 3 billion parameter open-source language model. BTLM-3B-8K was
trained on 627B tokens from the SlimPajama dataset with a mixture of 2,048 and
8,192 context lengths. BTLM-3B-8K outperforms all existing 3B parameter models
by 2-5.5% across downstream tasks. BTLM-3B-8K is even competitive with some 7B
parameter models. Additionally, BTLM-3B-8K provides excellent long context
performance, outperforming MPT-7B-8K and XGen-7B-8K on tasks up to 8,192
context length. We trained the model on a cleaned and deduplicated SlimPajama
dataset; aggressively tuned the \textmu P hyperparameters and schedule; used
ALiBi position embeddings; and adopted the SwiGLU nonlinearity.
On Hugging Face, the most popular models have 7B parameters, indicating that
users prefer the quality-size ratio of 7B models. Compacting the 7B parameter
model to one with 3B parameters, with little performance impact, is an
important milestone. BTLM-3B-8K needs only 3GB of memory with 4-bit precision
and takes 2.5x less inference compute than 7B models, helping to open up access
to a powerful language model on mobile and edge devices. BTLM-3B-8K is
available under an Apache 2.0 license on Hugging Face:
https://huggingface.co/cerebras/btlm-3b-8k-base. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2308.05374 | HF | Trustworthy LLMs: a Survey and Guideline for Evaluating Large Language Models' Alignment | [
"Yang Liu",
"Yuanshun Yao",
"Jean-Francois Ton",
"Xiaoying Zhang",
"Ruocheng Guo",
"Hao Cheng",
"Yegor Klochkov",
"Muhammad Faaiz Taufiq",
"Hang Li"
] | 2023-08-10 | Ensuring alignment, which refers to making models behave in accordance with
human intentions [1,2], has become a critical task before deploying large
language models (LLMs) in real-world applications. For instance, OpenAI devoted
six months to iteratively aligning GPT-4 before its release [3]. However, a
major challenge faced by practitioners is the lack of clear guidance on
evaluating whether LLM outputs align with social norms, values, and
regulations. This obstacle hinders systematic iteration and deployment of LLMs.
To address this issue, this paper presents a comprehensive survey of key
dimensions that are crucial to consider when assessing LLM trustworthiness. The
survey covers seven major categories of LLM trustworthiness: reliability,
safety, fairness, resistance to misuse, explainability and reasoning, adherence
to social norms, and robustness. Each major category is further divided into
several sub-categories, resulting in a total of 29 sub-categories.
Additionally, a subset of 8 sub-categories is selected for further
investigation, where corresponding measurement studies are designed and
conducted on several widely-used LLMs. The measurement results indicate that,
in general, more aligned models tend to perform better in terms of overall
trustworthiness. However, the effectiveness of alignment varies across the
different trustworthiness categories considered. This highlights the importance
of conducting more fine-grained analyses, testing, and making continuous
improvements on LLM alignment. By shedding light on these key dimensions of LLM
trustworthiness, this paper aims to provide valuable insights and guidance to
practitioners in the field. Understanding and addressing these concerns will be
crucial in achieving reliable and ethically sound deployment of LLMs in various
applications. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2310.20216 | HF | Does GPT-4 pass the Turing test? | [
"Cameron R. Jones",
"Benjamin K. Bergen"
] | 2023-10-31 | We evaluated GPT-4 in a public online Turing test. The best-performing GPT-4
prompt passed in 49.7% of games, outperforming ELIZA (22%) and GPT-3.5 (20%),
but falling short of the baseline set by human participants (66%).
Participants' decisions were based mainly on linguistic style (35%) and
socioemotional traits (27%), supporting the idea that intelligence, narrowly
conceived, is not sufficient to pass the Turing test. Participant knowledge
about LLMs and number of games played positively correlated with accuracy in
detecting AI, suggesting learning and practice as possible strategies to
mitigate deception. Despite known limitations as a test of intelligence, we
argue that the Turing test continues to be relevant as an assessment of
naturalistic communication and deception. AI models with the ability to
masquerade as humans could have widespread societal consequences, and we
analyse the effectiveness of different strategies and criteria for judging
humanlikeness. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2407.18961 | HF | MMAU: A Holistic Benchmark of Agent Capabilities Across Diverse Domains | [
"Guoli Yin",
"Haoping Bai",
"Shuang Ma",
"Feng Nan",
"Yanchao Sun",
"Zhaoyang Xu",
"Shen Ma",
"Jiarui Lu",
"Xiang Kong",
"Aonan Zhang",
"Dian Ang Yap",
"Yizhe zhang",
"Karsten Ahnert",
"Vik Kamath",
"Mathias Berglund",
"Dominic Walsh",
"Tobias Gindele",
"Juergen Wiest",
"Zhengfeng Lai",
"Xiaoming Wang",
"Jiulong Shan",
"Meng Cao",
"Ruoming Pang",
"Zirui Wang"
] | 2024-07-18 | Recent advances in large language models (LLMs) have increased the demand for
comprehensive benchmarks to evaluate their capabilities as human-like agents.
Existing benchmarks, while useful, often focus on specific application
scenarios, emphasizing task completion but failing to dissect the underlying
skills that drive these outcomes. This lack of granularity makes it difficult
to deeply discern where failures stem from. Additionally, setting up these
environments requires considerable effort, and issues of unreliability and
reproducibility sometimes arise, especially in interactive tasks. To address
these limitations, we introduce the Massive Multitask Agent Understanding
(MMAU) benchmark, featuring comprehensive offline tasks that eliminate the need
for complex environment setups. It evaluates models across five domains,
including Tool-use, Directed Acyclic Graph (DAG) QA, Data Science and Machine
Learning coding, Contest-level programming and Mathematics, and covers five
essential capabilities: Understanding, Reasoning, Planning, Problem-solving,
and Self-correction. With a total of 20 meticulously designed tasks
encompassing over 3K distinct prompts, MMAU provides a comprehensive framework
for evaluating the strengths and limitations of LLM agents. By testing 18
representative models on MMAU, we provide deep and insightful analyses.
Ultimately, MMAU not only sheds light on the capabilities and limitations of
LLM agents but also enhances the interpretability of their performance.
Datasets and evaluation scripts of MMAU are released at
https://github.com/apple/axlearn/tree/main/docs/research/mmau. | null | cs.AI | [
"cs.AI"
] |
2309.16668 | HF | RealFill: Reference-Driven Generation for Authentic Image Completion | [
"Luming Tang",
"Nataniel Ruiz",
"Qinghao Chu",
"Yuanzhen Li",
"Aleksander Holynski",
"David E. Jacobs",
"Bharath Hariharan",
"Yael Pritch",
"Neal Wadhwa",
"Kfir Aberman",
"Michael Rubinstein"
] | 2023-09-28 | Recent advances in generative imagery have brought forth outpainting and
inpainting models that can produce high-quality, plausible image content in
unknown regions. However, the content these models hallucinate is necessarily
inauthentic, since they are unaware of the true scene. In this work, we propose
RealFill, a novel generative approach for image completion that fills in
missing regions of an image with the content that should have been there.
RealFill is a generative inpainting model that is personalized using only a few
reference images of a scene. These reference images do not have to be aligned
with the target image, and can be taken with drastically varying viewpoints,
lighting conditions, camera apertures, or image styles. Once personalized,
RealFill is able to complete a target image with visually compelling contents
that are faithful to the original scene. We evaluate RealFill on a new image
completion benchmark that covers a set of diverse and challenging scenarios,
and find that it outperforms existing approaches by a large margin. Project
page: https://realfill.github.io | 10.1145/3658237 | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2312.09244 | HF | Helping or Herding? Reward Model Ensembles Mitigate but do not Eliminate Reward Hacking | [
"Jacob Eisenstein",
"Chirag Nagpal",
"Alekh Agarwal",
"Ahmad Beirami",
"Alex D'Amour",
"DJ Dvijotham",
"Adam Fisch",
"Katherine Heller",
"Stephen Pfohl",
"Deepak Ramachandran",
"Peter Shaw",
"Jonathan Berant"
] | 2023-12-14 | Reward models play a key role in aligning language model applications towards
human preferences. However, this setup creates an incentive for the language
model to exploit errors in the reward model to achieve high estimated reward, a
phenomenon often termed \emph{reward hacking}. A natural mitigation is to train
an ensemble of reward models, aggregating over model outputs to obtain a more
robust reward estimate. We explore the application of reward ensembles to
alignment at both training time (through reinforcement learning) and inference
time (through reranking). First, we show that reward models are
\emph{underspecified}: reward models that perform similarly in-distribution can
yield very different rewards when used in alignment, due to distribution shift.
Second, underspecification results in overoptimization, where alignment to one
reward model does not improve reward as measured by another reward model
trained on the same data. Third, overoptimization is mitigated by the use of
reward ensembles, and ensembles that vary by their \emph{pretraining} seeds
lead to better generalization than ensembles that differ only by their
\emph{fine-tuning} seeds, with both outperforming individual reward models.
However, even pretrain reward ensembles do not eliminate reward hacking: we
show several qualitative reward hacking phenomena that are not mitigated by
ensembling because all reward models in the ensemble exhibit similar error
patterns. | null | cs.LG | [
"cs.LG"
] |
2401.16420 | HF | InternLM-XComposer2: Mastering Free-form Text-Image Composition and Comprehension in Vision-Language Large Model | [
"Xiaoyi Dong",
"Pan Zhang",
"Yuhang Zang",
"Yuhang Cao",
"Bin Wang",
"Linke Ouyang",
"Xilin Wei",
"Songyang Zhang",
"Haodong Duan",
"Maosong Cao",
"Wenwei Zhang",
"Yining Li",
"Hang Yan",
"Yang Gao",
"Xinyue Zhang",
"Wei Li",
"Jingwen Li",
"Kai Chen",
"Conghui He",
"Xingcheng Zhang",
"Yu Qiao",
"Dahua Lin",
"Jiaqi Wang"
] | 2024-01-29 | We introduce InternLM-XComposer2, a cutting-edge vision-language model
excelling in free-form text-image composition and comprehension. This model
goes beyond conventional vision-language understanding, adeptly crafting
interleaved text-image content from diverse inputs like outlines, detailed
textual specifications, and reference images, enabling highly customizable
content creation. InternLM-XComposer2 proposes a Partial LoRA (PLoRA) approach
that applies additional LoRA parameters exclusively to image tokens to preserve
the integrity of pre-trained language knowledge, striking a balance between
precise vision understanding and text composition with literary talent.
Experimental results demonstrate the superiority of InternLM-XComposer2 based
on InternLM2-7B in producing high-quality long-text multi-modal content and its
exceptional vision-language understanding performance across various
benchmarks, where it not only significantly outperforms existing multimodal
models but also matches or even surpasses GPT-4V and Gemini Pro in certain
assessments. This highlights its remarkable proficiency in the realm of
multimodal understanding. The InternLM-XComposer2 model series with 7B
parameters are publicly available at
https://github.com/InternLM/InternLM-XComposer. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2308.13137 | Both | OmniQuant: Omnidirectionally Calibrated Quantization for Large Language Models | [
"Wenqi Shao",
"Mengzhao Chen",
"Zhaoyang Zhang",
"Peng Xu",
"Lirui Zhao",
"Zhiqian Li",
"Kaipeng Zhang",
"Peng Gao",
"Yu Qiao",
"Ping Luo"
] | 2023-08-25 | Large language models (LLMs) have revolutionized natural language processing
tasks. However, their practical deployment is hindered by their immense memory
and computation requirements. Although recent post-training quantization (PTQ)
methods are effective in reducing memory footprint and improving the
computational efficiency of LLM, they hand-craft quantization parameters,
leading to low performance, especially in extremely low-bit quantization. To
tackle this issue, we introduce an Omnidirectionally calibrated Quantization
(\textbf{OmniQuant}) technique for LLMs, which achieves good performance in
diverse quantization settings while maintaining the computational efficiency of
PTQ by efficiently optimizing various quantization parameters. OmniQuant
comprises two innovative components including Learnable Weight Clipping (LWC)
and Learnable Equivalent Transformation (LET). LWC modulates the extreme values
of weights by optimizing the clipping threshold. Meanwhile, LET tackles
activation outliers by shifting the challenge of quantization from activations
to weights. Operating within a differentiable framework using block-wise error
minimization, OmniQuant can optimize the quantization process efficiently for
both weight-only and weight-activation quantization. For instance, the LLaMA-2
model family size 7-70B can be processed with OmniQuant on a single A100-40G
GPU within 1-16 hours using 128 samples. Extensive experiments validate
OmniQuant's superior performance across diverse quantization configurations
such as W4A4 (4-bit weight, 4-bit activation), W6A6, W4A16, W3A16, and W2A16.
Additionally, OmniQuant demonstrates effectiveness in instruction-tuned models
and delivers notable improvements in inference speed and memory reduction on
real devices. Codes are available at
\url{https://github.com/OpenGVLab/OmniQuant}. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2305.09515 | Both | AR-Diffusion: Auto-Regressive Diffusion Model for Text Generation | [
"Tong Wu",
"Zhihao Fan",
"Xiao Liu",
"Yeyun Gong",
"Yelong Shen",
"Jian Jiao",
"Hai-Tao Zheng",
"Juntao Li",
"Zhongyu Wei",
"Jian Guo",
"Nan Duan",
"Weizhu Chen"
] | 2023-05-16 | Diffusion models have gained significant attention in the realm of image
generation due to their exceptional performance. Their success has been
recently expanded to text generation via generating all tokens within a
sequence concurrently. However, natural language exhibits a far more pronounced
sequential dependency in comparison to images, and the majority of existing
language models are trained with a left-to-right auto-regressive approach. To
account for the inherent sequential characteristic of natural language, we
introduce Auto-Regressive Diffusion (AR-Diffusion). AR-Diffusion ensures that
the generation of tokens on the right depends on the generated ones on the
left, a mechanism achieved through employing a dynamic number of denoising
steps that vary based on token position. This results in tokens on the left
undergoing fewer denoising steps than those on the right, thereby enabling them
to generate earlier and subsequently influence the generation of tokens on the
right. In a series of experiments on various text generation tasks, including
text summarization, machine translation, and common sense generation,
AR-Diffusion clearly demonstrated its superiority over existing diffusion
language models and that it can be $100\times\sim600\times$ faster when
achieving comparable results. Our code is available at
https://github.com/microsoft/ProphetNet/tree/master/AR-diffusion. | null | cs.CL | [
"cs.CL"
] |
2202.06671 | AnswerAI | Neighborhood Contrastive Learning for Scientific Document Representations with Citation Embeddings | [
"Malte Ostendorff",
"Nils Rethmeier",
"Isabelle Augenstein",
"Bela Gipp",
"Georg Rehm"
] | 2022-02-14 | Learning scientific document representations can be substantially improved
through contrastive learning objectives, where the challenge lies in creating
positive and negative training samples that encode the desired similarity
semantics. Prior work relies on discrete citation relations to generate
contrast samples. However, discrete citations enforce a hard cut-off to
similarity. This is counter-intuitive to similarity-based learning, and ignores
that scientific papers can be very similar despite lacking a direct citation -
a core problem of finding related research. Instead, we use controlled nearest
neighbor sampling over citation graph embeddings for contrastive learning. This
control allows us to learn continuous similarity, to sample hard-to-learn
negatives and positives, and also to avoid collisions between negative and
positive samples by controlling the sampling margin between them. The resulting
method SciNCL outperforms the state-of-the-art on the SciDocs benchmark.
Furthermore, we demonstrate that it can train (or tune) models
sample-efficiently, and that it can be combined with recent training-efficient
methods. Perhaps surprisingly, even training a general-domain language model
this way outperforms baselines pretrained in-domain. | null | cs.CL | [
"cs.CL"
] |
2402.19427 | Both | Griffin: Mixing Gated Linear Recurrences with Local Attention for Efficient Language Models | [
"Soham De",
"Samuel L. Smith",
"Anushan Fernando",
"Aleksandar Botev",
"George Cristian-Muraru",
"Albert Gu",
"Ruba Haroun",
"Leonard Berrada",
"Yutian Chen",
"Srivatsan Srinivasan",
"Guillaume Desjardins",
"Arnaud Doucet",
"David Budden",
"Yee Whye Teh",
"Razvan Pascanu",
"Nando De Freitas",
"Caglar Gulcehre"
] | 2024-02-29 | Recurrent neural networks (RNNs) have fast inference and scale efficiently on
long sequences, but they are difficult to train and hard to scale. We propose
Hawk, an RNN with gated linear recurrences, and Griffin, a hybrid model that
mixes gated linear recurrences with local attention. Hawk exceeds the reported
performance of Mamba on downstream tasks, while Griffin matches the performance
of Llama-2 despite being trained on over 6 times fewer tokens. We also show
that Griffin can extrapolate on sequences significantly longer than those seen
during training. Our models match the hardware efficiency of Transformers
during training, and during inference they have lower latency and significantly
higher throughput. We scale Griffin up to 14B parameters, and explain how to
shard our models for efficient distributed training. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2406.08920 | HF | AV-GS: Learning Material and Geometry Aware Priors for Novel View Acoustic Synthesis | [
"Swapnil Bhosale",
"Haosen Yang",
"Diptesh Kanojia",
"Jiankang Deng",
"Xiatian Zhu"
] | 2024-06-13 | Novel view acoustic synthesis (NVAS) aims to render binaural audio at any
target viewpoint, given a mono audio emitted by a sound source at a 3D scene.
Existing methods have proposed NeRF-based implicit models to exploit visual
cues as a condition for synthesizing binaural audio. However, in addition to
low efficiency originating from heavy NeRF rendering, these methods all have a
limited ability of characterizing the entire scene environment such as room
geometry, material properties, and the spatial relation between the listener
and sound source. To address these issues, we propose a novel Audio-Visual
Gaussian Splatting (AV-GS) model. To obtain a material-aware and geometry-aware
condition for audio synthesis, we learn an explicit point-based scene
representation with an audio-guidance parameter on locally initialized Gaussian
points, taking into account the space relation from the listener and sound
source. To make the visual scene model audio adaptive, we propose a point
densification and pruning strategy to optimally distribute the Gaussian points,
with the per-point contribution in sound propagation (e.g., more points needed
for texture-less wall surfaces as they affect sound path diversion). Extensive
experiments validate the superiority of our AV-GS over existing alternatives on
the real-world RWAS and simulation-based SoundSpaces datasets. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2309.13633 | AnswerAI | EvalLM: Interactive Evaluation of Large Language Model Prompts on User-Defined Criteria | [
"Tae Soo Kim",
"Yoonjoo Lee",
"Jamin Shin",
"Young-Ho Kim",
"Juho Kim"
] | 2023-09-24 | By simply composing prompts, developers can prototype novel generative
applications with Large Language Models (LLMs). To refine prototypes into
products, however, developers must iteratively revise prompts by evaluating
outputs to diagnose weaknesses. Formative interviews (N=8) revealed that
developers invest significant effort in manually evaluating outputs as they
assess context-specific and subjective criteria. We present EvalLM, an
interactive system for iteratively refining prompts by evaluating multiple
outputs on user-defined criteria. By describing criteria in natural language,
users can employ the system's LLM-based evaluator to get an overview of where
prompts excel or fail, and improve these based on the evaluator's feedback. A
comparative study (N=12) showed that EvalLM, when compared to manual
evaluation, helped participants compose more diverse criteria, examine twice as
many outputs, and reach satisfactory prompts with 59% fewer revisions. Beyond
prompts, our work can be extended to augment model evaluation and alignment in
specific application contexts. | 10.1145/3613904.3642216 | cs.HC | [
"cs.HC",
"cs.AI",
"cs.CL"
] |
2306.04528 | HF | PromptRobust: Towards Evaluating the Robustness of Large Language Models on Adversarial Prompts | [
"Kaijie Zhu",
"Jindong Wang",
"Jiaheng Zhou",
"Zichen Wang",
"Hao Chen",
"Yidong Wang",
"Linyi Yang",
"Wei Ye",
"Yue Zhang",
"Neil Zhenqiang Gong",
"Xing Xie"
] | 2023-06-07 | The increasing reliance on Large Language Models (LLMs) across academia and
industry necessitates a comprehensive understanding of their robustness to
prompts. In response to this vital need, we introduce PromptRobust, a
robustness benchmark designed to measure LLMs' resilience to adversarial
prompts. This study uses a plethora of adversarial textual attacks targeting
prompts across multiple levels: character, word, sentence, and semantic. The
adversarial prompts, crafted to mimic plausible user errors like typos or
synonyms, aim to evaluate how slight deviations can affect LLM outcomes while
maintaining semantic integrity. These prompts are then employed in diverse
tasks including sentiment analysis, natural language inference, reading
comprehension, machine translation, and math problem-solving. Our study
generates 4,788 adversarial prompts, meticulously evaluated over 8 tasks and 13
datasets. Our findings demonstrate that contemporary LLMs are not robust to
adversarial prompts. Furthermore, we present a comprehensive analysis to
understand the mystery behind prompt robustness and its transferability. We
then offer insightful robustness analysis and pragmatic recommendations for
prompt composition, beneficial to both researchers and everyday users. | null | cs.CL | [
"cs.CL",
"cs.CR",
"cs.LG"
] |
2305.18654 | Both | Faith and Fate: Limits of Transformers on Compositionality | [
"Nouha Dziri",
"Ximing Lu",
"Melanie Sclar",
"Xiang Lorraine Li",
"Liwei Jiang",
"Bill Yuchen Lin",
"Peter West",
"Chandra Bhagavatula",
"Ronan Le Bras",
"Jena D. Hwang",
"Soumya Sanyal",
"Sean Welleck",
"Xiang Ren",
"Allyson Ettinger",
"Zaid Harchaoui",
"Yejin Choi"
] | 2023-05-29 | Transformer large language models (LLMs) have sparked admiration for their
exceptional performance on tasks that demand intricate multi-step reasoning.
Yet, these models simultaneously show failures on surprisingly trivial
problems. This begs the question: Are these errors incidental, or do they
signal more substantial limitations? In an attempt to demystify transformer
LLMs, we investigate the limits of these models across three representative
compositional tasks -- multi-digit multiplication, logic grid puzzles, and a
classic dynamic programming problem. These tasks require breaking problems down
into sub-steps and synthesizing these steps into a precise answer. We formulate
compositional tasks as computation graphs to systematically quantify the level
of complexity, and break down reasoning steps into intermediate sub-procedures.
Our empirical findings suggest that transformer LLMs solve compositional tasks
by reducing multi-step compositional reasoning into linearized subgraph
matching, without necessarily developing systematic problem-solving skills. To
round off our empirical study, we provide theoretical arguments on abstract
multi-step reasoning problems that highlight how autoregressive generations'
performance can rapidly decay with\,increased\,task\,complexity. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.09636 | AnswerAI | Dynamic Memory Compression: Retrofitting LLMs for Accelerated Inference | [
"Piotr Nawrot",
"Adrian Łańcucki",
"Marcin Chochowski",
"David Tarjan",
"Edoardo M. Ponti"
] | 2024-03-14 | Transformers have emerged as the backbone of large language models (LLMs).
However, generation remains inefficient due to the need to store in memory a
cache of key-value representations for past tokens, whose size scales linearly
with the input sequence length and batch size. As a solution, we propose
Dynamic Memory Compression (DMC), a method for online key-value cache
compression at inference time. Most importantly, the model learns to apply
different compression ratios in different heads and layers. We retrofit
pre-trained LLMs such as Llama 2 (7B, 13B and 70B) into DMC Transformers,
achieving up to 7x throughput increase during auto-regressive inference on an
NVIDIA H100 GPU. DMC is applied via continued pre-training on a negligible
percentage of the original data without adding any extra parameters. DMC
preserves the original downstream performance with up to 4x cache compression,
outperforming up-trained grouped-query attention (GQA) and key-value eviction
policies (H$_2$O, TOVA). GQA and DMC can be even combined to obtain compounded
gains. Hence, DMC can serve as a drop-in replacement for KV caching in existing
LLMs to fit longer contexts and larger batches within any given memory budget. | null | cs.CL | [
"cs.CL"
] |
2111.00396 | AnswerAI | Efficiently Modeling Long Sequences with Structured State Spaces | [
"Albert Gu",
"Karan Goel",
"Christopher Ré"
] | 2021-10-31 | A central goal of sequence modeling is designing a single principled model
that can address sequence data across a range of modalities and tasks,
particularly on long-range dependencies. Although conventional models including
RNNs, CNNs, and Transformers have specialized variants for capturing long
dependencies, they still struggle to scale to very long sequences of $10000$ or
more steps. A promising recent approach proposed modeling sequences by
simulating the fundamental state space model (SSM) \( x'(t) = Ax(t) + Bu(t),
y(t) = Cx(t) + Du(t) \), and showed that for appropriate choices of the state
matrix \( A \), this system could handle long-range dependencies mathematically
and empirically. However, this method has prohibitive computation and memory
requirements, rendering it infeasible as a general sequence modeling solution.
We propose the Structured State Space sequence model (S4) based on a new
parameterization for the SSM, and show that it can be computed much more
efficiently than prior approaches while preserving their theoretical strengths.
Our technique involves conditioning \( A \) with a low-rank correction,
allowing it to be diagonalized stably and reducing the SSM to the well-studied
computation of a Cauchy kernel. S4 achieves strong empirical results across a
diverse range of established benchmarks, including (i) 91\% accuracy on
sequential CIFAR-10 with no data augmentation or auxiliary losses, on par with
a larger 2-D ResNet, (ii) substantially closing the gap to Transformers on
image and language modeling tasks, while performing generation $60\times$
faster (iii) SoTA on every task from the Long Range Arena benchmark, including
solving the challenging Path-X task of length 16k that all prior work fails on,
while being as efficient as all competitors. | null | cs.LG | [
"cs.LG"
] |
2406.13393 | HF | Style-NeRF2NeRF: 3D Style Transfer From Style-Aligned Multi-View Images | [
"Haruo Fujiwara",
"Yusuke Mukuta",
"Tatsuya Harada"
] | 2024-06-19 | We propose a simple yet effective pipeline for stylizing a 3D scene,
harnessing the power of 2D image diffusion models. Given a NeRF model
reconstructed from a set of multi-view images, we perform 3D style transfer by
refining the source NeRF model using stylized images generated by a
style-aligned image-to-image diffusion model. Given a target style prompt, we
first generate perceptually similar multi-view images by leveraging a
depth-conditioned diffusion model with an attention-sharing mechanism. Next,
based on the stylized multi-view images, we propose to guide the style transfer
process with the sliced Wasserstein loss based on the feature maps extracted
from a pre-trained CNN model. Our pipeline consists of decoupled steps,
allowing users to test various prompt ideas and preview the stylized 3D result
before proceeding to the NeRF fine-tuning stage. We demonstrate that our method
can transfer diverse artistic styles to real-world 3D scenes with competitive
quality. Result videos are also available on our project page:
https://haruolabs.github.io/style-n2n/ | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2303.09540 | AnswerAI | SemDeDup: Data-efficient learning at web-scale through semantic deduplication | [
"Amro Abbas",
"Kushal Tirumala",
"Dániel Simig",
"Surya Ganguli",
"Ari S. Morcos"
] | 2023-03-16 | Progress in machine learning has been driven in large part by massive
increases in data. However, large web-scale datasets such as LAION are largely
uncurated beyond searches for exact duplicates, potentially leaving much
redundancy. Here, we introduce SemDeDup, a method which leverages embeddings
from pre-trained models to identify and remove semantic duplicates: data pairs
which are semantically similar, but not exactly identical. Removing semantic
duplicates preserves performance and speeds up learning. Analyzing a subset of
LAION, we show that SemDeDup can remove 50% of the data with minimal
performance loss, effectively halving training time. Moreover, performance
increases out of distribution. Also, analyzing language models trained on C4, a
partially curated dataset, we show that SemDeDup improves over prior approaches
while providing efficiency gains. SemDeDup provides an example of how simple
ways of leveraging quality embeddings can be used to make models learn faster
with less data. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2408.08072 | HF | I-SHEEP: Self-Alignment of LLM from Scratch through an Iterative Self-Enhancement Paradigm | [
"Yiming Liang",
"Ge Zhang",
"Xingwei Qu",
"Tianyu Zheng",
"Jiawei Guo",
"Xinrun Du",
"Zhenzhu Yang",
"Jiaheng Liu",
"Chenghua Lin",
"Lei Ma",
"Wenhao Huang",
"Jiajun Zhang"
] | 2024-08-15 | Large Language Models (LLMs) have achieved significant advancements, however,
the common learning paradigm treats LLMs as passive information repositories,
neglecting their potential for active learning and alignment. Some approaches
train LLMs using their own generated synthetic data, exploring the possibility
of active alignment. However, there is still a huge gap between these one-time
alignment methods and the continuous automatic alignment of humans. In this
paper, we introduce \textbf{I-SHEEP}, an \textbf{I}terative
\textbf{S}elf-En\textbf{H}anc\textbf{E}m\textbf{E}nt \textbf{P}aradigm.This
human-like paradigm enables LLMs to \textbf{continuously self-align from
scratch with nothing}. Compared to the one-time alignment method Dromedary
\cite{sun2023principledriven}, which refers to the first iteration in this
paper, I-SHEEP can significantly enhance capacities on both Qwen and Llama
models. I-SHEEP achieves a maximum relative improvement of 78.2\% in the Alpaca
Eval, 24.0\% in the MT Bench, and an absolute increase of 8.88\% in the IFEval
accuracy over subsequent iterations in Qwen-1.5 72B model. Additionally,
I-SHEEP surpasses the base model in various standard benchmark generation
tasks, achieving an average improvement of 24.77\% in code generation tasks,
12.04\% in TrivialQA, and 20.29\% in SQuAD. We also provide new insights based
on the experiment results. Our codes, datasets, and models are available at
\textbf{https://anonymous.4open.science/r/I-SHEEP}. | null | cs.CL | [
"cs.CL"
] |
2405.08448 | Both | Understanding the performance gap between online and offline alignment algorithms | [
"Yunhao Tang",
"Daniel Zhaohan Guo",
"Zeyu Zheng",
"Daniele Calandriello",
"Yuan Cao",
"Eugene Tarassov",
"Rémi Munos",
"Bernardo Ávila Pires",
"Michal Valko",
"Yong Cheng",
"Will Dabney"
] | 2024-05-14 | Reinforcement learning from human feedback (RLHF) is the canonical framework
for large language model alignment. However, rising popularity in offline
alignment algorithms challenge the need for on-policy sampling in RLHF. Within
the context of reward over-optimization, we start with an opening set of
experiments that demonstrate the clear advantage of online methods over offline
methods. This prompts us to investigate the causes to the performance
discrepancy through a series of carefully designed experimental ablations. We
show empirically that hypotheses such as offline data coverage and data quality
by itself cannot convincingly explain the performance difference. We also find
that while offline algorithms train policy to become good at pairwise
classification, it is worse at generations; in the meantime the policies
trained by online algorithms are good at generations while worse at pairwise
classification. This hints at a unique interplay between discriminative and
generative capabilities, which is greatly impacted by the sampling process.
Lastly, we observe that the performance discrepancy persists for both
contrastive and non-contrastive loss functions, and appears not to be addressed
by simply scaling up policy networks. Taken together, our study sheds light on
the pivotal role of on-policy sampling in AI alignment, and hints at certain
fundamental challenges of offline alignment algorithms. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2409.02078 | HF | Political DEBATE: Efficient Zero-shot and Few-shot Classifiers for Political Text | [
"Michael Burnham",
"Kayla Kahn",
"Ryan Yank Wang",
"Rachel X. Peng"
] | 2024-09-03 | Social scientists quickly adopted large language models due to their ability
to annotate documents without supervised training, an ability known as
zero-shot learning. However, due to their compute demands, cost, and often
proprietary nature, these models are often at odds with replication and open
science standards. This paper introduces the Political DEBATE (DeBERTa
Algorithm for Textual Entailment) language models for zero-shot and few-shot
classification of political documents. These models are not only as good, or
better than, state-of-the art large language models at zero and few-shot
classification, but are orders of magnitude more efficient and completely open
source. By training the models on a simple random sample of 10-25 documents,
they can outperform supervised classifiers trained on hundreds or thousands of
documents and state-of-the-art generative models with complex, engineered
prompts. Additionally, we release the PolNLI dataset used to train these models
-- a corpus of over 200,000 political documents with highly accurate labels
across over 800 classification tasks. | null | cs.CL | [
"cs.CL"
] |
2407.13696 | HF | Do These LLM Benchmarks Agree? Fixing Benchmark Evaluation with BenchBench | [
"Yotam Perlitz",
"Ariel Gera",
"Ofir Arviv",
"Asaf Yehudai",
"Elron Bandel",
"Eyal Shnarch",
"Michal Shmueli-Scheuer",
"Leshem Choshen"
] | 2024-07-18 | Recent advancements in Language Models (LMs) have catalyzed the creation of
multiple benchmarks, designed to assess these models' general capabilities. A
crucial task, however, is assessing the validity of the benchmarks themselves.
This is most commonly done via Benchmark Agreement Testing (BAT), where new
benchmarks are validated against established ones using some agreement metric
(e.g., rank correlation). Despite the crucial role of BAT for benchmark
builders and consumers, there are no standardized procedures for such agreement
testing. This deficiency can lead to invalid conclusions, fostering mistrust in
benchmarks and upending the ability to properly choose the appropriate
benchmark to use. By analyzing over 40 prominent benchmarks, we demonstrate how
some overlooked methodological choices can significantly influence BAT results,
potentially undermining the validity of conclusions. To address these
inconsistencies, we propose a set of best practices for BAT and demonstrate how
utilizing these methodologies greatly improves BAT robustness and validity. To
foster adoption and facilitate future research,, we introduce BenchBench, a
python package for BAT, and release the BenchBench-leaderboard, a
meta-benchmark designed to evaluate benchmarks using their peers. Our findings
underscore the necessity for standardized BAT, ensuring the robustness and
validity of benchmark evaluations in the evolving landscape of language model
research.
BenchBench Package: github.com/IBM/BenchBench
Leaderboard: hf.co/spaces/IBM/BenchBench | null | cs.CL | [
"cs.CL"
] |
2312.00375 | HF | Text-Guided 3D Face Synthesis -- From Generation to Editing | [
"Yunjie Wu",
"Yapeng Meng",
"Zhipeng Hu",
"Lincheng Li",
"Haoqian Wu",
"Kun Zhou",
"Weiwei Xu",
"Xin Yu"
] | 2023-12-01 | Text-guided 3D face synthesis has achieved remarkable results by leveraging
text-to-image (T2I) diffusion models. However, most existing works focus solely
on the direct generation, ignoring the editing, restricting them from
synthesizing customized 3D faces through iterative adjustments. In this paper,
we propose a unified text-guided framework from face generation to editing. In
the generation stage, we propose a geometry-texture decoupled generation to
mitigate the loss of geometric details caused by coupling. Besides, decoupling
enables us to utilize the generated geometry as a condition for texture
generation, yielding highly geometry-texture aligned results. We further employ
a fine-tuned texture diffusion model to enhance texture quality in both RGB and
YUV space. In the editing stage, we first employ a pre-trained diffusion model
to update facial geometry or texture based on the texts. To enable sequential
editing, we introduce a UV domain consistency preservation regularization,
preventing unintentional changes to irrelevant facial attributes. Besides, we
propose a self-guided consistency weight strategy to improve editing efficacy
while preserving consistency. Through comprehensive experiments, we showcase
our method's superiority in face synthesis. Project page:
https://faceg2e.github.io/. | null | cs.CV | [
"cs.CV"
] |
2408.13629 | HF | Temporally-consistent 3D Reconstruction of Birds | [
"Johannes Hägerlind",
"Jonas Hentati-Sundberg",
"Bastian Wandt"
] | 2024-08-24 | This paper deals with 3D reconstruction of seabirds which recently came into
focus of environmental scientists as valuable bio-indicators for environmental
change. Such 3D information is beneficial for analyzing the bird's behavior and
physiological shape, for example by tracking motion, shape, and appearance
changes. From a computer vision perspective birds are especially challenging
due to their rapid and oftentimes non-rigid motions. We propose an approach to
reconstruct the 3D pose and shape from monocular videos of a specific breed of
seabird - the common murre. Our approach comprises a full pipeline of
detection, tracking, segmentation, and temporally consistent 3D reconstruction.
Additionally, we propose a temporal loss that extends current single-image 3D
bird pose estimators to the temporal domain. Moreover, we provide a real-world
dataset of 10000 frames of video observations on average capture nine birds
simultaneously, comprising a large variety of motions and interactions,
including a smaller test set with bird-specific keypoint labels. Using our
temporal optimization, we achieve state-of-the-art performance for the
challenging sequences in our dataset. | null | cs.CV | [
"cs.CV"
] |
2310.10638 | Both | In-context Pretraining: Language Modeling Beyond Document Boundaries | [
"Weijia Shi",
"Sewon Min",
"Maria Lomeli",
"Chunting Zhou",
"Margaret Li",
"Gergely Szilvasy",
"Rich James",
"Xi Victoria Lin",
"Noah A. Smith",
"Luke Zettlemoyer",
"Scott Yih",
"Mike Lewis"
] | 2023-10-16 | Large language models (LMs) are currently trained to predict tokens given
document prefixes, enabling them to directly perform long-form generation and
prompting-style tasks which can be reduced to document completion. Existing
pretraining pipelines train LMs by concatenating random sets of short documents
to create input contexts but the prior documents provide no signal for
predicting the next document. We instead present In-Context Pretraining, a new
approach where language models are pretrained on a sequence of related
documents, thereby explicitly encouraging them to read and reason across
document boundaries. We can do In-Context Pretraining by simply changing the
document ordering so that each context contains related documents, and directly
applying existing pretraining pipelines. However, this document sorting problem
is challenging. There are billions of documents and we would like the sort to
maximize contextual similarity for every document without repeating any data.
To do this, we introduce approximate algorithms for finding related documents
with efficient nearest neighbor search and constructing coherent input contexts
with a graph traversal algorithm. Our experiments show In-Context Pretraining
offers a simple and scalable approach to significantly enhance LMs'performance:
we see notable improvements in tasks that require more complex contextual
reasoning, including in-context learning (+8%), reading comprehension (+15%),
faithfulness to previous contexts (+16%), long-context reasoning (+5%), and
retrieval augmentation (+9%). | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2409.04410 | HF | Open-MAGVIT2: An Open-Source Project Toward Democratizing Auto-regressive Visual Generation | [
"Zhuoyan Luo",
"Fengyuan Shi",
"Yixiao Ge",
"Yujiu Yang",
"Limin Wang",
"Ying Shan"
] | 2024-09-06 | We present Open-MAGVIT2, a family of auto-regressive image generation models
ranging from 300M to 1.5B. The Open-MAGVIT2 project produces an open-source
replication of Google's MAGVIT-v2 tokenizer, a tokenizer with a super-large
codebook (i.e., $2^{18}$ codes), and achieves the state-of-the-art
reconstruction performance (1.17 rFID) on ImageNet $256 \times 256$.
Furthermore, we explore its application in plain auto-regressive models and
validate scalability properties. To assist auto-regressive models in predicting
with a super-large vocabulary, we factorize it into two sub-vocabulary of
different sizes by asymmetric token factorization, and further introduce "next
sub-token prediction" to enhance sub-token interaction for better generation
quality. We release all models and codes to foster innovation and creativity in
the field of auto-regressive visual generation. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.08598 | HF | Language Model Council: Benchmarking Foundation Models on Highly Subjective Tasks by Consensus | [
"Justin Zhao",
"Flor Miriam Plaza-del-Arco",
"Amanda Cercas Curry"
] | 2024-06-12 | The rapid advancement of Large Language Models (LLMs) necessitates robust and
challenging benchmarks. Leaderboards like Chatbot Arena rank LLMs based on how
well their responses align with human preferences. However, many tasks such as
those related to emotional intelligence, creative writing, or persuasiveness,
are highly subjective and often lack majoritarian human agreement. Judges may
have irreconcilable disagreements about what constitutes a better response. To
address the challenge of ranking LLMs on highly subjective tasks, we propose a
novel benchmarking framework, the Language Model Council (LMC). The LMC
operates through a democratic process to: 1) formulate a test set through equal
participation, 2) administer the test among council members, and 3) evaluate
responses as a collective jury. We deploy a council of 20 newest LLMs on an
open-ended emotional intelligence task: responding to interpersonal dilemmas.
Our results show that the LMC produces rankings that are more separable,
robust, and less biased than those from any individual LLM judge, and is more
consistent with a human-established leaderboard compared to other benchmarks. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.14066 | HF | SEEDS: Emulation of Weather Forecast Ensembles with Diffusion Models | [
"Lizao Li",
"Rob Carver",
"Ignacio Lopez-Gomez",
"Fei Sha",
"John Anderson"
] | 2023-06-24 | Uncertainty quantification is crucial to decision-making. A prominent example
is probabilistic forecasting in numerical weather prediction. The dominant
approach to representing uncertainty in weather forecasting is to generate an
ensemble of forecasts. This is done by running many physics-based simulations
under different conditions, which is a computationally costly process. We
propose to amortize the computational cost by emulating these forecasts with
deep generative diffusion models learned from historical data. The learned
models are highly scalable with respect to high-performance computing
accelerators and can sample hundreds to tens of thousands of realistic weather
forecasts at low cost. When designed to emulate operational ensemble forecasts,
the generated ones are similar to physics-based ensembles in important
statistical properties and predictive skill. When designed to correct biases
present in the operational forecasting system, the generated ensembles show
improved probabilistic forecast metrics. They are more reliable and forecast
probabilities of extreme weather events more accurately. While this work
demonstrates the utility of the methodology by focusing on weather forecasting,
the generative artificial intelligence methodology can be extended for
uncertainty quantification in climate modeling, where we believe the generation
of very large ensembles of climate projections will play an increasingly
important role in climate risk assessment. | null | cs.LG | [
"cs.LG",
"physics.ao-ph"
] |
2309.08172 | HF | LASER: LLM Agent with State-Space Exploration for Web Navigation | [
"Kaixin Ma",
"Hongming Zhang",
"Hongwei Wang",
"Xiaoman Pan",
"Wenhao Yu",
"Dong Yu"
] | 2023-09-15 | Large language models (LLMs) have been successfully adapted for interactive
decision-making tasks like web navigation. While achieving decent performance,
previous methods implicitly assume a forward-only execution mode for the model,
where they only provide oracle trajectories as in-context examples to guide the
model on how to reason in the environment. Consequently, the model could not
handle more challenging scenarios not covered in the in-context examples, e.g.,
mistakes, leading to sub-optimal performance. To address this issue, we propose
to model the interactive task as state space exploration, where the LLM agent
transitions among a pre-defined set of states by performing actions to complete
the task. This formulation enables flexible backtracking, allowing the model to
recover from errors easily. We evaluate our proposed LLM Agent with State-Space
ExploRation (LASER) on both the WebShop task and amazon.com. Experimental
results show that LASER significantly outperforms previous methods and closes
the gap with human performance on the web navigation task. | null | cs.CL | [
"cs.CL"
] |
2305.03040 | HF | TUVF: Learning Generalizable Texture UV Radiance Fields | [
"An-Chieh Cheng",
"Xueting Li",
"Sifei Liu",
"Xiaolong Wang"
] | 2023-05-04 | Textures are a vital aspect of creating visually appealing and realistic 3D
models. In this paper, we study the problem of generating high-fidelity texture
given shapes of 3D assets, which has been relatively less explored compared
with generic 3D shape modeling. Our goal is to facilitate a controllable
texture generation process, such that one texture code can correspond to a
particular appearance style independent of any input shapes from a category. We
introduce Texture UV Radiance Fields (TUVF) that generate textures in a
learnable UV sphere space rather than directly on the 3D shape. This allows the
texture to be disentangled from the underlying shape and transferable to other
shapes that share the same UV space, i.e., from the same category. We integrate
the UV sphere space with the radiance field, which provides a more efficient
and accurate representation of textures than traditional texture maps. We
perform our experiments on synthetic and real-world object datasets where we
achieve not only realistic synthesis but also substantial improvements over
state-of-the-arts on texture controlling and editing. Project Page:
https://www.anjiecheng.me/TUVF | null | cs.CV | [
"cs.CV"
] |
2406.17513 | HF | Benchmarking Mental State Representations in Language Models | [
"Matteo Bortoletto",
"Constantin Ruhdorfer",
"Lei Shi",
"Andreas Bulling"
] | 2024-06-25 | While numerous works have assessed the generative performance of language
models (LMs) on tasks requiring Theory of Mind reasoning, research into the
models' internal representation of mental states remains limited. Recent work
has used probing to demonstrate that LMs can represent beliefs of themselves
and others. However, these claims are accompanied by limited evaluation, making
it difficult to assess how mental state representations are affected by model
design and training choices. We report an extensive benchmark with various LM
types with different model sizes, fine-tuning approaches, and prompt designs to
study the robustness of mental state representations and memorisation issues
within the probes. Our results show that the quality of models' internal
representations of the beliefs of others increases with model size and, more
crucially, with fine-tuning. We are the first to study how prompt variations
impact probing performance on theory of mind tasks. We demonstrate that models'
representations are sensitive to prompt variations, even when such variations
should be beneficial. Finally, we complement previous activation editing
experiments on Theory of Mind tasks and show that it is possible to improve
models' reasoning performance by steering their activations without the need to
train any probe. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.05086 | HF | Generating novel experimental hypotheses from language models: A case study on cross-dative generalization | [
"Kanishka Misra",
"Najoung Kim"
] | 2024-08-09 | Neural network language models (LMs) have been shown to successfully capture
complex linguistic knowledge. However, their utility for understanding language
acquisition is still debated. We contribute to this debate by presenting a case
study where we use LMs as simulated learners to derive novel experimental
hypotheses to be tested with humans. We apply this paradigm to study
cross-dative generalization (CDG): productive generalization of novel verbs
across dative constructions (she pilked me the ball/she pilked the ball to me)
-- acquisition of which is known to involve a large space of contextual
features -- using LMs trained on child-directed speech. We specifically ask:
"what properties of the training exposure facilitate a novel verb's
generalization to the (unmodeled) alternate construction?" To answer this, we
systematically vary the exposure context in which a novel dative verb occurs in
terms of the properties of the theme and recipient, and then analyze the LMs'
usage of the novel verb in the unmodeled dative construction. We find LMs to
replicate known patterns of children's CDG, as a precondition to exploring
novel hypotheses. Subsequent simulations reveal a nuanced role of the features
of the novel verbs' exposure context on the LMs' CDG. We find CDG to be
facilitated when the first postverbal argument of the exposure context is
pronominal, definite, short, and conforms to the prototypical animacy
expectations of the exposure dative. These patterns are characteristic of
harmonic alignment in datives, where the argument with features ranking higher
on the discourse prominence scale tends to precede the other. This gives rise
to a novel hypothesis that CDG is facilitated insofar as the features of the
exposure context -- in particular, its first postverbal argument -- are
harmonically aligned. We conclude by proposing future experiments that can test
this hypothesis in children. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.02432 | HF | Orthogonal Adaptation for Modular Customization of Diffusion Models | [
"Ryan Po",
"Guandao Yang",
"Kfir Aberman",
"Gordon Wetzstein"
] | 2023-12-05 | Customization techniques for text-to-image models have paved the way for a
wide range of previously unattainable applications, enabling the generation of
specific concepts across diverse contexts and styles. While existing methods
facilitate high-fidelity customization for individual concepts or a limited,
pre-defined set of them, they fall short of achieving scalability, where a
single model can seamlessly render countless concepts. In this paper, we
address a new problem called Modular Customization, with the goal of
efficiently merging customized models that were fine-tuned independently for
individual concepts. This allows the merged model to jointly synthesize
concepts in one image without compromising fidelity or incurring any additional
computational costs. To address this problem, we introduce Orthogonal
Adaptation, a method designed to encourage the customized models, which do not
have access to each other during fine-tuning, to have orthogonal residual
weights. This ensures that during inference time, the customized models can be
summed with minimal interference. Our proposed method is both simple and
versatile, applicable to nearly all optimizable weights in the model
architecture. Through an extensive set of quantitative and qualitative
evaluations, our method consistently outperforms relevant baselines in terms of
efficiency and identity preservation, demonstrating a significant leap toward
scalable customization of diffusion models. | null | cs.CV | [
"cs.CV"
] |
2310.04363 | AnswerAI | Amortizing intractable inference in large language models | [
"Edward J. Hu",
"Moksh Jain",
"Eric Elmoznino",
"Younesse Kaddar",
"Guillaume Lajoie",
"Yoshua Bengio",
"Nikolay Malkin"
] | 2023-10-06 | Autoregressive large language models (LLMs) compress knowledge from their
training data through next-token conditional distributions. This limits
tractable querying of this knowledge to start-to-end autoregressive sampling.
However, many tasks of interest -- including sequence continuation, infilling,
and other forms of constrained generation -- involve sampling from intractable
posterior distributions. We address this limitation by using amortized Bayesian
inference to sample from these intractable posteriors. Such amortization is
algorithmically achieved by fine-tuning LLMs via diversity-seeking
reinforcement learning algorithms: generative flow networks (GFlowNets). We
empirically demonstrate that this distribution-matching paradigm of LLM
fine-tuning can serve as an effective alternative to maximum-likelihood
training and reward-maximizing policy optimization. As an important
application, we interpret chain-of-thought reasoning as a latent variable
modeling problem and demonstrate that our approach enables data-efficient
adaptation of LLMs to tasks that require multi-step rationalization and tool
use. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2306.16934 | HF | DreamDiffusion: Generating High-Quality Images from Brain EEG Signals | [
"Yunpeng Bai",
"Xintao Wang",
"Yan-pei Cao",
"Yixiao Ge",
"Chun Yuan",
"Ying Shan"
] | 2023-06-29 | This paper introduces DreamDiffusion, a novel method for generating
high-quality images directly from brain electroencephalogram (EEG) signals,
without the need to translate thoughts into text. DreamDiffusion leverages
pre-trained text-to-image models and employs temporal masked signal modeling to
pre-train the EEG encoder for effective and robust EEG representations.
Additionally, the method further leverages the CLIP image encoder to provide
extra supervision to better align EEG, text, and image embeddings with limited
EEG-image pairs. Overall, the proposed method overcomes the challenges of using
EEG signals for image generation, such as noise, limited information, and
individual differences, and achieves promising results. Quantitative and
qualitative results demonstrate the effectiveness of the proposed method as a
significant step towards portable and low-cost ``thoughts-to-image'', with
potential applications in neuroscience and computer vision. The code is
available here \url{https://github.com/bbaaii/DreamDiffusion}. | null | cs.CV | [
"cs.CV"
] |
2305.16765 | HF | Backpack Language Models | [
"John Hewitt",
"John Thickstun",
"Christopher D. Manning",
"Percy Liang"
] | 2023-05-26 | We present Backpacks: a new neural architecture that marries strong modeling
performance with an interface for interpretability and control. Backpacks learn
multiple non-contextual sense vectors for each word in a vocabulary, and
represent a word in a sequence as a context-dependent, non-negative linear
combination of sense vectors in this sequence. We find that, after training,
sense vectors specialize, each encoding a different aspect of a word. We can
interpret a sense vector by inspecting its (non-contextual, linear) projection
onto the output space, and intervene on these interpretable hooks to change the
model's behavior in predictable ways. We train a 170M-parameter Backpack
language model on OpenWebText, matching the loss of a GPT-2 small
(124Mparameter) Transformer. On lexical similarity evaluations, we find that
Backpack sense vectors outperform even a 6B-parameter Transformer LM's word
embeddings. Finally, we present simple algorithms that intervene on sense
vectors to perform controllable text generation and debiasing. For example, we
can edit the sense vocabulary to tend more towards a topic, or localize a
source of gender bias to a sense vector and globally suppress that sense. | null | cs.CL | [
"cs.CL"
] |
2405.00675 | Both | Self-Play Preference Optimization for Language Model Alignment | [
"Yue Wu",
"Zhiqing Sun",
"Huizhuo Yuan",
"Kaixuan Ji",
"Yiming Yang",
"Quanquan Gu"
] | 2024-05-01 | Traditional reinforcement learning from human feedback (RLHF) approaches
relying on parametric models like the Bradley-Terry model fall short in
capturing the intransitivity and irrationality in human preferences. Recent
advancements suggest that directly working with preference probabilities can
yield a more accurate reflection of human preferences, enabling more flexible
and accurate language model alignment. In this paper, we propose a
self-play-based method for language model alignment, which treats the problem
as a constant-sum two-player game aimed at identifying the Nash equilibrium
policy. Our approach, dubbed Self-Play Preference Optimization (SPPO),
approximates the Nash equilibrium through iterative policy updates and enjoys a
theoretical convergence guarantee. Our method can effectively increase the
log-likelihood of the chosen response and decrease that of the rejected
response, which cannot be trivially achieved by symmetric pairwise loss such as
Direct Preference Optimization (DPO) and Identity Preference Optimization
(IPO). In our experiments, using only 60k prompts (without responses) from the
UltraFeedback dataset and without any prompt augmentation, by leveraging a
pre-trained preference model PairRM with only 0.4B parameters, SPPO can obtain
a model from fine-tuning Mistral-7B-Instruct-v0.2 that achieves the
state-of-the-art length-controlled win-rate of 28.53% against GPT-4-Turbo on
AlpacaEval 2.0. It also outperforms the (iterative) DPO and IPO on MT-Bench and
the Open LLM Leaderboard. Starting from a stronger base model
Llama-3-8B-Instruct, we are able to achieve a length-controlled win rate of
38.77%. Notably, the strong performance of SPPO is achieved without additional
external supervision (e.g., responses, preferences, etc.) from GPT-4 or other
stronger language models. Codes are available at
https://github.com/uclaml/SPPO. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"stat.ML"
] |
2407.01489 | HF | Agentless: Demystifying LLM-based Software Engineering Agents | [
"Chunqiu Steven Xia",
"Yinlin Deng",
"Soren Dunn",
"Lingming Zhang"
] | 2024-07-01 | Recent advancements in large language models (LLMs) have significantly
advanced the automation of software development tasks, including code
synthesis, program repair, and test generation. More recently, researchers and
industry practitioners have developed various autonomous LLM agents to perform
end-to-end software development tasks. These agents are equipped with the
ability to use tools, run commands, observe feedback from the environment, and
plan for future actions. However, the complexity of these agent-based
approaches, together with the limited abilities of current LLMs, raises the
following question: Do we really have to employ complex autonomous software
agents? To attempt to answer this question, we build Agentless -- an agentless
approach to automatically solve software development problems. Compared to the
verbose and complex setup of agent-based approaches, Agentless employs a
simplistic two-phase process of localization followed by repair, without
letting the LLM decide future actions or operate with complex tools. Our
results on the popular SWE-bench Lite benchmark show that surprisingly the
simplistic Agentless is able to achieve both the highest performance (27.33%)
and lowest cost (\$0.34) compared with all existing open-source software
agents! Furthermore, we manually classified the problems in SWE-bench Lite and
found problems with exact ground truth patch or insufficient/misleading issue
descriptions. As such, we construct SWE-bench Lite-S by excluding such
problematic issues to perform more rigorous evaluation and comparison. Our work
highlights the current overlooked potential of a simple, interpretable
technique in autonomous software development. We hope Agentless will help reset
the baseline, starting point, and horizon for autonomous software agents, and
inspire future work along this crucial direction. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2307.10172 | HF | DialogStudio: Towards Richest and Most Diverse Unified Dataset Collection for Conversational AI | [
"Jianguo Zhang",
"Kun Qian",
"Zhiwei Liu",
"Shelby Heinecke",
"Rui Meng",
"Ye Liu",
"Zhou Yu",
"Huan Wang",
"Silvio Savarese",
"Caiming Xiong"
] | 2023-07-19 | Despite advancements in conversational AI, language models encounter
challenges to handle diverse conversational tasks, and existing dialogue
dataset collections often lack diversity and comprehensiveness. To tackle these
issues, we introduce DialogStudio: the largest and most diverse collection of
dialogue datasets, unified under a consistent format while preserving their
original information. Our collection encompasses data from open-domain
dialogues, task-oriented dialogues, natural language understanding,
conversational recommendation, dialogue summarization, and knowledge-grounded
dialogues, making it an incredibly rich and diverse resource for dialogue
research and model training. To further enhance the utility of DialogStudio, we
identify the licenses for each dataset, design external knowledge and
domain-aware prompts for selected dialogues to facilitate instruction-aware
fine-tuning. Furthermore, we develop conversational AI models using the dataset
collection, and our experiments in both zero-shot and few-shot learning
scenarios demonstrate the superiority of DialogStudio. To improve transparency
and support dataset and task-based research, as well as language model
pre-training, all datasets, licenses, codes, and models associated with
DialogStudio are made publicly
accessible\footnote{\url{https://github.com/salesforce/DialogStudio}}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.06324 | HF | Alternating Gradient Descent and Mixture-of-Experts for Integrated Multimodal Perception | [
"Hassan Akbari",
"Dan Kondratyuk",
"Yin Cui",
"Rachel Hornung",
"Huisheng Wang",
"Hartwig Adam"
] | 2023-05-10 | We present Integrated Multimodal Perception (IMP), a simple and scalable
multimodal multi-task training and modeling approach. IMP integrates multimodal
inputs including image, video, text, and audio into a single Transformer
encoder with minimal modality-specific components. IMP makes use of a novel
design that combines Alternating Gradient Descent (AGD) and Mixture-of-Experts
(MoE) for efficient model and task scaling. We conduct extensive empirical
studies and reveal the following key insights: 1) Performing gradient descent
updates by alternating on diverse modalities, loss functions, and tasks, with
varying input resolutions, efficiently improves the model. 2) Sparsification
with MoE on a single modality-agnostic encoder substantially improves the
performance, outperforming dense models that use modality-specific encoders or
additional fusion layers and greatly mitigates the conflicts between
modalities. IMP achieves competitive performance on a wide range of downstream
tasks including video classification, image classification, image-text, and
video-text retrieval. Most notably, we train a sparse IMP-MoE-L variant
focusing on video tasks that achieves new state-of-the-art in zero-shot video
classification: 77.0% on Kinetics-400, 76.8% on Kinetics-600, and 68.3% on
Kinetics-700, improving the previous state-of-the-art by +5%, +6.7%, and +5.8%,
respectively, while using only 15% of their total training computational cost. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.MM",
"eess.IV"
] |
2401.06951 | HF | E^2-LLM: Efficient and Extreme Length Extension of Large Language Models | [
"Jiaheng Liu",
"Zhiqi Bai",
"Yuanxing Zhang",
"Chenchen Zhang",
"Yu Zhang",
"Ge Zhang",
"Jiakai Wang",
"Haoran Que",
"Yukang Chen",
"Wenbo Su",
"Tiezheng Ge",
"Jie Fu",
"Wenhu Chen",
"Bo Zheng"
] | 2024-01-13 | Typically, training LLMs with long context sizes is computationally
expensive, requiring extensive training hours and GPU resources. Existing
long-context extension methods usually need additional training procedures to
support corresponding long-context windows, where the long-context training
data (e.g., 32k) is needed, and high GPU training costs are assumed. To address
the aforementioned issues, we propose an Efficient and Extreme length extension
method for Large Language Models, called E 2 -LLM, with only one training
procedure and dramatically reduced computation cost, which also removes the
need to collect long-context data. Concretely, first, the training data of our
E 2 -LLM only requires a short length (e.g., 4k), which reduces the tuning cost
greatly. Second, the training procedure on the short training context window is
performed only once time, and we can support different evaluation context
windows at inference. Third, in E 2 - LLM, based on RoPE position embeddings,
we introduce two different augmentation methods on the scale and position index
parameters for different samples in training. It aims to make the model more
robust to the different relative differences when directly interpolating the
arbitrary context length at inference. Comprehensive experimental results on
multiple benchmark datasets demonstrate the effectiveness of our E 2 -LLM on
challenging long-context tasks. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2310.12945 | HF | 3D-GPT: Procedural 3D Modeling with Large Language Models | [
"Chunyi Sun",
"Junlin Han",
"Weijian Deng",
"Xinlong Wang",
"Zishan Qin",
"Stephen Gould"
] | 2023-10-19 | In the pursuit of efficient automated content creation, procedural
generation, leveraging modifiable parameters and rule-based systems, emerges as
a promising approach. Nonetheless, it could be a demanding endeavor, given its
intricate nature necessitating a deep understanding of rules, algorithms, and
parameters. To reduce workload, we introduce 3D-GPT, a framework utilizing
large language models~(LLMs) for instruction-driven 3D modeling. 3D-GPT
positions LLMs as proficient problem solvers, dissecting the procedural 3D
modeling tasks into accessible segments and appointing the apt agent for each
task. 3D-GPT integrates three core agents: the task dispatch agent, the
conceptualization agent, and the modeling agent. They collaboratively achieve
two objectives. First, it enhances concise initial scene descriptions, evolving
them into detailed forms while dynamically adapting the text based on
subsequent instructions. Second, it integrates procedural generation,
extracting parameter values from enriched text to effortlessly interface with
3D software for asset creation. Our empirical investigations confirm that
3D-GPT not only interprets and executes instructions, delivering reliable
results but also collaborates effectively with human designers. Furthermore, it
seamlessly integrates with Blender, unlocking expanded manipulation
possibilities. Our work highlights the potential of LLMs in 3D modeling,
offering a basic framework for future advancements in scene generation and
animation. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2310.11451 | AnswerAI | Seeking Neural Nuggets: Knowledge Transfer in Large Language Models from a Parametric Perspective | [
"Ming Zhong",
"Chenxin An",
"Weizhu Chen",
"Jiawei Han",
"Pengcheng He"
] | 2023-10-17 | Large Language Models (LLMs) inherently encode a wealth of knowledge within
their parameters through pre-training on extensive corpora. While prior
research has delved into operations on these parameters to manipulate the
underlying implicit knowledge (encompassing detection, editing, and merging),
there remains an ambiguous understanding regarding their transferability across
models with varying scales. In this paper, we seek to empirically investigate
knowledge transfer from larger to smaller models through a parametric
perspective. To achieve this, we employ sensitivity-based techniques to extract
and align knowledge-specific parameters between different LLMs. Moreover, the
LoRA module is used as the intermediary mechanism for injecting the extracted
knowledge into smaller models. Evaluations across four benchmarks validate the
efficacy of our proposed method. Our findings highlight the critical factors
contributing to the process of parametric knowledge transfer, underscoring the
transferability of model parameters across LLMs of different scales. Project
website: https://maszhongming.github.io/ParaKnowTransfer. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2404.01331 | HF | LLaVA-Gemma: Accelerating Multimodal Foundation Models with a Compact Language Model | [
"Musashi Hinck",
"Matthew L. Olson",
"David Cobbley",
"Shao-Yen Tseng",
"Vasudev Lal"
] | 2024-03-29 | We train a suite of multimodal foundation models (MMFM) using the popular
LLaVA framework with the recently released Gemma family of large language
models (LLMs). Of particular interest is the 2B parameter Gemma model, which
provides opportunities to construct capable small-scale MMFMs. In line with
findings from other papers in this space, we test the effect of ablating three
design features: pretraining the connector, utilizing a more powerful image
backbone, and increasing the size of the language backbone. The resulting
models, which we call LLaVA-Gemma, exhibit moderate performance on an array of
evaluations, but fail to improve past the current comparably sized SOTA models.
Closer analysis of performance shows mixed effects; skipping pretraining tends
to reduce performance, larger vision models sometimes improve performance, and
increasing language model size has inconsistent effects. We publicly release
training recipes, code and weights for our models for the LLaVA-Gemma models. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2211.09110 | AnswerAI | Holistic Evaluation of Language Models | [
"Percy Liang",
"Rishi Bommasani",
"Tony Lee",
"Dimitris Tsipras",
"Dilara Soylu",
"Michihiro Yasunaga",
"Yian Zhang",
"Deepak Narayanan",
"Yuhuai Wu",
"Ananya Kumar",
"Benjamin Newman",
"Binhang Yuan",
"Bobby Yan",
"Ce Zhang",
"Christian Cosgrove",
"Christopher D. Manning",
"Christopher Ré",
"Diana Acosta-Navas",
"Drew A. Hudson",
"Eric Zelikman",
"Esin Durmus",
"Faisal Ladhak",
"Frieda Rong",
"Hongyu Ren",
"Huaxiu Yao",
"Jue Wang",
"Keshav Santhanam",
"Laurel Orr",
"Lucia Zheng",
"Mert Yuksekgonul",
"Mirac Suzgun",
"Nathan Kim",
"Neel Guha",
"Niladri Chatterji",
"Omar Khattab",
"Peter Henderson",
"Qian Huang",
"Ryan Chi",
"Sang Michael Xie",
"Shibani Santurkar",
"Surya Ganguli",
"Tatsunori Hashimoto",
"Thomas Icard",
"Tianyi Zhang",
"Vishrav Chaudhary",
"William Wang",
"Xuechen Li",
"Yifan Mai",
"Yuhui Zhang",
"Yuta Koreeda"
] | 2022-11-16 | Language models (LMs) are becoming the foundation for almost all major
language technologies, but their capabilities, limitations, and risks are not
well understood. We present Holistic Evaluation of Language Models (HELM) to
improve the transparency of language models. First, we taxonomize the vast
space of potential scenarios (i.e. use cases) and metrics (i.e. desiderata)
that are of interest for LMs. Then we select a broad subset based on coverage
and feasibility, noting what's missing or underrepresented (e.g. question
answering for neglected English dialects, metrics for trustworthiness). Second,
we adopt a multi-metric approach: We measure 7 metrics (accuracy, calibration,
robustness, fairness, bias, toxicity, and efficiency) for each of 16 core
scenarios when possible (87.5% of the time). This ensures metrics beyond
accuracy don't fall to the wayside, and that trade-offs are clearly exposed. We
also perform 7 targeted evaluations, based on 26 targeted scenarios, to analyze
specific aspects (e.g. reasoning, disinformation). Third, we conduct a
large-scale evaluation of 30 prominent language models (spanning open,
limited-access, and closed models) on all 42 scenarios, 21 of which were not
previously used in mainstream LM evaluation. Prior to HELM, models on average
were evaluated on just 17.9% of the core HELM scenarios, with some prominent
models not sharing a single scenario in common. We improve this to 96.0%: now
all 30 models have been densely benchmarked on the same core scenarios and
metrics under standardized conditions. Our evaluation surfaces 25 top-level
findings. For full transparency, we release all raw model prompts and
completions publicly for further analysis, as well as a general modular
toolkit. We intend for HELM to be a living benchmark for the community,
continuously updated with new scenarios, metrics, and models. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2103.13076 | AnswerAI | Finetuning Pretrained Transformers into RNNs | [
"Jungo Kasai",
"Hao Peng",
"Yizhe Zhang",
"Dani Yogatama",
"Gabriel Ilharco",
"Nikolaos Pappas",
"Yi Mao",
"Weizhu Chen",
"Noah A. Smith"
] | 2021-03-24 | Transformers have outperformed recurrent neural networks (RNNs) in natural
language generation. But this comes with a significant computational cost, as
the attention mechanism's complexity scales quadratically with sequence length.
Efficient transformer variants have received increasing interest in recent
works. Among them, a linear-complexity recurrent variant has proven well suited
for autoregressive generation. It approximates the softmax attention with
randomized or heuristic feature maps, but can be difficult to train and may
yield suboptimal accuracy. This work aims to convert a pretrained transformer
into its efficient recurrent counterpart, improving efficiency while
maintaining accuracy. Specifically, we propose a swap-then-finetune procedure:
in an off-the-shelf pretrained transformer, we replace the softmax attention
with its linear-complexity recurrent alternative and then finetune. With a
learned feature map, our approach provides an improved tradeoff between
efficiency and accuracy over the standard transformer and other recurrent
variants. We also show that the finetuning process has lower training cost
relative to training these recurrent variants from scratch. As many models for
natural language tasks are increasingly dependent on large-scale pretrained
transformers, this work presents a viable approach to improving inference
efficiency without repeating the expensive pretraining process. | null | cs.CL | [
"cs.CL"
] |
2011.03395 | AnswerAI | Underspecification Presents Challenges for Credibility in Modern Machine Learning | [
"Alexander D'Amour",
"Katherine Heller",
"Dan Moldovan",
"Ben Adlam",
"Babak Alipanahi",
"Alex Beutel",
"Christina Chen",
"Jonathan Deaton",
"Jacob Eisenstein",
"Matthew D. Hoffman",
"Farhad Hormozdiari",
"Neil Houlsby",
"Shaobo Hou",
"Ghassen Jerfel",
"Alan Karthikesalingam",
"Mario Lucic",
"Yian Ma",
"Cory McLean",
"Diana Mincu",
"Akinori Mitani",
"Andrea Montanari",
"Zachary Nado",
"Vivek Natarajan",
"Christopher Nielson",
"Thomas F. Osborne",
"Rajiv Raman",
"Kim Ramasamy",
"Rory Sayres",
"Jessica Schrouff",
"Martin Seneviratne",
"Shannon Sequeira",
"Harini Suresh",
"Victor Veitch",
"Max Vladymyrov",
"Xuezhi Wang",
"Kellie Webster",
"Steve Yadlowsky",
"Taedong Yun",
"Xiaohua Zhai",
"D. Sculley"
] | 2020-11-06 | ML models often exhibit unexpectedly poor behavior when they are deployed in
real-world domains. We identify underspecification as a key reason for these
failures. An ML pipeline is underspecified when it can return many predictors
with equivalently strong held-out performance in the training domain.
Underspecification is common in modern ML pipelines, such as those based on
deep learning. Predictors returned by underspecified pipelines are often
treated as equivalent based on their training domain performance, but we show
here that such predictors can behave very differently in deployment domains.
This ambiguity can lead to instability and poor model behavior in practice, and
is a distinct failure mode from previously identified issues arising from
structural mismatch between training and deployment domains. We show that this
problem appears in a wide variety of practical ML pipelines, using examples
from computer vision, medical imaging, natural language processing, clinical
risk prediction based on electronic health records, and medical genomics. Our
results show the need to explicitly account for underspecification in modeling
pipelines that are intended for real-world deployment in any domain. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2407.07071 | Both | Lookback Lens: Detecting and Mitigating Contextual Hallucinations in Large Language Models Using Only Attention Maps | [
"Yung-Sung Chuang",
"Linlu Qiu",
"Cheng-Yu Hsieh",
"Ranjay Krishna",
"Yoon Kim",
"James Glass"
] | 2024-07-09 | When asked to summarize articles or answer questions given a passage, large
language models (LLMs) can hallucinate details and respond with unsubstantiated
answers that are inaccurate with respect to the input context. This paper
describes a simple approach for detecting such contextual hallucinations. We
hypothesize that contextual hallucinations are related to the extent to which
an LLM attends to information in the provided context versus its own
generations. Based on this intuition, we propose a simple hallucination
detection model whose input features are given by the ratio of attention
weights on the context versus newly generated tokens (for each attention head).
We find that a linear classifier based on these lookback ratio features is as
effective as a richer detector that utilizes the entire hidden states of an LLM
or a text-based entailment model. The lookback ratio-based detector -- Lookback
Lens -- is found to transfer across tasks and even models, allowing a detector
that is trained on a 7B model to be applied (without retraining) to a larger
13B model. We further apply this detector to mitigate contextual
hallucinations, and find that a simple classifier-guided decoding approach is
able to reduce the amount of hallucination, for example by 9.6% in the XSum
summarization task. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2309.17421 | AnswerAI | The Dawn of LMMs: Preliminary Explorations with GPT-4V(ision) | [
"Zhengyuan Yang",
"Linjie Li",
"Kevin Lin",
"Jianfeng Wang",
"Chung-Ching Lin",
"Zicheng Liu",
"Lijuan Wang"
] | 2023-09-29 | Large multimodal models (LMMs) extend large language models (LLMs) with
multi-sensory skills, such as visual understanding, to achieve stronger generic
intelligence. In this paper, we analyze the latest model, GPT-4V(ision), to
deepen the understanding of LMMs. The analysis focuses on the intriguing tasks
that GPT-4V can perform, containing test samples to probe the quality and
genericity of GPT-4V's capabilities, its supported inputs and working modes,
and the effective ways to prompt the model. In our approach to exploring
GPT-4V, we curate and organize a collection of carefully designed qualitative
samples spanning a variety of domains and tasks. Observations from these
samples demonstrate that GPT-4V's unprecedented ability in processing
arbitrarily interleaved multimodal inputs and the genericity of its
capabilities together make GPT-4V a powerful multimodal generalist system.
Furthermore, GPT-4V's unique capability of understanding visual markers drawn
on input images can give rise to new human-computer interaction methods such as
visual referring prompting. We conclude the report with in-depth discussions on
the emerging application scenarios and the future research directions for
GPT-4V-based systems. We hope that this preliminary exploration will inspire
future research on the next-generation multimodal task formulation, new ways to
exploit and enhance LMMs to solve real-world problems, and gaining better
understanding of multimodal foundation models. Finally, we acknowledge that the
model under our study is solely the product of OpenAI's innovative work, and
they should be fully credited for its development. Please see the GPT-4V
contributions paper for the authorship and credit attribution:
https://cdn.openai.com/contributions/gpt-4v.pdf | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2407.10973 | HF | Make-An-Agent: A Generalizable Policy Network Generator with Behavior-Prompted Diffusion | [
"Yongyuan Liang",
"Tingqiang Xu",
"Kaizhe Hu",
"Guangqi Jiang",
"Furong Huang",
"Huazhe Xu"
] | 2024-07-15 | Can we generate a control policy for an agent using just one demonstration of
desired behaviors as a prompt, as effortlessly as creating an image from a
textual description? In this paper, we present Make-An-Agent, a novel policy
parameter generator that leverages the power of conditional diffusion models
for behavior-to-policy generation. Guided by behavior embeddings that encode
trajectory information, our policy generator synthesizes latent parameter
representations, which can then be decoded into policy networks. Trained on
policy network checkpoints and their corresponding trajectories, our generation
model demonstrates remarkable versatility and scalability on multiple tasks and
has a strong generalization ability on unseen tasks to output well-performed
policies with only few-shot demonstrations as inputs. We showcase its efficacy
and efficiency on various domains and tasks, including varying objectives,
behaviors, and even across different robot manipulators. Beyond simulation, we
directly deploy policies generated by Make-An-Agent onto real-world robots on
locomotion tasks. | null | cs.AI | [
"cs.AI"
] |
2308.01300 | HF | Revisiting DETR Pre-training for Object Detection | [
"Yan Ma",
"Weicong Liang",
"Bohan Chen",
"Yiduo Hao",
"Bojian Hou",
"Xiangyu Yue",
"Chao Zhang",
"Yuhui Yuan"
] | 2023-08-02 | Motivated by the remarkable achievements of DETR-based approaches on COCO
object detection and segmentation benchmarks, recent endeavors have been
directed towards elevating their performance through self-supervised
pre-training of Transformers while preserving a frozen backbone. Noteworthy
advancements in accuracy have been documented in certain studies. Our
investigation delved deeply into a representative approach, DETReg, and its
performance assessment in the context of emerging models like
$\mathcal{H}$-Deformable-DETR. Regrettably, DETReg proves inadequate in
enhancing the performance of robust DETR-based models under full data
conditions. To dissect the underlying causes, we conduct extensive experiments
on COCO and PASCAL VOC probing elements such as the selection of pre-training
datasets and strategies for pre-training target generation. By contrast, we
employ an optimized approach named Simple Self-training which leads to marked
enhancements through the combination of an improved box predictor and the
Objects$365$ benchmark. The culmination of these endeavors results in a
remarkable AP score of $59.3\%$ on the COCO val set, outperforming
$\mathcal{H}$-Deformable-DETR + Swin-L without pre-training by $1.4\%$.
Moreover, a series of synthetic pre-training datasets, generated by merging
contemporary image-to-text(LLaVA) and text-to-image (SDXL) models,
significantly amplifies object detection capabilities. | null | cs.CV | [
"cs.CV"
] |
2211.17192 | AnswerAI | Fast Inference from Transformers via Speculative Decoding | [
"Yaniv Leviathan",
"Matan Kalman",
"Yossi Matias"
] | 2022-11-30 | Inference from large autoregressive models like Transformers is slow -
decoding K tokens takes K serial runs of the model. In this work we introduce
speculative decoding - an algorithm to sample from autoregressive models faster
without any changes to the outputs, by computing several tokens in parallel. At
the heart of our approach lie the observations that (1) hard language-modeling
tasks often include easier subtasks that can be approximated well by more
efficient models, and (2) using speculative execution and a novel sampling
method, we can make exact decoding from the large models faster, by running
them in parallel on the outputs of the approximation models, potentially
generating several tokens concurrently, and without changing the distribution.
Our method can accelerate existing off-the-shelf models without retraining or
architecture changes. We demonstrate it on T5-XXL and show a 2X-3X acceleration
compared to the standard T5X implementation, with identical outputs. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2404.11925 | HF | EdgeFusion: On-Device Text-to-Image Generation | [
"Thibault Castells",
"Hyoung-Kyu Song",
"Tairen Piao",
"Shinkook Choi",
"Bo-Kyeong Kim",
"Hanyoung Yim",
"Changgwun Lee",
"Jae Gon Kim",
"Tae-Ho Kim"
] | 2024-04-18 | The intensive computational burden of Stable Diffusion (SD) for text-to-image
generation poses a significant hurdle for its practical application. To tackle
this challenge, recent research focuses on methods to reduce sampling steps,
such as Latent Consistency Model (LCM), and on employing architectural
optimizations, including pruning and knowledge distillation. Diverging from
existing approaches, we uniquely start with a compact SD variant, BK-SDM. We
observe that directly applying LCM to BK-SDM with commonly used crawled
datasets yields unsatisfactory results. It leads us to develop two strategies:
(1) leveraging high-quality image-text pairs from leading generative models and
(2) designing an advanced distillation process tailored for LCM. Through our
thorough exploration of quantization, profiling, and on-device deployment, we
achieve rapid generation of photo-realistic, text-aligned images in just two
steps, with latency under one second on resource-limited edge devices. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2408.01050 | HF | The Impact of Hyperparameters on Large Language Model Inference Performance: An Evaluation of vLLM and HuggingFace Pipelines | [
"Matias Martinez"
] | 2024-08-02 | The recent surge of open-source large language models (LLMs) enables
developers to create AI-based solutions while maintaining control over aspects
such as privacy and compliance, thereby providing governance and ownership of
the model deployment process. To utilize these LLMs, inference engines are
needed. These engines load the model's weights onto available resources, such
as GPUs, and process queries to generate responses. The speed of inference, or
performance, of the LLM, is critical for real-time applications, as it computes
millions or billions of floating point operations per inference. Recently,
advanced inference engines such as vLLM have emerged, incorporating novel
mechanisms such as efficient memory management to achieve state-of-the-art
performance. In this paper, we analyze the performance, particularly the
throughput (tokens generated per unit of time), of 20 LLMs using two inference
libraries: vLLM and HuggingFace's pipelines. We investigate how various
hyperparameters, which developers must configure, influence inference
performance. Our results reveal that throughput landscapes are irregular, with
distinct peaks, highlighting the importance of hyperparameter optimization to
achieve maximum performance. We also show that applying hyperparameter
optimization when upgrading or downgrading the GPU model used for inference can
improve throughput from HuggingFace pipelines by an average of 9.16% and 13.7%,
respectively. | null | cs.SE | [
"cs.SE",
"cs.CL",
"cs.LG"
] |
2401.04718 | HF | Jump Cut Smoothing for Talking Heads | [
"Xiaojuan Wang",
"Taesung Park",
"Yang Zhou",
"Eli Shechtman",
"Richard Zhang"
] | 2024-01-09 | A jump cut offers an abrupt, sometimes unwanted change in the viewing
experience. We present a novel framework for smoothing these jump cuts, in the
context of talking head videos. We leverage the appearance of the subject from
the other source frames in the video, fusing it with a mid-level representation
driven by DensePose keypoints and face landmarks. To achieve motion, we
interpolate the keypoints and landmarks between the end frames around the cut.
We then use an image translation network from the keypoints and source frames,
to synthesize pixels. Because keypoints can contain errors, we propose a
cross-modal attention scheme to select and pick the most appropriate source
amongst multiple options for each key point. By leveraging this mid-level
representation, our method can achieve stronger results than a strong video
interpolation baseline. We demonstrate our method on various jump cuts in the
talking head videos, such as cutting filler words, pauses, and even random
cuts. Our experiments show that we can achieve seamless transitions, even in
the challenging cases where the talking head rotates or moves drastically in
the jump cut. | null | cs.CV | [
"cs.CV"
] |
2405.15757 | HF | Looking Backward: Streaming Video-to-Video Translation with Feature Banks | [
"Feng Liang",
"Akio Kodaira",
"Chenfeng Xu",
"Masayoshi Tomizuka",
"Kurt Keutzer",
"Diana Marculescu"
] | 2024-05-24 | This paper introduces StreamV2V, a diffusion model that achieves real-time
streaming video-to-video (V2V) translation with user prompts. Unlike prior V2V
methods using batches to process limited frames, we opt to process frames in a
streaming fashion, to support unlimited frames. At the heart of StreamV2V lies
a backward-looking principle that relates the present to the past. This is
realized by maintaining a feature bank, which archives information from past
frames. For incoming frames, StreamV2V extends self-attention to include banked
keys and values and directly fuses similar past features into the output. The
feature bank is continually updated by merging stored and new features, making
it compact but informative. StreamV2V stands out for its adaptability and
efficiency, seamlessly integrating with image diffusion models without
fine-tuning. It can run 20 FPS on one A100 GPU, being 15x, 46x, 108x, and 158x
faster than FlowVid, CoDeF, Rerender, and TokenFlow, respectively. Quantitative
metrics and user studies confirm StreamV2V's exceptional ability to maintain
temporal consistency. | null | cs.CV | [
"cs.CV",
"cs.MM"
] |
2408.12076 | HF | ConflictBank: A Benchmark for Evaluating the Influence of Knowledge Conflicts in LLM | [
"Zhaochen Su",
"Jun Zhang",
"Xiaoye Qu",
"Tong Zhu",
"Yanshu Li",
"Jiashuo Sun",
"Juntao Li",
"Min Zhang",
"Yu Cheng"
] | 2024-08-22 | Large language models (LLMs) have achieved impressive advancements across
numerous disciplines, yet the critical issue of knowledge conflicts, a major
source of hallucinations, has rarely been studied. Only a few research explored
the conflicts between the inherent knowledge of LLMs and the retrieved
contextual knowledge. However, a thorough assessment of knowledge conflict in
LLMs is still missing. Motivated by this research gap, we present ConflictBank,
the first comprehensive benchmark developed to systematically evaluate
knowledge conflicts from three aspects: (i) conflicts encountered in retrieved
knowledge, (ii) conflicts within the models' encoded knowledge, and (iii) the
interplay between these conflict forms. Our investigation delves into four
model families and twelve LLM instances, meticulously analyzing conflicts
stemming from misinformation, temporal discrepancies, and semantic divergences.
Based on our proposed novel construction framework, we create 7,453,853
claim-evidence pairs and 553,117 QA pairs. We present numerous findings on
model scale, conflict causes, and conflict types. We hope our ConflictBank
benchmark will help the community better understand model behavior in conflicts
and develop more reliable LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.16500 | HF | CogVLM2: Visual Language Models for Image and Video Understanding | [
"Wenyi Hong",
"Weihan Wang",
"Ming Ding",
"Wenmeng Yu",
"Qingsong Lv",
"Yan Wang",
"Yean Cheng",
"Shiyu Huang",
"Junhui Ji",
"Zhao Xue",
"Lei Zhao",
"Zhuoyi Yang",
"Xiaotao Gu",
"Xiaohan Zhang",
"Guanyu Feng",
"Da Yin",
"Zihan Wang",
"Ji Qi",
"Xixuan Song",
"Peng Zhang",
"Debing Liu",
"Bin Xu",
"Juanzi Li",
"Yuxiao Dong",
"Jie Tang"
] | 2024-08-29 | Beginning with VisualGLM and CogVLM, we are continuously exploring VLMs in
pursuit of enhanced vision-language fusion, efficient higher-resolution
architecture, and broader modalities and applications. Here we propose the
CogVLM2 family, a new generation of visual language models for image and video
understanding including CogVLM2, CogVLM2-Video and GLM-4V. As an image
understanding model, CogVLM2 inherits the visual expert architecture with
improved training recipes in both pre-training and post-training stages,
supporting input resolution up to $1344 \times 1344$ pixels. As a video
understanding model, CogVLM2-Video integrates multi-frame input with timestamps
and proposes automated temporal grounding data construction. Notably, CogVLM2
family has achieved state-of-the-art results on benchmarks like MMBench,
MM-Vet, TextVQA, MVBench and VCGBench. All models are open-sourced in
https://github.com/THUDM/CogVLM2 and https://github.com/THUDM/GLM-4,
contributing to the advancement of the field. | null | cs.CV | [
"cs.CV"
] |
2305.10403 | HF | PaLM 2 Technical Report | [
"Rohan Anil",
"Andrew M. Dai",
"Orhan Firat",
"Melvin Johnson",
"Dmitry Lepikhin",
"Alexandre Passos",
"Siamak Shakeri",
"Emanuel Taropa",
"Paige Bailey",
"Zhifeng Chen",
"Eric Chu",
"Jonathan H. Clark",
"Laurent El Shafey",
"Yanping Huang",
"Kathy Meier-Hellstern",
"Gaurav Mishra",
"Erica Moreira",
"Mark Omernick",
"Kevin Robinson",
"Sebastian Ruder",
"Yi Tay",
"Kefan Xiao",
"Yuanzhong Xu",
"Yujing Zhang",
"Gustavo Hernandez Abrego",
"Junwhan Ahn",
"Jacob Austin",
"Paul Barham",
"Jan Botha",
"James Bradbury",
"Siddhartha Brahma",
"Kevin Brooks",
"Michele Catasta",
"Yong Cheng",
"Colin Cherry",
"Christopher A. Choquette-Choo",
"Aakanksha Chowdhery",
"Clément Crepy",
"Shachi Dave",
"Mostafa Dehghani",
"Sunipa Dev",
"Jacob Devlin",
"Mark Díaz",
"Nan Du",
"Ethan Dyer",
"Vlad Feinberg",
"Fangxiaoyu Feng",
"Vlad Fienber",
"Markus Freitag",
"Xavier Garcia",
"Sebastian Gehrmann",
"Lucas Gonzalez",
"Guy Gur-Ari",
"Steven Hand",
"Hadi Hashemi",
"Le Hou",
"Joshua Howland",
"Andrea Hu",
"Jeffrey Hui",
"Jeremy Hurwitz",
"Michael Isard",
"Abe Ittycheriah",
"Matthew Jagielski",
"Wenhao Jia",
"Kathleen Kenealy",
"Maxim Krikun",
"Sneha Kudugunta",
"Chang Lan",
"Katherine Lee",
"Benjamin Lee",
"Eric Li",
"Music Li",
"Wei Li",
"YaGuang Li",
"Jian Li",
"Hyeontaek Lim",
"Hanzhao Lin",
"Zhongtao Liu",
"Frederick Liu",
"Marcello Maggioni",
"Aroma Mahendru",
"Joshua Maynez",
"Vedant Misra",
"Maysam Moussalem",
"Zachary Nado",
"John Nham",
"Eric Ni",
"Andrew Nystrom",
"Alicia Parrish",
"Marie Pellat",
"Martin Polacek",
"Alex Polozov",
"Reiner Pope",
"Siyuan Qiao",
"Emily Reif",
"Bryan Richter",
"Parker Riley",
"Alex Castro Ros",
"Aurko Roy",
"Brennan Saeta",
"Rajkumar Samuel",
"Renee Shelby",
"Ambrose Slone",
"Daniel Smilkov",
"David R. So",
"Daniel Sohn",
"Simon Tokumine",
"Dasha Valter",
"Vijay Vasudevan",
"Kiran Vodrahalli",
"Xuezhi Wang",
"Pidong Wang",
"Zirui Wang",
"Tao Wang",
"John Wieting",
"Yuhuai Wu",
"Kelvin Xu",
"Yunhan Xu",
"Linting Xue",
"Pengcheng Yin",
"Jiahui Yu",
"Qiao Zhang",
"Steven Zheng",
"Ce Zheng",
"Weikang Zhou",
"Denny Zhou",
"Slav Petrov",
"Yonghui Wu"
] | 2023-05-17 | We introduce PaLM 2, a new state-of-the-art language model that has better
multilingual and reasoning capabilities and is more compute-efficient than its
predecessor PaLM. PaLM 2 is a Transformer-based model trained using a mixture
of objectives. Through extensive evaluations on English and multilingual
language, and reasoning tasks, we demonstrate that PaLM 2 has significantly
improved quality on downstream tasks across different model sizes, while
simultaneously exhibiting faster and more efficient inference compared to PaLM.
This improved efficiency enables broader deployment while also allowing the
model to respond faster, for a more natural pace of interaction. PaLM 2
demonstrates robust reasoning capabilities exemplified by large improvements
over PaLM on BIG-Bench and other reasoning tasks. PaLM 2 exhibits stable
performance on a suite of responsible AI evaluations, and enables
inference-time control over toxicity without additional overhead or impact on
other capabilities. Overall, PaLM 2 achieves state-of-the-art performance
across a diverse set of tasks and capabilities.
When discussing the PaLM 2 family, it is important to distinguish between
pre-trained models (of various sizes), fine-tuned variants of these models, and
the user-facing products that use these models. In particular, user-facing
products typically include additional pre- and post-processing steps.
Additionally, the underlying models may evolve over time. Therefore, one should
not expect the performance of user-facing products to exactly match the results
reported in this report. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.01337 | HF | MathChat: Converse to Tackle Challenging Math Problems with LLM Agents | [
"Yiran Wu",
"Feiran Jia",
"Shaokun Zhang",
"Hangyu Li",
"Erkang Zhu",
"Yue Wang",
"Yin Tat Lee",
"Richard Peng",
"Qingyun Wu",
"Chi Wang"
] | 2023-06-02 | Employing Large Language Models (LLMs) to address mathematical problems is an
intriguing research endeavor, considering the abundance of math problems
expressed in natural language across numerous science and engineering fields.
LLMs, with their generalized ability, are used as a foundation model to build
AI agents for different tasks. In this paper, we study the effectiveness of
utilizing LLM agents to solve math problems through conversations. We propose
MathChat, a conversational problem-solving framework designed for math
problems. MathChat consists of an LLM agent and a user proxy agent which is
responsible for tool execution and additional guidance. This synergy
facilitates a collaborative problem-solving process, where the agents engage in
a dialogue to solve the problems. We perform evaluation on difficult high
school competition problems from the MATH dataset. Utilizing Python, we show
that MathChat can further improve previous tool-using prompting methods by 6%. | null | cs.CL | [
"cs.CL",
"stat.ML"
] |
2402.12908 | HF | RealCompo: Balancing Realism and Compositionality Improves Text-to-Image Diffusion Models | [
"Xinchen Zhang",
"Ling Yang",
"Yaqi Cai",
"Zhaochen Yu",
"Kai-Ni Wang",
"Jiake Xie",
"Ye Tian",
"Minkai Xu",
"Yong Tang",
"Yujiu Yang",
"Bin Cui"
] | 2024-02-20 | Diffusion models have achieved remarkable advancements in text-to-image
generation. However, existing models still have many difficulties when faced
with multiple-object compositional generation. In this paper, we propose
RealCompo, a new training-free and transferred-friendly text-to-image
generation framework, which aims to leverage the respective advantages of
text-to-image models and spatial-aware image diffusion models (e.g., layout,
keypoints and segmentation maps) to enhance both realism and compositionality
of the generated images. An intuitive and novel balancer is proposed to
dynamically balance the strengths of the two models in denoising process,
allowing plug-and-play use of any model without extra training. Extensive
experiments show that our RealCompo consistently outperforms state-of-the-art
text-to-image models and spatial-aware image diffusion models in
multiple-object compositional generation while keeping satisfactory realism and
compositionality of the generated images. Notably, our RealCompo can be
seamlessly extended with a wide range of spatial-aware image diffusion models
and stylized diffusion models. Our code is available at:
https://github.com/YangLing0818/RealCompo | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2311.02849 | HF | Co-training and Co-distillation for Quality Improvement and Compression of Language Models | [
"Hayeon Lee",
"Rui Hou",
"Jongpil Kim",
"Davis Liang",
"Hongbo Zhang",
"Sung Ju Hwang",
"Alexander Min"
] | 2023-11-06 | Knowledge Distillation (KD) compresses computationally expensive pre-trained
language models (PLMs) by transferring their knowledge to smaller models,
allowing their use in resource-constrained or real-time settings. However, most
smaller models fail to surpass the performance of the original larger model,
resulting in sacrificing performance to improve inference speed. To address
this issue, we propose Co-Training and Co-Distillation (CTCD), a novel
framework that improves performance and inference speed together by co-training
two models while mutually distilling knowledge. The CTCD framework successfully
achieves this based on two significant findings: 1) Distilling knowledge from
the smaller model to the larger model during co-training improves the
performance of the larger model. 2) The enhanced performance of the larger
model further boosts the performance of the smaller model. The CTCD framework
shows promise as it can be combined with existing techniques like architecture
design or data augmentation, replacing one-way KD methods, to achieve further
performance improvement. Extensive ablation studies demonstrate the
effectiveness of CTCD, and the small model distilled by CTCD outperforms the
original larger model by a significant margin of 1.66 on the GLUE benchmark. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.06189 | HF | Video-STaR: Self-Training Enables Video Instruction Tuning with Any Supervision | [
"Orr Zohar",
"Xiaohan Wang",
"Yonatan Bitton",
"Idan Szpektor",
"Serena Yeung-Levy"
] | 2024-07-08 | The performance of Large Vision Language Models (LVLMs) is dependent on the
size and quality of their training datasets. Existing video instruction tuning
datasets lack diversity as they are derived by prompting large language models
with video captions to generate question-answer pairs, and are therefore mostly
descriptive. Meanwhile, many labeled video datasets with diverse labels and
supervision exist - however, we find that their integration into LVLMs is
non-trivial. Herein, we present Video Self-Training with augmented Reasoning
(Video-STaR), the first video self-training approach. Video-STaR allows the
utilization of any labeled video dataset for video instruction tuning. In
Video-STaR, an LVLM cycles between instruction generation and finetuning, which
we show (I) improves general video understanding and (II) adapts LVLMs to novel
downstream tasks with existing supervision. During generation, an LVLM is
prompted to propose an answer. The answers are then filtered only to those that
contain the original video labels, and the LVLM is then re-trained on the
generated dataset. By only training on generated answers that contain the
correct video labels, Video-STaR utilizes these existing video labels as weak
supervision for video instruction tuning. Our results demonstrate that
Video-STaR-enhanced LVLMs exhibit improved performance in (I) general video QA,
where TempCompass performance improved by 10%, and (II) on downstream tasks,
where Video-STaR improved Kinetics700-QA accuracy by 20% and action quality
assessment on FineDiving by 15%. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2310.14566 | HF | HallusionBench: An Advanced Diagnostic Suite for Entangled Language Hallucination and Visual Illusion in Large Vision-Language Models | [
"Tianrui Guan",
"Fuxiao Liu",
"Xiyang Wu",
"Ruiqi Xian",
"Zongxia Li",
"Xiaoyu Liu",
"Xijun Wang",
"Lichang Chen",
"Furong Huang",
"Yaser Yacoob",
"Dinesh Manocha",
"Tianyi Zhou"
] | 2023-10-23 | We introduce HallusionBench, a comprehensive benchmark designed for the
evaluation of image-context reasoning. This benchmark presents significant
challenges to advanced large visual-language models (LVLMs), such as
GPT-4V(Vision), Gemini Pro Vision, Claude 3, and LLaVA-1.5, by emphasizing
nuanced understanding and interpretation of visual data. The benchmark
comprises 346 images paired with 1129 questions, all meticulously crafted by
human experts. We introduce a novel structure for these visual questions
designed to establish control groups. This structure enables us to conduct a
quantitative analysis of the models' response tendencies, logical consistency,
and various failure modes. In our evaluation on HallusionBench, we benchmarked
15 different models, highlighting a 31.42% question-pair accuracy achieved by
the state-of-the-art GPT-4V. Notably, all other evaluated models achieve
accuracy below 16%. Moreover, our analysis not only highlights the observed
failure modes, including language hallucination and visual illusion, but also
deepens an understanding of these pitfalls. Our comprehensive case studies
within HallusionBench shed light on the challenges of hallucination and
illusion in LVLMs. Based on these insights, we suggest potential pathways for
their future improvement. The benchmark and codebase can be accessed at
https://github.com/tianyi-lab/HallusionBench. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2311.07361 | HF | The Impact of Large Language Models on Scientific Discovery: a Preliminary Study using GPT-4 | [
"Microsoft Research AI4Science",
"Microsoft Azure Quantum"
] | 2023-11-13 | In recent years, groundbreaking advancements in natural language processing
have culminated in the emergence of powerful large language models (LLMs),
which have showcased remarkable capabilities across a vast array of domains,
including the understanding, generation, and translation of natural language,
and even tasks that extend beyond language processing. In this report, we delve
into the performance of LLMs within the context of scientific discovery,
focusing on GPT-4, the state-of-the-art language model. Our investigation spans
a diverse range of scientific areas encompassing drug discovery, biology,
computational chemistry (density functional theory (DFT) and molecular dynamics
(MD)), materials design, and partial differential equations (PDE). Evaluating
GPT-4 on scientific tasks is crucial for uncovering its potential across
various research domains, validating its domain-specific expertise,
accelerating scientific progress, optimizing resource allocation, guiding
future model development, and fostering interdisciplinary research. Our
exploration methodology primarily consists of expert-driven case assessments,
which offer qualitative insights into the model's comprehension of intricate
scientific concepts and relationships, and occasionally benchmark testing,
which quantitatively evaluates the model's capacity to solve well-defined
domain-specific problems. Our preliminary exploration indicates that GPT-4
exhibits promising potential for a variety of scientific applications,
demonstrating its aptitude for handling complex problem-solving and knowledge
integration tasks. Broadly speaking, we evaluate GPT-4's knowledge base,
scientific understanding, scientific numerical calculation abilities, and
various scientific prediction capabilities. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2401.06003 | HF | TRIPS: Trilinear Point Splatting for Real-Time Radiance Field Rendering | [
"Linus Franke",
"Darius Rückert",
"Laura Fink",
"Marc Stamminger"
] | 2024-01-11 | Point-based radiance field rendering has demonstrated impressive results for
novel view synthesis, offering a compelling blend of rendering quality and
computational efficiency. However, also latest approaches in this domain are
not without their shortcomings. 3D Gaussian Splatting [Kerbl and Kopanas et al.
2023] struggles when tasked with rendering highly detailed scenes, due to
blurring and cloudy artifacts. On the other hand, ADOP [R\"uckert et al. 2022]
can accommodate crisper images, but the neural reconstruction network decreases
performance, it grapples with temporal instability and it is unable to
effectively address large gaps in the point cloud.
In this paper, we present TRIPS (Trilinear Point Splatting), an approach that
combines ideas from both Gaussian Splatting and ADOP. The fundamental concept
behind our novel technique involves rasterizing points into a screen-space
image pyramid, with the selection of the pyramid layer determined by the
projected point size. This approach allows rendering arbitrarily large points
using a single trilinear write. A lightweight neural network is then used to
reconstruct a hole-free image including detail beyond splat resolution.
Importantly, our render pipeline is entirely differentiable, allowing for
automatic optimization of both point sizes and positions.
Our evaluation demonstrate that TRIPS surpasses existing state-of-the-art
methods in terms of rendering quality while maintaining a real-time frame rate
of 60 frames per second on readily available hardware. This performance extends
to challenging scenarios, such as scenes featuring intricate geometry,
expansive landscapes, and auto-exposed footage.
The project page is located at: https://lfranke.github.io/trips/ | null | cs.CV | [
"cs.CV",
"cs.GR",
"I.3; I.4"
] |
2405.18400 | AnswerAI | Superposed Decoding: Multiple Generations from a Single Autoregressive Inference Pass | [
"Ethan Shen",
"Alan Fan",
"Sarah M. Pratt",
"Jae Sung Park",
"Matthew Wallingford",
"Sham M. Kakade",
"Ari Holtzman",
"Ranjay Krishna",
"Ali Farhadi",
"Aditya Kusupati"
] | 2024-05-28 | Many applications today provide users with multiple auto-complete drafts as
they type, including GitHub's code completion, Gmail's smart compose, and
Apple's messaging auto-suggestions. Under the hood, language models support
this by running an autoregressive inference pass to provide a draft.
Consequently, providing $k$ drafts to the user requires running an expensive
language model $k$ times. To alleviate the computation cost of running $k$
inference passes, we propose Superposed Decoding, a new decoding algorithm that
generates $k$ drafts at the computation cost of one autoregressive inference
pass. We achieve this by feeding a superposition of the most recent token
embeddings from the $k$ drafts as input to the next decoding step of the
language model. At every inference step we combine the $k$ drafts with the
top-$k$ tokens to get $k^2$ new drafts and cache the $k$ most likely options,
using an n-gram interpolation with minimal compute overhead to filter out
incoherent generations. Our experiments show that $k$ drafts from Superposed
Decoding are at least as coherent and factual as Nucleus Sampling and Greedy
Decoding respectively, while being at least $2.44\times$ faster for $k\ge3$. In
a compute-normalized setting, user evaluations demonstrably favor text
generated by Superposed Decoding over Nucleus Sampling. Code and more examples
open-sourced at https://github.com/RAIVNLab/SuperposedDecoding. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.02477 | HF | Understanding Alignment in Multimodal LLMs: A Comprehensive Study | [
"Elmira Amirloo",
"Jean-Philippe Fauconnier",
"Christoph Roesmann",
"Christian Kerl",
"Rinu Boney",
"Yusu Qian",
"Zirui Wang",
"Afshin Dehghan",
"Yinfei Yang",
"Zhe Gan",
"Peter Grasch"
] | 2024-07-02 | Preference alignment has become a crucial component in enhancing the
performance of Large Language Models (LLMs), yet its impact in Multimodal Large
Language Models (MLLMs) remains comparatively underexplored. Similar to
language models, MLLMs for image understanding tasks encounter challenges like
hallucination. In MLLMs, hallucination can occur not only by stating incorrect
facts but also by producing responses that are inconsistent with the image
content. A primary objective of alignment for MLLMs is to encourage these
models to align responses more closely with image information. Recently,
multiple works have introduced preference datasets for MLLMs and examined
different alignment methods, including Direct Preference Optimization (DPO) and
Proximal Policy Optimization (PPO). However, due to variations in datasets,
base model types, and alignment methods, it remains unclear which specific
elements contribute most significantly to the reported improvements in these
works. In this paper, we independently analyze each aspect of preference
alignment in MLLMs. We start by categorizing the alignment algorithms into two
groups, offline (such as DPO), and online (such as online-DPO), and show that
combining offline and online methods can improve the performance of the model
in certain scenarios. We review a variety of published multimodal preference
datasets and discuss how the details of their construction impact model
performance. Based on these insights, we introduce a novel way of creating
multimodal preference data called Bias-Driven Hallucination Sampling (BDHS)
that needs neither additional annotation nor external models, and show that it
can achieve competitive performance to previously published alignment work for
multimodal models across a range of benchmarks. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2402.07443 | AnswerAI | The I/O Complexity of Attention, or How Optimal is Flash Attention? | [
"Barna Saha",
"Christopher Ye"
] | 2024-02-12 | Self-attention is at the heart of the popular Transformer architecture, yet
suffers from quadratic time and memory complexity. The breakthrough
FlashAttention algorithm revealed I/O complexity as the true bottleneck in
scaling Transformers. Given two levels of memory hierarchy, a fast cache (e.g.
GPU on-chip SRAM) and a slow memory (e.g. GPU high-bandwidth memory), the I/O
complexity measures the number of accesses to memory. FlashAttention computes
attention using $\frac{N^2d^2}{M}$ I/O operations where $N$ is the dimension of
the attention matrix, $d$ the head-dimension and $M$ the cache size. However,
is this I/O complexity optimal? The known lower bound only rules out an I/O
complexity of $o(Nd)$ when $M=\Theta(Nd)$, since the output that needs to be
written to slow memory is $\Omega(Nd)$. This leads to the main question of our
work: Is FlashAttention I/O optimal for all values of $M$?
We resolve the above question in its full generality by showing an I/O
complexity lower bound that matches the upper bound provided by FlashAttention
for any values of $M \geq d^2$ within any constant factors. Further, we give a
better algorithm with lower I/O complexity for $M < d^2$, and show that it is
optimal as well. Moreover, our lower bounds do not rely on using combinatorial
matrix multiplication for computing the attention matrix. We show even if one
uses fast matrix multiplication, the above I/O complexity bounds cannot be
improved. We do so by introducing a new communication complexity protocol for
matrix compression, and connecting communication complexity to I/O complexity.
To the best of our knowledge, this is the first work to establish a connection
between communication complexity and I/O complexity, and we believe this
connection could be of independent interest and will find many more
applications in proving I/O complexity lower bounds in the future. | null | cs.LG | [
"cs.LG",
"cs.CC",
"cs.DS",
"cs.IT",
"math.IT"
] |
2305.02483 | HF | Personalized Abstractive Summarization by Tri-agent Generation Pipeline | [
"Wen Xiao",
"Yujia Xie",
"Giuseppe Carenini",
"Pengcheng He"
] | 2023-05-04 | Tailoring outputs from large language models, like ChatGPT, to implicit user
preferences remains a challenge despite their impressive generative
capabilities. In this paper, we propose a tri-agent generation pipeline
comprising a generator, an instructor, and an editor to enhance output
personalization. The generator produces an initial output, the instructor
automatically generates editing instructions based on user preferences, and the
editor refines the output to align with those preferences. The inference-only
large language model (ChatGPT) serves as both the generator and editor, with a
smaller model acting as the instructor to guide output generation. We train the
instructor using editor-steered reinforcement learning, leveraging feedback
from a large-scale editor model to optimize instruction generation.
Experimental results on two abstractive summarization datasets demonstrate the
effectiveness of our approach in generating outputs that better meet user
expectations. Code is available at
\url{https://github.com/Wendy-Xiao/chatgpt_editing_summ} | null | cs.CL | [
"cs.CL"
] |
2401.07004 | HF | Extending LLMs' Context Window with 100 Samples | [
"Yikai Zhang",
"Junlong Li",
"Pengfei Liu"
] | 2024-01-13 | Large Language Models (LLMs) are known to have limited extrapolation ability
beyond their pre-trained context window, constraining their application in
downstream tasks with lengthy inputs. Recent studies have sought to extend
LLMs' context window by modifying rotary position embedding (RoPE), a popular
position encoding method adopted by well-known LLMs such as LLaMA, PaLM, and
GPT-NeoX. However, prior works like Position Interpolation (PI) and YaRN are
resource-intensive and lack comparative experiments to assess their
applicability. In this work, we identify the inherent need for LLMs' attention
entropy (i.e. the information entropy of attention scores) to maintain
stability and introduce a novel extension to RoPE which combines adjusting
RoPE's base frequency and scaling the attention logits to help LLMs efficiently
adapt to a larger context window. We validate the superiority of our method in
both fine-tuning performance and robustness across different context window
sizes on various context-demanding tasks. Notably, our method extends the
context window of LLaMA-2-7B-Chat to 16,384 with only 100 samples and 6
training steps, showcasing extraordinary efficiency. Finally, we also explore
how data compositions and training curricula affect context window extension
for specific downstream tasks, suggesting fine-tuning LLMs with lengthy
conversations as a good starting point. We release our code and SFT data at
https://github.com/GAIR-NLP/Entropy-ABF. | null | cs.CL | [
"cs.CL"
] |
2308.00675 | Both | Tool Documentation Enables Zero-Shot Tool-Usage with Large Language Models | [
"Cheng-Yu Hsieh",
"Si-An Chen",
"Chun-Liang Li",
"Yasuhisa Fujii",
"Alexander Ratner",
"Chen-Yu Lee",
"Ranjay Krishna",
"Tomas Pfister"
] | 2023-08-01 | Today, large language models (LLMs) are taught to use new tools by providing
a few demonstrations of the tool's usage. Unfortunately, demonstrations are
hard to acquire, and can result in undesirable biased usage if the wrong
demonstration is chosen. Even in the rare scenario that demonstrations are
readily available, there is no principled selection protocol to determine how
many and which ones to provide. As tasks grow more complex, the selection
search grows combinatorially and invariably becomes intractable. Our work
provides an alternative to demonstrations: tool documentation. We advocate the
use of tool documentation, descriptions for the individual tool usage, over
demonstrations. We substantiate our claim through three main empirical findings
on 6 tasks across both vision and language modalities. First, on existing
benchmarks, zero-shot prompts with only tool documentation are sufficient for
eliciting proper tool usage, achieving performance on par with few-shot
prompts. Second, on a newly collected realistic tool-use dataset with hundreds
of available tool APIs, we show that tool documentation is significantly more
valuable than demonstrations, with zero-shot documentation significantly
outperforming few-shot without documentation. Third, we highlight the benefits
of tool documentations by tackling image generation and video tracking using
just-released unseen state-of-the-art models as tools. Finally, we highlight
the possibility of using tool documentation to automatically enable new
applications: by using nothing more than the documentation of GroundingDino,
Stable Diffusion, XMem, and SAM, LLMs can re-invent the functionalities of the
just-released Grounded-SAM and Track Anything models. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG"
] |
2311.09247 | AnswerAI | Comparing Humans, GPT-4, and GPT-4V On Abstraction and Reasoning Tasks | [
"Melanie Mitchell",
"Alessandro B. Palmarini",
"Arseny Moskvichev"
] | 2023-11-14 | We explore the abstract reasoning abilities of text-only and multimodal
versions of GPT-4, using the ConceptARC benchmark [10], which is designed to
evaluate robust understanding and reasoning with core-knowledge concepts. We
extend the work of Moskvichev et al. [10] by evaluating GPT-4 on more detailed,
one-shot prompting (rather than simple, zero-shot prompts) with text versions
of ConceptARC tasks, and by evaluating GPT-4V, the multimodal version of GPT-4,
on zero- and one-shot prompts using image versions of the simplest tasks. Our
experimental results support the conclusion that neither version of GPT-4 has
developed robust abstraction abilities at humanlike levels. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2402.08609 | HF | Mixtures of Experts Unlock Parameter Scaling for Deep RL | [
"Johan Obando-Ceron",
"Ghada Sokar",
"Timon Willi",
"Clare Lyle",
"Jesse Farebrother",
"Jakob Foerster",
"Gintare Karolina Dziugaite",
"Doina Precup",
"Pablo Samuel Castro"
] | 2024-02-13 | The recent rapid progress in (self) supervised learning models is in large
part predicted by empirical scaling laws: a model's performance scales
proportionally to its size. Analogous scaling laws remain elusive for
reinforcement learning domains, however, where increasing the parameter count
of a model often hurts its final performance. In this paper, we demonstrate
that incorporating Mixture-of-Expert (MoE) modules, and in particular Soft MoEs
(Puigcerver et al., 2023), into value-based networks results in more
parameter-scalable models, evidenced by substantial performance increases
across a variety of training regimes and model sizes. This work thus provides
strong empirical evidence towards developing scaling laws for reinforcement
learning. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2312.09158 | HF | General Object Foundation Model for Images and Videos at Scale | [
"Junfeng Wu",
"Yi Jiang",
"Qihao Liu",
"Zehuan Yuan",
"Xiang Bai",
"Song Bai"
] | 2023-12-14 | We present GLEE in this work, an object-level foundation model for locating
and identifying objects in images and videos. Through a unified framework, GLEE
accomplishes detection, segmentation, tracking, grounding, and identification
of arbitrary objects in the open world scenario for various object perception
tasks. Adopting a cohesive learning strategy, GLEE acquires knowledge from
diverse data sources with varying supervision levels to formulate general
object representations, excelling in zero-shot transfer to new data and tasks.
Specifically, we employ an image encoder, text encoder, and visual prompter to
handle multi-modal inputs, enabling to simultaneously solve various
object-centric downstream tasks while maintaining state-of-the-art performance.
Demonstrated through extensive training on over five million images from
diverse benchmarks, GLEE exhibits remarkable versatility and improved
generalization performance, efficiently tackling downstream tasks without the
need for task-specific adaptation. By integrating large volumes of
automatically labeled data, we further enhance its zero-shot generalization
capabilities. Additionally, GLEE is capable of being integrated into Large
Language Models, serving as a foundational model to provide universal
object-level information for multi-modal tasks. We hope that the versatility
and universality of our method will mark a significant step in the development
of efficient visual foundation models for AGI systems. The model and code will
be released at https://glee-vision.github.io . | null | cs.CV | [
"cs.CV"
] |
2407.01449 | Both | ColPali: Efficient Document Retrieval with Vision Language Models | [
"Manuel Faysse",
"Hugues Sibille",
"Tony Wu",
"Bilel Omrani",
"Gautier Viaud",
"Céline Hudelot",
"Pierre Colombo"
] | 2024-06-27 | Documents are visually rich structures that convey information through text,
as well as tables, figures, page layouts, or fonts. While modern document
retrieval systems exhibit strong performance on query-to-text matching, they
struggle to exploit visual cues efficiently, hindering their performance on
practical document retrieval applications such as Retrieval Augmented
Generation. To benchmark current systems on visually rich document retrieval,
we introduce the Visual Document Retrieval Benchmark ViDoRe, composed of
various page-level retrieving tasks spanning multiple domains, languages, and
settings. The inherent shortcomings of modern systems motivate the introduction
of a new retrieval model architecture, ColPali, which leverages the document
understanding capabilities of recent Vision Language Models to produce
high-quality contextualized embeddings solely from images of document pages.
Combined with a late interaction matching mechanism, ColPali largely
outperforms modern document retrieval pipelines while being drastically faster
and end-to-end trainable. | null | cs.IR | [
"cs.IR",
"cs.CL",
"cs.CV"
] |
2408.06316 | HF | Body Transformer: Leveraging Robot Embodiment for Policy Learning | [
"Carmelo Sferrazza",
"Dun-Ming Huang",
"Fangchen Liu",
"Jongmin Lee",
"Pieter Abbeel"
] | 2024-08-12 | In recent years, the transformer architecture has become the de facto
standard for machine learning algorithms applied to natural language processing
and computer vision. Despite notable evidence of successful deployment of this
architecture in the context of robot learning, we claim that vanilla
transformers do not fully exploit the structure of the robot learning problem.
Therefore, we propose Body Transformer (BoT), an architecture that leverages
the robot embodiment by providing an inductive bias that guides the learning
process. We represent the robot body as a graph of sensors and actuators, and
rely on masked attention to pool information throughout the architecture. The
resulting architecture outperforms the vanilla transformer, as well as the
classical multilayer perceptron, in terms of task completion, scaling
properties, and computational efficiency when representing either imitation or
reinforcement learning policies. Additional material including the open-source
code is available at https://sferrazza.cc/bot_site. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2310.13268 | HF | DPM-Solver-v3: Improved Diffusion ODE Solver with Empirical Model Statistics | [
"Kaiwen Zheng",
"Cheng Lu",
"Jianfei Chen",
"Jun Zhu"
] | 2023-10-20 | Diffusion probabilistic models (DPMs) have exhibited excellent performance
for high-fidelity image generation while suffering from inefficient sampling.
Recent works accelerate the sampling procedure by proposing fast ODE solvers
that leverage the specific ODE form of DPMs. However, they highly rely on
specific parameterization during inference (such as noise/data prediction),
which might not be the optimal choice. In this work, we propose a novel
formulation towards the optimal parameterization during sampling that minimizes
the first-order discretization error of the ODE solution. Based on such
formulation, we propose DPM-Solver-v3, a new fast ODE solver for DPMs by
introducing several coefficients efficiently computed on the pretrained model,
which we call empirical model statistics. We further incorporate multistep
methods and a predictor-corrector framework, and propose some techniques for
improving sample quality at small numbers of function evaluations (NFE) or
large guidance scales. Experiments show that DPM-Solver-v3 achieves
consistently better or comparable performance in both unconditional and
conditional sampling with both pixel-space and latent-space DPMs, especially in
5$\sim$10 NFEs. We achieve FIDs of 12.21 (5 NFE), 2.51 (10 NFE) on
unconditional CIFAR10, and MSE of 0.55 (5 NFE, 7.5 guidance scale) on Stable
Diffusion, bringing a speed-up of 15%$\sim$30% compared to previous
state-of-the-art training-free methods. Code is available at
https://github.com/thu-ml/DPM-Solver-v3. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2305.10425 | HF | SLiC-HF: Sequence Likelihood Calibration with Human Feedback | [
"Yao Zhao",
"Rishabh Joshi",
"Tianqi Liu",
"Misha Khalman",
"Mohammad Saleh",
"Peter J. Liu"
] | 2023-05-17 | Learning from human feedback has been shown to be effective at aligning
language models with human preferences. Past work has often relied on
Reinforcement Learning from Human Feedback (RLHF), which optimizes the language
model using reward scores assigned from a reward model trained on human
preference data. In this work we show how the recently introduced Sequence
Likelihood Calibration (SLiC), can also be used to effectively learn from human
preferences (SLiC-HF). Furthermore, we demonstrate this can be done with human
feedback data collected for a different model, similar to off-policy, offline
RL data. Automatic and human evaluation experiments on the TL;DR summarization
task show that SLiC-HF significantly improves supervised fine-tuning baselines.
Furthermore, SLiC-HF presents a competitive alternative to the PPO RLHF
implementation used in past work while being much simpler to implement, easier
to tune and more computationally efficient in practice. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2212.02027 | AnswerAI | Retrieval as Attention: End-to-end Learning of Retrieval and Reading within a Single Transformer | [
"Zhengbao Jiang",
"Luyu Gao",
"Jun Araki",
"Haibo Ding",
"Zhiruo Wang",
"Jamie Callan",
"Graham Neubig"
] | 2022-12-05 | Systems for knowledge-intensive tasks such as open-domain question answering
(QA) usually consist of two stages: efficient retrieval of relevant documents
from a large corpus and detailed reading of the selected documents to generate
answers. Retrievers and readers are usually modeled separately, which
necessitates a cumbersome implementation and is hard to train and adapt in an
end-to-end fashion. In this paper, we revisit this design and eschew the
separate architecture and training in favor of a single Transformer that
performs Retrieval as Attention (ReAtt), and end-to-end training solely based
on supervision from the end QA task. We demonstrate for the first time that a
single model trained end-to-end can achieve both competitive retrieval and QA
performance, matching or slightly outperforming state-of-the-art separately
trained retrievers and readers. Moreover, end-to-end adaptation significantly
boosts its performance on out-of-domain datasets in both supervised and
unsupervised settings, making our model a simple and adaptable solution for
knowledge-intensive tasks. Code and models are available at
https://github.com/jzbjyb/ReAtt. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2308.05737 | HF | Follow Anything: Open-set detection, tracking, and following in real-time | [
"Alaa Maalouf",
"Ninad Jadhav",
"Krishna Murthy Jatavallabhula",
"Makram Chahine",
"Daniel M. Vogt",
"Robert J. Wood",
"Antonio Torralba",
"Daniela Rus"
] | 2023-08-10 | Tracking and following objects of interest is critical to several robotics
use cases, ranging from industrial automation to logistics and warehousing, to
healthcare and security. In this paper, we present a robotic system to detect,
track, and follow any object in real-time. Our approach, dubbed ``follow
anything'' (FAn), is an open-vocabulary and multimodal model -- it is not
restricted to concepts seen at training time and can be applied to novel
classes at inference time using text, images, or click queries. Leveraging rich
visual descriptors from large-scale pre-trained models (foundation models), FAn
can detect and segment objects by matching multimodal queries (text, images,
clicks) against an input image sequence. These detected and segmented objects
are tracked across image frames, all while accounting for occlusion and object
re-emergence. We demonstrate FAn on a real-world robotic system (a micro aerial
vehicle) and report its ability to seamlessly follow the objects of interest in
a real-time control loop. FAn can be deployed on a laptop with a lightweight
(6-8 GB) graphics card, achieving a throughput of 6-20 frames per second. To
enable rapid adoption, deployment, and extensibility, we open-source all our
code on our project webpage at https://github.com/alaamaalouf/FollowAnything .
We also encourage the reader to watch our 5-minutes explainer video in this
https://www.youtube.com/watch?v=6Mgt3EPytrw . | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2312.07509 | HF | PEEKABOO: Interactive Video Generation via Masked-Diffusion | [
"Yash Jain",
"Anshul Nasery",
"Vibhav Vineet",
"Harkirat Behl"
] | 2023-12-12 | Modern video generation models like Sora have achieved remarkable success in
producing high-quality videos. However, a significant limitation is their
inability to offer interactive control to users, a feature that promises to
open up unprecedented applications and creativity. In this work, we introduce
the first solution to equip diffusion-based video generation models with
spatio-temporal control. We present Peekaboo, a novel masked attention module,
which seamlessly integrates with current video generation models offering
control without the need for additional training or inference overhead. To
facilitate future research, we also introduce a comprehensive benchmark for
interactive video generation. This benchmark offers a standardized framework
for the community to assess the efficacy of emerging interactive video
generation models. Our extensive qualitative and quantitative assessments
reveal that Peekaboo achieves up to a 3.8x improvement in mIoU over baseline
models, all while maintaining the same latency. Code and benchmark are
available on the webpage. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2404.12318 | HF | Reuse Your Rewards: Reward Model Transfer for Zero-Shot Cross-Lingual Alignment | [
"Zhaofeng Wu",
"Ananth Balashankar",
"Yoon Kim",
"Jacob Eisenstein",
"Ahmad Beirami"
] | 2024-04-18 | Aligning language models (LMs) based on human-annotated preference data is a
crucial step in obtaining practical and performant LM-based systems. However,
multilingual human preference data are difficult to obtain at scale, making it
challenging to extend this framework to diverse languages. In this work, we
evaluate a simple approach for zero-shot cross-lingual alignment, where a
reward model is trained on preference data in one source language and directly
applied to other target languages. On summarization and open-ended dialog
generation, we show that this method is consistently successful under
comprehensive evaluation settings, including human evaluation: cross-lingually
aligned models are preferred by humans over unaligned models on up to >70% of
evaluation instances. We moreover find that a different-language reward model
sometimes yields better aligned models than a same-language reward model. We
also identify best practices when there is no language-specific data for even
supervised finetuning, another component in alignment. | null | cs.CL | [
"cs.CL"
] |
2309.03199 | HF | Matcha-TTS: A fast TTS architecture with conditional flow matching | [
"Shivam Mehta",
"Ruibo Tu",
"Jonas Beskow",
"Éva Székely",
"Gustav Eje Henter"
] | 2023-09-06 | We introduce Matcha-TTS, a new encoder-decoder architecture for speedy TTS
acoustic modelling, trained using optimal-transport conditional flow matching
(OT-CFM). This yields an ODE-based decoder capable of high output quality in
fewer synthesis steps than models trained using score matching. Careful design
choices additionally ensure each synthesis step is fast to run. The method is
probabilistic, non-autoregressive, and learns to speak from scratch without
external alignments. Compared to strong pre-trained baseline models, the
Matcha-TTS system has the smallest memory footprint, rivals the speed of the
fastest models on long utterances, and attains the highest mean opinion score
in a listening test. Please see https://shivammehta25.github.io/Matcha-TTS/ for
audio examples, code, and pre-trained models. | null | eess.AS | [
"eess.AS",
"cs.HC",
"cs.LG",
"cs.SD",
"68T07",
"I.2.7; I.2.6; H.5.5"
] |
2302.03213 | AnswerAI | LUT-NN: Empower Efficient Neural Network Inference with Centroid Learning and Table Lookup | [
"Xiaohu Tang",
"Yang Wang",
"Ting Cao",
"Li Lyna Zhang",
"Qi Chen",
"Deng Cai",
"Yunxin Liu",
"Mao Yang"
] | 2023-02-07 | On-device Deep Neural Network (DNN) inference consumes significant computing
resources and development efforts. To alleviate that, we propose LUT-NN, the
first system to empower inference by table lookup, to reduce inference cost.
LUT-NN learns the typical features for each operator, named centroid, and
precompute the results for these centroids to save in lookup tables. During
inference, the results of the closest centroids with the inputs can be read
directly from the table, as the approximated outputs without computations.
LUT-NN integrates two major novel techniques: (1) differentiable centroid
learning through backpropagation, which adapts three levels of approximation to
minimize the accuracy impact by centroids; (2) table lookup inference
execution, which comprehensively considers different levels of parallelism,
memory access reduction, and dedicated hardware units for optimal performance.
LUT-NN is evaluated on multiple real tasks, covering image and speech
recognition, and nature language processing. Compared to related work, LUT-NN
improves accuracy by 66% to 92%, achieving similar level with the original
models. LUT-NN reduces the cost at all dimensions, including FLOPs ($\leq$
16x), model size ($\leq$ 7x), latency ($\leq$ 6.8x), memory ($\leq$ 6.5x), and
power ($\leq$ 41.7%). | null | cs.LG | [
"cs.LG",
"cs.NE"
] |
2406.01436 | AnswerAI | Editing the Mind of Giants: An In-Depth Exploration of Pitfalls of Knowledge Editing in Large Language Models | [
"Cheng-Hsun Hsueh",
"Paul Kuo-Ming Huang",
"Tzu-Han Lin",
"Che-Wei Liao",
"Hung-Chieh Fang",
"Chao-Wei Huang",
"Yun-Nung Chen"
] | 2024-06-03 | Knowledge editing is a rising technique for efficiently updating factual
knowledge in Large Language Models (LLMs) with minimal alteration of
parameters. However, recent studies have identified concerning side effects,
such as knowledge distortion and the deterioration of general abilities, that
have emerged after editing. This survey presents a comprehensive study of these
side effects, providing a unified view of the challenges associated with
knowledge editing in LLMs. We discuss related works and summarize potential
research directions to overcome these limitations. Our work highlights the
limitations of current knowledge editing methods, emphasizing the need for
deeper understanding of inner knowledge structures of LLMs and improved
knowledge editing methods. To foster future research, we have released the
complementary materials such as paper collection publicly at
https://github.com/MiuLab/EditLLM-Survey | null | cs.CL | [
"cs.CL"
] |
1709.07417 | AnswerAI | Neural Optimizer Search with Reinforcement Learning | [
"Irwan Bello",
"Barret Zoph",
"Vijay Vasudevan",
"Quoc V. Le"
] | 2017-09-21 | We present an approach to automate the process of discovering optimization
methods, with a focus on deep learning architectures. We train a Recurrent
Neural Network controller to generate a string in a domain specific language
that describes a mathematical update equation based on a list of primitive
functions, such as the gradient, running average of the gradient, etc. The
controller is trained with Reinforcement Learning to maximize the performance
of a model after a few epochs. On CIFAR-10, our method discovers several update
rules that are better than many commonly used optimizers, such as Adam,
RMSProp, or SGD with and without Momentum on a ConvNet model. We introduce two
new optimizers, named PowerSign and AddSign, which we show transfer well and
improve training on a variety of different tasks and architectures, including
ImageNet classification and Google's neural machine translation system. | null | cs.AI | [
"cs.AI",
"cs.LG",
"stat.ML"
] |
2205.05055 | AnswerAI | Data Distributional Properties Drive Emergent In-Context Learning in Transformers | [
"Stephanie C. Y. Chan",
"Adam Santoro",
"Andrew K. Lampinen",
"Jane X. Wang",
"Aaditya Singh",
"Pierre H. Richemond",
"Jay McClelland",
"Felix Hill"
] | 2022-04-22 | Large transformer-based models are able to perform in-context few-shot
learning, without being explicitly trained for it. This observation raises the
question: what aspects of the training regime lead to this emergent behavior?
Here, we show that this behavior is driven by the distributions of the training
data itself. In-context learning emerges when the training data exhibits
particular distributional properties such as burstiness (items appear in
clusters rather than being uniformly distributed over time) and having large
numbers of rarely occurring classes. In-context learning also emerges more
strongly when item meanings or interpretations are dynamic rather than fixed.
These properties are exemplified by natural language, but are also inherent to
naturalistic data in a wide range of other domains. They also depart
significantly from the uniform, i.i.d. training distributions typically used
for standard supervised learning. In our initial experiments, we found that
in-context learning traded off against more conventional weight-based learning,
and models were unable to achieve both simultaneously. However, our later
experiments uncovered that the two modes of learning could co-exist in a single
model when it was trained on data following a skewed Zipfian distribution --
another common property of naturalistic data, including language. In further
experiments, we found that naturalistic data distributions were only able to
elicit in-context learning in transformers, and not in recurrent models. In
sum, our findings indicate how the transformer architecture works together with
particular properties of the training data to drive the intriguing emergent
in-context learning behaviour of large language models, and how future work
might encourage both in-context and in-weights learning in domains beyond
language. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2408.17267 | HF | UrBench: A Comprehensive Benchmark for Evaluating Large Multimodal Models in Multi-View Urban Scenarios | [
"Baichuan Zhou",
"Haote Yang",
"Dairong Chen",
"Junyan Ye",
"Tianyi Bai",
"Jinhua Yu",
"Songyang Zhang",
"Dahua Lin",
"Conghui He",
"Weijia Li"
] | 2024-08-30 | Recent evaluations of Large Multimodal Models (LMMs) have explored their
capabilities in various domains, with only few benchmarks specifically focusing
on urban environments. Moreover, existing urban benchmarks have been limited to
evaluating LMMs with basic region-level urban tasks under singular views,
leading to incomplete evaluations of LMMs' abilities in urban environments. To
address these issues, we present UrBench, a comprehensive benchmark designed
for evaluating LMMs in complex multi-view urban scenarios. UrBench contains
11.6K meticulously curated questions at both region-level and role-level that
cover 4 task dimensions: Geo-Localization, Scene Reasoning, Scene
Understanding, and Object Understanding, totaling 14 task types. In
constructing UrBench, we utilize data from existing datasets and additionally
collect data from 11 cities, creating new annotations using a cross-view
detection-matching method. With these images and annotations, we then integrate
LMM-based, rule-based, and human-based methods to construct large-scale
high-quality questions. Our evaluations on 21 LMMs show that current LMMs
struggle in the urban environments in several aspects. Even the best performing
GPT-4o lags behind humans in most tasks, ranging from simple tasks such as
counting to complex tasks such as orientation, localization and object
attribute recognition, with an average performance gap of 17.4%. Our benchmark
also reveals that LMMs exhibit inconsistent behaviors with different urban
views, especially with respect to understanding cross-view relations. UrBench
datasets and benchmark results will be publicly available at
https://opendatalab.github.io/UrBench/. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.