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
|
---|---|---|---|---|---|---|---|---|
2407.00837 | HF | Towards Robust Speech Representation Learning for Thousands of Languages | [
"William Chen",
"Wangyou Zhang",
"Yifan Peng",
"Xinjian Li",
"Jinchuan Tian",
"Jiatong Shi",
"Xuankai Chang",
"Soumi Maiti",
"Karen Livescu",
"Shinji Watanabe"
] | 2024-06-30 | Self-supervised learning (SSL) has helped extend speech technologies to more
languages by reducing the need for labeled data. However, models are still far
from supporting the world's 7000+ languages. We propose XEUS, a Cross-lingual
Encoder for Universal Speech, trained on over 1 million hours of data across
4057 languages, extending the language coverage of SSL models 4-fold. We
combine 1 million hours of speech from existing publicly accessible corpora
with a newly created corpus of 7400+ hours from 4057 languages, which will be
publicly released. To handle the diverse conditions of multilingual speech
data, we augment the typical SSL masked prediction approach with a novel
dereverberation objective, increasing robustness. We evaluate XEUS on several
benchmarks, and show that it consistently outperforms or achieves comparable
results to state-of-the-art (SOTA) SSL models across a variety of tasks. XEUS
sets a new SOTA on the ML-SUPERB benchmark: it outperforms MMS 1B and w2v-BERT
2.0 v2 by 0.8% and 4.4% respectively, despite having less parameters or
pre-training data. Checkpoints, code, and data are found in
https://www.wavlab.org/activities/2024/xeus/. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SD",
"eess.AS"
] |
2306.13840 | Both | Beyond Scale: The Diversity Coefficient as a Data Quality Metric for Variability in Natural Language Data | [
"Brando Miranda",
"Alycia Lee",
"Sudharsan Sundar",
"Allison Casasola",
"Sanmi Koyejo"
] | 2023-06-24 | Current trends in pre-training Large Language Models (LLMs) primarily focus
on the scaling of model and dataset size. While the quality of pre-training
data is considered an important factor for training powerful LLMs, it remains a
nebulous concept that has not been rigorously characterized. To this end, we
propose a formalization of one key aspect of data quality -- measuring the
variability of natural language data -- specifically via a measure we call the
diversity coefficient. Our empirical analysis shows that the proposed diversity
coefficient aligns with the intuitive properties of diversity and variability,
e.g., it increases as the number of latent concepts increases. Then, we measure
the diversity coefficient of publicly available pre-training datasets and
demonstrate that their formal diversity is high compared to theoretical lower
and upper bounds. Finally, we conduct a comprehensive set of controlled
interventional experiments with GPT-2 and LLaMAv2 that demonstrate the
diversity coefficient of pre-training data characterizes useful aspects of
downstream model evaluation performance -- totaling 44 models of various sizes
(51M to 7B parameters). We conclude that our formal notion of diversity is an
important aspect of data quality that captures variability and causally leads
to improved evaluation performance. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"cs.NE"
] |
2401.09047 | HF | VideoCrafter2: Overcoming Data Limitations for High-Quality Video Diffusion Models | [
"Haoxin Chen",
"Yong Zhang",
"Xiaodong Cun",
"Menghan Xia",
"Xintao Wang",
"Chao Weng",
"Ying Shan"
] | 2024-01-17 | Text-to-video generation aims to produce a video based on a given prompt.
Recently, several commercial video models have been able to generate plausible
videos with minimal noise, excellent details, and high aesthetic scores.
However, these models rely on large-scale, well-filtered, high-quality videos
that are not accessible to the community. Many existing research works, which
train models using the low-quality WebVid-10M dataset, struggle to generate
high-quality videos because the models are optimized to fit WebVid-10M. In this
work, we explore the training scheme of video models extended from Stable
Diffusion and investigate the feasibility of leveraging low-quality videos and
synthesized high-quality images to obtain a high-quality video model. We first
analyze the connection between the spatial and temporal modules of video models
and the distribution shift to low-quality videos. We observe that full training
of all modules results in a stronger coupling between spatial and temporal
modules than only training temporal modules. Based on this stronger coupling,
we shift the distribution to higher quality without motion degradation by
finetuning spatial modules with high-quality images, resulting in a generic
high-quality video model. Evaluations are conducted to demonstrate the
superiority of the proposed method, particularly in picture quality, motion,
and concept composition. | null | cs.CV | [
"cs.CV"
] |
2102.11174 | AnswerAI | Linear Transformers Are Secretly Fast Weight Programmers | [
"Imanol Schlag",
"Kazuki Irie",
"Jürgen Schmidhuber"
] | 2021-02-22 | We show the formal equivalence of linearised self-attention mechanisms and
fast weight controllers from the early '90s, where a ``slow" neural net learns
by gradient descent to program the ``fast weights" of another net through
sequences of elementary programming instructions which are additive outer
products of self-invented activation patterns (today called keys and values).
Such Fast Weight Programmers (FWPs) learn to manipulate the contents of a
finite memory and dynamically interact with it. We infer a memory capacity
limitation of recent linearised softmax attention variants, and replace the
purely additive outer products by a delta rule-like programming instruction,
such that the FWP can more easily learn to correct the current mapping from
keys to values. The FWP also learns to compute dynamically changing learning
rates. We also propose a new kernel function to linearise attention which
balances simplicity and effectiveness. We conduct experiments on synthetic
retrieval problems as well as standard machine translation and language
modelling tasks which demonstrate the benefits of our methods. | null | cs.LG | [
"cs.LG"
] |
2107.14795 | AnswerAI | Perceiver IO: A General Architecture for Structured Inputs & Outputs | [
"Andrew Jaegle",
"Sebastian Borgeaud",
"Jean-Baptiste Alayrac",
"Carl Doersch",
"Catalin Ionescu",
"David Ding",
"Skanda Koppula",
"Daniel Zoran",
"Andrew Brock",
"Evan Shelhamer",
"Olivier Hénaff",
"Matthew M. Botvinick",
"Andrew Zisserman",
"Oriol Vinyals",
"Joāo Carreira"
] | 2021-07-30 | A central goal of machine learning is the development of systems that can
solve many problems in as many data domains as possible. Current architectures,
however, cannot be applied beyond a small set of stereotyped settings, as they
bake in domain & task assumptions or scale poorly to large inputs or outputs.
In this work, we propose Perceiver IO, a general-purpose architecture that
handles data from arbitrary settings while scaling linearly with the size of
inputs and outputs. Our model augments the Perceiver with a flexible querying
mechanism that enables outputs of various sizes and semantics, doing away with
the need for task-specific architecture engineering. The same architecture
achieves strong results on tasks spanning natural language and visual
understanding, multi-task and multi-modal reasoning, and StarCraft II. As
highlights, Perceiver IO outperforms a Transformer-based BERT baseline on the
GLUE language benchmark despite removing input tokenization and achieves
state-of-the-art performance on Sintel optical flow estimation with no explicit
mechanisms for multiscale correspondence. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV",
"cs.SD",
"eess.AS"
] |
2306.08620 | HF | Anticipatory Music Transformer | [
"John Thickstun",
"David Hall",
"Chris Donahue",
"Percy Liang"
] | 2023-06-14 | We introduce anticipation: a method for constructing a controllable
generative model of a temporal point process (the event process) conditioned
asynchronously on realizations of a second, correlated process (the control
process). We achieve this by interleaving sequences of events and controls,
such that controls appear following stopping times in the event sequence. This
work is motivated by problems arising in the control of symbolic music
generation. We focus on infilling control tasks, whereby the controls are a
subset of the events themselves, and conditional generation completes a
sequence of events given the fixed control events. We train anticipatory
infilling models using the large and diverse Lakh MIDI music dataset. These
models match the performance of autoregressive models for prompted music
generation, with the additional capability to perform infilling control tasks,
including accompaniment. Human evaluators report that an anticipatory model
produces accompaniments with similar musicality to even music composed by
humans over a 20-second clip. | null | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS",
"stat.ML"
] |
2407.20750 | HF | JaColBERTv2.5: Optimising Multi-Vector Retrievers to Create State-of-the-Art Japanese Retrievers with Constrained Resources | [
"Benjamin Clavié"
] | 2024-07-30 | Neural Information Retrieval has advanced rapidly in high-resource languages,
but progress in lower-resource ones such as Japanese has been hindered by data
scarcity, among other challenges. Consequently, multilingual models have
dominated Japanese retrieval, despite their computational inefficiencies and
inability to capture linguistic nuances. While recent multi-vector monolingual
models like JaColBERT have narrowed this gap, they still lag behind
multilingual methods in large-scale evaluations. This work addresses the
suboptimal training methods of multi-vector retrievers in lower-resource
settings, focusing on Japanese. We systematically evaluate and improve key
aspects of the inference and training settings of JaColBERT, and more broadly,
multi-vector models. We further enhance performance through a novel checkpoint
merging step, showcasing it to be an effective way of combining the benefits of
fine-tuning with the generalization capabilities of the original checkpoint.
Building on our analysis, we introduce a novel training recipe, resulting in
the JaColBERTv2.5 model. JaColBERTv2.5, with only 110 million parameters and
trained in under 15 hours on 4 A100 GPUs, significantly outperforms all
existing methods across all common benchmarks, reaching an average score of
0.754, significantly above the previous best of 0.720. To support future
research, we make our final models, intermediate checkpoints and all data used
publicly available. | null | cs.IR | [
"cs.IR",
"cs.AI",
"cs.CL"
] |
2404.05014 | HF | MagicTime: Time-lapse Video Generation Models as Metamorphic Simulators | [
"Shenghai Yuan",
"Jinfa Huang",
"Yujun Shi",
"Yongqi Xu",
"Ruijie Zhu",
"Bin Lin",
"Xinhua Cheng",
"Li Yuan",
"Jiebo Luo"
] | 2024-04-07 | Recent advances in Text-to-Video generation (T2V) have achieved remarkable
success in synthesizing high-quality general videos from textual descriptions.
A largely overlooked problem in T2V is that existing models have not adequately
encoded physical knowledge of the real world, thus generated videos tend to
have limited motion and poor variations. In this paper, we propose
\textbf{MagicTime}, a metamorphic time-lapse video generation model, which
learns real-world physics knowledge from time-lapse videos and implements
metamorphic generation. First, we design a MagicAdapter scheme to decouple
spatial and temporal training, encode more physical knowledge from metamorphic
videos, and transform pre-trained T2V models to generate metamorphic videos.
Second, we introduce a Dynamic Frames Extraction strategy to adapt to
metamorphic time-lapse videos, which have a wider variation range and cover
dramatic object metamorphic processes, thus embodying more physical knowledge
than general videos. Finally, we introduce a Magic Text-Encoder to improve the
understanding of metamorphic video prompts. Furthermore, we create a time-lapse
video-text dataset called \textbf{ChronoMagic}, specifically curated to unlock
the metamorphic video generation ability. Extensive experiments demonstrate the
superiority and effectiveness of MagicTime for generating high-quality and
dynamic metamorphic videos, suggesting time-lapse video generation is a
promising path toward building metamorphic simulators of the physical world. | null | cs.CV | [
"cs.CV"
] |
2306.12422 | HF | DreamTime: An Improved Optimization Strategy for Diffusion-Guided 3D Generation | [
"Yukun Huang",
"Jianan Wang",
"Yukai Shi",
"Boshi Tang",
"Xianbiao Qi",
"Lei Zhang"
] | 2023-06-21 | Text-to-image diffusion models pre-trained on billions of image-text pairs
have recently enabled 3D content creation by optimizing a randomly initialized
differentiable 3D representation with score distillation. However, the
optimization process suffers slow convergence and the resultant 3D models often
exhibit two limitations: (a) quality concerns such as missing attributes and
distorted shape and texture; (b) extremely low diversity comparing to
text-guided image synthesis. In this paper, we show that the conflict between
the 3D optimization process and uniform timestep sampling in score distillation
is the main reason for these limitations. To resolve this conflict, we propose
to prioritize timestep sampling with monotonically non-increasing functions,
which aligns the 3D optimization process with the sampling process of diffusion
model. Extensive experiments show that our simple redesign significantly
improves 3D content creation with faster convergence, better quality and
diversity. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2312.09187 | HF | Vision-Language Models as a Source of Rewards | [
"Kate Baumli",
"Satinder Baveja",
"Feryal Behbahani",
"Harris Chan",
"Gheorghe Comanici",
"Sebastian Flennerhag",
"Maxime Gazeau",
"Kristian Holsheimer",
"Dan Horgan",
"Michael Laskin",
"Clare Lyle",
"Hussain Masoom",
"Kay McKinney",
"Volodymyr Mnih",
"Alexander Neitz",
"Dmitry Nikulin",
"Fabio Pardo",
"Jack Parker-Holder",
"John Quan",
"Tim Rocktäschel",
"Himanshu Sahni",
"Tom Schaul",
"Yannick Schroecker",
"Stephen Spencer",
"Richie Steigerwald",
"Luyu Wang",
"Lei Zhang"
] | 2023-12-14 | Building generalist agents that can accomplish many goals in rich open-ended
environments is one of the research frontiers for reinforcement learning. A key
limiting factor for building generalist agents with RL has been the need for a
large number of reward functions for achieving different goals. We investigate
the feasibility of using off-the-shelf vision-language models, or VLMs, as
sources of rewards for reinforcement learning agents. We show how rewards for
visual achievement of a variety of language goals can be derived from the CLIP
family of models, and used to train RL agents that can achieve a variety of
language goals. We showcase this approach in two distinct visual domains and
present a scaling trend showing how larger VLMs lead to more accurate rewards
for visual goal achievement, which in turn produces more capable RL agents. | null | cs.LG | [
"cs.LG"
] |
2312.15918 | HF | Supervised Knowledge Makes Large Language Models Better In-context Learners | [
"Linyi Yang",
"Shuibai Zhang",
"Zhuohao Yu",
"Guangsheng Bao",
"Yidong Wang",
"Jindong Wang",
"Ruochen Xu",
"Wei Ye",
"Xing Xie",
"Weizhu Chen",
"Yue Zhang"
] | 2023-12-26 | Large Language Models (LLMs) exhibit emerging in-context learning abilities
through prompt engineering. The recent progress in large-scale generative
models has further expanded their use in real-world language applications.
However, the critical challenge of improving the generalizability and
factuality of LLMs in natural language understanding and question answering
remains under-explored. While previous in-context learning research has focused
on enhancing models to adhere to users' specific instructions and quality
expectations, and to avoid undesired outputs, little to no work has explored
the use of task-Specific fine-tuned Language Models (SLMs) to improve LLMs'
in-context learning during the inference stage. Our primary contribution is the
establishment of a simple yet effective framework that enhances the reliability
of LLMs as it: 1) generalizes out-of-distribution data, 2) elucidates how LLMs
benefit from discriminative models, and 3) minimizes hallucinations in
generative tasks. Using our proposed plug-in method, enhanced versions of Llama
2 and ChatGPT surpass their original versions regarding generalizability and
factuality. We offer a comprehensive suite of resources, including 16 curated
datasets, prompts, model checkpoints, and LLM outputs across 9 distinct tasks.
The code and data are released at:
https://github.com/YangLinyi/Supervised-Knowledge-Makes-Large-Language-Models-Better-In-context-Learners.
Our empirical analysis sheds light on the advantages of incorporating
discriminative models into LLMs and highlights the potential of our methodology
in fostering more reliable LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.13217 | HF | VideoPrism: A Foundational Visual Encoder for Video Understanding | [
"Long Zhao",
"Nitesh B. Gundavarapu",
"Liangzhe Yuan",
"Hao Zhou",
"Shen Yan",
"Jennifer J. Sun",
"Luke Friedman",
"Rui Qian",
"Tobias Weyand",
"Yue Zhao",
"Rachel Hornung",
"Florian Schroff",
"Ming-Hsuan Yang",
"David A. Ross",
"Huisheng Wang",
"Hartwig Adam",
"Mikhail Sirotenko",
"Ting Liu",
"Boqing Gong"
] | 2024-02-20 | We introduce VideoPrism, a general-purpose video encoder that tackles diverse
video understanding tasks with a single frozen model. We pretrain VideoPrism on
a heterogeneous corpus containing 36M high-quality video-caption pairs and 582M
video clips with noisy parallel text (e.g., ASR transcripts). The pretraining
approach improves upon masked autoencoding by global-local distillation of
semantic video embeddings and a token shuffling scheme, enabling VideoPrism to
focus primarily on the video modality while leveraging the invaluable text
associated with videos. We extensively test VideoPrism on four broad groups of
video understanding tasks, from web video question answering to CV for science,
achieving state-of-the-art performance on 31 out of 33 video understanding
benchmarks. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2308.01390 | HF | OpenFlamingo: An Open-Source Framework for Training Large Autoregressive Vision-Language Models | [
"Anas Awadalla",
"Irena Gao",
"Josh Gardner",
"Jack Hessel",
"Yusuf Hanafy",
"Wanrong Zhu",
"Kalyani Marathe",
"Yonatan Bitton",
"Samir Gadre",
"Shiori Sagawa",
"Jenia Jitsev",
"Simon Kornblith",
"Pang Wei Koh",
"Gabriel Ilharco",
"Mitchell Wortsman",
"Ludwig Schmidt"
] | 2023-08-02 | We introduce OpenFlamingo, a family of autoregressive vision-language models
ranging from 3B to 9B parameters. OpenFlamingo is an ongoing effort to produce
an open-source replication of DeepMind's Flamingo models. On seven
vision-language datasets, OpenFlamingo models average between 80 - 89% of
corresponding Flamingo performance. This technical report describes our models,
training data, hyperparameters, and evaluation suite. We share our models and
code at https://github.com/mlfoundations/open_flamingo. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2305.07011 | HF | Region-Aware Pretraining for Open-Vocabulary Object Detection with Vision Transformers | [
"Dahun Kim",
"Anelia Angelova",
"Weicheng Kuo"
] | 2023-05-11 | We present Region-aware Open-vocabulary Vision Transformers (RO-ViT) - a
contrastive image-text pretraining recipe to bridge the gap between image-level
pretraining and open-vocabulary object detection. At the pretraining phase, we
propose to randomly crop and resize regions of positional embeddings instead of
using the whole image positional embeddings. This better matches the use of
positional embeddings at region-level in the detection finetuning phase. In
addition, we replace the common softmax cross entropy loss in contrastive
learning with focal loss to better learn the informative yet difficult
examples. Finally, we leverage recent advances in novel object proposals to
improve open-vocabulary detection finetuning. We evaluate our full model on the
LVIS and COCO open-vocabulary detection benchmarks and zero-shot transfer.
RO-ViT achieves a state-of-the-art 34.1 $AP_r$ on LVIS, surpassing the best
existing approach by +7.8 points in addition to competitive zero-shot transfer
detection. Surprisingly, RO-ViT improves the image-level representation as well
and achieves the state of the art on 9 out of 12 metrics on COCO and Flickr
image-text retrieval benchmarks, outperforming competitive approaches with
larger models. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2402.04396 | AnswerAI | QuIP#: Even Better LLM Quantization with Hadamard Incoherence and Lattice Codebooks | [
"Albert Tseng",
"Jerry Chee",
"Qingyao Sun",
"Volodymyr Kuleshov",
"Christopher De Sa"
] | 2024-02-06 | Post-training quantization (PTQ) reduces the memory footprint of LLMs by
quantizing their weights to low-precision. In this work, we introduce QuIP#, a
weight-only PTQ method that achieves state-of-the-art results in extreme
compression regimes ($\le$ 4 bits per weight) using three novel techniques.
First, QuIP# improves QuIP's (Chee et al., 2023) incoherence processing by
using the randomized Hadamard transform, which is faster and has better
theoretical properties. Second, QuIP# uses vector quantization to take
advantage of the ball-shaped sub-Gaussian distribution that incoherent weights
possess: specifically, we introduce a set of hardware-efficient codebooks based
on the highly symmetric $E_8$ lattice, which achieves the optimal 8-dimension
unit ball packing. Third, QuIP# uses fine-tuning to improve fidelity to the
original model. Our experiments show that QuIP# outperforms existing PTQ
methods, enables new behaviors in PTQ scaling, and supports fast inference. Our
code can be found at https://github.com/Cornell-RelaxML/quip-sharp. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2012.15723 | AnswerAI | Making Pre-trained Language Models Better Few-shot Learners | [
"Tianyu Gao",
"Adam Fisch",
"Danqi Chen"
] | 2020-12-31 | The recent GPT-3 model (Brown et al., 2020) achieves remarkable few-shot
performance solely by leveraging a natural-language prompt and a few task
demonstrations as input context. Inspired by their findings, we study few-shot
learning in a more practical scenario, where we use smaller language models for
which fine-tuning is computationally efficient. We present LM-BFF--better
few-shot fine-tuning of language models--a suite of simple and complementary
techniques for fine-tuning language models on a small number of annotated
examples. Our approach includes (1) prompt-based fine-tuning together with a
novel pipeline for automating prompt generation; and (2) a refined strategy for
dynamically and selectively incorporating demonstrations into each context.
Finally, we present a systematic evaluation for analyzing few-shot performance
on a range of NLP tasks, including classification and regression. Our
experiments demonstrate that our methods combine to dramatically outperform
standard fine-tuning procedures in this low resource setting, achieving up to
30% absolute improvement, and 11% on average across all tasks. Our approach
makes minimal assumptions on task resources and domain expertise, and hence
constitutes a strong task-agnostic method for few-shot learning. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2303.03846 | AnswerAI | Larger language models do in-context learning differently | [
"Jerry Wei",
"Jason Wei",
"Yi Tay",
"Dustin Tran",
"Albert Webson",
"Yifeng Lu",
"Xinyun Chen",
"Hanxiao Liu",
"Da Huang",
"Denny Zhou",
"Tengyu Ma"
] | 2023-03-07 | We study how in-context learning (ICL) in language models is affected by
semantic priors versus input-label mappings. We investigate two setups-ICL with
flipped labels and ICL with semantically-unrelated labels-across various model
families (GPT-3, InstructGPT, Codex, PaLM, and Flan-PaLM). First, experiments
on ICL with flipped labels show that overriding semantic priors is an emergent
ability of model scale. While small language models ignore flipped labels
presented in-context and thus rely primarily on semantic priors from
pretraining, large models can override semantic priors when presented with
in-context exemplars that contradict priors, despite the stronger semantic
priors that larger models may hold. We next study semantically-unrelated label
ICL (SUL-ICL), in which labels are semantically unrelated to their inputs
(e.g., foo/bar instead of negative/positive), thereby forcing language models
to learn the input-label mappings shown in in-context exemplars in order to
perform the task. The ability to do SUL-ICL also emerges primarily with scale,
and large-enough language models can even perform linear classification in a
SUL-ICL setting. Finally, we evaluate instruction-tuned models and find that
instruction tuning strengthens both the use of semantic priors and the capacity
to learn input-label mappings, but more of the former. | null | cs.CL | [
"cs.CL"
] |
2408.03615 | HF | Optimus-1: Hybrid Multimodal Memory Empowered Agents Excel in Long-Horizon Tasks | [
"Zaijing Li",
"Yuquan Xie",
"Rui Shao",
"Gongwei Chen",
"Dongmei Jiang",
"Liqiang Nie"
] | 2024-08-07 | Building a general-purpose agent is a long-standing vision in the field of
artificial intelligence. Existing agents have made remarkable progress in many
domains, yet they still struggle to complete long-horizon tasks in an open
world. We attribute this to the lack of necessary world knowledge and
multimodal experience that can guide agents through a variety of long-horizon
tasks. In this paper, we propose a Hybrid Multimodal Memory module to address
the above challenges. It 1) transforms knowledge into Hierarchical Directed
Knowledge Graph that allows agents to explicitly represent and learn world
knowledge, and 2) summarises historical information into Abstracted Multimodal
Experience Pool that provide agents with rich references for in-context
learning. On top of the Hybrid Multimodal Memory module, a multimodal agent,
Optimus-1, is constructed with dedicated Knowledge-guided Planner and
Experience-Driven Reflector, contributing to a better planning and reflection
in the face of long-horizon tasks in Minecraft. Extensive experimental results
show that Optimus-1 significantly outperforms all existing agents on
challenging long-horizon task benchmarks, and exhibits near human-level
performance on many tasks. In addition, we introduce various Multimodal Large
Language Models (MLLMs) as the backbone of Optimus-1. Experimental results show
that Optimus-1 exhibits strong generalization with the help of the Hybrid
Multimodal Memory module, outperforming the GPT-4V baseline on many tasks. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2402.10524 | HF | LLM Comparator: Visual Analytics for Side-by-Side Evaluation of Large Language Models | [
"Minsuk Kahng",
"Ian Tenney",
"Mahima Pushkarna",
"Michael Xieyang Liu",
"James Wexler",
"Emily Reif",
"Krystal Kallarackal",
"Minsuk Chang",
"Michael Terry",
"Lucas Dixon"
] | 2024-02-16 | Automatic side-by-side evaluation has emerged as a promising approach to
evaluating the quality of responses from large language models (LLMs). However,
analyzing the results from this evaluation approach raises scalability and
interpretability challenges. In this paper, we present LLM Comparator, a novel
visual analytics tool for interactively analyzing results from automatic
side-by-side evaluation. The tool supports interactive workflows for users to
understand when and why a model performs better or worse than a baseline model,
and how the responses from two models are qualitatively different. We
iteratively designed and developed the tool by closely working with researchers
and engineers at a large technology company. This paper details the user
challenges we identified, the design and development of the tool, and an
observational study with participants who regularly evaluate their models. | null | cs.HC | [
"cs.HC",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2309.06657 | Both | Statistical Rejection Sampling Improves Preference Optimization | [
"Tianqi Liu",
"Yao Zhao",
"Rishabh Joshi",
"Misha Khalman",
"Mohammad Saleh",
"Peter J. Liu",
"Jialu Liu"
] | 2023-09-13 | Improving the alignment of language models with human preferences remains an
active research challenge. Previous approaches have primarily utilized
Reinforcement Learning from Human Feedback (RLHF) via online RL methods such as
Proximal Policy Optimization (PPO). Recently, offline methods such as Sequence
Likelihood Calibration (SLiC) and Direct Preference Optimization (DPO) have
emerged as attractive alternatives, offering improvements in stability and
scalability while maintaining competitive performance. SLiC refines its loss
function using sequence pairs sampled from a supervised fine-tuned (SFT)
policy, while DPO directly optimizes language models based on preference data,
foregoing the need for a separate reward model. However, the maximum likelihood
estimator (MLE) of the target optimal policy requires labeled preference pairs
sampled from that policy. DPO's lack of a reward model constrains its ability
to sample preference pairs from the optimal policy, and SLiC is restricted to
sampling preference pairs only from the SFT policy. To address these
limitations, we introduce a novel approach called Statistical Rejection
Sampling Optimization (RSO) that aims to source preference data from the target
optimal policy using rejection sampling, enabling a more accurate estimation of
the optimal policy. We also propose a unified framework that enhances the loss
functions used in both SLiC and DPO from a preference modeling standpoint.
Through extensive experiments across three diverse tasks, we demonstrate that
RSO consistently outperforms both SLiC and DPO on evaluations from both Large
Language Model (LLM) and human raters. | null | cs.CL | [
"cs.CL"
] |
2406.06133 | HF | ExtraNeRF: Visibility-Aware View Extrapolation of Neural Radiance Fields with Diffusion Models | [
"Meng-Li Shih",
"Wei-Chiu Ma",
"Lorenzo Boyice",
"Aleksander Holynski",
"Forrester Cole",
"Brian L. Curless",
"Janne Kontkanen"
] | 2024-06-10 | We propose ExtraNeRF, a novel method for extrapolating the range of views
handled by a Neural Radiance Field (NeRF). Our main idea is to leverage NeRFs
to model scene-specific, fine-grained details, while capitalizing on diffusion
models to extrapolate beyond our observed data. A key ingredient is to track
visibility to determine what portions of the scene have not been observed, and
focus on reconstructing those regions consistently with diffusion models. Our
primary contributions include a visibility-aware diffusion-based inpainting
module that is fine-tuned on the input imagery, yielding an initial NeRF with
moderate quality (often blurry) inpainted regions, followed by a second
diffusion model trained on the input imagery to consistently enhance, notably
sharpen, the inpainted imagery from the first pass. We demonstrate high-quality
results, extrapolating beyond a small number of (typically six or fewer) input
views, effectively outpainting the NeRF as well as inpainting newly disoccluded
regions inside the original viewing volume. We compare with related work both
quantitatively and qualitatively and show significant gains over prior art. | null | cs.CV | [
"cs.CV"
] |
2408.11001 | HF | MegaFusion: Extend Diffusion Models towards Higher-resolution Image Generation without Further Tuning | [
"Haoning Wu",
"Shaocheng Shen",
"Qiang Hu",
"Xiaoyun Zhang",
"Ya Zhang",
"Yanfeng Wang"
] | 2024-08-20 | Diffusion models have emerged as frontrunners in text-to-image generation,
however, their fixed image resolution during training often leads to challenges
in high-resolution image generation, such as semantic deviations and object
replication. This paper introduces MegaFusion, a novel approach that extends
existing diffusion-based text-to-image generation models towards efficient
higher-resolution generation without additional fine-tuning or extra
adaptation. Specifically, we employ an innovative truncate and relay strategy
to bridge the denoising processes across different resolutions, allowing for
high-resolution image generation in a coarse-to-fine manner. Moreover, by
integrating dilated convolutions and noise re-scheduling, we further adapt the
model's priors for higher resolution. The versatility and efficacy of
MegaFusion make it universally applicable to both latent-space and pixel-space
diffusion models, along with other derivative models. Extensive experiments
confirm that MegaFusion significantly boosts the capability of existing models
to produce images of megapixels and various aspect ratios, while only requiring
about 40% of the original computational cost. | null | cs.CV | [
"cs.CV"
] |
2301.08243 | AnswerAI | Self-Supervised Learning from Images with a Joint-Embedding Predictive Architecture | [
"Mahmoud Assran",
"Quentin Duval",
"Ishan Misra",
"Piotr Bojanowski",
"Pascal Vincent",
"Michael Rabbat",
"Yann LeCun",
"Nicolas Ballas"
] | 2023-01-19 | This paper demonstrates an approach for learning highly semantic image
representations without relying on hand-crafted data-augmentations. We
introduce the Image-based Joint-Embedding Predictive Architecture (I-JEPA), a
non-generative approach for self-supervised learning from images. The idea
behind I-JEPA is simple: from a single context block, predict the
representations of various target blocks in the same image. A core design
choice to guide I-JEPA towards producing semantic representations is the
masking strategy; specifically, it is crucial to (a) sample target blocks with
sufficiently large scale (semantic), and to (b) use a sufficiently informative
(spatially distributed) context block. Empirically, when combined with Vision
Transformers, we find I-JEPA to be highly scalable. For instance, we train a
ViT-Huge/14 on ImageNet using 16 A100 GPUs in under 72 hours to achieve strong
downstream performance across a wide range of tasks, from linear classification
to object counting and depth prediction. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"eess.IV"
] |
2305.06131 | HF | Generative AI meets 3D: A Survey on Text-to-3D in AIGC Era | [
"Chenghao Li",
"Chaoning Zhang",
"Atish Waghwase",
"Lik-Hang Lee",
"Francois Rameau",
"Yang Yang",
"Sung-Ho Bae",
"Choong Seon Hong"
] | 2023-05-10 | Generative AI (AIGC, a.k.a. AI generated content) has made significant
progress in recent years, with text-guided content generation being the most
practical as it facilitates interaction between human instructions and AIGC.
Due to advancements in text-to-image and 3D modeling technologies (like NeRF),
text-to-3D has emerged as a nascent yet highly active research field. Our work
conducts the first comprehensive survey and follows up on subsequent research
progress in the overall field, aiming to help readers interested in this
direction quickly catch up with its rapid development. First, we introduce 3D
data representations, including both Euclidean and non-Euclidean data. Building
on this foundation, we introduce various foundational technologies and
summarize how recent work combines these foundational technologies to achieve
satisfactory text-to-3D results. Additionally, we present mainstream baselines
and research directions in recent text-to-3D technology, including fidelity,
efficiency, consistency, controllability, diversity, and applicability.
Furthermore, we summarize the usage of text-to-3D technology in various
applications, including avatar generation, texture generation, shape editing,
and scene generation. | null | cs.CV | [
"cs.CV"
] |
2408.06327 | HF | VisualAgentBench: Towards Large Multimodal Models as Visual Foundation Agents | [
"Xiao Liu",
"Tianjie Zhang",
"Yu Gu",
"Iat Long Iong",
"Yifan Xu",
"Xixuan Song",
"Shudan Zhang",
"Hanyu Lai",
"Xinyi Liu",
"Hanlin Zhao",
"Jiadai Sun",
"Xinyue Yang",
"Yu Yang",
"Zehan Qi",
"Shuntian Yao",
"Xueqiao Sun",
"Siyi Cheng",
"Qinkai Zheng",
"Hao Yu",
"Hanchen Zhang",
"Wenyi Hong",
"Ming Ding",
"Lihang Pan",
"Xiaotao Gu",
"Aohan Zeng",
"Zhengxiao Du",
"Chan Hee Song",
"Yu Su",
"Yuxiao Dong",
"Jie Tang"
] | 2024-08-12 | Large Multimodal Models (LMMs) have ushered in a new era in artificial
intelligence, merging capabilities in both language and vision to form highly
capable Visual Foundation Agents. These agents are postulated to excel across a
myriad of tasks, potentially approaching general artificial intelligence.
However, existing benchmarks fail to sufficiently challenge or showcase the
full potential of LMMs in complex, real-world environments. To address this
gap, we introduce VisualAgentBench (VAB), a comprehensive and pioneering
benchmark specifically designed to train and evaluate LMMs as visual foundation
agents across diverse scenarios, including Embodied, Graphical User Interface,
and Visual Design, with tasks formulated to probe the depth of LMMs'
understanding and interaction capabilities. Through rigorous testing across
nine proprietary LMM APIs and eight open models, we demonstrate the
considerable yet still developing agent capabilities of these models.
Additionally, VAB constructs a trajectory training set constructed through
hybrid methods including Program-based Solvers, LMM Agent Bootstrapping, and
Human Demonstrations, promoting substantial performance improvements in LMMs
through behavior cloning. Our work not only aims to benchmark existing models
but also provides a solid foundation for future development into visual
foundation agents. Code, train \& test data, and part of fine-tuned open LMMs
are available at \url{https://github.com/THUDM/VisualAgentBench}. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CV"
] |
2312.14239 | HF | PlatoNeRF: 3D Reconstruction in Plato's Cave via Single-View Two-Bounce Lidar | [
"Tzofi Klinghoffer",
"Xiaoyu Xiang",
"Siddharth Somasundaram",
"Yuchen Fan",
"Christian Richardt",
"Ramesh Raskar",
"Rakesh Ranjan"
] | 2023-12-21 | 3D reconstruction from a single-view is challenging because of the ambiguity
from monocular cues and lack of information about occluded regions. Neural
radiance fields (NeRF), while popular for view synthesis and 3D reconstruction,
are typically reliant on multi-view images. Existing methods for single-view 3D
reconstruction with NeRF rely on either data priors to hallucinate views of
occluded regions, which may not be physically accurate, or shadows observed by
RGB cameras, which are difficult to detect in ambient light and low albedo
backgrounds. We propose using time-of-flight data captured by a single-photon
avalanche diode to overcome these limitations. Our method models two-bounce
optical paths with NeRF, using lidar transient data for supervision. By
leveraging the advantages of both NeRF and two-bounce light measured by lidar,
we demonstrate that we can reconstruct visible and occluded geometry without
data priors or reliance on controlled ambient lighting or scene albedo. In
addition, we demonstrate improved generalization under practical constraints on
sensor spatial- and temporal-resolution. We believe our method is a promising
direction as single-photon lidars become ubiquitous on consumer devices, such
as phones, tablets, and headsets. | null | cs.CV | [
"cs.CV",
"eess.IV"
] |
2408.04034 | HF | Task-oriented Sequential Grounding in 3D Scenes | [
"Zhuofan Zhang",
"Ziyu Zhu",
"Pengxiang Li",
"Tengyu Liu",
"Xiaojian Ma",
"Yixin Chen",
"Baoxiong Jia",
"Siyuan Huang",
"Qing Li"
] | 2024-08-07 | Grounding natural language in physical 3D environments is essential for the
advancement of embodied artificial intelligence. Current datasets and models
for 3D visual grounding predominantly focus on identifying and localizing
objects from static, object-centric descriptions. These approaches do not
adequately address the dynamic and sequential nature of task-oriented grounding
necessary for practical applications. In this work, we propose a new task:
Task-oriented Sequential Grounding in 3D scenes, wherein an agent must follow
detailed step-by-step instructions to complete daily activities by locating a
sequence of target objects in indoor scenes. To facilitate this task, we
introduce SG3D, a large-scale dataset containing 22,346 tasks with 112,236
steps across 4,895 real-world 3D scenes. The dataset is constructed using a
combination of RGB-D scans from various 3D scene datasets and an automated task
generation pipeline, followed by human verification for quality assurance. We
adapted three state-of-the-art 3D visual grounding models to the sequential
grounding task and evaluated their performance on SG3D. Our results reveal that
while these models perform well on traditional benchmarks, they face
significant challenges with task-oriented sequential grounding, underscoring
the need for further research in this area. | null | cs.CV | [
"cs.CV"
] |
2305.19245 | HF | AlteredAvatar: Stylizing Dynamic 3D Avatars with Fast Style Adaptation | [
"Thu Nguyen-Phuoc",
"Gabriel Schwartz",
"Yuting Ye",
"Stephen Lombardi",
"Lei Xiao"
] | 2023-05-30 | This paper presents a method that can quickly adapt dynamic 3D avatars to
arbitrary text descriptions of novel styles. Among existing approaches for
avatar stylization, direct optimization methods can produce excellent results
for arbitrary styles but they are unpleasantly slow. Furthermore, they require
redoing the optimization process from scratch for every new input. Fast
approximation methods using feed-forward networks trained on a large dataset of
style images can generate results for new inputs quickly, but tend not to
generalize well to novel styles and fall short in quality. We therefore
investigate a new approach, AlteredAvatar, that combines those two approaches
using the meta-learning framework. In the inner loop, the model learns to
optimize to match a single target style well; while in the outer loop, the
model learns to stylize efficiently across many styles. After training,
AlteredAvatar learns an initialization that can quickly adapt within a small
number of update steps to a novel style, which can be given using texts, a
reference image, or a combination of both. We show that AlteredAvatar can
achieve a good balance between speed, flexibility and quality, while
maintaining consistency across a wide range of novel views and facial
expressions. | null | cs.CV | [
"cs.CV"
] |
2406.16235 | HF | Preference Tuning For Toxicity Mitigation Generalizes Across Languages | [
"Xiaochen Li",
"Zheng-Xin Yong",
"Stephen H. Bach"
] | 2024-06-23 | Detoxifying multilingual Large Language Models (LLMs) has become crucial due
to their increasing global use. In this work, we explore zero-shot
cross-lingual generalization of preference tuning in detoxifying LLMs. Unlike
previous studies that show limited cross-lingual generalization for other
safety tasks, we demonstrate that Direct Preference Optimization (DPO) training
with only English data can significantly reduce toxicity in multilingual
open-ended generations. For example, the probability of mGPT-1.3B generating
toxic continuations drops from 46.8% to 3.9% across 17 different languages
after training. Our results also extend to other multilingual LLMs, such as
BLOOM, Llama3, and Aya-23. Using mechanistic interpretability tools like causal
intervention and activation analysis, we identified the dual multilinguality
property of MLP layers in LLMs, which explains the cross-lingual generalization
of DPO. Finally, we show that bilingual sentence retrieval can predict the
cross-lingual transferability of DPO preference tuning. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CR",
"cs.LG"
] |
2312.00210 | HF | DREAM: Diffusion Rectification and Estimation-Adaptive Models | [
"Jinxin Zhou",
"Tianyu Ding",
"Tianyi Chen",
"Jiachen Jiang",
"Ilya Zharkov",
"Zhihui Zhu",
"Luming Liang"
] | 2023-11-30 | We present DREAM, a novel training framework representing Diffusion
Rectification and Estimation Adaptive Models, requiring minimal code changes
(just three lines) yet significantly enhancing the alignment of training with
sampling in diffusion models. DREAM features two components: diffusion
rectification, which adjusts training to reflect the sampling process, and
estimation adaptation, which balances perception against distortion. When
applied to image super-resolution (SR), DREAM adeptly navigates the tradeoff
between minimizing distortion and preserving high image quality. Experiments
demonstrate DREAM's superiority over standard diffusion-based SR methods,
showing a $2$ to $3\times $ faster training convergence and a $10$ to
$20\times$ reduction in sampling steps to achieve comparable results. We hope
DREAM will inspire a rethinking of diffusion model training paradigms. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2405.07987 | AnswerAI | The Platonic Representation Hypothesis | [
"Minyoung Huh",
"Brian Cheung",
"Tongzhou Wang",
"Phillip Isola"
] | 2024-05-13 | We argue that representations in AI models, particularly deep networks, are
converging. First, we survey many examples of convergence in the literature:
over time and across multiple domains, the ways by which different neural
networks represent data are becoming more aligned. Next, we demonstrate
convergence across data modalities: as vision models and language models get
larger, they measure distance between datapoints in a more and more alike way.
We hypothesize that this convergence is driving toward a shared statistical
model of reality, akin to Plato's concept of an ideal reality. We term such a
representation the platonic representation and discuss several possible
selective pressures toward it. Finally, we discuss the implications of these
trends, their limitations, and counterexamples to our analysis. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV",
"cs.NE"
] |
2402.17861 | AnswerAI | Towards AI Accountability Infrastructure: Gaps and Opportunities in AI Audit Tooling | [
"Victor Ojewale",
"Ryan Steed",
"Briana Vecchione",
"Abeba Birhane",
"Inioluwa Deborah Raji"
] | 2024-02-27 | Audits are critical mechanisms for identifying the risks and limitations of
deployed artificial intelligence (AI) systems. However, the effective execution
of AI audits remains incredibly difficult. As a result, practitioners make use
of various tools to support their efforts. Drawing on interviews with 35 AI
audit practitioners and a landscape analysis of 390 tools, we map the current
ecosystem of available AI audit tools. While there are many tools designed to
assist practitioners with setting standards and evaluating AI systems, these
tools often fell short of supporting the accountability goals of AI auditing in
practice. We thus highlight areas for future tool development beyond evaluation
-- from harms discovery to advocacy -- and outline challenges practitioners
faced in their efforts to use AI audit tools. We conclude that resources are
lacking to adequately support the full scope of needs for many AI audit
practitioners and recommend that the field move beyond tools for just
evaluation, towards more comprehensive infrastructure for AI accountability. | null | cs.CY | [
"cs.CY"
] |
2406.05768 | HF | MLCM: Multistep Consistency Distillation of Latent Diffusion Model | [
"Qingsong Xie",
"Zhenyi Liao",
"Chen chen",
"Zhijie Deng",
"Shixiang Tang",
"Haonan Lu"
] | 2024-06-09 | Distilling large latent diffusion models (LDMs) into ones that are fast to
sample from is attracting growing research interest. However, the majority of
existing methods face a dilemma where they either (i) depend on multiple
individual distilled models for different sampling budgets, or (ii) sacrifice
generation quality with limited (e.g., 2-4) and/or moderate (e.g., 5-8)
sampling steps. To address these, we extend the recent multistep consistency
distillation (MCD) strategy to representative LDMs, establishing the Multistep
Latent Consistency Models (MLCMs) approach for low-cost high-quality image
synthesis. MLCM serves as a unified model for various sampling steps due to the
promise of MCD. We further augment MCD with a progressive training strategy to
strengthen inter-segment consistency to boost the quality of few-step
generations. We take the states from the sampling trajectories of the teacher
model as training data for MLCMs to lift the requirements for high-quality
training datasets and to bridge the gap between the training and inference of
the distilled model. MLCM is compatible with preference learning strategies for
further improvement of visual quality and aesthetic appeal. Empirically, MLCM
can generate high-quality, delightful images with only 2-8 sampling steps. On
the MSCOCO-2017 5K benchmark, MLCM distilled from SDXL gets a CLIP Score of
33.30, Aesthetic Score of 6.19, and Image Reward of 1.20 with only 4 steps,
substantially surpassing 4-step LCM [23], 8-step SDXL-Lightning [17], and
8-step HyperSD [33]. We also demonstrate the versatility of MLCMs in
applications including controllable generation, image style transfer, and
Chinese-to-image generation. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2401.06118 | AnswerAI | Extreme Compression of Large Language Models via Additive Quantization | [
"Vage Egiazarian",
"Andrei Panferov",
"Denis Kuznedelev",
"Elias Frantar",
"Artem Babenko",
"Dan Alistarh"
] | 2024-01-11 | The emergence of accurate open large language models (LLMs) has led to a race
towards performant quantization techniques which can enable their execution on
end-user devices. In this paper, we revisit the problem of "extreme" LLM
compression-defined as targeting extremely low bit counts, such as 2 to 3 bits
per parameter-from the point of view of classic methods in Multi-Codebook
Quantization (MCQ). Our algorithm, called AQLM, generalizes the classic
Additive Quantization (AQ) approach for information retrieval to advance the
state-of-the-art in LLM compression, via two innovations: 1) learned additive
quantization of weight matrices in input-adaptive fashion, and 2) joint
optimization of codebook parameters across each transformer blocks. Broadly,
AQLM is the first scheme that is Pareto optimal in terms of
accuracy-vs-model-size when compressing to less than 3 bits per parameter, and
significantly improves upon all known schemes in the extreme compression (2bit)
regime. In addition, AQLM is practical: we provide fast GPU and CPU
implementations of AQLM for token generation, which enable us to match or
outperform optimized FP16 implementations for speed, while executing in a much
smaller memory footprint. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2305.05706 | HF | DexArt: Benchmarking Generalizable Dexterous Manipulation with Articulated Objects | [
"Chen Bao",
"Helin Xu",
"Yuzhe Qin",
"Xiaolong Wang"
] | 2023-05-09 | To enable general-purpose robots, we will require the robot to operate daily
articulated objects as humans do. Current robot manipulation has heavily relied
on using a parallel gripper, which restricts the robot to a limited set of
objects. On the other hand, operating with a multi-finger robot hand will allow
better approximation to human behavior and enable the robot to operate on
diverse articulated objects. To this end, we propose a new benchmark called
DexArt, which involves Dexterous manipulation with Articulated objects in a
physical simulator. In our benchmark, we define multiple complex manipulation
tasks, and the robot hand will need to manipulate diverse articulated objects
within each task. Our main focus is to evaluate the generalizability of the
learned policy on unseen articulated objects. This is very challenging given
the high degrees of freedom of both hands and objects. We use Reinforcement
Learning with 3D representation learning to achieve generalization. Through
extensive studies, we provide new insights into how 3D representation learning
affects decision making in RL with 3D point cloud inputs. More details can be
found at https://www.chenbao.tech/dexart/. | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2408.04682 | Both | ToolSandbox: A Stateful, Conversational, Interactive Evaluation Benchmark for LLM Tool Use Capabilities | [
"Jiarui Lu",
"Thomas Holleis",
"Yizhe Zhang",
"Bernhard Aumayer",
"Feng Nan",
"Felix Bai",
"Shuang Ma",
"Shen Ma",
"Mengyu Li",
"Guoli Yin",
"Zirui Wang",
"Ruoming Pang"
] | 2024-08-08 | Recent large language models (LLMs) advancements sparked a growing research
interest in tool assisted LLMs solving real-world challenges, which calls for
comprehensive evaluation of tool-use capabilities. While previous works focused
on either evaluating over stateless web services (RESTful API), based on a
single turn user prompt, or an off-policy dialog trajectory, ToolSandbox
includes stateful tool execution, implicit state dependencies between tools, a
built-in user simulator supporting on-policy conversational evaluation and a
dynamic evaluation strategy for intermediate and final milestones over an
arbitrary trajectory. We show that open source and proprietary models have a
significant performance gap, and complex tasks like State Dependency,
Canonicalization and Insufficient Information defined in ToolSandbox are
challenging even the most capable SOTA LLMs, providing brand-new insights into
tool-use LLM capabilities. ToolSandbox evaluation framework is released at
https://github.com/apple/ToolSandbox | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2405.18870 | Both | LLMs achieve adult human performance on higher-order theory of mind tasks | [
"Winnie Street",
"John Oliver Siy",
"Geoff Keeling",
"Adrien Baranes",
"Benjamin Barnett",
"Michael McKibben",
"Tatenda Kanyere",
"Alison Lentz",
"Blaise Aguera y Arcas",
"Robin I. M. Dunbar"
] | 2024-05-29 | This paper examines the extent to which large language models (LLMs) have
developed higher-order theory of mind (ToM); the human ability to reason about
multiple mental and emotional states in a recursive manner (e.g. I think that
you believe that she knows). This paper builds on prior work by introducing a
handwritten test suite -- Multi-Order Theory of Mind Q&A -- and using it to
compare the performance of five LLMs to a newly gathered adult human benchmark.
We find that GPT-4 and Flan-PaLM reach adult-level and near adult-level
performance on ToM tasks overall, and that GPT-4 exceeds adult performance on
6th order inferences. Our results suggest that there is an interplay between
model size and finetuning for the realisation of ToM abilities, and that the
best-performing LLMs have developed a generalised capacity for ToM. Given the
role that higher-order ToM plays in a wide range of cooperative and competitive
human behaviours, these findings have significant implications for user-facing
LLM applications. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.HC",
"I.2.7; H.1.2"
] |
2307.06908 | HF | Generating Benchmarks for Factuality Evaluation of Language Models | [
"Dor Muhlgay",
"Ori Ram",
"Inbal Magar",
"Yoav Levine",
"Nir Ratner",
"Yonatan Belinkov",
"Omri Abend",
"Kevin Leyton-Brown",
"Amnon Shashua",
"Yoav Shoham"
] | 2023-07-13 | Before deploying a language model (LM) within a given domain, it is important
to measure its tendency to generate factually incorrect information in that
domain. Existing methods for factuality evaluation of LLM generation focus on
facts sampled from the LM itself, and thus do not control the set of evaluated
facts and might under-represent domain specific or rare facts. We propose
FACTOR: Factual Assessment via Corpus TransfORmation, a scalable approach for
evaluating LM factuality. FACTOR automatically transforms a factual corpus of
interest into a benchmark evaluating an LM's propensity to generate true facts
from the corpus vs. similar but incorrect statements. We use our framework to
create three benchmarks: Wiki-FACTOR, News-FACTOR and Expert-FACTOR. We show
that: (i) our benchmark scores increase with model size and improve when the LM
is augmented with retrieval; (ii) benchmark score and perplexity do not always
agree on model ranking; (iii) when perplexity and benchmark score disagree, the
latter better reflects factuality in open-ended generation, as measured by
human annotators. We make our data and code publicly available in
https://github.com/AI21Labs/factor. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.04952 | HF | Granular Privacy Control for Geolocation with Vision Language Models | [
"Ethan Mendes",
"Yang Chen",
"James Hays",
"Sauvik Das",
"Wei Xu",
"Alan Ritter"
] | 2024-07-06 | Vision Language Models (VLMs) are rapidly advancing in their capability to
answer information-seeking questions. As these models are widely deployed in
consumer applications, they could lead to new privacy risks due to emergent
abilities to identify people in photos, geolocate images, etc. As we
demonstrate, somewhat surprisingly, current open-source and proprietary VLMs
are very capable image geolocators, making widespread geolocation with VLMs an
immediate privacy risk, rather than merely a theoretical future concern. As a
first step to address this challenge, we develop a new benchmark, GPTGeoChat,
to test the ability of VLMs to moderate geolocation dialogues with users. We
collect a set of 1,000 image geolocation conversations between in-house
annotators and GPT-4v, which are annotated with the granularity of location
information revealed at each turn. Using this new dataset, we evaluate the
ability of various VLMs to moderate GPT-4v geolocation conversations by
determining when too much location information has been revealed. We find that
custom fine-tuned models perform on par with prompted API-based models when
identifying leaked location information at the country or city level; however,
fine-tuning on supervised data appears to be needed to accurately moderate
finer granularities, such as the name of a restaurant or building. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2406.11614 | HF | Intrinsic Evaluation of Unlearning Using Parametric Knowledge Traces | [
"Yihuai Hong",
"Lei Yu",
"Shauli Ravfogel",
"Haiqin Yang",
"Mor Geva"
] | 2024-06-17 | The task of "unlearning" certain concepts in large language models (LLMs) has
attracted immense attention recently, due to its importance for mitigating
undesirable model behaviours, such as the generation of harmful, private, or
incorrect information. Current protocols to evaluate unlearning methods largely
rely on behavioral tests, without monitoring the presence of unlearned
knowledge within the model's parameters. This residual knowledge can be
adversarially exploited to recover the erased information post-unlearning. We
argue that unlearning should also be evaluated internally, by considering
changes in the parametric knowledge traces of the unlearned concepts. To this
end, we propose a general methodology for eliciting directions in the parameter
space (termed "concept vectors") that encode concrete concepts, and construct
ConceptVectors, a benchmark dataset containing hundreds of common concepts and
their parametric knowledge traces within two open-source LLMs. Evaluation on
ConceptVectors shows that existing unlearning methods minimally impact concept
vectors, while directly ablating these vectors demonstrably removes the
associated knowledge from the LLMs and significantly reduces their
susceptibility to adversarial manipulation. Our results highlight limitations
in behavioral-based unlearning evaluations and call for future work to include
parametric-based evaluations. To support this, we release our code and
benchmark at https://github.com/yihuaihong/ConceptVectors. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2308.07931 | HF | Distilled Feature Fields Enable Few-Shot Language-Guided Manipulation | [
"William Shen",
"Ge Yang",
"Alan Yu",
"Jansen Wong",
"Leslie Pack Kaelbling",
"Phillip Isola"
] | 2023-07-27 | Self-supervised and language-supervised image models contain rich knowledge
of the world that is important for generalization. Many robotic tasks, however,
require a detailed understanding of 3D geometry, which is often lacking in 2D
image features. This work bridges this 2D-to-3D gap for robotic manipulation by
leveraging distilled feature fields to combine accurate 3D geometry with rich
semantics from 2D foundation models. We present a few-shot learning method for
6-DOF grasping and placing that harnesses these strong spatial and semantic
priors to achieve in-the-wild generalization to unseen objects. Using features
distilled from a vision-language model, CLIP, we present a way to designate
novel objects for manipulation via free-text natural language, and demonstrate
its ability to generalize to unseen expressions and novel categories of
objects. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.RO"
] |
2406.01014 | HF | Mobile-Agent-v2: Mobile Device Operation Assistant with Effective Navigation via Multi-Agent Collaboration | [
"Junyang Wang",
"Haiyang Xu",
"Haitao Jia",
"Xi Zhang",
"Ming Yan",
"Weizhou Shen",
"Ji Zhang",
"Fei Huang",
"Jitao Sang"
] | 2024-06-03 | Mobile device operation tasks are increasingly becoming a popular multi-modal
AI application scenario. Current Multi-modal Large Language Models (MLLMs),
constrained by their training data, lack the capability to function effectively
as operation assistants. Instead, MLLM-based agents, which enhance capabilities
through tool invocation, are gradually being applied to this scenario. However,
the two major navigation challenges in mobile device operation tasks, task
progress navigation and focus content navigation, are significantly complicated
under the single-agent architecture of existing work. This is due to the overly
long token sequences and the interleaved text-image data format, which limit
performance. To address these navigation challenges effectively, we propose
Mobile-Agent-v2, a multi-agent architecture for mobile device operation
assistance. The architecture comprises three agents: planning agent, decision
agent, and reflection agent. The planning agent generates task progress, making
the navigation of history operations more efficient. To retain focus content,
we design a memory unit that updates with task progress. Additionally, to
correct erroneous operations, the reflection agent observes the outcomes of
each operation and handles any mistakes accordingly. Experimental results
indicate that Mobile-Agent-v2 achieves over a 30% improvement in task
completion compared to the single-agent architecture of Mobile-Agent. The code
is open-sourced at https://github.com/X-PLUG/MobileAgent. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2311.07562 | HF | GPT-4V in Wonderland: Large Multimodal Models for Zero-Shot Smartphone GUI Navigation | [
"An Yan",
"Zhengyuan Yang",
"Wanrong Zhu",
"Kevin Lin",
"Linjie Li",
"Jianfeng Wang",
"Jianwei Yang",
"Yiwu Zhong",
"Julian McAuley",
"Jianfeng Gao",
"Zicheng Liu",
"Lijuan Wang"
] | 2023-11-13 | We present MM-Navigator, a GPT-4V-based agent for the smartphone graphical
user interface (GUI) navigation task. MM-Navigator can interact with a
smartphone screen as human users, and determine subsequent actions to fulfill
given instructions. Our findings demonstrate that large multimodal models
(LMMs), specifically GPT-4V, excel in zero-shot GUI navigation through its
advanced screen interpretation, action reasoning, and precise action
localization capabilities. We first benchmark MM-Navigator on our collected iOS
screen dataset. According to human assessments, the system exhibited a 91\%
accuracy rate in generating reasonable action descriptions and a 75\% accuracy
rate in executing the correct actions for single-step instructions on iOS.
Additionally, we evaluate the model on a subset of an Android screen navigation
dataset, where the model outperforms previous GUI navigators in a zero-shot
fashion. Our benchmark and detailed analyses aim to lay a robust groundwork for
future research into the GUI navigation task. The project page is at
https://github.com/zzxslp/MM-Navigator. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2310.09263 | HF | Table-GPT: Table-tuned GPT for Diverse Table Tasks | [
"Peng Li",
"Yeye He",
"Dror Yashar",
"Weiwei Cui",
"Song Ge",
"Haidong Zhang",
"Danielle Rifinski Fainman",
"Dongmei Zhang",
"Surajit Chaudhuri"
] | 2023-10-13 | Language models, such as GPT-3.5 and ChatGPT, demonstrate remarkable
abilities to follow diverse human instructions and perform a wide range of
tasks. However, when probing language models using a range of basic
table-understanding tasks, we observe that today's language models are still
sub-optimal in many table-related tasks, likely because they are pre-trained
predominantly on \emph{one-dimensional} natural-language texts, whereas
relational tables are \emph{two-dimensional} objects.
In this work, we propose a new "\emph{table-tuning}" paradigm, where we
continue to train/fine-tune language models like GPT-3.5 and ChatGPT, using
diverse table-tasks synthesized from real tables as training data, with the
goal of enhancing language models' ability to understand tables and perform
table tasks. We show that our resulting Table-GPT models demonstrate (1) better
\emph{table-understanding} capabilities, by consistently outperforming the
vanilla GPT-3.5 and ChatGPT, on a wide-range of table tasks, including holdout
unseen tasks, and (2) strong \emph{generalizability}, in its ability to respond
to diverse human instructions to perform new table-tasks, in a manner similar
to GPT-3.5 and ChatGPT. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.DB"
] |
2406.11202 | HF | Consistency^2: Consistent and Fast 3D Painting with Latent Consistency Models | [
"Tianfu Wang",
"Anton Obukhov",
"Konrad Schindler"
] | 2024-06-17 | Generative 3D Painting is among the top productivity boosters in
high-resolution 3D asset management and recycling. Ever since text-to-image
models became accessible for inference on consumer hardware, the performance of
3D Painting methods has consistently improved and is currently close to
plateauing. At the core of most such models lies denoising diffusion in the
latent space, an inherently time-consuming iterative process. Multiple
techniques have been developed recently to accelerate generation and reduce
sampling iterations by orders of magnitude. Designed for 2D generative imaging,
these techniques do not come with recipes for lifting them into 3D. In this
paper, we address this shortcoming by proposing a Latent Consistency Model
(LCM) adaptation for the task at hand. We analyze the strengths and weaknesses
of the proposed model and evaluate it quantitatively and qualitatively. Based
on the Objaverse dataset samples study, our 3D painting method attains strong
preference in all evaluations. Source code is available at
https://github.com/kongdai123/consistency2. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2307.05014 | HF | Test-Time Training on Video Streams | [
"Renhao Wang",
"Yu Sun",
"Yossi Gandelsman",
"Xinlei Chen",
"Alexei A. Efros",
"Xiaolong Wang"
] | 2023-07-11 | Prior work has established test-time training (TTT) as a general framework to
further improve a trained model at test time. Before making a prediction on
each test instance, the model is trained on the same instance using a
self-supervised task, such as image reconstruction with masked autoencoders. We
extend TTT to the streaming setting, where multiple test instances - video
frames in our case - arrive in temporal order. Our extension is online TTT: The
current model is initialized from the previous model, then trained on the
current frame and a small window of frames immediately before. Online TTT
significantly outperforms the fixed-model baseline for four tasks, on three
real-world datasets. The relative improvement is 45% and 66% for instance and
panoptic segmentation. Surprisingly, online TTT also outperforms its offline
variant that accesses more information, training on all frames from the entire
test video regardless of temporal order. This differs from previous findings
using synthetic videos. We conceptualize locality as the advantage of online
over offline TTT. We analyze the role of locality with ablations and a theory
based on bias-variance trade-off. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
1911.01547 | AnswerAI | On the Measure of Intelligence | [
"François Chollet"
] | 2019-11-05 | To make deliberate progress towards more intelligent and more human-like
artificial systems, we need to be following an appropriate feedback signal: we
need to be able to define and evaluate intelligence in a way that enables
comparisons between two systems, as well as comparisons with humans. Over the
past hundred years, there has been an abundance of attempts to define and
measure intelligence, across both the fields of psychology and AI. We summarize
and critically assess these definitions and evaluation approaches, while making
apparent the two historical conceptions of intelligence that have implicitly
guided them. We note that in practice, the contemporary AI community still
gravitates towards benchmarking intelligence by comparing the skill exhibited
by AIs and humans at specific tasks such as board games and video games. We
argue that solely measuring skill at any given task falls short of measuring
intelligence, because skill is heavily modulated by prior knowledge and
experience: unlimited priors or unlimited training data allow experimenters to
"buy" arbitrary levels of skills for a system, in a way that masks the system's
own generalization power. We then articulate a new formal definition of
intelligence based on Algorithmic Information Theory, describing intelligence
as skill-acquisition efficiency and highlighting the concepts of scope,
generalization difficulty, priors, and experience. Using this definition, we
propose a set of guidelines for what a general AI benchmark should look like.
Finally, we present a benchmark closely following these guidelines, the
Abstraction and Reasoning Corpus (ARC), built upon an explicit set of priors
designed to be as close as possible to innate human priors. We argue that ARC
can be used to measure a human-like form of general fluid intelligence and that
it enables fair general intelligence comparisons between AI systems and humans. | null | cs.AI | [
"cs.AI"
] |
2401.01173 | HF | En3D: An Enhanced Generative Model for Sculpting 3D Humans from 2D Synthetic Data | [
"Yifang Men",
"Biwen Lei",
"Yuan Yao",
"Miaomiao Cui",
"Zhouhui Lian",
"Xuansong Xie"
] | 2024-01-02 | We present En3D, an enhanced generative scheme for sculpting high-quality 3D
human avatars. Unlike previous works that rely on scarce 3D datasets or limited
2D collections with imbalanced viewing angles and imprecise pose priors, our
approach aims to develop a zero-shot 3D generative scheme capable of producing
visually realistic, geometrically accurate and content-wise diverse 3D humans
without relying on pre-existing 3D or 2D assets. To address this challenge, we
introduce a meticulously crafted workflow that implements accurate physical
modeling to learn the enhanced 3D generative model from synthetic 2D data.
During inference, we integrate optimization modules to bridge the gap between
realistic appearances and coarse 3D shapes. Specifically, En3D comprises three
modules: a 3D generator that accurately models generalizable 3D humans with
realistic appearance from synthesized balanced, diverse, and structured human
images; a geometry sculptor that enhances shape quality using multi-view normal
constraints for intricate human anatomy; and a texturing module that
disentangles explicit texture maps with fidelity and editability, leveraging
semantical UV partitioning and a differentiable rasterizer. Experimental
results show that our approach significantly outperforms prior works in terms
of image quality, geometry accuracy and content diversity. We also showcase the
applicability of our generated avatars for animation and editing, as well as
the scalability of our approach for content-style free adaptation. | null | cs.CV | [
"cs.CV"
] |
2405.14105 | HF | Distributed Speculative Inference of Large Language Models is Provably Faster | [
"Nadav Timor",
"Jonathan Mamou",
"Daniel Korat",
"Moshe Berchansky",
"Oren Pereg",
"Moshe Wasserblat",
"Tomer Galanti",
"Michal Gordon",
"David Harel"
] | 2024-05-23 | Accelerating the inference of large language models (LLMs) is an important
challenge in artificial intelligence. This paper introduces Distributed
Speculative Inference (DSI), a novel distributed inference algorithm that is
provably faster than speculative inference (SI)
[leviathan2023fast,chen2023accelerating,miao2023specinfer] and traditional
autoregressive inference (non-SI). Like other SI algorithms, DSI works on
frozen LLMs, requiring no training or architectural modifications, and it
preserves the target distribution. Prior studies on SI have demonstrated
empirical speedups (compared to non-SI) but require fast and accurate drafters,
which are often unavailable in practice. We identify a gap where SI can be
slower than non-SI given slower or less accurate drafters. We close this gap by
proving that DSI is faster than both SI and non-SI--given any drafters. DSI
introduces a novel type of task parallelism called Speculation Parallelism
(SP), which orchestrates target and drafter instances to overlap in time,
creating a new foundational tradeoff between computational resources and
latency. DSI is not only faster than SI but also supports LLMs that cannot be
accelerated with SI. Our simulations show speedups of off-the-shelf LLMs in
realistic single-node settings where DSI is 1.29-1.92x faster than SI. | null | cs.DC | [
"cs.DC",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2403.12963 | HF | FouriScale: A Frequency Perspective on Training-Free High-Resolution Image Synthesis | [
"Linjiang Huang",
"Rongyao Fang",
"Aiping Zhang",
"Guanglu Song",
"Si Liu",
"Yu Liu",
"Hongsheng Li"
] | 2024-03-19 | In this study, we delve into the generation of high-resolution images from
pre-trained diffusion models, addressing persistent challenges, such as
repetitive patterns and structural distortions, that emerge when models are
applied beyond their trained resolutions. To address this issue, we introduce
an innovative, training-free approach FouriScale from the perspective of
frequency domain analysis. We replace the original convolutional layers in
pre-trained diffusion models by incorporating a dilation technique along with a
low-pass operation, intending to achieve structural consistency and scale
consistency across resolutions, respectively. Further enhanced by a
padding-then-crop strategy, our method can flexibly handle text-to-image
generation of various aspect ratios. By using the FouriScale as guidance, our
method successfully balances the structural integrity and fidelity of generated
images, achieving an astonishing capacity of arbitrary-size, high-resolution,
and high-quality generation. With its simplicity and compatibility, our method
can provide valuable insights for future explorations into the synthesis of
ultra-high-resolution images. The code will be released at
https://github.com/LeonHLJ/FouriScale. | null | cs.CV | [
"cs.CV"
] |
2406.20095 | HF | LLaRA: Supercharging Robot Learning Data for Vision-Language Policy | [
"Xiang Li",
"Cristina Mata",
"Jongwoo Park",
"Kumara Kahatapitiya",
"Yoo Sung Jang",
"Jinghuan Shang",
"Kanchana Ranasinghe",
"Ryan Burgert",
"Mu Cai",
"Yong Jae Lee",
"Michael S. Ryoo"
] | 2024-06-28 | Large Language Models (LLMs) equipped with extensive world knowledge and
strong reasoning skills can tackle diverse tasks across domains, often by
posing them as conversation-style instruction-response pairs. In this paper, we
propose LLaRA: Large Language and Robotics Assistant, a framework which
formulates robot action policy as conversations, and provides improved
responses when trained with auxiliary data that complements policy learning.
LLMs with visual inputs, i.e., Vision Language Models (VLMs), have the capacity
to process state information as visual-textual prompts and generate optimal
policy decisions in text. To train such action policy VLMs, we first introduce
an automated pipeline to generate diverse high-quality robotics instruction
data from existing behavior cloning data. A VLM finetuned with the resulting
collection of datasets based on a conversation-style formulation tailored for
robotics tasks, can generate meaningful robot action policy decisions. Our
experiments across multiple simulated and real-world environments demonstrate
the state-of-the-art performance of the proposed LLaRA framework. The code,
datasets, and pretrained models are available at
https://github.com/LostXine/LLaRA. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CL",
"cs.CV",
"cs.LG"
] |
2306.00238 | HF | Bytes Are All You Need: Transformers Operating Directly On File Bytes | [
"Maxwell Horton",
"Sachin Mehta",
"Ali Farhadi",
"Mohammad Rastegari"
] | 2023-05-31 | Modern deep learning approaches usually utilize modality-specific processing.
For example, the most common deep learning approach to image classification
involves decoding image file bytes into an RGB tensor which is passed into a
neural network. Instead, we investigate modality-independent representation
learning by performing classification directly on file bytes, without the need
for decoding files at inference time. This enables models to operate on various
modalities without any hand-designed, modality-specific processing. Our model,
ByteFormer, improves ImageNet Top-1 classification accuracy by $5\%$ (from
$72.2\%$ to $77.33\%$) relative to DeIT models of similar size. Compared to
Perceiver IO, our model requires absolutely no modality-specific processing at
inference time, and uses an order of magnitude fewer parameters at equivalent
accuracy on ImageNet. We demonstrate that the same ByteFormer architecture can
perform audio classification without modifications or modality-specific
preprocessing. We achieve $95.42\%$ classification accuracy on the Speech
Commands V2 dataset (comparable to the state-of-the-art accuracy of $98.7\%$).
Additionally, we demonstrate that ByteFormer can operate jointly on images and
audio, handling joint classification without explicit knowledge of the input
modality. We release our code at
https://github.com/apple/corenet/tree/main/projects/byteformer. | null | cs.CV | [
"cs.CV"
] |
2402.00769 | HF | AnimateLCM: Accelerating the Animation of Personalized Diffusion Models and Adapters with Decoupled Consistency Learning | [
"Fu-Yun Wang",
"Zhaoyang Huang",
"Xiaoyu Shi",
"Weikang Bian",
"Guanglu Song",
"Yu Liu",
"Hongsheng Li"
] | 2024-02-01 | Video diffusion models has been gaining increasing attention for its ability
to produce videos that are both coherent and of high fidelity. However, the
iterative denoising process makes it computationally intensive and
time-consuming, thus limiting its applications. Inspired by the Consistency
Model (CM) that distills pretrained image diffusion models to accelerate the
sampling with minimal steps and its successful extension Latent Consistency
Model (LCM) on conditional image generation, we propose AnimateLCM, allowing
for high-fidelity video generation within minimal steps. Instead of directly
conducting consistency learning on the raw video dataset, we propose a
decoupled consistency learning strategy that decouples the distillation of
image generation priors and motion generation priors, which improves the
training efficiency and enhance the generation visual quality. Additionally, to
enable the combination of plug-and-play adapters in stable diffusion community
to achieve various functions (e.g., ControlNet for controllable generation). we
propose an efficient strategy to adapt existing adapters to our distilled
text-conditioned video consistency model or train adapters from scratch without
harming the sampling speed. We validate the proposed strategy in
image-conditioned video generation and layout-conditioned video generation, all
achieving top-performing results. Experimental results validate the
effectiveness of our proposed method. Code and weights will be made public.
More details are available at https://github.com/G-U-N/AnimateLCM. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2306.02519 | AnswerAI | Transformative AGI by 2043 is <1% likely | [
"Ari Allyn-Feuer",
"Ted Sanders"
] | 2023-06-05 | This paper is a submission to the Open Philanthropy AI Worldviews Contest. In
it, we estimate the likelihood of transformative artificial general
intelligence (AGI) by 2043 and find it to be <1%.
Specifically, we argue:
The bar is high: AGI as defined by the contest - something like AI that can
perform nearly all valuable tasks at human cost or less - which we will call
transformative AGI is a much higher bar than merely massive progress in AI, or
even the unambiguous attainment of expensive superhuman AGI or cheap but uneven
AGI.
Many steps are needed: The probability of transformative AGI by 2043 can be
decomposed as the joint probability of a number of necessary steps, which we
group into categories of software, hardware, and sociopolitical factors.
No step is guaranteed: For each step, we estimate a probability of success by
2043, conditional on prior steps being achieved. Many steps are quite
constrained by the short timeline, and our estimates range from 16% to 95%.
Therefore, the odds are low: Multiplying the cascading conditional
probabilities together, we estimate that transformative AGI by 2043 is 0.4%
likely. Reaching >10% seems to require probabilities that feel unreasonably
high, and even 3% seems unlikely.
Thoughtfully applying the cascading conditional probability approach to this
question yields lower probability values than is often supposed. This framework
helps enumerate the many future scenarios where humanity makes partial but
incomplete progress toward transformative AGI. | null | cs.AI | [
"cs.AI",
"I.2.0"
] |
2311.09217 | HF | DMV3D: Denoising Multi-View Diffusion using 3D Large Reconstruction Model | [
"Yinghao Xu",
"Hao Tan",
"Fujun Luan",
"Sai Bi",
"Peng Wang",
"Jiahao Li",
"Zifan Shi",
"Kalyan Sunkavalli",
"Gordon Wetzstein",
"Zexiang Xu",
"Kai Zhang"
] | 2023-11-15 | We propose \textbf{DMV3D}, a novel 3D generation approach that uses a
transformer-based 3D large reconstruction model to denoise multi-view
diffusion. Our reconstruction model incorporates a triplane NeRF representation
and can denoise noisy multi-view images via NeRF reconstruction and rendering,
achieving single-stage 3D generation in $\sim$30s on single A100 GPU. We train
\textbf{DMV3D} on large-scale multi-view image datasets of highly diverse
objects using only image reconstruction losses, without accessing 3D assets. We
demonstrate state-of-the-art results for the single-image reconstruction
problem where probabilistic modeling of unseen object parts is required for
generating diverse reconstructions with sharp textures. We also show
high-quality text-to-3D generation results outperforming previous 3D diffusion
models. Our project website is at: https://justimyhxu.github.io/projects/dmv3d/ . | null | cs.CV | [
"cs.CV"
] |
2405.00664 | HF | Is Bigger Edit Batch Size Always Better? -- An Empirical Study on Model Editing with Llama-3 | [
"Junsang Yoon",
"Akshat Gupta",
"Gopala Anumanchipalli"
] | 2024-05-01 | This study presents a targeted model editing analysis focused on the latest
large language model, Llama-3. We explore the efficacy of popular model editing
techniques - ROME, MEMIT, and EMMET, which are designed for precise layer
interventions. We identify the most effective layers for targeted edits through
an evaluation that encompasses up to 4096 edits across three distinct
strategies: sequential editing, batch editing, and a hybrid approach we call as
sequential-batch editing. Our findings indicate that increasing edit
batch-sizes may degrade model performance more significantly than using smaller
edit batches sequentially for equal number of edits. With this, we argue that
sequential model editing is an important component for scaling model editing
methods and future research should focus on methods that combine both batched
and sequential editing. This observation suggests a potential limitation in
current model editing methods which push towards bigger edit batch sizes, and
we hope it paves way for future investigations into optimizing batch sizes and
model editing performance. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2212.10449 | AnswerAI | Socratic Pretraining: Question-Driven Pretraining for Controllable Summarization | [
"Artidoro Pagnoni",
"Alexander R. Fabbri",
"Wojciech Kryściński",
"Chien-Sheng Wu"
] | 2022-12-20 | In long document controllable summarization, where labeled data is scarce,
pretrained models struggle to adapt to the task and effectively respond to user
queries. In this paper, we introduce Socratic pretraining, a question-driven,
unsupervised pretraining objective specifically designed to improve
controllability in summarization tasks. By training a model to generate and
answer relevant questions in a given context, Socratic pretraining enables the
model to more effectively adhere to user-provided queries and identify relevant
content to be summarized. We demonstrate the effectiveness of this approach
through extensive experimentation on two summarization domains, short stories
and dialogue, and multiple control strategies: keywords, questions, and factoid
QA pairs. Our pretraining method relies only on unlabeled documents and a
question generation system and outperforms pre-finetuning approaches that use
additional supervised data. Furthermore, our results show that Socratic
pretraining cuts task-specific labeled data requirements in half, is more
faithful to user-provided queries, and achieves state-of-the-art performance on
QMSum and SQuALITY. | null | cs.CL | [
"cs.CL"
] |
2206.05802 | AnswerAI | Self-critiquing models for assisting human evaluators | [
"William Saunders",
"Catherine Yeh",
"Jeff Wu",
"Steven Bills",
"Long Ouyang",
"Jonathan Ward",
"Jan Leike"
] | 2022-06-12 | We fine-tune large language models to write natural language critiques
(natural language critical comments) using behavioral cloning. On a topic-based
summarization task, critiques written by our models help humans find flaws in
summaries that they would have otherwise missed. Our models help find naturally
occurring flaws in both model and human written summaries, and intentional
flaws in summaries written by humans to be deliberately misleading. We study
scaling properties of critiquing with both topic-based summarization and
synthetic tasks. Larger models write more helpful critiques, and on most tasks,
are better at self-critiquing, despite having harder-to-critique outputs.
Larger models can also integrate their own self-critiques as feedback, refining
their own summaries into better ones. Finally, we motivate and introduce a
framework for comparing critiquing ability to generation and discrimination
ability. Our measurements suggest that even large models may still have
relevant knowledge they cannot or do not articulate as critiques. These results
are a proof of concept for using AI-assisted human feedback to scale the
supervision of machine learning systems to tasks that are difficult for humans
to evaluate directly. We release our training datasets, as well as samples from
our critique assistance experiments. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.19795 | HF | VolDoGer: LLM-assisted Datasets for Domain Generalization in Vision-Language Tasks | [
"Juhwan Choi",
"Junehyoung Kwon",
"JungMin Yun",
"Seunguk Yu",
"YoungBin Kim"
] | 2024-07-29 | Domain generalizability is a crucial aspect of a deep learning model since it
determines the capability of the model to perform well on data from unseen
domains. However, research on the domain generalizability of deep learning
models for vision-language tasks remains limited, primarily because of the lack
of required datasets. To address these challenges, we propose VolDoGer:
Vision-Language Dataset for Domain Generalization, a dedicated dataset designed
for domain generalization that addresses three vision-language tasks: image
captioning, visual question answering, and visual entailment. We constructed
VolDoGer by extending LLM-based data annotation techniques to vision-language
tasks, thereby alleviating the burden of recruiting human annotators. We
evaluated the domain generalizability of various models, ranging from
fine-tuned models to a recent multimodal large language model, through
VolDoGer. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2408.14837 | HF | Diffusion Models Are Real-Time Game Engines | [
"Dani Valevski",
"Yaniv Leviathan",
"Moab Arar",
"Shlomi Fruchter"
] | 2024-08-27 | We present GameNGen, the first game engine powered entirely by a neural model
that enables real-time interaction with a complex environment over long
trajectories at high quality. GameNGen can interactively simulate the classic
game DOOM at over 20 frames per second on a single TPU. Next frame prediction
achieves a PSNR of 29.4, comparable to lossy JPEG compression. Human raters are
only slightly better than random chance at distinguishing short clips of the
game from clips of the simulation. GameNGen is trained in two phases: (1) an
RL-agent learns to play the game and the training sessions are recorded, and
(2) a diffusion model is trained to produce the next frame, conditioned on the
sequence of past frames and actions. Conditioning augmentations enable stable
auto-regressive generation over long trajectories. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2310.13119 | HF | DreamSpace: Dreaming Your Room Space with Text-Driven Panoramic Texture Propagation | [
"Bangbang Yang",
"Wenqi Dong",
"Lin Ma",
"Wenbo Hu",
"Xiao Liu",
"Zhaopeng Cui",
"Yuewen Ma"
] | 2023-10-19 | Diffusion-based methods have achieved prominent success in generating 2D
media. However, accomplishing similar proficiencies for scene-level mesh
texturing in 3D spatial applications, e.g., XR/VR, remains constrained,
primarily due to the intricate nature of 3D geometry and the necessity for
immersive free-viewpoint rendering. In this paper, we propose a novel indoor
scene texturing framework, which delivers text-driven texture generation with
enchanting details and authentic spatial coherence. The key insight is to first
imagine a stylized 360{\deg} panoramic texture from the central viewpoint of
the scene, and then propagate it to the rest areas with inpainting and
imitating techniques. To ensure meaningful and aligned textures to the scene,
we develop a novel coarse-to-fine panoramic texture generation approach with
dual texture alignment, which both considers the geometry and texture cues of
the captured scenes. To survive from cluttered geometries during texture
propagation, we design a separated strategy, which conducts texture inpainting
in confidential regions and then learns an implicit imitating network to
synthesize textures in occluded and tiny structural areas. Extensive
experiments and the immersive VR application on real-world indoor scenes
demonstrate the high quality of the generated textures and the engaging
experience on VR headsets. Project webpage:
https://ybbbbt.com/publication/dreamspace | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2402.05008 | HF | EfficientViT-SAM: Accelerated Segment Anything Model Without Accuracy Loss | [
"Zhuoyang Zhang",
"Han Cai",
"Song Han"
] | 2024-02-07 | We present EfficientViT-SAM, a new family of accelerated segment anything
models. We retain SAM's lightweight prompt encoder and mask decoder while
replacing the heavy image encoder with EfficientViT. For the training, we begin
with the knowledge distillation from the SAM-ViT-H image encoder to
EfficientViT. Subsequently, we conduct end-to-end training on the SA-1B
dataset. Benefiting from EfficientViT's efficiency and capacity,
EfficientViT-SAM delivers 48.9x measured TensorRT speedup on A100 GPU over
SAM-ViT-H without sacrificing performance. Our code and pre-trained models are
released at https://github.com/mit-han-lab/efficientvit. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2405.06932 | HF | Piccolo2: General Text Embedding with Multi-task Hybrid Loss Training | [
"Junqin Huang",
"Zhongjie Hu",
"Zihao Jing",
"Mengya Gao",
"Yichao Wu"
] | 2024-05-11 | In this report, we introduce Piccolo2, an embedding model that surpasses
other models in the comprehensive evaluation over 6 tasks on CMTEB benchmark,
setting a new state-of-the-art. Piccolo2 primarily leverages an efficient
multi-task hybrid loss training approach, effectively harnessing textual data
and labels from diverse downstream tasks. In addition, Piccolo2 scales up the
embedding dimension and uses MRL training to support more flexible vector
dimensions. The latest information of piccolo models can be accessed via:
https://huggingface.co/sensenova/ | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2303.12712 | AnswerAI | Sparks of Artificial General Intelligence: Early experiments with GPT-4 | [
"Sébastien Bubeck",
"Varun Chandrasekaran",
"Ronen Eldan",
"Johannes Gehrke",
"Eric Horvitz",
"Ece Kamar",
"Peter Lee",
"Yin Tat Lee",
"Yuanzhi Li",
"Scott Lundberg",
"Harsha Nori",
"Hamid Palangi",
"Marco Tulio Ribeiro",
"Yi Zhang"
] | 2023-03-22 | Artificial intelligence (AI) researchers have been developing and refining
large language models (LLMs) that exhibit remarkable capabilities across a
variety of domains and tasks, challenging our understanding of learning and
cognition. The latest model developed by OpenAI, GPT-4, was trained using an
unprecedented scale of compute and data. In this paper, we report on our
investigation of an early version of GPT-4, when it was still in active
development by OpenAI. We contend that (this early version of) GPT-4 is part of
a new cohort of LLMs (along with ChatGPT and Google's PaLM for example) that
exhibit more general intelligence than previous AI models. We discuss the
rising capabilities and implications of these models. We demonstrate that,
beyond its mastery of language, GPT-4 can solve novel and difficult tasks that
span mathematics, coding, vision, medicine, law, psychology and more, without
needing any special prompting. Moreover, in all of these tasks, GPT-4's
performance is strikingly close to human-level performance, and often vastly
surpasses prior models such as ChatGPT. Given the breadth and depth of GPT-4's
capabilities, we believe that it could reasonably be viewed as an early (yet
still incomplete) version of an artificial general intelligence (AGI) system.
In our exploration of GPT-4, we put special emphasis on discovering its
limitations, and we discuss the challenges ahead for advancing towards deeper
and more comprehensive versions of AGI, including the possible need for
pursuing a new paradigm that moves beyond next-word prediction. We conclude
with reflections on societal influences of the recent technological leap and
future research directions. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.11929 | HF | DiLightNet: Fine-grained Lighting Control for Diffusion-based Image Generation | [
"Chong Zeng",
"Yue Dong",
"Pieter Peers",
"Youkang Kong",
"Hongzhi Wu",
"Xin Tong"
] | 2024-02-19 | This paper presents a novel method for exerting fine-grained lighting control
during text-driven diffusion-based image generation. While existing diffusion
models already have the ability to generate images under any lighting
condition, without additional guidance these models tend to correlate image
content and lighting. Moreover, text prompts lack the necessary expressional
power to describe detailed lighting setups. To provide the content creator with
fine-grained control over the lighting during image generation, we augment the
text-prompt with detailed lighting information in the form of radiance hints,
i.e., visualizations of the scene geometry with a homogeneous canonical
material under the target lighting. However, the scene geometry needed to
produce the radiance hints is unknown. Our key observation is that we only need
to guide the diffusion process, hence exact radiance hints are not necessary;
we only need to point the diffusion model in the right direction. Based on this
observation, we introduce a three stage method for controlling the lighting
during image generation. In the first stage, we leverage a standard pretrained
diffusion model to generate a provisional image under uncontrolled lighting.
Next, in the second stage, we resynthesize and refine the foreground object in
the generated image by passing the target lighting to a refined diffusion
model, named DiLightNet, using radiance hints computed on a coarse shape of the
foreground object inferred from the provisional image. To retain the texture
details, we multiply the radiance hints with a neural encoding of the
provisional synthesized image before passing it to DiLightNet. Finally, in the
third stage, we resynthesize the background to be consistent with the lighting
on the foreground object. We demonstrate and validate our lighting controlled
diffusion model on a variety of text prompts and lighting conditions. | 10.1145/3641519.3657396 | cs.CV | [
"cs.CV",
"cs.GR"
] |
2402.03162 | HF | Direct-a-Video: Customized Video Generation with User-Directed Camera Movement and Object Motion | [
"Shiyuan Yang",
"Liang Hou",
"Haibin Huang",
"Chongyang Ma",
"Pengfei Wan",
"Di Zhang",
"Xiaodong Chen",
"Jing Liao"
] | 2024-02-05 | Recent text-to-video diffusion models have achieved impressive progress. In
practice, users often desire the ability to control object motion and camera
movement independently for customized video creation. However, current methods
lack the focus on separately controlling object motion and camera movement in a
decoupled manner, which limits the controllability and flexibility of
text-to-video models. In this paper, we introduce Direct-a-Video, a system that
allows users to independently specify motions for multiple objects as well as
camera's pan and zoom movements, as if directing a video. We propose a simple
yet effective strategy for the decoupled control of object motion and camera
movement. Object motion is controlled through spatial cross-attention
modulation using the model's inherent priors, requiring no additional
optimization. For camera movement, we introduce new temporal cross-attention
layers to interpret quantitative camera movement parameters. We further employ
an augmentation-based approach to train these layers in a self-supervised
manner on a small-scale dataset, eliminating the need for explicit motion
annotation. Both components operate independently, allowing individual or
combined control, and can generalize to open-domain scenarios. Extensive
experiments demonstrate the superiority and effectiveness of our method.
Project page and code are available at https://direct-a-video.github.io/. | 10.1145/3641519.3657481 | cs.CV | [
"cs.CV"
] |
2303.16434 | AnswerAI | TaskMatrix.AI: Completing Tasks by Connecting Foundation Models with Millions of APIs | [
"Yaobo Liang",
"Chenfei Wu",
"Ting Song",
"Wenshan Wu",
"Yan Xia",
"Yu Liu",
"Yang Ou",
"Shuai Lu",
"Lei Ji",
"Shaoguang Mao",
"Yun Wang",
"Linjun Shou",
"Ming Gong",
"Nan Duan"
] | 2023-03-29 | Artificial Intelligence (AI) has made incredible progress recently. On the
one hand, advanced foundation models like ChatGPT can offer powerful
conversation, in-context learning and code generation abilities on a broad
range of open-domain tasks. They can also generate high-level solution outlines
for domain-specific tasks based on the common sense knowledge they have
acquired. However, they still face difficulties with some specialized tasks
because they lack enough domain-specific data during pre-training or they often
have errors in their neural network computations on those tasks that need
accurate executions. On the other hand, there are also many existing models and
systems (symbolic-based or neural-based) that can do some domain-specific tasks
very well. However, due to the different implementation or working mechanisms,
they are not easily accessible or compatible with foundation models. Therefore,
there is a clear and pressing need for a mechanism that can leverage foundation
models to propose task solution outlines and then automatically match some of
the sub-tasks in the outlines to the off-the-shelf models and systems with
special functionalities to complete them. Inspired by this, we introduce
TaskMatrix.AI as a new AI ecosystem that connects foundation models with
millions of APIs for task completion. Unlike most previous work that aimed to
improve a single AI model, TaskMatrix.AI focuses more on using existing
foundation models (as a brain-like central system) and APIs of other AI models
and systems (as sub-task solvers) to achieve diversified tasks in both digital
and physical domains. As a position paper, we will present our vision of how to
build such an ecosystem, explain each key component, and use study cases to
illustrate both the feasibility of this vision and the main challenges we need
to address next. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2404.09956 | HF | Tango 2: Aligning Diffusion-based Text-to-Audio Generations through Direct Preference Optimization | [
"Navonil Majumder",
"Chia-Yu Hung",
"Deepanway Ghosal",
"Wei-Ning Hsu",
"Rada Mihalcea",
"Soujanya Poria"
] | 2024-04-15 | Generative multimodal content is increasingly prevalent in much of the
content creation arena, as it has the potential to allow artists and media
personnel to create pre-production mockups by quickly bringing their ideas to
life. The generation of audio from text prompts is an important aspect of such
processes in the music and film industry. Many of the recent diffusion-based
text-to-audio models focus on training increasingly sophisticated diffusion
models on a large set of datasets of prompt-audio pairs. These models do not
explicitly focus on the presence of concepts or events and their temporal
ordering in the output audio with respect to the input prompt. Our hypothesis
is focusing on how these aspects of audio generation could improve audio
generation performance in the presence of limited data. As such, in this work,
using an existing text-to-audio model Tango, we synthetically create a
preference dataset where each prompt has a winner audio output and some loser
audio outputs for the diffusion model to learn from. The loser outputs, in
theory, have some concepts from the prompt missing or in an incorrect order. We
fine-tune the publicly available Tango text-to-audio model using diffusion-DPO
(direct preference optimization) loss on our preference dataset and show that
it leads to improved audio output over Tango and AudioLDM2, in terms of both
automatic- and manual-evaluation metrics. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.CL",
"eess.AS"
] |
2408.09015 | AnswerAI | AdaRank: Disagreement Based Module Rank Prediction for Low-rank Adaptation | [
"Yihe Dong"
] | 2024-08-16 | With the rise of language and multimodal models of ever-increasing size,
pretraining a general-purpose foundational model and adapting it to downstream
tasks has become common practice. To this end, adaptation efficiency can be a
critical bottleneck given the large model sizes, hence efficient finetuning
methods such as LoRA have become prevalent. However, LoRA is typically applied
with the same rank across all model layers, despite mounting evidence from
transfer learning literature that during finetuning, later layers diverge more
from pretrained weights. Inspired by the theory and observations around feature
learning and module criticality, we develop a simple model disagreement based
technique to predict the rank of a given module relative to the other modules.
Empirically, AdaRank generalizes notably better on unseen data than using
uniform ranks with the same number of parameters. Compared to prior work,
AdaRank has the unique advantage of leaving the pretraining and adaptation
stages completely intact: no need for any additional objectives or
regularizers, which can hinder adaptation accuracy and performance. Our code is
publicly available at
https://github.com/google-research/google-research/tree/master/adaptive_low_rank. | null | cs.LG | [
"cs.LG"
] |
2312.01279 | HF | TextGenSHAP: Scalable Post-hoc Explanations in Text Generation with Long Documents | [
"James Enouen",
"Hootan Nakhost",
"Sayna Ebrahimi",
"Sercan O Arik",
"Yan Liu",
"Tomas Pfister"
] | 2023-12-03 | Large language models (LLMs) have attracted huge interest in practical
applications given their increasingly accurate responses and coherent reasoning
abilities. Given their nature as black-boxes using complex reasoning processes
on their inputs, it is inevitable that the demand for scalable and faithful
explanations for LLMs' generated content will continue to grow. There have been
major developments in the explainability of neural network models over the past
decade. Among them, post-hoc explainability methods, especially Shapley values,
have proven effective for interpreting deep learning models. However, there are
major challenges in scaling up Shapley values for LLMs, particularly when
dealing with long input contexts containing thousands of tokens and
autoregressively generated output sequences. Furthermore, it is often unclear
how to effectively utilize generated explanations to improve the performance of
LLMs. In this paper, we introduce TextGenSHAP, an efficient post-hoc
explanation method incorporating LM-specific techniques. We demonstrate that
this leads to significant increases in speed compared to conventional Shapley
value computations, reducing processing times from hours to minutes for
token-level explanations, and to just seconds for document-level explanations.
In addition, we demonstrate how real-time Shapley values can be utilized in two
important scenarios, providing better understanding of long-document question
answering by localizing important words and sentences; and improving existing
document retrieval systems through enhancing the accuracy of selected passages
and ultimately the final responses. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.07214 | HF | MMG-Ego4D: Multi-Modal Generalization in Egocentric Action Recognition | [
"Xinyu Gong",
"Sreyas Mohan",
"Naina Dhingra",
"Jean-Charles Bazin",
"Yilei Li",
"Zhangyang Wang",
"Rakesh Ranjan"
] | 2023-05-12 | In this paper, we study a novel problem in egocentric action recognition,
which we term as "Multimodal Generalization" (MMG). MMG aims to study how
systems can generalize when data from certain modalities is limited or even
completely missing. We thoroughly investigate MMG in the context of standard
supervised action recognition and the more challenging few-shot setting for
learning new action categories. MMG consists of two novel scenarios, designed
to support security, and efficiency considerations in real-world applications:
(1) missing modality generalization where some modalities that were present
during the train time are missing during the inference time, and (2)
cross-modal zero-shot generalization, where the modalities present during the
inference time and the training time are disjoint. To enable this
investigation, we construct a new dataset MMG-Ego4D containing data points with
video, audio, and inertial motion sensor (IMU) modalities. Our dataset is
derived from Ego4D dataset, but processed and thoroughly re-annotated by human
experts to facilitate research in the MMG problem. We evaluate a diverse array
of models on MMG-Ego4D and propose new methods with improved generalization
ability. In particular, we introduce a new fusion module with modality dropout
training, contrastive-based alignment training, and a novel cross-modal
prototypical loss for better few-shot performance. We hope this study will
serve as a benchmark and guide future research in multimodal generalization
problems. The benchmark and code will be available at
https://github.com/facebookresearch/MMG_Ego4D. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.08855 | HF | GhostWriter: Augmenting Collaborative Human-AI Writing Experiences Through Personalization and Agency | [
"Catherine Yeh",
"Gonzalo Ramos",
"Rachel Ng",
"Andy Huntington",
"Richard Banks"
] | 2024-02-13 | Large language models (LLMs) are becoming more prevalent and have found a
ubiquitous use in providing different forms of writing assistance. However,
LLM-powered writing systems can frustrate users due to their limited
personalization and control, which can be exacerbated when users lack
experience with prompt engineering. We see design as one way to address these
challenges and introduce GhostWriter, an AI-enhanced writing design probe where
users can exercise enhanced agency and personalization. GhostWriter leverages
LLMs to learn the user's intended writing style implicitly as they write, while
allowing explicit teaching moments through manual style edits and annotations.
We study 18 participants who use GhostWriter on two different writing tasks,
observing that it helps users craft personalized text generations and empowers
them by providing multiple ways to control the system's writing style. From
this study, we present insights regarding people's relationship with
AI-assisted writing and offer design recommendations for future work. | null | cs.HC | [
"cs.HC",
"cs.AI"
] |
2206.01859 | AnswerAI | Extreme Compression for Pre-trained Transformers Made Simple and Efficient | [
"Xiaoxia Wu",
"Zhewei Yao",
"Minjia Zhang",
"Conglong Li",
"Yuxiong He"
] | 2022-06-04 | Extreme compression, particularly ultra-low bit precision (binary/ternary)
quantization, has been proposed to fit large NLP models on resource-constraint
devices. However, to preserve the accuracy for such aggressive compression
schemes, cutting-edge methods usually introduce complicated compression
pipelines, e.g., multi-stage expensive knowledge distillation with extensive
hyperparameter tuning. Also, they oftentimes focus less on smaller transformer
models that have already been heavily compressed via knowledge distillation and
lack a systematic study to show the effectiveness of their methods. In this
paper, we perform a very comprehensive systematic study to measure the impact
of many key hyperparameters and training strategies from previous works. As a
result, we find out that previous baselines for ultra-low bit precision
quantization are significantly under-trained. Based on our study, we propose a
simple yet effective compression pipeline for extreme compression, named XTC.
XTC demonstrates that (1) we can skip the pre-training knowledge distillation
to obtain a 5-layer BERT while achieving better performance than previous
state-of-the-art methods, e.g., the 6-layer TinyBERT; (2) extreme quantization
plus layer reduction is able to reduce the model size by 50x, resulting in new
state-of-the-art results on GLUE tasks. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.18295 | HF | RAPHAEL: Text-to-Image Generation via Large Mixture of Diffusion Paths | [
"Zeyue Xue",
"Guanglu Song",
"Qiushan Guo",
"Boxiao Liu",
"Zhuofan Zong",
"Yu Liu",
"Ping Luo"
] | 2023-05-29 | Text-to-image generation has recently witnessed remarkable achievements. We
introduce a text-conditional image diffusion model, termed RAPHAEL, to generate
highly artistic images, which accurately portray the text prompts, encompassing
multiple nouns, adjectives, and verbs. This is achieved by stacking tens of
mixture-of-experts (MoEs) layers, i.e., space-MoE and time-MoE layers, enabling
billions of diffusion paths (routes) from the network input to the output. Each
path intuitively functions as a "painter" for depicting a particular textual
concept onto a specified image region at a diffusion timestep. Comprehensive
experiments reveal that RAPHAEL outperforms recent cutting-edge models, such as
Stable Diffusion, ERNIE-ViLG 2.0, DeepFloyd, and DALL-E 2, in terms of both
image quality and aesthetic appeal. Firstly, RAPHAEL exhibits superior
performance in switching images across diverse styles, such as Japanese comics,
realism, cyberpunk, and ink illustration. Secondly, a single model with three
billion parameters, trained on 1,000 A100 GPUs for two months, achieves a
state-of-the-art zero-shot FID score of 6.61 on the COCO dataset. Furthermore,
RAPHAEL significantly surpasses its counterparts in human evaluation on the
ViLG-300 benchmark. We believe that RAPHAEL holds the potential to propel the
frontiers of image generation research in both academia and industry, paving
the way for future breakthroughs in this rapidly evolving field. More details
can be found on a webpage: https://raphael-painter.github.io/. | null | cs.CV | [
"cs.CV"
] |
2310.16656 | HF | A Picture is Worth a Thousand Words: Principled Recaptioning Improves Image Generation | [
"Eyal Segalis",
"Dani Valevski",
"Danny Lumen",
"Yossi Matias",
"Yaniv Leviathan"
] | 2023-10-25 | Text-to-image diffusion models achieved a remarkable leap in capabilities
over the last few years, enabling high-quality and diverse synthesis of images
from a textual prompt. However, even the most advanced models often struggle to
precisely follow all of the directions in their prompts. The vast majority of
these models are trained on datasets consisting of (image, caption) pairs where
the images often come from the web, and the captions are their HTML alternate
text. A notable example is the LAION dataset, used by Stable Diffusion and
other models. In this work we observe that these captions are often of low
quality, and argue that this significantly affects the model's capability to
understand nuanced semantics in the textual prompts. We show that by relabeling
the corpus with a specialized automatic captioning model and training a
text-to-image model on the recaptioned dataset, the model benefits
substantially across the board. First, in overall image quality: e.g. FID 14.84
vs. the baseline of 17.87, and 64.3% improvement in faithful image generation
according to human evaluation. Second, in semantic alignment, e.g. semantic
object accuracy 84.34 vs. 78.90, counting alignment errors 1.32 vs. 1.44 and
positional alignment 62.42 vs. 57.60. We analyze various ways to relabel the
corpus and provide evidence that this technique, which we call RECAP, both
reduces the train-inference discrepancy and provides the model with more
information per example, increasing sample efficiency and allowing the model to
better understand the relations between captions and images. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2311.05640 | Both | FinGPT: Large Generative Models for a Small Language | [
"Risto Luukkonen",
"Ville Komulainen",
"Jouni Luoma",
"Anni Eskelinen",
"Jenna Kanerva",
"Hanna-Mari Kupari",
"Filip Ginter",
"Veronika Laippala",
"Niklas Muennighoff",
"Aleksandra Piktus",
"Thomas Wang",
"Nouamane Tazi",
"Teven Le Scao",
"Thomas Wolf",
"Osma Suominen",
"Samuli Sairanen",
"Mikko Merioksa",
"Jyrki Heinonen",
"Aija Vahtola",
"Samuel Antao",
"Sampo Pyysalo"
] | 2023-11-03 | Large language models (LLMs) excel in many tasks in NLP and beyond, but most
open models have very limited coverage of smaller languages and LLM work tends
to focus on languages where nearly unlimited data is available for pretraining.
In this work, we study the challenges of creating LLMs for Finnish, a language
spoken by less than 0.1% of the world population. We compile an extensive
dataset of Finnish combining web crawls, news, social media and eBooks. We
pursue two approaches to pretrain models: 1) we train seven monolingual models
from scratch (186M to 13B parameters) dubbed FinGPT, 2) we continue the
pretraining of the multilingual BLOOM model on a mix of its original training
data and Finnish, resulting in a 176 billion parameter model we call BLUUMI.
For model evaluation, we introduce FIN-bench, a version of BIG-bench with
Finnish tasks. We also assess other model qualities such as toxicity and bias.
Our models and tools are openly available at https://turkunlp.org/gpt3-finnish. | null | cs.CL | [
"cs.CL"
] |
1804.07612 | AnswerAI | Revisiting Small Batch Training for Deep Neural Networks | [
"Dominic Masters",
"Carlo Luschi"
] | 2018-04-20 | Modern deep neural network training is typically based on mini-batch
stochastic gradient optimization. While the use of large mini-batches increases
the available computational parallelism, small batch training has been shown to
provide improved generalization performance and allows a significantly smaller
memory footprint, which might also be exploited to improve machine throughput.
In this paper, we review common assumptions on learning rate scaling and
training duration, as a basis for an experimental comparison of test
performance for different mini-batch sizes. We adopt a learning rate that
corresponds to a constant average weight update per gradient calculation (i.e.,
per unit cost of computation), and point out that this results in a variance of
the weight updates that increases linearly with the mini-batch size $m$.
The collected experimental results for the CIFAR-10, CIFAR-100 and ImageNet
datasets show that increasing the mini-batch size progressively reduces the
range of learning rates that provide stable convergence and acceptable test
performance. On the other hand, small mini-batch sizes provide more up-to-date
gradient calculations, which yields more stable and reliable training. The best
performance has been consistently obtained for mini-batch sizes between $m = 2$
and $m = 32$, which contrasts with recent work advocating the use of mini-batch
sizes in the thousands. | null | cs.LG | [
"cs.LG",
"cs.CV",
"stat.ML"
] |
2404.05446 | AnswerAI | XL$^2$Bench: A Benchmark for Extremely Long Context Understanding with Long-range Dependencies | [
"Xuanfan Ni",
"Hengyi Cai",
"Xiaochi Wei",
"Shuaiqiang Wang",
"Dawei Yin",
"Piji Li"
] | 2024-04-08 | Large Language Models (LLMs) have demonstrated remarkable performance across
diverse tasks but are constrained by their small context window sizes. Various
efforts have been proposed to expand the context window to accommodate even up
to 200K input tokens. Meanwhile, building high-quality benchmarks with much
longer text lengths and more demanding tasks to provide comprehensive
evaluations is of immense practical interest to facilitate long context
understanding research of LLMs. However, prior benchmarks create datasets that
ostensibly cater to long-text comprehension by expanding the input of
traditional tasks, which falls short to exhibit the unique characteristics of
long-text understanding, including long dependency tasks and longer text length
compatible with modern LLMs' context window size. In this paper, we introduce a
benchmark for extremely long context understanding with long-range
dependencies, XL$^2$Bench, which includes three scenarios: Fiction Reading,
Paper Reading, and Law Reading, and four tasks of increasing complexity: Memory
Retrieval, Detailed Understanding, Overall Understanding, and Open-ended
Generation, covering 27 subtasks in English and Chinese. It has an average
length of 100K+ words (English) and 200K+ characters (Chinese). Evaluating six
leading LLMs on XL$^2$Bench, we find that their performance significantly lags
behind human levels. Moreover, the observed decline in performance across both
the original and enhanced datasets underscores the efficacy of our approach to
mitigating data contamination. | null | cs.CL | [
"cs.CL"
] |
2306.07968 | HF | arXiVeri: Automatic table verification with GPT | [
"Gyungin Shin",
"Weidi Xie",
"Samuel Albanie"
] | 2023-06-13 | Without accurate transcription of numerical data in scientific documents, a
scientist cannot draw accurate conclusions. Unfortunately, the process of
copying numerical data from one paper to another is prone to human error. In
this paper, we propose to meet this challenge through the novel task of
automatic table verification (AutoTV), in which the objective is to verify the
accuracy of numerical data in tables by cross-referencing cited sources. To
support this task, we propose a new benchmark, arXiVeri, which comprises
tabular data drawn from open-access academic papers on arXiv. We introduce
metrics to evaluate the performance of a table verifier in two key areas: (i)
table matching, which aims to identify the source table in a cited document
that corresponds to a target table, and (ii) cell matching, which aims to
locate shared cells between a target and source table and identify their row
and column indices accurately. By leveraging the flexible capabilities of
modern large language models (LLMs), we propose simple baselines for table
verification. Our findings highlight the complexity of this task, even for
state-of-the-art LLMs like OpenAI's GPT-4. The code and benchmark will be made
publicly available. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.07188 | HF | Merging Improves Self-Critique Against Jailbreak Attacks | [
"Victor Gallego"
] | 2024-06-11 | The robustness of large language models (LLMs) against adversarial
manipulations, such as jailbreak attacks, remains a significant challenge. In
this work, we propose an approach that enhances the self-critique capability of
the LLM and further fine-tunes it over sanitized synthetic data. This is done
with the addition of an external critic model that can be merged with the
original, thus bolstering self-critique capabilities and improving the
robustness of the LLMs response to adversarial prompts. Our results demonstrate
that the combination of merging and self-critique can reduce the attack success
rate of adversaries significantly, thus offering a promising defense mechanism
against jailbreak attacks. Code, data and models released at
https://github.com/vicgalle/merging-self-critique-jailbreaks . | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.15496 | HF | ReMamba: Equip Mamba with Effective Long-Sequence Modeling | [
"Danlong Yuan",
"Jiahao Liu",
"Bei Li",
"Huishuai Zhang",
"Jingang Wang",
"Xunliang Cai",
"Dongyan Zhao"
] | 2024-08-28 | While the Mamba architecture demonstrates superior inference efficiency and
competitive performance on short-context natural language processing (NLP)
tasks, empirical evidence suggests its capacity to comprehend long contexts is
limited compared to transformer-based models. In this study, we investigate the
long-context efficiency issues of the Mamba models and propose ReMamba, which
enhances Mamba's ability to comprehend long contexts. ReMamba incorporates
selective compression and adaptation techniques within a two-stage re-forward
process, incurring minimal additional inference costs overhead. Experimental
results on the LongBench and L-Eval benchmarks demonstrate ReMamba's efficacy,
improving over the baselines by 3.2 and 1.6 points, respectively, and attaining
performance almost on par with same-size transformer models. | null | cs.CL | [
"cs.CL"
] |
2407.13244 | HF | PM-LLM-Benchmark: Evaluating Large Language Models on Process Mining Tasks | [
"Alessandro Berti",
"Humam Kourani",
"Wil M. P. van der Aalst"
] | 2024-07-18 | Large Language Models (LLMs) have the potential to semi-automate some process
mining (PM) analyses. While commercial models are already adequate for many
analytics tasks, the competitive level of open-source LLMs in PM tasks is
unknown. In this paper, we propose PM-LLM-Benchmark, the first comprehensive
benchmark for PM focusing on domain knowledge (process-mining-specific and
process-specific) and on different implementation strategies. We focus also on
the challenges in creating such a benchmark, related to the public availability
of the data and on evaluation biases by the LLMs. Overall, we observe that most
of the considered LLMs can perform some process mining tasks at a satisfactory
level, but tiny models that would run on edge devices are still inadequate. We
also conclude that while the proposed benchmark is useful for identifying LLMs
that are adequate for process mining tasks, further research is needed to
overcome the evaluation biases and perform a more thorough ranking of the
competitive LLMs. | null | cs.CL | [
"cs.CL",
"cs.DB"
] |
2305.07004 | HF | Not All Languages Are Created Equal in LLMs: Improving Multilingual Capability by Cross-Lingual-Thought Prompting | [
"Haoyang Huang",
"Tianyi Tang",
"Dongdong Zhang",
"Wayne Xin Zhao",
"Ting Song",
"Yan Xia",
"Furu Wei"
] | 2023-05-11 | Large language models (LLMs) demonstrate impressive multilingual capability,
but their performance varies substantially across different languages. In this
work, we introduce a simple yet effective method, called cross-lingual-thought
prompting (XLT), to systematically improve the multilingual capability of LLMs.
Specifically, XLT is a generic template prompt that stimulates cross-lingual
and logical reasoning skills to enhance task performance across languages. We
conduct comprehensive evaluations on 7 typical benchmarks related to reasoning,
understanding, and generation tasks, covering both high-resource and
low-resource languages. Experimental results show that XLT not only remarkably
enhances the performance of various multilingual tasks but also significantly
reduces the gap between the average performance and the best performance of
each task in different languages. Notably, XLT brings over 10 points of average
improvement in arithmetic reasoning and open-domain question-answering tasks. | null | cs.CL | [
"cs.CL"
] |
2010.12821 | AnswerAI | Rethinking embedding coupling in pre-trained language models | [
"Hyung Won Chung",
"Thibault Févry",
"Henry Tsai",
"Melvin Johnson",
"Sebastian Ruder"
] | 2020-10-24 | We re-evaluate the standard practice of sharing weights between input and
output embeddings in state-of-the-art pre-trained language models. We show that
decoupled embeddings provide increased modeling flexibility, allowing us to
significantly improve the efficiency of parameter allocation in the input
embedding of multilingual models. By reallocating the input embedding
parameters in the Transformer layers, we achieve dramatically better
performance on standard natural language understanding tasks with the same
number of parameters during fine-tuning. We also show that allocating
additional capacity to the output embedding provides benefits to the model that
persist through the fine-tuning stage even though the output embedding is
discarded after pre-training. Our analysis shows that larger output embeddings
prevent the model's last layers from overspecializing to the pre-training task
and encourage Transformer representations to be more general and more
transferable to other tasks and languages. Harnessing these findings, we are
able to train models that achieve strong performance on the XTREME benchmark
without increasing the number of parameters at the fine-tuning stage. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2405.15738 | HF | ConvLLaVA: Hierarchical Backbones as Visual Encoder for Large Multimodal Models | [
"Chunjiang Ge",
"Sijie Cheng",
"Ziming Wang",
"Jiale Yuan",
"Yuan Gao",
"Jun Song",
"Shiji Song",
"Gao Huang",
"Bo Zheng"
] | 2024-05-24 | High-resolution Large Multimodal Models (LMMs) encounter the challenges of
excessive visual tokens and quadratic visual complexity. Current
high-resolution LMMs address the quadratic complexity while still generating
excessive visual tokens. However, the redundancy in visual tokens is the key
problem as it leads to more substantial compute. To mitigate this issue, we
propose ConvLLaVA, which employs ConvNeXt, a hierarchical backbone, as the
visual encoder of LMM to replace Vision Transformer (ViT). ConvLLaVA compresses
high-resolution images into information-rich visual features, effectively
preventing the generation of excessive visual tokens. To enhance the
capabilities of ConvLLaVA, we propose two critical optimizations. Since the
low-resolution pretrained ConvNeXt underperforms when directly applied on high
resolution, we update it to bridge the gap. Moreover, since ConvNeXt's original
compression ratio is inadequate for much higher resolution inputs, we train a
successive stage to further compress the visual tokens, thereby reducing
redundancy. These optimizations enable ConvLLaVA to support inputs of 1536x1536
resolution generating only 576 visual tokens, capable of handling images of
arbitrary aspect ratios. Experimental results demonstrate that our method
achieves competitive performance with state-of-the-art models on mainstream
benchmarks. The ConvLLaVA model series are publicly available at
https://github.com/alibaba/conv-llava. | null | cs.CV | [
"cs.CV"
] |
2402.07939 | HF | UFO: A UI-Focused Agent for Windows OS Interaction | [
"Chaoyun Zhang",
"Liqun Li",
"Shilin He",
"Xu Zhang",
"Bo Qiao",
"Si Qin",
"Minghua Ma",
"Yu Kang",
"Qingwei Lin",
"Saravan Rajmohan",
"Dongmei Zhang",
"Qi Zhang"
] | 2024-02-08 | We introduce UFO, an innovative UI-Focused agent to fulfill user requests
tailored to applications on Windows OS, harnessing the capabilities of
GPT-Vision. UFO employs a dual-agent framework to meticulously observe and
analyze the graphical user interface (GUI) and control information of Windows
applications. This enables the agent to seamlessly navigate and operate within
individual applications and across them to fulfill user requests, even when
spanning multiple applications. The framework incorporates a control
interaction module, facilitating action grounding without human intervention
and enabling fully automated execution. Consequently, UFO transforms arduous
and time-consuming processes into simple tasks achievable solely through
natural language commands. We conducted testing of UFO across 9 popular Windows
applications, encompassing a variety of scenarios reflective of users' daily
usage. The results, derived from both quantitative metrics and real-case
studies, underscore the superior effectiveness of UFO in fulfilling user
requests. To the best of our knowledge, UFO stands as the first UI agent
specifically tailored for task completion within the Windows OS environment.
The open-source code for UFO is available on https://github.com/microsoft/UFO. | null | cs.HC | [
"cs.HC",
"cs.AI",
"cs.CL"
] |
2310.12921 | HF | Vision-Language Models are Zero-Shot Reward Models for Reinforcement Learning | [
"Juan Rocamonde",
"Victoriano Montesinos",
"Elvis Nava",
"Ethan Perez",
"David Lindner"
] | 2023-10-19 | Reinforcement learning (RL) requires either manually specifying a reward
function, which is often infeasible, or learning a reward model from a large
amount of human feedback, which is often very expensive. We study a more
sample-efficient alternative: using pretrained vision-language models (VLMs) as
zero-shot reward models (RMs) to specify tasks via natural language. We propose
a natural and general approach to using VLMs as reward models, which we call
VLM-RMs. We use VLM-RMs based on CLIP to train a MuJoCo humanoid to learn
complex tasks without a manually specified reward function, such as kneeling,
doing the splits, and sitting in a lotus position. For each of these tasks, we
only provide a single sentence text prompt describing the desired task with
minimal prompt engineering. We provide videos of the trained agents at:
https://sites.google.com/view/vlm-rm. We can improve performance by providing a
second "baseline" prompt and projecting out parts of the CLIP embedding space
irrelevant to distinguish between goal and baseline. Further, we find a strong
scaling effect for VLM-RMs: larger VLMs trained with more compute and data are
better reward models. The failure modes of VLM-RMs we encountered are all
related to known capability limitations of current VLMs, such as limited
spatial reasoning ability or visually unrealistic environments that are far
off-distribution for the VLM. We find that VLM-RMs are remarkably robust as
long as the VLM is large enough. This suggests that future VLMs will become
more and more useful reward models for a wide range of RL applications. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2307.08702 | HF | Diffusion Models Beat GANs on Image Classification | [
"Soumik Mukhopadhyay",
"Matthew Gwilliam",
"Vatsal Agarwal",
"Namitha Padmanabhan",
"Archana Swaminathan",
"Srinidhi Hegde",
"Tianyi Zhou",
"Abhinav Shrivastava"
] | 2023-07-17 | While many unsupervised learning models focus on one family of tasks, either
generative or discriminative, we explore the possibility of a unified
representation learner: a model which uses a single pre-training stage to
address both families of tasks simultaneously. We identify diffusion models as
a prime candidate. Diffusion models have risen to prominence as a
state-of-the-art method for image generation, denoising, inpainting,
super-resolution, manipulation, etc. Such models involve training a U-Net to
iteratively predict and remove noise, and the resulting model can synthesize
high fidelity, diverse, novel images. The U-Net architecture, as a
convolution-based architecture, generates a diverse set of feature
representations in the form of intermediate feature maps. We present our
findings that these embeddings are useful beyond the noise prediction task, as
they contain discriminative information and can also be leveraged for
classification. We explore optimal methods for extracting and using these
embeddings for classification tasks, demonstrating promising results on the
ImageNet classification task. We find that with careful feature selection and
pooling, diffusion models outperform comparable generative-discriminative
methods such as BigBiGAN for classification tasks. We investigate diffusion
models in the transfer learning regime, examining their performance on several
fine-grained visual classification datasets. We compare these embeddings to
those generated by competing architectures and pre-trainings for classification
tasks. | null | cs.CV | [
"cs.CV"
] |
2402.17485 | HF | EMO: Emote Portrait Alive -- Generating Expressive Portrait Videos with Audio2Video Diffusion Model under Weak Conditions | [
"Linrui Tian",
"Qi Wang",
"Bang Zhang",
"Liefeng Bo"
] | 2024-02-27 | In this work, we tackle the challenge of enhancing the realism and
expressiveness in talking head video generation by focusing on the dynamic and
nuanced relationship between audio cues and facial movements. We identify the
limitations of traditional techniques that often fail to capture the full
spectrum of human expressions and the uniqueness of individual facial styles.
To address these issues, we propose EMO, a novel framework that utilizes a
direct audio-to-video synthesis approach, bypassing the need for intermediate
3D models or facial landmarks. Our method ensures seamless frame transitions
and consistent identity preservation throughout the video, resulting in highly
expressive and lifelike animations. Experimental results demonsrate that EMO is
able to produce not only convincing speaking videos but also singing videos in
various styles, significantly outperforming existing state-of-the-art
methodologies in terms of expressiveness and realism. | null | cs.CV | [
"cs.CV"
] |
2210.13468 | AnswerAI | Fast and Low-Memory Deep Neural Networks Using Binary Matrix Factorization | [
"Alireza Bordbar",
"Mohammad Hossein Kahaei"
] | 2022-10-24 | Despite the outstanding performance of deep neural networks in different
applications, they are still computationally extensive and require a great
number of memories. This motivates more research on reducing the resources
required for implementing such networks. An efficient approach addressed for
this purpose is matrix factorization, which has been shown to be effective on
different networks. In this paper, we utilize binary matrix factorization and
show its great efficiency in reducing the required number of resources in deep
neural networks. In effect, this technique can lead to the practical
implementation of such networks. | null | cs.LG | [
"cs.LG",
"eess.SP"
] |
2305.13840 | HF | Control-A-Video: Controllable Text-to-Video Diffusion Models with Motion Prior and Reward Feedback Learning | [
"Weifeng Chen",
"Yatai Ji",
"Jie Wu",
"Hefeng Wu",
"Pan Xie",
"Jiashi Li",
"Xin Xia",
"Xuefeng Xiao",
"Liang Lin"
] | 2023-05-23 | Recent advances in text-to-image (T2I) diffusion models have enabled
impressive image generation capabilities guided by text prompts. However,
extending these techniques to video generation remains challenging, with
existing text-to-video (T2V) methods often struggling to produce high-quality
and motion-consistent videos. In this work, we introduce Control-A-Video, a
controllable T2V diffusion model that can generate videos conditioned on text
prompts and reference control maps like edge and depth maps. To tackle video
quality and motion consistency issues, we propose novel strategies to
incorporate content prior and motion prior into the diffusion-based generation
process. Specifically, we employ a first-frame condition scheme to transfer
video generation from the image domain. Additionally, we introduce
residual-based and optical flow-based noise initialization to infuse motion
priors from reference videos, promoting relevance among frame latents for
reduced flickering. Furthermore, we present a Spatio-Temporal Reward Feedback
Learning (ST-ReFL) algorithm that optimizes the video diffusion model using
multiple reward models for video quality and motion consistency, leading to
superior outputs. Comprehensive experiments demonstrate that our framework
generates higher-quality, more consistent videos compared to existing
state-of-the-art methods in controllable text-to-video generation | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.MM"
] |
2312.11462 | HF | Cascade Speculative Drafting for Even Faster LLM Inference | [
"Ziyi Chen",
"Xiaocong Yang",
"Jiacheng Lin",
"Chenkai Sun",
"Kevin Chen-Chuan Chang",
"Jie Huang"
] | 2023-12-18 | Introduced to enhance the efficiency of large language model (LLM) inference,
speculative decoding operates by having a smaller model generate a draft. A
larger target model then reviews this draft to align with its output, and any
acceptance by the target model results in a reduction of the number of the
target model runs, ultimately improving efficiency. However, the drafting
process in speculative decoding includes slow autoregressive generation and
allocates equal time to generating tokens, irrespective of their importance.
These inefficiencies collectively contribute to the suboptimal performance of
speculative decoding. To further improve LLM inference, we introduce Cascade
Speculative Drafting (CS Drafting), a speculative execution algorithm that
incorporates two types of cascades. The Vertical Cascade eliminates
autoregressive generation from neural models, while the Horizontal Cascade
optimizes time allocation in drafting for improved efficiency. Combining both
cascades, CS Drafting achieves up to an 81 percent additional speedup over
speculative decoding in our experiments, while maintaining the same output
distribution as the target model. Our code is publicly available at
https://github.com/lfsszd/CS-Drafting. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2311.11501 | HF | MultiLoRA: Democratizing LoRA for Better Multi-Task Learning | [
"Yiming Wang",
"Yu Lin",
"Xiaodong Zeng",
"Guannan Zhang"
] | 2023-11-20 | LoRA achieves remarkable resource efficiency and comparable performance when
adapting LLMs for specific tasks. Since ChatGPT demonstrated superior
performance on various tasks, there has been a growing desire to adapt one
model for all tasks. However, the explicit low-rank of LoRA limits the
adaptation performance in complex multi-task scenarios. LoRA is dominated by a
small number of top singular vectors while fine-tuning decomposes into a set of
less important unitary transforms. In this paper, we propose MultiLoRA for
better multi-task adaptation by reducing the dominance of top singular vectors
observed in LoRA. MultiLoRA scales LoRA modules horizontally and change
parameter initialization of adaptation matrices to reduce parameter dependency,
thus yields more balanced unitary subspaces. We unprecedentedly construct
specialized training data by mixing datasets of instruction follow, natural
language understanding, world knowledge, to cover semantically and
syntactically different samples. With only 2.5% of additional parameters,
MultiLoRA outperforms single LoRA counterparts and fine-tuning on multiple
benchmarks and model scales. Further investigation into weight update matrices
of MultiLoRA exhibits reduced dependency on top singular vectors and more
democratic unitary transform contributions. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2311.03285 | Both | S-LoRA: Serving Thousands of Concurrent LoRA Adapters | [
"Ying Sheng",
"Shiyi Cao",
"Dacheng Li",
"Coleman Hooper",
"Nicholas Lee",
"Shuo Yang",
"Christopher Chou",
"Banghua Zhu",
"Lianmin Zheng",
"Kurt Keutzer",
"Joseph E. Gonzalez",
"Ion Stoica"
] | 2023-11-06 | The "pretrain-then-finetune" paradigm is commonly adopted in the deployment
of large language models. Low-Rank Adaptation (LoRA), a parameter-efficient
fine-tuning method, is often employed to adapt a base model to a multitude of
tasks, resulting in a substantial collection of LoRA adapters derived from one
base model. We observe that this paradigm presents significant opportunities
for batched inference during serving. To capitalize on these opportunities, we
present S-LoRA, a system designed for the scalable serving of many LoRA
adapters. S-LoRA stores all adapters in the main memory and fetches the
adapters used by the currently running queries to the GPU memory. To
efficiently use the GPU memory and reduce fragmentation, S-LoRA proposes
Unified Paging. Unified Paging uses a unified memory pool to manage dynamic
adapter weights with different ranks and KV cache tensors with varying sequence
lengths. Additionally, S-LoRA employs a novel tensor parallelism strategy and
highly optimized custom CUDA kernels for heterogeneous batching of LoRA
computation. Collectively, these features enable S-LoRA to serve thousands of
LoRA adapters on a single GPU or across multiple GPUs with a small overhead.
Compared to state-of-the-art libraries such as HuggingFace PEFT and vLLM (with
naive support of LoRA serving), S-LoRA can improve the throughput by up to 4
times and increase the number of served adapters by several orders of
magnitude. As a result, S-LoRA enables scalable serving of many task-specific
fine-tuned models and offers the potential for large-scale customized
fine-tuning services. The code is available at https://github.com/S-LoRA/S-LoRA | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.DC"
] |
2309.10537 | HF | FoleyGen: Visually-Guided Audio Generation | [
"Xinhao Mei",
"Varun Nagaraja",
"Gael Le Lan",
"Zhaoheng Ni",
"Ernie Chang",
"Yangyang Shi",
"Vikas Chandra"
] | 2023-09-19 | Recent advancements in audio generation have been spurred by the evolution of
large-scale deep learning models and expansive datasets. However, the task of
video-to-audio (V2A) generation continues to be a challenge, principally
because of the intricate relationship between the high-dimensional visual and
auditory data, and the challenges associated with temporal synchronization. In
this study, we introduce FoleyGen, an open-domain V2A generation system built
on a language modeling paradigm. FoleyGen leverages an off-the-shelf neural
audio codec for bidirectional conversion between waveforms and discrete tokens.
The generation of audio tokens is facilitated by a single Transformer model,
which is conditioned on visual features extracted from a visual encoder. A
prevalent problem in V2A generation is the misalignment of generated audio with
the visible actions in the video. To address this, we explore three novel
visual attention mechanisms. We further undertake an exhaustive evaluation of
multiple visual encoders, each pretrained on either single-modal or multi-modal
tasks. The experimental results on VGGSound dataset show that our proposed
FoleyGen outperforms previous systems across all objective metrics and human
evaluations. | null | eess.AS | [
"eess.AS",
"cs.MM",
"cs.SD"
] |
2303.11366 | AnswerAI | Reflexion: Language Agents with Verbal Reinforcement Learning | [
"Noah Shinn",
"Federico Cassano",
"Edward Berman",
"Ashwin Gopinath",
"Karthik Narasimhan",
"Shunyu Yao"
] | 2023-03-20 | Large language models (LLMs) have been increasingly used to interact with
external environments (e.g., games, compilers, APIs) as goal-driven agents.
However, it remains challenging for these language agents to quickly and
efficiently learn from trial-and-error as traditional reinforcement learning
methods require extensive training samples and expensive model fine-tuning. We
propose Reflexion, a novel framework to reinforce language agents not by
updating weights, but instead through linguistic feedback. Concretely,
Reflexion agents verbally reflect on task feedback signals, then maintain their
own reflective text in an episodic memory buffer to induce better
decision-making in subsequent trials. Reflexion is flexible enough to
incorporate various types (scalar values or free-form language) and sources
(external or internally simulated) of feedback signals, and obtains significant
improvements over a baseline agent across diverse tasks (sequential
decision-making, coding, language reasoning). For example, Reflexion achieves a
91% pass@1 accuracy on the HumanEval coding benchmark, surpassing the previous
state-of-the-art GPT-4 that achieves 80%. We also conduct ablation and analysis
studies using different feedback signals, feedback incorporation methods, and
agent types, and provide insights into how they affect performance. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2303.08896 | AnswerAI | SelfCheckGPT: Zero-Resource Black-Box Hallucination Detection for Generative Large Language Models | [
"Potsawee Manakul",
"Adian Liusie",
"Mark J. F. Gales"
] | 2023-03-15 | Generative Large Language Models (LLMs) such as GPT-3 are capable of
generating highly fluent responses to a wide variety of user prompts. However,
LLMs are known to hallucinate facts and make non-factual statements which can
undermine trust in their output. Existing fact-checking approaches either
require access to the output probability distribution (which may not be
available for systems such as ChatGPT) or external databases that are
interfaced via separate, often complex, modules. In this work, we propose
"SelfCheckGPT", a simple sampling-based approach that can be used to fact-check
the responses of black-box models in a zero-resource fashion, i.e. without an
external database. SelfCheckGPT leverages the simple idea that if an LLM has
knowledge of a given concept, sampled responses are likely to be similar and
contain consistent facts. However, for hallucinated facts, stochastically
sampled responses are likely to diverge and contradict one another. We
investigate this approach by using GPT-3 to generate passages about individuals
from the WikiBio dataset, and manually annotate the factuality of the generated
passages. We demonstrate that SelfCheckGPT can: i) detect non-factual and
factual sentences; and ii) rank passages in terms of factuality. We compare our
approach to several baselines and show that our approach has considerably
higher AUC-PR scores in sentence-level hallucination detection and higher
correlation scores in passage-level factuality assessment compared to grey-box
methods. | null | cs.CL | [
"cs.CL"
] |
2312.16145 | HF | One-Dimensional Adapter to Rule Them All: Concepts, Diffusion Models and Erasing Applications | [
"Mengyao Lyu",
"Yuhong Yang",
"Haiwen Hong",
"Hui Chen",
"Xuan Jin",
"Yuan He",
"Hui Xue",
"Jungong Han",
"Guiguang Ding"
] | 2023-12-26 | The prevalent use of commercial and open-source diffusion models (DMs) for
text-to-image generation prompts risk mitigation to prevent undesired
behaviors. Existing concept erasing methods in academia are all based on full
parameter or specification-based fine-tuning, from which we observe the
following issues: 1) Generation alternation towards erosion: Parameter drift
during target elimination causes alternations and potential deformations across
all generations, even eroding other concepts at varying degrees, which is more
evident with multi-concept erased; 2) Transfer inability & deployment
inefficiency: Previous model-specific erasure impedes the flexible combination
of concepts and the training-free transfer towards other models, resulting in
linear cost growth as the deployment scenarios increase. To achieve
non-invasive, precise, customizable, and transferable elimination, we ground
our erasing framework on one-dimensional adapters to erase multiple concepts
from most DMs at once across versatile erasing applications. The
concept-SemiPermeable structure is injected as a Membrane (SPM) into any DM to
learn targeted erasing, and meantime the alteration and erosion phenomenon is
effectively mitigated via a novel Latent Anchoring fine-tuning strategy. Once
obtained, SPMs can be flexibly combined and plug-and-play for other DMs without
specific re-tuning, enabling timely and efficient adaptation to diverse
scenarios. During generation, our Facilitated Transport mechanism dynamically
regulates the permeability of each SPM to respond to different input prompts,
further minimizing the impact on other concepts. Quantitative and qualitative
results across ~40 concepts, 7 DMs and 4 erasing applications have demonstrated
the superior erasing of SPM. Our code and pre-tuned SPMs are available on the
project page https://lyumengyao.github.io/projects/spm. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2309.04827 | HF | Neurons in Large Language Models: Dead, N-gram, Positional | [
"Elena Voita",
"Javier Ferrando",
"Christoforos Nalmpantis"
] | 2023-09-09 | We analyze a family of large language models in such a lightweight manner
that can be done on a single GPU. Specifically, we focus on the OPT family of
models ranging from 125m to 66b parameters and rely only on whether an FFN
neuron is activated or not. First, we find that the early part of the network
is sparse and represents many discrete features. Here, many neurons (more than
70% in some layers of the 66b model) are "dead", i.e. they never activate on a
large collection of diverse data. At the same time, many of the alive neurons
are reserved for discrete features and act as token and n-gram detectors.
Interestingly, their corresponding FFN updates not only promote next token
candidates as could be expected, but also explicitly focus on removing the
information about triggering them tokens, i.e., current input. To the best of
our knowledge, this is the first example of mechanisms specialized at removing
(rather than adding) information from the residual stream. With scale, models
become more sparse in a sense that they have more dead neurons and token
detectors. Finally, some neurons are positional: them being activated or not
depends largely (or solely) on position and less so (or not at all) on textual
data. We find that smaller models have sets of neurons acting as position range
indicators while larger models operate in a less explicit manner. | null | cs.CL | [
"cs.CL"
] |
2305.14699 | AnswerAI | Can Transformers Learn to Solve Problems Recursively? | [
"Shizhuo Dylan Zhang",
"Curt Tigges",
"Stella Biderman",
"Maxim Raginsky",
"Talia Ringer"
] | 2023-05-24 | Neural networks have in recent years shown promise for helping software
engineers write programs and even formally verify them. While semantic
information plays a crucial part in these processes, it remains unclear to what
degree popular neural architectures like transformers are capable of modeling
that information. This paper examines the behavior of neural networks learning
algorithms relevant to programs and formal verification proofs through the lens
of mechanistic interpretability, focusing in particular on structural
recursion. Structural recursion is at the heart of tasks on which symbolic
tools currently outperform neural models, like inferring semantic relations
between datatypes and emulating program behavior. We evaluate the ability of
transformer models to learn to emulate the behavior of structurally recursive
functions from input-output examples. Our evaluation includes empirical and
conceptual analyses of the limitations and capabilities of transformer models
in approximating these functions, as well as reconstructions of the ``shortcut"
algorithms the model learns. By reconstructing these algorithms, we are able to
correctly predict 91 percent of failure cases for one of the approximated
functions. Our work provides a new foundation for understanding the behavior of
neural networks that fail to solve the very tasks they are trained for. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.LO",
"cs.PL"
] |
Subsets and Splits