arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2308.08998 | AnswerAI | Reinforced Self-Training (ReST) for Language Modeling | [
"Caglar Gulcehre",
"Tom Le Paine",
"Srivatsan Srinivasan",
"Ksenia Konyushkova",
"Lotte Weerts",
"Abhishek Sharma",
"Aditya Siddhant",
"Alex Ahern",
"Miaosen Wang",
"Chenjie Gu",
"Wolfgang Macherey",
"Arnaud Doucet",
"Orhan Firat",
"Nando de Freitas"
] | 2023-08-17 | Reinforcement learning from human feedback (RLHF) can improve the quality of
large language model's (LLM) outputs by aligning them with human preferences.
We propose a simple algorithm for aligning LLMs with human preferences inspired
by growing batch reinforcement learning (RL), which we call Reinforced
Self-Training (ReST). Given an initial LLM policy, ReST produces a dataset by
generating samples from the policy, which are then used to improve the LLM
policy using offline RL algorithms. ReST is more efficient than typical online
RLHF methods because the training dataset is produced offline, which allows
data reuse. While ReST is a general approach applicable to all generative
learning settings, we focus on its application to machine translation. Our
results show that ReST can substantially improve translation quality, as
measured by automated metrics and human evaluation on machine translation
benchmarks in a compute and sample-efficient manner. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.14561 | HF | NNsight and NDIF: Democratizing Access to Foundation Model Internals | [
"Jaden Fiotto-Kaufman",
"Alexander R Loftus",
"Eric Todd",
"Jannik Brinkmann",
"Caden Juang",
"Koyena Pal",
"Can Rager",
"Aaron Mueller",
"Samuel Marks",
"Arnab Sen Sharma",
"Francesca Lucchetti",
"Michael Ripa",
"Adam Belfki",
"Nikhil Prakash",
"Sumeet Multani",
"Carla Brodley",
"Arjun Guha",
"Jonathan Bell",
"Byron Wallace",
"David Bau"
] | 2024-07-18 | The enormous scale of state-of-the-art foundation models has limited their
accessibility to scientists, because customized experiments at large model
sizes require costly hardware and complex engineering that is impractical for
most researchers. To alleviate these problems, we introduce NNsight, an
open-source Python package with a simple, flexible API that can express
interventions on any PyTorch model by building computation graphs. We also
introduce NDIF, a collaborative research platform providing researchers access
to foundation-scale LLMs via the NNsight API. Code, documentation, and
tutorials are available at https://www.nnsight.net. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2011.09860 | AnswerAI | Neural Abstract Reasoner | [
"Victor Kolev",
"Bogdan Georgiev",
"Svetlin Penkov"
] | 2020-11-12 | Abstract reasoning and logic inference are difficult problems for neural
networks, yet essential to their applicability in highly structured domains. In
this work we demonstrate that a well known technique such as spectral
regularization can significantly boost the capabilities of a neural learner. We
introduce the Neural Abstract Reasoner (NAR), a memory augmented architecture
capable of learning and using abstract rules. We show that, when trained with
spectral regularization, NAR achieves $78.8\%$ accuracy on the Abstraction and
Reasoning Corpus, improving performance 4 times over the best known human
hand-crafted symbolic solvers. We provide some intuition for the effects of
spectral regularization in the domain of abstract reasoning based on
theoretical generalization bounds and Solomonoff's theory of inductive
inference. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2402.13577 | HF | BBA: Bi-Modal Behavioral Alignment for Reasoning with Large Vision-Language Models | [
"Xueliang Zhao",
"Xinting Huang",
"Tingchen Fu",
"Qintong Li",
"Shansan Gong",
"Lemao Liu",
"Wei Bi",
"Lingpeng Kong"
] | 2024-02-21 | Multimodal reasoning stands as a pivotal capability for large vision-language
models (LVLMs). The integration with Domain-Specific Languages (DSL), offering
precise visual representations, equips these models with the opportunity to
execute more accurate reasoning in complex and professional domains. However,
the vanilla Chain-of-Thought (CoT) prompting method faces challenges in
effectively leveraging the unique strengths of visual and DSL representations,
primarily due to their differing reasoning mechanisms. Additionally, it often
falls short in addressing critical steps in multi-step reasoning tasks. To
mitigate these challenges, we introduce the \underline{B}i-Modal
\underline{B}ehavioral \underline{A}lignment (BBA) prompting method, designed
to maximize the potential of DSL in augmenting complex multi-modal reasoning
tasks. This method initiates by guiding LVLMs to create separate reasoning
chains for visual and DSL representations. Subsequently, it aligns these chains
by addressing any inconsistencies, thus achieving a cohesive integration of
behaviors from different modalities. Our experiments demonstrate that BBA
substantially improves the performance of GPT-4V(ision) on geometry problem
solving ($28.34\% \to 34.22\%$), chess positional advantage prediction
($42.08\% \to 46.99\%$) and molecular property prediction ($77.47\% \to
83.52\%$). | null | cs.CL | [
"cs.CL"
] |
2407.07726 | Both | PaliGemma: A versatile 3B VLM for transfer | [
"Lucas Beyer",
"Andreas Steiner",
"André Susano Pinto",
"Alexander Kolesnikov",
"Xiao Wang",
"Daniel Salz",
"Maxim Neumann",
"Ibrahim Alabdulmohsin",
"Michael Tschannen",
"Emanuele Bugliarello",
"Thomas Unterthiner",
"Daniel Keysers",
"Skanda Koppula",
"Fangyu Liu",
"Adam Grycner",
"Alexey Gritsenko",
"Neil Houlsby",
"Manoj Kumar",
"Keran Rong",
"Julian Eisenschlos",
"Rishabh Kabra",
"Matthias Bauer",
"Matko Bošnjak",
"Xi Chen",
"Matthias Minderer",
"Paul Voigtlaender",
"Ioana Bica",
"Ivana Balazevic",
"Joan Puigcerver",
"Pinelopi Papalampidi",
"Olivier Henaff",
"Xi Xiong",
"Radu Soricut",
"Jeremiah Harmsen",
"Xiaohua Zhai"
] | 2024-07-10 | PaliGemma is an open Vision-Language Model (VLM) that is based on the
SigLIP-So400m vision encoder and the Gemma-2B language model. It is trained to
be a versatile and broadly knowledgeable base model that is effective to
transfer. It achieves strong performance on a wide variety of open-world tasks.
We evaluate PaliGemma on almost 40 diverse tasks including standard VLM
benchmarks, but also more specialized tasks such as remote-sensing and
segmentation. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2408.11049 | HF | MagicDec: Breaking the Latency-Throughput Tradeoff for Long Context Generation with Speculative Decoding | [
"Jian Chen",
"Vashisth Tiwari",
"Ranajoy Sadhukhan",
"Zhuoming Chen",
"Jinyuan Shi",
"Ian En-Hsu Yen",
"Beidi Chen"
] | 2024-08-20 | Large Language Models (LLMs) have become more prevalent in long-context
applications such as interactive chatbots, document analysis, and agent
workflows, but it is challenging to serve long-context requests with low
latency and high throughput. Speculative decoding (SD) is a widely used
technique to reduce latency without sacrificing performance but the
conventional wisdom suggests that its efficacy is limited to small batch sizes.
In MagicDec, we show that surprisingly SD can achieve speedup even for a high
throughput inference regime for moderate to long sequences. More interestingly,
an intelligent drafting strategy can achieve better speedup with increasing
batch size based on our rigorous analysis. MagicDec first identifies the
bottleneck shifts with increasing batch size and sequence length, and uses
these insights to deploy speculative decoding more effectively for high
throughput inference. Then, it leverages draft models with sparse KV cache to
address the KV bottleneck that scales with both sequence length and batch size.
This finding underscores the broad applicability of speculative decoding in
long-context serving, as it can enhance throughput and reduce latency without
compromising accuracy. For moderate to long sequences, we demonstrate up to 2x
speedup for LLaMA-2-7B-32K and 1.84x speedup for LLaMA-3.1-8B when serving
batch sizes ranging from 32 to 256 on 8 NVIDIA A100 GPUs. The code is available
at https://github.com/Infini-AI-Lab/MagicDec/. | null | cs.CL | [
"cs.CL"
] |
2401.04088 | HF | Mixtral of Experts | [
"Albert Q. Jiang",
"Alexandre Sablayrolles",
"Antoine Roux",
"Arthur Mensch",
"Blanche Savary",
"Chris Bamford",
"Devendra Singh Chaplot",
"Diego de las Casas",
"Emma Bou Hanna",
"Florian Bressand",
"Gianna Lengyel",
"Guillaume Bour",
"Guillaume Lample",
"Lélio Renard Lavaud",
"Lucile Saulnier",
"Marie-Anne Lachaux",
"Pierre Stock",
"Sandeep Subramanian",
"Sophia Yang",
"Szymon Antoniak",
"Teven Le Scao",
"Théophile Gervet",
"Thibaut Lavril",
"Thomas Wang",
"Timothée Lacroix",
"William El Sayed"
] | 2024-01-08 | We introduce Mixtral 8x7B, a Sparse Mixture of Experts (SMoE) language model.
Mixtral has the same architecture as Mistral 7B, with the difference that each
layer is composed of 8 feedforward blocks (i.e. experts). For every token, at
each layer, a router network selects two experts to process the current state
and combine their outputs. Even though each token only sees two experts, the
selected experts can be different at each timestep. As a result, each token has
access to 47B parameters, but only uses 13B active parameters during inference.
Mixtral was trained with a context size of 32k tokens and it outperforms or
matches Llama 2 70B and GPT-3.5 across all evaluated benchmarks. In particular,
Mixtral vastly outperforms Llama 2 70B on mathematics, code generation, and
multilingual benchmarks. We also provide a model fine-tuned to follow
instructions, Mixtral 8x7B - Instruct, that surpasses GPT-3.5 Turbo,
Claude-2.1, Gemini Pro, and Llama 2 70B - chat model on human benchmarks. Both
the base and instruct models are released under the Apache 2.0 license. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2312.02149 | HF | Generative Powers of Ten | [
"Xiaojuan Wang",
"Janne Kontkanen",
"Brian Curless",
"Steve Seitz",
"Ira Kemelmacher",
"Ben Mildenhall",
"Pratul Srinivasan",
"Dor Verbin",
"Aleksander Holynski"
] | 2023-12-04 | We present a method that uses a text-to-image model to generate consistent
content across multiple image scales, enabling extreme semantic zooms into a
scene, e.g., ranging from a wide-angle landscape view of a forest to a macro
shot of an insect sitting on one of the tree branches. We achieve this through
a joint multi-scale diffusion sampling approach that encourages consistency
across different scales while preserving the integrity of each individual
sampling process. Since each generated scale is guided by a different text
prompt, our method enables deeper levels of zoom than traditional
super-resolution methods that may struggle to create new contextual structure
at vastly different scales. We compare our method qualitatively with
alternative techniques in image super-resolution and outpainting, and show that
our method is most effective at generating consistent multi-scale content. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.GR"
] |
2403.05045 | AnswerAI | Are Human Conversations Special? A Large Language Model Perspective | [
"Toshish Jawale",
"Chaitanya Animesh",
"Sekhar Vallath",
"Kartik Talamadupula",
"Larry Heck"
] | 2024-03-08 | This study analyzes changes in the attention mechanisms of large language
models (LLMs) when used to understand natural conversations between humans
(human-human). We analyze three use cases of LLMs: interactions over web
content, code, and mathematical texts. By analyzing attention distance,
dispersion, and interdependency across these domains, we highlight the unique
challenges posed by conversational data. Notably, conversations require nuanced
handling of long-term contextual relationships and exhibit higher complexity
through their attention patterns. Our findings reveal that while language
models exhibit domain-specific attention behaviors, there is a significant gap
in their ability to specialize in human conversations. Through detailed
attention entropy analysis and t-SNE visualizations, we demonstrate the need
for models trained with a diverse array of high-quality conversational data to
enhance understanding and generation of human-like dialogue. This research
highlights the importance of domain specialization in language models and
suggests pathways for future advancement in modeling human conversational
nuances. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2405.11157 | HF | Towards Modular LLMs by Building and Reusing a Library of LoRAs | [
"Oleksiy Ostapenko",
"Zhan Su",
"Edoardo Maria Ponti",
"Laurent Charlin",
"Nicolas Le Roux",
"Matheus Pereira",
"Lucas Caccia",
"Alessandro Sordoni"
] | 2024-05-18 | The growing number of parameter-efficient adaptations of a base large
language model (LLM) calls for studying whether we can reuse such trained
adapters to improve performance for new tasks. We study how to best build a
library of adapters given multi-task data and devise techniques for both
zero-shot and supervised task generalization through routing in such library.
We benchmark existing approaches to build this library and introduce
model-based clustering, MBC, a method that groups tasks based on the similarity
of their adapter parameters, indirectly optimizing for transfer across the
multi-task dataset. To re-use the library, we present a novel zero-shot routing
mechanism, Arrow, which enables dynamic selection of the most relevant adapters
for new inputs without the need for retraining. We experiment with several
LLMs, such as Phi-2 and Mistral, on a wide array of held-out tasks, verifying
that MBC-based adapters and Arrow routing lead to superior generalization to
new tasks. We make steps towards creating modular, adaptable LLMs that can
match or outperform traditional joint training. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2401.13601 | HF | MM-LLMs: Recent Advances in MultiModal Large Language Models | [
"Duzhen Zhang",
"Yahan Yu",
"Jiahua Dong",
"Chenxing Li",
"Dan Su",
"Chenhui Chu",
"Dong Yu"
] | 2024-01-24 | In the past year, MultiModal Large Language Models (MM-LLMs) have undergone
substantial advancements, augmenting off-the-shelf LLMs to support MM inputs or
outputs via cost-effective training strategies. The resulting models not only
preserve the inherent reasoning and decision-making capabilities of LLMs but
also empower a diverse range of MM tasks. In this paper, we provide a
comprehensive survey aimed at facilitating further research of MM-LLMs.
Initially, we outline general design formulations for model architecture and
training pipeline. Subsequently, we introduce a taxonomy encompassing 126
MM-LLMs, each characterized by its specific formulations. Furthermore, we
review the performance of selected MM-LLMs on mainstream benchmarks and
summarize key training recipes to enhance the potency of MM-LLMs. Finally, we
explore promising directions for MM-LLMs while concurrently maintaining a
real-time tracking website for the latest developments in the field. We hope
that this survey contributes to the ongoing advancement of the MM-LLMs domain. | null | cs.CL | [
"cs.CL"
] |
2309.06895 | HF | MagiCapture: High-Resolution Multi-Concept Portrait Customization | [
"Junha Hyung",
"Jaeyo Shin",
"Jaegul Choo"
] | 2023-09-13 | Large-scale text-to-image models including Stable Diffusion are capable of
generating high-fidelity photorealistic portrait images. There is an active
research area dedicated to personalizing these models, aiming to synthesize
specific subjects or styles using provided sets of reference images. However,
despite the plausible results from these personalization methods, they tend to
produce images that often fall short of realism and are not yet on a
commercially viable level. This is particularly noticeable in portrait image
generation, where any unnatural artifact in human faces is easily discernible
due to our inherent human bias. To address this, we introduce MagiCapture, a
personalization method for integrating subject and style concepts to generate
high-resolution portrait images using just a few subject and style references.
For instance, given a handful of random selfies, our fine-tuned model can
generate high-quality portrait images in specific styles, such as passport or
profile photos. The main challenge with this task is the absence of ground
truth for the composed concepts, leading to a reduction in the quality of the
final output and an identity shift of the source subject. To address these
issues, we present a novel Attention Refocusing loss coupled with auxiliary
priors, both of which facilitate robust learning within this weakly supervised
learning setting. Our pipeline also includes additional post-processing steps
to ensure the creation of highly realistic outputs. MagiCapture outperforms
other baselines in both quantitative and qualitative evaluations and can also
be generalized to other non-human objects. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2405.09220 | HF | ALPINE: Unveiling the Planning Capability of Autoregressive Learning in Language Models | [
"Siwei Wang",
"Yifei Shen",
"Shi Feng",
"Haoran Sun",
"Shang-Hua Teng",
"Wei Chen"
] | 2024-05-15 | In this paper, we present the findings of our Project ALPINE which stands for
``Autoregressive Learning for Planning In NEtworks." Project ALPINE initiates a
theoretical investigation into the development of planning capabilities in
Transformer-based language models through their autoregressive learning
mechanisms, aiming to identify any potential limitations in their planning
abilities. We abstract planning as a network path-finding task where the
objective is to generate a valid path from a specified source node to a
designated target node. In terms of expressiveness, we show that the
Transformer is capable of executing path-finding by embedding the adjacency and
reachability matrices within its weights. Our theoretical analysis of the
gradient-based learning dynamic of the Transformer reveals that the Transformer
is capable of learning both the adjacency matrix and a limited form of the
reachability matrix. These theoretical insights are then validated through
experiments, which demonstrate that the Transformer indeed learns the adjacency
matrix and an incomplete reachability matrix, which aligns with the predictions
made in our theoretical analysis. Additionally, when applying our methodology
to a real-world planning benchmark, called Blocksworld, our observations remain
consistent. Our theoretical and empirical analyses further unveil a potential
limitation of Transformer in path-finding: it cannot identify reachability
relationships through transitivity, and thus would fail when path concatenation
is needed to generate a path. In summary, our findings shed new light on how
the internal mechanisms of autoregressive learning enable planning in networks.
This study may contribute to our understanding of the general planning
capabilities in other related domains. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2402.03310 | HF | V-IRL: Grounding Virtual Intelligence in Real Life | [
"Jihan Yang",
"Runyu Ding",
"Ellis Brown",
"Xiaojuan Qi",
"Saining Xie"
] | 2024-02-05 | There is a sensory gulf between the Earth that humans inhabit and the digital
realms in which modern AI agents are created. To develop AI agents that can
sense, think, and act as flexibly as humans in real-world settings, it is
imperative to bridge the realism gap between the digital and physical worlds.
How can we embody agents in an environment as rich and diverse as the one we
inhabit, without the constraints imposed by real hardware and control? Towards
this end, we introduce V-IRL: a platform that enables agents to scalably
interact with the real world in a virtual yet realistic environment. Our
platform serves as a playground for developing agents that can accomplish
various practical tasks and as a vast testbed for measuring progress in
capabilities spanning perception, decision-making, and interaction with
real-world data across the entire globe. | null | cs.AI | [
"cs.AI",
"cs.CV"
] |
2404.14619 | HF | OpenELM: An Efficient Language Model Family with Open Training and Inference Framework | [
"Sachin Mehta",
"Mohammad Hossein Sekhavat",
"Qingqing Cao",
"Maxwell Horton",
"Yanzi Jin",
"Chenfan Sun",
"Iman Mirzadeh",
"Mahyar Najibi",
"Dmitry Belenko",
"Peter Zatloukal",
"Mohammad Rastegari"
] | 2024-04-22 | The reproducibility and transparency of large language models are crucial for
advancing open research, ensuring the trustworthiness of results, and enabling
investigations into data and model biases, as well as potential risks. To this
end, we release OpenELM, a state-of-the-art open language model. OpenELM uses a
layer-wise scaling strategy to efficiently allocate parameters within each
layer of the transformer model, leading to enhanced accuracy. For example, with
a parameter budget of approximately one billion parameters, OpenELM exhibits a
2.36% improvement in accuracy compared to OLMo while requiring $2\times$ fewer
pre-training tokens.
Diverging from prior practices that only provide model weights and inference
code, and pre-train on private datasets, our release includes the complete
framework for training and evaluation of the language model on publicly
available datasets, including training logs, multiple checkpoints, and
pre-training configurations. We also release code to convert models to MLX
library for inference and fine-tuning on Apple devices. This comprehensive
release aims to empower and strengthen the open research community, paving the
way for future open research endeavors.
Our source code along with pre-trained model weights and training recipes is
available at \url{https://github.com/apple/corenet}. Additionally, \model
models can be found on HuggingFace at:
\url{https://huggingface.co/apple/OpenELM}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.08250 | HF | Gradient Boosting Reinforcement Learning | [
"Benjamin Fuhrer",
"Chen Tessler",
"Gal Dalal"
] | 2024-07-11 | Neural networks (NN) achieve remarkable results in various tasks, but lack
key characteristics: interpretability, support for categorical features, and
lightweight implementations suitable for edge devices. While ongoing efforts
aim to address these challenges, Gradient Boosting Trees (GBT) inherently meet
these requirements. As a result, GBTs have become the go-to method for
supervised learning tasks in many real-world applications and competitions.
However, their application in online learning scenarios, notably in
reinforcement learning (RL), has been limited. In this work, we bridge this gap
by introducing Gradient-Boosting RL (GBRL), a framework that extends the
advantages of GBT to the RL domain. Using the GBRL framework, we implement
various actor-critic algorithms and compare their performance with their NN
counterparts. Inspired by shared backbones in NN we introduce a tree-sharing
approach for policy and value functions with distinct learning rates, enhancing
learning efficiency over millions of interactions. GBRL achieves competitive
performance across a diverse array of tasks, excelling in domains with
structured or categorical features. Additionally, we present a
high-performance, GPU-accelerated implementation that integrates seamlessly
with widely-used RL libraries (available at https://github.com/NVlabs/gbrl).
GBRL expands the toolkit for RL practitioners, demonstrating the viability and
promise of GBT within the RL paradigm, particularly in domains characterized by
structured or categorical features. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2312.10540 | HF | VecFusion: Vector Font Generation with Diffusion | [
"Vikas Thamizharasan",
"Difan Liu",
"Shantanu Agarwal",
"Matthew Fisher",
"Michael Gharbi",
"Oliver Wang",
"Alec Jacobson",
"Evangelos Kalogerakis"
] | 2023-12-16 | We present VecFusion, a new neural architecture that can generate vector
fonts with varying topological structures and precise control point positions.
Our approach is a cascaded diffusion model which consists of a raster diffusion
model followed by a vector diffusion model. The raster model generates
low-resolution, rasterized fonts with auxiliary control point information,
capturing the global style and shape of the font, while the vector model
synthesizes vector fonts conditioned on the low-resolution raster fonts from
the first stage. To synthesize long and complex curves, our vector diffusion
model uses a transformer architecture and a novel vector representation that
enables the modeling of diverse vector geometry and the precise prediction of
control points. Our experiments show that, in contrast to previous generative
models for vector graphics, our new cascaded vector diffusion model generates
higher quality vector fonts, with complex structures and diverse styles. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2111.09543 | AnswerAI | DeBERTaV3: Improving DeBERTa using ELECTRA-Style Pre-Training with Gradient-Disentangled Embedding Sharing | [
"Pengcheng He",
"Jianfeng Gao",
"Weizhu Chen"
] | 2021-11-18 | This paper presents a new pre-trained language model, DeBERTaV3, which
improves the original DeBERTa model by replacing mask language modeling (MLM)
with replaced token detection (RTD), a more sample-efficient pre-training task.
Our analysis shows that vanilla embedding sharing in ELECTRA hurts training
efficiency and model performance. This is because the training losses of the
discriminator and the generator pull token embeddings in different directions,
creating the "tug-of-war" dynamics. We thus propose a new gradient-disentangled
embedding sharing method that avoids the tug-of-war dynamics, improving both
training efficiency and the quality of the pre-trained model. We have
pre-trained DeBERTaV3 using the same settings as DeBERTa to demonstrate its
exceptional performance on a wide range of downstream natural language
understanding (NLU) tasks. Taking the GLUE benchmark with eight tasks as an
example, the DeBERTaV3 Large model achieves a 91.37% average score, which is
1.37% over DeBERTa and 1.91% over ELECTRA, setting a new state-of-the-art
(SOTA) among the models with a similar structure. Furthermore, we have
pre-trained a multi-lingual model mDeBERTa and observed a larger improvement
over strong baselines compared to English models. For example, the mDeBERTa
Base achieves a 79.8% zero-shot cross-lingual accuracy on XNLI and a 3.6%
improvement over XLM-R Base, creating a new SOTA on this benchmark. We have
made our pre-trained models and inference code publicly available at
https://github.com/microsoft/DeBERTa. | null | cs.CL | [
"cs.CL",
"cs.LG",
"cs.CL, cs.GL",
"I.2; I.7"
] |
2405.18428 | AnswerAI | DiG: Scalable and Efficient Diffusion Models with Gated Linear Attention | [
"Lianghui Zhu",
"Zilong Huang",
"Bencheng Liao",
"Jun Hao Liew",
"Hanshu Yan",
"Jiashi Feng",
"Xinggang Wang"
] | 2024-05-28 | Diffusion models with large-scale pre-training have achieved significant
success in the field of visual content generation, particularly exemplified by
Diffusion Transformers (DiT). However, DiT models have faced challenges with
scalability and quadratic complexity efficiency. In this paper, we aim to
leverage the long sequence modeling capability of Gated Linear Attention (GLA)
Transformers, expanding its applicability to diffusion models. We introduce
Diffusion Gated Linear Attention Transformers (DiG), a simple, adoptable
solution with minimal parameter overhead, following the DiT design, but
offering superior efficiency and effectiveness. In addition to better
performance than DiT, DiG-S/2 exhibits $2.5\times$ higher training speed than
DiT-S/2 and saves $75.7\%$ GPU memory at a resolution of $1792 \times 1792$.
Moreover, we analyze the scalability of DiG across a variety of computational
complexity. DiG models, with increased depth/width or augmentation of input
tokens, consistently exhibit decreasing FID. We further compare DiG with other
subquadratic-time diffusion models. With the same model size, DiG-XL/2 is
$4.2\times$ faster than the recent Mamba-based diffusion model at a $1024$
resolution, and is $1.8\times$ faster than DiT with CUDA-optimized
FlashAttention-2 under the $2048$ resolution. All these results demonstrate its
superior efficiency among the latest diffusion models. Code is released at
https://github.com/hustvl/DiG. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2404.01413 | AnswerAI | Is Model Collapse Inevitable? Breaking the Curse of Recursion by Accumulating Real and Synthetic Data | [
"Matthias Gerstgrasser",
"Rylan Schaeffer",
"Apratim Dey",
"Rafael Rafailov",
"Henry Sleight",
"John Hughes",
"Tomasz Korbak",
"Rajashree Agrawal",
"Dhruv Pai",
"Andrey Gromov",
"Daniel A. Roberts",
"Diyi Yang",
"David L. Donoho",
"Sanmi Koyejo"
] | 2024-04-01 | The proliferation of generative models, combined with pretraining on
web-scale data, raises a timely question: what happens when these models are
trained on their own generated outputs? Recent investigations into model-data
feedback loops proposed that such loops would lead to a phenomenon termed model
collapse, under which performance progressively degrades with each model-data
feedback iteration until fitted models become useless. However, those studies
largely assumed that new data replace old data over time, where an arguably
more realistic assumption is that data accumulate over time. In this paper, we
ask: what effect does accumulating data have on model collapse? We empirically
study this question by pretraining sequences of language models on text
corpora. We confirm that replacing the original real data by each generation's
synthetic data does indeed tend towards model collapse, then demonstrate that
accumulating the successive generations of synthetic data alongside the
original real data avoids model collapse; these results hold across a range of
model sizes, architectures, and hyperparameters. We obtain similar results for
deep generative models on other types of real data: diffusion models for
molecule conformation generation and variational autoencoders for image
generation. To understand why accumulating data can avoid model collapse, we
use an analytically tractable framework introduced by prior work in which a
sequence of linear models are fit to the previous models' outputs. Previous
work used this framework to show that if data are replaced, the test error
increases with the number of model-fitting iterations; we extend this argument
to prove that if data instead accumulate, the test error has a finite upper
bound independent of the number of iterations, meaning model collapse no longer
occurs. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.ET",
"stat.ML"
] |
2408.11915 | HF | Video-Foley: Two-Stage Video-To-Sound Generation via Temporal Event Condition For Foley Sound | [
"Junwon Lee",
"Jaekwon Im",
"Dabin Kim",
"Juhan Nam"
] | 2024-08-21 | Foley sound synthesis is crucial for multimedia production, enhancing user
experience by synchronizing audio and video both temporally and semantically.
Recent studies on automating this labor-intensive process through
video-to-sound generation face significant challenges. Systems lacking explicit
temporal features suffer from poor controllability and alignment, while
timestamp-based models require costly and subjective human annotation. We
propose Video-Foley, a video-to-sound system using Root Mean Square (RMS) as a
temporal event condition with semantic timbre prompts (audio or text). RMS, a
frame-level intensity envelope feature closely related to audio semantics,
ensures high controllability and synchronization. The annotation-free
self-supervised learning framework consists of two stages, Video2RMS and
RMS2Sound, incorporating novel ideas including RMS discretization and
RMS-ControlNet with a pretrained text-to-audio model. Our extensive evaluation
shows that Video-Foley achieves state-of-the-art performance in audio-visual
alignment and controllability for sound timing, intensity, timbre, and nuance.
Code, model weights, and demonstrations are available on the accompanying
website. (https://jnwnlee.github.io/video-foley-demo) | null | cs.SD | [
"cs.SD",
"cs.CV",
"cs.LG",
"cs.MM",
"eess.AS"
] |
2308.03958 | Both | Simple synthetic data reduces sycophancy in large language models | [
"Jerry Wei",
"Da Huang",
"Yifeng Lu",
"Denny Zhou",
"Quoc V. Le"
] | 2023-08-07 | Sycophancy is an undesirable behavior where models tailor their responses to
follow a human user's view even when that view is not objectively correct
(e.g., adapting liberal views once a user reveals that they are liberal). In
this paper, we study the prevalence of sycophancy in language models and
propose a simple synthetic-data intervention to reduce this behavior.
First, on a set of three sycophancy tasks (Perez et al., 2022) where models
are asked for an opinion on statements with no correct answers (e.g.,
politics), we observe that both model scaling and instruction tuning
significantly increase sycophancy for PaLM models up to 540B parameters.
Second, we extend sycophancy evaluations to simple addition statements that are
objectively incorrect, finding that despite knowing that these statements are
wrong, language models will still agree with them if the user does as well.
To reduce sycophancy, we present a straightforward synthetic-data
intervention that takes public NLP tasks and encourages models to be robust to
user opinions on these tasks. Adding these data in a lightweight finetuning
step can significantly reduce sycophantic behavior on held-out prompts. Code
for generating synthetic data for intervention can be found at
https://github.com/google/sycophancy-intervention. | null | cs.CL | [
"cs.CL"
] |
2306.05428 | HF | Background Prompting for Improved Object Depth | [
"Manel Baradad",
"Yuanzhen Li",
"Forrester Cole",
"Michael Rubinstein",
"Antonio Torralba",
"William T. Freeman",
"Varun Jampani"
] | 2023-06-08 | Estimating the depth of objects from a single image is a valuable task for
many vision, robotics, and graphics applications. However, current methods
often fail to produce accurate depth for objects in diverse scenes. In this
work, we propose a simple yet effective Background Prompting strategy that
adapts the input object image with a learned background. We learn the
background prompts only using small-scale synthetic object datasets. To infer
object depth on a real image, we place the segmented object into the learned
background prompt and run off-the-shelf depth networks. Background Prompting
helps the depth networks focus on the foreground object, as they are made
invariant to background variations. Moreover, Background Prompting minimizes
the domain gap between synthetic and real object images, leading to better
sim2real generalization than simple finetuning. Results on multiple synthetic
and real datasets demonstrate consistent improvements in real object depths for
a variety of existing depth networks. Code and optimized background prompts can
be found at: https://mbaradad.github.io/depth_prompt. | null | cs.CV | [
"cs.CV"
] |
2307.08621 | Both | Retentive Network: A Successor to Transformer for Large Language Models | [
"Yutao Sun",
"Li Dong",
"Shaohan Huang",
"Shuming Ma",
"Yuqing Xia",
"Jilong Xue",
"Jianyong Wang",
"Furu Wei"
] | 2023-07-17 | In this work, we propose Retentive Network (RetNet) as a foundation
architecture for large language models, simultaneously achieving training
parallelism, low-cost inference, and good performance. We theoretically derive
the connection between recurrence and attention. Then we propose the retention
mechanism for sequence modeling, which supports three computation paradigms,
i.e., parallel, recurrent, and chunkwise recurrent. Specifically, the parallel
representation allows for training parallelism. The recurrent representation
enables low-cost $O(1)$ inference, which improves decoding throughput, latency,
and GPU memory without sacrificing performance. The chunkwise recurrent
representation facilitates efficient long-sequence modeling with linear
complexity, where each chunk is encoded parallelly while recurrently
summarizing the chunks. Experimental results on language modeling show that
RetNet achieves favorable scaling results, parallel training, low-cost
deployment, and efficient inference. The intriguing properties make RetNet a
strong successor to Transformer for large language models. Code will be
available at https://aka.ms/retnet. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2403.05530 | HF | Gemini 1.5: Unlocking multimodal understanding across millions of tokens of context | [
"Gemini Team",
"Petko Georgiev",
"Ving Ian Lei",
"Ryan Burnell",
"Libin Bai",
"Anmol Gulati",
"Garrett Tanzer",
"Damien Vincent",
"Zhufeng Pan",
"Shibo Wang",
"Soroosh Mariooryad",
"Yifan Ding",
"Xinyang Geng",
"Fred Alcober",
"Roy Frostig",
"Mark Omernick",
"Lexi Walker",
"Cosmin Paduraru",
"Christina Sorokin",
"Andrea Tacchetti",
"Colin Gaffney",
"Samira Daruki",
"Olcan Sercinoglu",
"Zach Gleicher",
"Juliette Love",
"Paul Voigtlaender",
"Rohan Jain",
"Gabriela Surita",
"Kareem Mohamed",
"Rory Blevins",
"Junwhan Ahn",
"Tao Zhu",
"Kornraphop Kawintiranon",
"Orhan Firat",
"Yiming Gu",
"Yujing Zhang",
"Matthew Rahtz",
"Manaal Faruqui",
"Natalie Clay",
"Justin Gilmer",
"JD Co-Reyes",
"Ivo Penchev",
"Rui Zhu",
"Nobuyuki Morioka",
"Kevin Hui",
"Krishna Haridasan",
"Victor Campos",
"Mahdis Mahdieh",
"Mandy Guo",
"Samer Hassan",
"Kevin Kilgour",
"Arpi Vezer",
"Heng-Tze Cheng",
"Raoul de Liedekerke",
"Siddharth Goyal",
"Paul Barham",
"DJ Strouse",
"Seb Noury",
"Jonas Adler",
"Mukund Sundararajan",
"Sharad Vikram",
"Dmitry Lepikhin",
"Michela Paganini",
"Xavier Garcia",
"Fan Yang",
"Dasha Valter",
"Maja Trebacz",
"Kiran Vodrahalli",
"Chulayuth Asawaroengchai",
"Roman Ring",
"Norbert Kalb",
"Livio Baldini Soares",
"Siddhartha Brahma",
"David Steiner",
"Tianhe Yu",
"Fabian Mentzer",
"Antoine He",
"Lucas Gonzalez",
"Bibo Xu",
"Raphael Lopez Kaufman",
"Laurent El Shafey",
"Junhyuk Oh",
"Tom Hennigan",
"George van den Driessche",
"Seth Odoom",
"Mario Lucic",
"Becca Roelofs",
"Sid Lall",
"Amit Marathe",
"Betty Chan",
"Santiago Ontanon",
"Luheng He",
"Denis Teplyashin",
"Jonathan Lai",
"Phil Crone",
"Bogdan Damoc",
"Lewis Ho",
"Sebastian Riedel",
"Karel Lenc",
"Chih-Kuan Yeh",
"Aakanksha Chowdhery",
"Yang Xu",
"Mehran Kazemi",
"Ehsan Amid",
"Anastasia Petrushkina",
"Kevin Swersky",
"Ali Khodaei",
"Gowoon Chen",
"Chris Larkin",
"Mario Pinto",
"Geng Yan",
"Adria Puigdomenech Badia",
"Piyush Patil",
"Steven Hansen",
"Dave Orr",
"Sebastien M. R. Arnold",
"Jordan Grimstad",
"Andrew Dai",
"Sholto Douglas",
"Rishika Sinha",
"Vikas Yadav",
"Xi Chen",
"Elena Gribovskaya",
"Jacob Austin",
"Jeffrey Zhao",
"Kaushal Patel",
"Paul Komarek",
"Sophia Austin",
"Sebastian Borgeaud",
"Linda Friso",
"Abhimanyu Goyal",
"Ben Caine",
"Kris Cao",
"Da-Woon Chung",
"Matthew Lamm",
"Gabe Barth-Maron",
"Thais Kagohara",
"Kate Olszewska",
"Mia Chen",
"Kaushik Shivakumar",
"Rishabh Agarwal",
"Harshal Godhia",
"Ravi Rajwar",
"Javier Snaider",
"Xerxes Dotiwalla",
"Yuan Liu",
"Aditya Barua",
"Victor Ungureanu",
"Yuan Zhang",
"Bat-Orgil Batsaikhan",
"Mateo Wirth",
"James Qin",
"Ivo Danihelka",
"Tulsee Doshi",
"Martin Chadwick",
"Jilin Chen",
"Sanil Jain",
"Quoc Le",
"Arjun Kar",
"Madhu Gurumurthy",
"Cheng Li",
"Ruoxin Sang",
"Fangyu Liu",
"Lampros Lamprou",
"Rich Munoz",
"Nathan Lintz",
"Harsh Mehta",
"Heidi Howard",
"Malcolm Reynolds",
"Lora Aroyo",
"Quan Wang",
"Lorenzo Blanco",
"Albin Cassirer",
"Jordan Griffith",
"Dipanjan Das",
"Stephan Lee",
"Jakub Sygnowski",
"Zach Fisher",
"James Besley",
"Richard Powell",
"Zafarali Ahmed",
"Dominik Paulus",
"David Reitter",
"Zalan Borsos",
"Rishabh Joshi",
"Aedan Pope",
"Steven Hand",
"Vittorio Selo",
"Vihan Jain",
"Nikhil Sethi",
"Megha Goel",
"Takaki Makino",
"Rhys May",
"Zhen Yang",
"Johan Schalkwyk",
"Christina Butterfield",
"Anja Hauth",
"Alex Goldin",
"Will Hawkins",
"Evan Senter",
"Sergey Brin",
"Oliver Woodman",
"Marvin Ritter",
"Eric Noland",
"Minh Giang",
"Vijay Bolina",
"Lisa Lee",
"Tim Blyth",
"Ian Mackinnon",
"Machel Reid",
"Obaid Sarvana",
"David Silver",
"Alexander Chen",
"Lily Wang",
"Loren Maggiore",
"Oscar Chang",
"Nithya Attaluri",
"Gregory Thornton",
"Chung-Cheng Chiu",
"Oskar Bunyan",
"Nir Levine",
"Timothy Chung",
"Evgenii Eltyshev",
"Xiance Si",
"Timothy Lillicrap",
"Demetra Brady",
"Vaibhav Aggarwal",
"Boxi Wu",
"Yuanzhong Xu",
"Ross McIlroy",
"Kartikeya Badola",
"Paramjit Sandhu",
"Erica Moreira",
"Wojciech Stokowiec",
"Ross Hemsley",
"Dong Li",
"Alex Tudor",
"Pranav Shyam",
"Elahe Rahimtoroghi",
"Salem Haykal",
"Pablo Sprechmann",
"Xiang Zhou",
"Diana Mincu",
"Yujia Li",
"Ravi Addanki",
"Kalpesh Krishna",
"Xiao Wu",
"Alexandre Frechette",
"Matan Eyal",
"Allan Dafoe",
"Dave Lacey",
"Jay Whang",
"Thi Avrahami",
"Ye Zhang",
"Emanuel Taropa",
"Hanzhao Lin",
"Daniel Toyama",
"Eliza Rutherford",
"Motoki Sano",
"HyunJeong Choe",
"Alex Tomala",
"Chalence Safranek-Shrader",
"Nora Kassner",
"Mantas Pajarskas",
"Matt Harvey",
"Sean Sechrist",
"Meire Fortunato",
"Christina Lyu",
"Gamaleldin Elsayed",
"Chenkai Kuang",
"James Lottes",
"Eric Chu",
"Chao Jia",
"Chih-Wei Chen",
"Peter Humphreys",
"Kate Baumli",
"Connie Tao",
"Rajkumar Samuel",
"Cicero Nogueira dos Santos",
"Anders Andreassen",
"Nemanja Rakićević",
"Dominik Grewe",
"Aviral Kumar",
"Stephanie Winkler",
"Jonathan Caton",
"Andrew Brock",
"Sid Dalmia",
"Hannah Sheahan",
"Iain Barr",
"Yingjie Miao",
"Paul Natsev",
"Jacob Devlin",
"Feryal Behbahani",
"Flavien Prost",
"Yanhua Sun",
"Artiom Myaskovsky",
"Thanumalayan Sankaranarayana Pillai",
"Dan Hurt",
"Angeliki Lazaridou",
"Xi Xiong",
"Ce Zheng",
"Fabio Pardo",
"Xiaowei Li",
"Dan Horgan",
"Joe Stanton",
"Moran Ambar",
"Fei Xia",
"Alejandro Lince",
"Mingqiu Wang",
"Basil Mustafa",
"Albert Webson",
"Hyo Lee",
"Rohan Anil",
"Martin Wicke",
"Timothy Dozat",
"Abhishek Sinha",
"Enrique Piqueras",
"Elahe Dabir",
"Shyam Upadhyay",
"Anudhyan Boral",
"Lisa Anne Hendricks",
"Corey Fry",
"Josip Djolonga",
"Yi Su",
"Jake Walker",
"Jane Labanowski",
"Ronny Huang",
"Vedant Misra",
"Jeremy Chen",
"RJ Skerry-Ryan",
"Avi Singh",
"Shruti Rijhwani",
"Dian Yu",
"Alex Castro-Ros",
"Beer Changpinyo",
"Romina Datta",
"Sumit Bagri",
"Arnar Mar Hrafnkelsson",
"Marcello Maggioni",
"Daniel Zheng",
"Yury Sulsky",
"Shaobo Hou",
"Tom Le Paine",
"Antoine Yang",
"Jason Riesa",
"Dominika Rogozinska",
"Dror Marcus",
"Dalia El Badawy",
"Qiao Zhang",
"Luyu Wang",
"Helen Miller",
"Jeremy Greer",
"Lars Lowe Sjos",
"Azade Nova",
"Heiga Zen",
"Rahma Chaabouni",
"Mihaela Rosca",
"Jiepu Jiang",
"Charlie Chen",
"Ruibo Liu",
"Tara Sainath",
"Maxim Krikun",
"Alex Polozov",
"Jean-Baptiste Lespiau",
"Josh Newlan",
"Zeyncep Cankara",
"Soo Kwak",
"Yunhan Xu",
"Phil Chen",
"Andy Coenen",
"Clemens Meyer",
"Katerina Tsihlas",
"Ada Ma",
"Juraj Gottweis",
"Jinwei Xing",
"Chenjie Gu",
"Jin Miao",
"Christian Frank",
"Zeynep Cankara",
"Sanjay Ganapathy",
"Ishita Dasgupta",
"Steph Hughes-Fitt",
"Heng Chen",
"David Reid",
"Keran Rong",
"Hongmin Fan",
"Joost van Amersfoort",
"Vincent Zhuang",
"Aaron Cohen",
"Shixiang Shane Gu",
"Anhad Mohananey",
"Anastasija Ilic",
"Taylor Tobin",
"John Wieting",
"Anna Bortsova",
"Phoebe Thacker",
"Emma Wang",
"Emily Caveness",
"Justin Chiu",
"Eren Sezener",
"Alex Kaskasoli",
"Steven Baker",
"Katie Millican",
"Mohamed Elhawaty",
"Kostas Aisopos",
"Carl Lebsack",
"Nathan Byrd",
"Hanjun Dai",
"Wenhao Jia",
"Matthew Wiethoff",
"Elnaz Davoodi",
"Albert Weston",
"Lakshman Yagati",
"Arun Ahuja",
"Isabel Gao",
"Golan Pundak",
"Susan Zhang",
"Michael Azzam",
"Khe Chai Sim",
"Sergi Caelles",
"James Keeling",
"Abhanshu Sharma",
"Andy Swing",
"YaGuang Li",
"Chenxi Liu",
"Carrie Grimes Bostock",
"Yamini Bansal",
"Zachary Nado",
"Ankesh Anand",
"Josh Lipschultz",
"Abhijit Karmarkar",
"Lev Proleev",
"Abe Ittycheriah",
"Soheil Hassas Yeganeh",
"George Polovets",
"Aleksandra Faust",
"Jiao Sun",
"Alban Rrustemi",
"Pen Li",
"Rakesh Shivanna",
"Jeremiah Liu",
"Chris Welty",
"Federico Lebron",
"Anirudh Baddepudi",
"Sebastian Krause",
"Emilio Parisotto",
"Radu Soricut",
"Zheng Xu",
"Dawn Bloxwich",
"Melvin Johnson",
"Behnam Neyshabur",
"Justin Mao-Jones",
"Renshen Wang",
"Vinay Ramasesh",
"Zaheer Abbas",
"Arthur Guez",
"Constant Segal",
"Duc Dung Nguyen",
"James Svensson",
"Le Hou",
"Sarah York",
"Kieran Milan",
"Sophie Bridgers",
"Wiktor Gworek",
"Marco Tagliasacchi",
"James Lee-Thorp",
"Michael Chang",
"Alexey Guseynov",
"Ale Jakse Hartman",
"Michael Kwong",
"Ruizhe Zhao",
"Sheleem Kashem",
"Elizabeth Cole",
"Antoine Miech",
"Richard Tanburn",
"Mary Phuong",
"Filip Pavetic",
"Sebastien Cevey",
"Ramona Comanescu",
"Richard Ives",
"Sherry Yang",
"Cosmo Du",
"Bo Li",
"Zizhao Zhang",
"Mariko Iinuma",
"Clara Huiyi Hu",
"Aurko Roy",
"Shaan Bijwadia",
"Zhenkai Zhu",
"Danilo Martins",
"Rachel Saputro",
"Anita Gergely",
"Steven Zheng",
"Dawei Jia",
"Ioannis Antonoglou",
"Adam Sadovsky",
"Shane Gu",
"Yingying Bi",
"Alek Andreev",
"Sina Samangooei",
"Mina Khan",
"Tomas Kocisky",
"Angelos Filos",
"Chintu Kumar",
"Colton Bishop",
"Adams Yu",
"Sarah Hodkinson",
"Sid Mittal",
"Premal Shah",
"Alexandre Moufarek",
"Yong Cheng",
"Adam Bloniarz",
"Jaehoon Lee",
"Pedram Pejman",
"Paul Michel",
"Stephen Spencer",
"Vladimir Feinberg",
"Xuehan Xiong",
"Nikolay Savinov",
"Charlotte Smith",
"Siamak Shakeri",
"Dustin Tran",
"Mary Chesus",
"Bernd Bohnet",
"George Tucker",
"Tamara von Glehn",
"Carrie Muir",
"Yiran Mao",
"Hideto Kazawa",
"Ambrose Slone",
"Kedar Soparkar",
"Disha Shrivastava",
"James Cobon-Kerr",
"Michael Sharman",
"Jay Pavagadhi",
"Carlos Araya",
"Karolis Misiunas",
"Nimesh Ghelani",
"Michael Laskin",
"David Barker",
"Qiujia Li",
"Anton Briukhov",
"Neil Houlsby",
"Mia Glaese",
"Balaji Lakshminarayanan",
"Nathan Schucher",
"Yunhao Tang",
"Eli Collins",
"Hyeontaek Lim",
"Fangxiaoyu Feng",
"Adria Recasens",
"Guangda Lai",
"Alberto Magni",
"Nicola De Cao",
"Aditya Siddhant",
"Zoe Ashwood",
"Jordi Orbay",
"Mostafa Dehghani",
"Jenny Brennan",
"Yifan He",
"Kelvin Xu",
"Yang Gao",
"Carl Saroufim",
"James Molloy",
"Xinyi Wu",
"Seb Arnold",
"Solomon Chang",
"Julian Schrittwieser",
"Elena Buchatskaya",
"Soroush Radpour",
"Martin Polacek",
"Skye Giordano",
"Ankur Bapna",
"Simon Tokumine",
"Vincent Hellendoorn",
"Thibault Sottiaux",
"Sarah Cogan",
"Aliaksei Severyn",
"Mohammad Saleh",
"Shantanu Thakoor",
"Laurent Shefey",
"Siyuan Qiao",
"Meenu Gaba",
"Shuo-yiin Chang",
"Craig Swanson",
"Biao Zhang",
"Benjamin Lee",
"Paul Kishan Rubenstein",
"Gan Song",
"Tom Kwiatkowski",
"Anna Koop",
"Ajay Kannan",
"David Kao",
"Parker Schuh",
"Axel Stjerngren",
"Golnaz Ghiasi",
"Gena Gibson",
"Luke Vilnis",
"Ye Yuan",
"Felipe Tiengo Ferreira",
"Aishwarya Kamath",
"Ted Klimenko",
"Ken Franko",
"Kefan Xiao",
"Indro Bhattacharya",
"Miteyan Patel",
"Rui Wang",
"Alex Morris",
"Robin Strudel",
"Vivek Sharma",
"Peter Choy",
"Sayed Hadi Hashemi",
"Jessica Landon",
"Mara Finkelstein",
"Priya Jhakra",
"Justin Frye",
"Megan Barnes",
"Matthew Mauger",
"Dennis Daun",
"Khuslen Baatarsukh",
"Matthew Tung",
"Wael Farhan",
"Henryk Michalewski",
"Fabio Viola",
"Felix de Chaumont Quitry",
"Charline Le Lan",
"Tom Hudson",
"Qingze Wang",
"Felix Fischer",
"Ivy Zheng",
"Elspeth White",
"Anca Dragan",
"Jean-baptiste Alayrac",
"Eric Ni",
"Alexander Pritzel",
"Adam Iwanicki",
"Michael Isard",
"Anna Bulanova",
"Lukas Zilka",
"Ethan Dyer",
"Devendra Sachan",
"Srivatsan Srinivasan",
"Hannah Muckenhirn",
"Honglong Cai",
"Amol Mandhane",
"Mukarram Tariq",
"Jack W. Rae",
"Gary Wang",
"Kareem Ayoub",
"Nicholas FitzGerald",
"Yao Zhao",
"Woohyun Han",
"Chris Alberti",
"Dan Garrette",
"Kashyap Krishnakumar",
"Mai Gimenez",
"Anselm Levskaya",
"Daniel Sohn",
"Josip Matak",
"Inaki Iturrate",
"Michael B. Chang",
"Jackie Xiang",
"Yuan Cao",
"Nishant Ranka",
"Geoff Brown",
"Adrian Hutter",
"Vahab Mirrokni",
"Nanxin Chen",
"Kaisheng Yao",
"Zoltan Egyed",
"Francois Galilee",
"Tyler Liechty",
"Praveen Kallakuri",
"Evan Palmer",
"Sanjay Ghemawat",
"Jasmine Liu",
"David Tao",
"Chloe Thornton",
"Tim Green",
"Mimi Jasarevic",
"Sharon Lin",
"Victor Cotruta",
"Yi-Xuan Tan",
"Noah Fiedel",
"Hongkun Yu",
"Ed Chi",
"Alexander Neitz",
"Jens Heitkaemper",
"Anu Sinha",
"Denny Zhou",
"Yi Sun",
"Charbel Kaed",
"Brice Hulse",
"Swaroop Mishra",
"Maria Georgaki",
"Sneha Kudugunta",
"Clement Farabet",
"Izhak Shafran",
"Daniel Vlasic",
"Anton Tsitsulin",
"Rajagopal Ananthanarayanan",
"Alen Carin",
"Guolong Su",
"Pei Sun",
"Shashank V",
"Gabriel Carvajal",
"Josef Broder",
"Iulia Comsa",
"Alena Repina",
"William Wong",
"Warren Weilun Chen",
"Peter Hawkins",
"Egor Filonov",
"Lucia Loher",
"Christoph Hirnschall",
"Weiyi Wang",
"Jingchen Ye",
"Andrea Burns",
"Hardie Cate",
"Diana Gage Wright",
"Federico Piccinini",
"Lei Zhang",
"Chu-Cheng Lin",
"Ionel Gog",
"Yana Kulizhskaya",
"Ashwin Sreevatsa",
"Shuang Song",
"Luis C. Cobo",
"Anand Iyer",
"Chetan Tekur",
"Guillermo Garrido",
"Zhuyun Xiao",
"Rupert Kemp",
"Huaixiu Steven Zheng",
"Hui Li",
"Ananth Agarwal",
"Christel Ngani",
"Kati Goshvadi",
"Rebeca Santamaria-Fernandez",
"Wojciech Fica",
"Xinyun Chen",
"Chris Gorgolewski",
"Sean Sun",
"Roopal Garg",
"Xinyu Ye",
"S. M. Ali Eslami",
"Nan Hua",
"Jon Simon",
"Pratik Joshi",
"Yelin Kim",
"Ian Tenney",
"Sahitya Potluri",
"Lam Nguyen Thiet",
"Quan Yuan",
"Florian Luisier",
"Alexandra Chronopoulou",
"Salvatore Scellato",
"Praveen Srinivasan",
"Minmin Chen",
"Vinod Koverkathu",
"Valentin Dalibard",
"Yaming Xu",
"Brennan Saeta",
"Keith Anderson",
"Thibault Sellam",
"Nick Fernando",
"Fantine Huot",
"Junehyuk Jung",
"Mani Varadarajan",
"Michael Quinn",
"Amit Raul",
"Maigo Le",
"Ruslan Habalov",
"Jon Clark",
"Komal Jalan",
"Kalesha Bullard",
"Achintya Singhal",
"Thang Luong",
"Boyu Wang",
"Sujeevan Rajayogam",
"Julian Eisenschlos",
"Johnson Jia",
"Daniel Finchelstein",
"Alex Yakubovich",
"Daniel Balle",
"Michael Fink",
"Sameer Agarwal",
"Jing Li",
"Dj Dvijotham",
"Shalini Pal",
"Kai Kang",
"Jaclyn Konzelmann",
"Jennifer Beattie",
"Olivier Dousse",
"Diane Wu",
"Remi Crocker",
"Chen Elkind",
"Siddhartha Reddy Jonnalagadda",
"Jong Lee",
"Dan Holtmann-Rice",
"Krystal Kallarackal",
"Rosanne Liu",
"Denis Vnukov",
"Neera Vats",
"Luca Invernizzi",
"Mohsen Jafari",
"Huanjie Zhou",
"Lilly Taylor",
"Jennifer Prendki",
"Marcus Wu",
"Tom Eccles",
"Tianqi Liu",
"Kavya Kopparapu",
"Francoise Beaufays",
"Christof Angermueller",
"Andreea Marzoca",
"Shourya Sarcar",
"Hilal Dib",
"Jeff Stanway",
"Frank Perbet",
"Nejc Trdin",
"Rachel Sterneck",
"Andrey Khorlin",
"Dinghua Li",
"Xihui Wu",
"Sonam Goenka",
"David Madras",
"Sasha Goldshtein",
"Willi Gierke",
"Tong Zhou",
"Yaxin Liu",
"Yannie Liang",
"Anais White",
"Yunjie Li",
"Shreya Singh",
"Sanaz Bahargam",
"Mark Epstein",
"Sujoy Basu",
"Li Lao",
"Adnan Ozturel",
"Carl Crous",
"Alex Zhai",
"Han Lu",
"Zora Tung",
"Neeraj Gaur",
"Alanna Walton",
"Lucas Dixon",
"Ming Zhang",
"Amir Globerson",
"Grant Uy",
"Andrew Bolt",
"Olivia Wiles",
"Milad Nasr",
"Ilia Shumailov",
"Marco Selvi",
"Francesco Piccinno",
"Ricardo Aguilar",
"Sara McCarthy",
"Misha Khalman",
"Mrinal Shukla",
"Vlado Galic",
"John Carpenter",
"Kevin Villela",
"Haibin Zhang",
"Harry Richardson",
"James Martens",
"Matko Bosnjak",
"Shreyas Rammohan Belle",
"Jeff Seibert",
"Mahmoud Alnahlawi",
"Brian McWilliams",
"Sankalp Singh",
"Annie Louis",
"Wen Ding",
"Dan Popovici",
"Lenin Simicich",
"Laura Knight",
"Pulkit Mehta",
"Nishesh Gupta",
"Chongyang Shi",
"Saaber Fatehi",
"Jovana Mitrovic",
"Alex Grills",
"Joseph Pagadora",
"Dessie Petrova",
"Danielle Eisenbud",
"Zhishuai Zhang",
"Damion Yates",
"Bhavishya Mittal",
"Nilesh Tripuraneni",
"Yannis Assael",
"Thomas Brovelli",
"Prateek Jain",
"Mihajlo Velimirovic",
"Canfer Akbulut",
"Jiaqi Mu",
"Wolfgang Macherey",
"Ravin Kumar",
"Jun Xu",
"Haroon Qureshi",
"Gheorghe Comanici",
"Jeremy Wiesner",
"Zhitao Gong",
"Anton Ruddock",
"Matthias Bauer",
"Nick Felt",
"Anirudh GP",
"Anurag Arnab",
"Dustin Zelle",
"Jonas Rothfuss",
"Bill Rosgen",
"Ashish Shenoy",
"Bryan Seybold",
"Xinjian Li",
"Jayaram Mudigonda",
"Goker Erdogan",
"Jiawei Xia",
"Jiri Simsa",
"Andrea Michi",
"Yi Yao",
"Christopher Yew",
"Steven Kan",
"Isaac Caswell",
"Carey Radebaugh",
"Andre Elisseeff",
"Pedro Valenzuela",
"Kay McKinney",
"Kim Paterson",
"Albert Cui",
"Eri Latorre-Chimoto",
"Solomon Kim",
"William Zeng",
"Ken Durden",
"Priya Ponnapalli",
"Tiberiu Sosea",
"Christopher A. Choquette-Choo",
"James Manyika",
"Brona Robenek",
"Harsha Vashisht",
"Sebastien Pereira",
"Hoi Lam",
"Marko Velic",
"Denese Owusu-Afriyie",
"Katherine Lee",
"Tolga Bolukbasi",
"Alicia Parrish",
"Shawn Lu",
"Jane Park",
"Balaji Venkatraman",
"Alice Talbert",
"Lambert Rosique",
"Yuchung Cheng",
"Andrei Sozanschi",
"Adam Paszke",
"Praveen Kumar",
"Jessica Austin",
"Lu Li",
"Khalid Salama",
"Wooyeol Kim",
"Nandita Dukkipati",
"Anthony Baryshnikov",
"Christos Kaplanis",
"XiangHai Sheng",
"Yuri Chervonyi",
"Caglar Unlu",
"Diego de Las Casas",
"Harry Askham",
"Kathryn Tunyasuvunakool",
"Felix Gimeno",
"Siim Poder",
"Chester Kwak",
"Matt Miecnikowski",
"Vahab Mirrokni",
"Alek Dimitriev",
"Aaron Parisi",
"Dangyi Liu",
"Tomy Tsai",
"Toby Shevlane",
"Christina Kouridi",
"Drew Garmon",
"Adrian Goedeckemeyer",
"Adam R. Brown",
"Anitha Vijayakumar",
"Ali Elqursh",
"Sadegh Jazayeri",
"Jin Huang",
"Sara Mc Carthy",
"Jay Hoover",
"Lucy Kim",
"Sandeep Kumar",
"Wei Chen",
"Courtney Biles",
"Garrett Bingham",
"Evan Rosen",
"Lisa Wang",
"Qijun Tan",
"David Engel",
"Francesco Pongetti",
"Dario de Cesare",
"Dongseong Hwang",
"Lily Yu",
"Jennifer Pullman",
"Srini Narayanan",
"Kyle Levin",
"Siddharth Gopal",
"Megan Li",
"Asaf Aharoni",
"Trieu Trinh",
"Jessica Lo",
"Norman Casagrande",
"Roopali Vij",
"Loic Matthey",
"Bramandia Ramadhana",
"Austin Matthews",
"CJ Carey",
"Matthew Johnson",
"Kremena Goranova",
"Rohin Shah",
"Shereen Ashraf",
"Kingshuk Dasgupta",
"Rasmus Larsen",
"Yicheng Wang",
"Manish Reddy Vuyyuru",
"Chong Jiang",
"Joana Ijazi",
"Kazuki Osawa",
"Celine Smith",
"Ramya Sree Boppana",
"Taylan Bilal",
"Yuma Koizumi",
"Ying Xu",
"Yasemin Altun",
"Nir Shabat",
"Ben Bariach",
"Alex Korchemniy",
"Kiam Choo",
"Olaf Ronneberger",
"Chimezie Iwuanyanwu",
"Shubin Zhao",
"David Soergel",
"Cho-Jui Hsieh",
"Irene Cai",
"Shariq Iqbal",
"Martin Sundermeyer",
"Zhe Chen",
"Elie Bursztein",
"Chaitanya Malaviya",
"Fadi Biadsy",
"Prakash Shroff",
"Inderjit Dhillon",
"Tejasi Latkar",
"Chris Dyer",
"Hannah Forbes",
"Massimo Nicosia",
"Vitaly Nikolaev",
"Somer Greene",
"Marin Georgiev",
"Pidong Wang",
"Nina Martin",
"Hanie Sedghi",
"John Zhang",
"Praseem Banzal",
"Doug Fritz",
"Vikram Rao",
"Xuezhi Wang",
"Jiageng Zhang",
"Viorica Patraucean",
"Dayou Du",
"Igor Mordatch",
"Ivan Jurin",
"Lewis Liu",
"Ayush Dubey",
"Abhi Mohan",
"Janek Nowakowski",
"Vlad-Doru Ion",
"Nan Wei",
"Reiko Tojo",
"Maria Abi Raad",
"Drew A. Hudson",
"Vaishakh Keshava",
"Shubham Agrawal",
"Kevin Ramirez",
"Zhichun Wu",
"Hoang Nguyen",
"Ji Liu",
"Madhavi Sewak",
"Bryce Petrini",
"DongHyun Choi",
"Ivan Philips",
"Ziyue Wang",
"Ioana Bica",
"Ankush Garg",
"Jarek Wilkiewicz",
"Priyanka Agrawal",
"Xiaowei Li",
"Danhao Guo",
"Emily Xue",
"Naseer Shaik",
"Andrew Leach",
"Sadh MNM Khan",
"Julia Wiesinger",
"Sammy Jerome",
"Abhishek Chakladar",
"Alek Wenjiao Wang",
"Tina Ornduff",
"Folake Abu",
"Alireza Ghaffarkhah",
"Marcus Wainwright",
"Mario Cortes",
"Frederick Liu",
"Joshua Maynez",
"Andreas Terzis",
"Pouya Samangouei",
"Riham Mansour",
"Tomasz Kępa",
"François-Xavier Aubet",
"Anton Algymr",
"Dan Banica",
"Agoston Weisz",
"Andras Orban",
"Alexandre Senges",
"Ewa Andrejczuk",
"Mark Geller",
"Niccolo Dal Santo",
"Valentin Anklin",
"Majd Al Merey",
"Martin Baeuml",
"Trevor Strohman",
"Junwen Bai",
"Slav Petrov",
"Yonghui Wu",
"Demis Hassabis",
"Koray Kavukcuoglu",
"Jeffrey Dean",
"Oriol Vinyals"
] | 2024-03-08 | In this report, we introduce the Gemini 1.5 family of models, representing
the next generation of highly compute-efficient multimodal models capable of
recalling and reasoning over fine-grained information from millions of tokens
of context, including multiple long documents and hours of video and audio. The
family includes two new models: (1) an updated Gemini 1.5 Pro, which exceeds
the February version on the great majority of capabilities and benchmarks; (2)
Gemini 1.5 Flash, a more lightweight variant designed for efficiency with
minimal regression in quality. Gemini 1.5 models achieve near-perfect recall on
long-context retrieval tasks across modalities, improve the state-of-the-art in
long-document QA, long-video QA and long-context ASR, and match or surpass
Gemini 1.0 Ultra's state-of-the-art performance across a broad set of
benchmarks. Studying the limits of Gemini 1.5's long-context ability, we find
continued improvement in next-token prediction and near-perfect retrieval
(>99%) up to at least 10M tokens, a generational leap over existing models such
as Claude 3.0 (200k) and GPT-4 Turbo (128k). Finally, we highlight real-world
use cases, such as Gemini 1.5 collaborating with professionals on completing
their tasks achieving 26 to 75% time savings across 10 different job
categories, as well as surprising new capabilities of large language models at
the frontier; when given a grammar manual for Kalamang, a language with fewer
than 200 speakers worldwide, the model learns to translate English to Kalamang
at a similar level to a person who learned from the same content. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.06793 | HF | Layerwise Recurrent Router for Mixture-of-Experts | [
"Zihan Qiu",
"Zeyu Huang",
"Shuang Cheng",
"Yizhi Zhou",
"Zili Wang",
"Ivan Titov",
"Jie Fu"
] | 2024-08-13 | The scaling of large language models (LLMs) has revolutionized their
capabilities in various tasks, yet this growth must be matched with efficient
computational strategies. The Mixture-of-Experts (MoE) architecture stands out
for its ability to scale model size without significantly increasing training
costs. Despite their advantages, current MoE models often display parameter
inefficiency. For instance, a pre-trained MoE-based LLM with 52 billion
parameters might perform comparably to a standard model with 6.7 billion
parameters. Being a crucial part of MoE, current routers in different layers
independently assign tokens without leveraging historical routing information,
potentially leading to suboptimal token-expert combinations and the parameter
inefficiency problem. To alleviate this issue, we introduce the Layerwise
Recurrent Router for Mixture-of-Experts (RMoE). RMoE leverages a Gated
Recurrent Unit (GRU) to establish dependencies between routing decisions across
consecutive layers. Such layerwise recurrence can be efficiently parallelly
computed for input tokens and introduces negotiable costs. Our extensive
empirical evaluations demonstrate that RMoE-based language models consistently
outperform a spectrum of baseline models. Furthermore, RMoE integrates a novel
computation stage orthogonal to existing methods, allowing seamless
compatibility with other MoE architectures. Our analyses attribute RMoE's gains
to its effective cross-layer information sharing, which also improves expert
selection and diversity. Our code is at https://github.com/qiuzh20/RMoE | null | cs.CL | [
"cs.CL"
] |
2404.03411 | HF | Red Teaming GPT-4V: Are GPT-4V Safe Against Uni/Multi-Modal Jailbreak Attacks? | [
"Shuo Chen",
"Zhen Han",
"Bailan He",
"Zifeng Ding",
"Wenqian Yu",
"Philip Torr",
"Volker Tresp",
"Jindong Gu"
] | 2024-04-04 | Various jailbreak attacks have been proposed to red-team Large Language
Models (LLMs) and revealed the vulnerable safeguards of LLMs. Besides, some
methods are not limited to the textual modality and extend the jailbreak attack
to Multimodal Large Language Models (MLLMs) by perturbing the visual input.
However, the absence of a universal evaluation benchmark complicates the
performance reproduction and fair comparison. Besides, there is a lack of
comprehensive evaluation of closed-source state-of-the-art (SOTA) models,
especially MLLMs, such as GPT-4V. To address these issues, this work first
builds a comprehensive jailbreak evaluation dataset with 1445 harmful questions
covering 11 different safety policies. Based on this dataset, extensive
red-teaming experiments are conducted on 11 different LLMs and MLLMs, including
both SOTA proprietary models and open-source models. We then conduct a deep
analysis of the evaluated results and find that (1) GPT4 and GPT-4V demonstrate
better robustness against jailbreak attacks compared to open-source LLMs and
MLLMs. (2) Llama2 and Qwen-VL-Chat are more robust compared to other
open-source models. (3) The transferability of visual jailbreak methods is
relatively limited compared to textual jailbreak methods. The dataset and code
can be found here
https://anonymous.4open.science/r/red_teaming_gpt4-C1CE/README.md . | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CR"
] |
2403.09626 | HF | Video Mamba Suite: State Space Model as a Versatile Alternative for Video Understanding | [
"Guo Chen",
"Yifei Huang",
"Jilan Xu",
"Baoqi Pei",
"Zhe Chen",
"Zhiqi Li",
"Jiahao Wang",
"Kunchang Li",
"Tong Lu",
"Limin Wang"
] | 2024-03-14 | Understanding videos is one of the fundamental directions in computer vision
research, with extensive efforts dedicated to exploring various architectures
such as RNN, 3D CNN, and Transformers. The newly proposed architecture of state
space model, e.g., Mamba, shows promising traits to extend its success in long
sequence modeling to video modeling. To assess whether Mamba can be a viable
alternative to Transformers in the video understanding domain, in this work, we
conduct a comprehensive set of studies, probing different roles Mamba can play
in modeling videos, while investigating diverse tasks where Mamba could exhibit
superiority. We categorize Mamba into four roles for modeling videos, deriving
a Video Mamba Suite composed of 14 models/modules, and evaluating them on 12
video understanding tasks. Our extensive experiments reveal the strong
potential of Mamba on both video-only and video-language tasks while showing
promising efficiency-performance trade-offs. We hope this work could provide
valuable data points and insights for future research on video understanding.
Code is public: https://github.com/OpenGVLab/video-mamba-suite. | null | cs.CV | [
"cs.CV"
] |
2308.04079 | HF | 3D Gaussian Splatting for Real-Time Radiance Field Rendering | [
"Bernhard Kerbl",
"Georgios Kopanas",
"Thomas Leimkühler",
"George Drettakis"
] | 2023-08-08 | Radiance Field methods have recently revolutionized novel-view synthesis of
scenes captured with multiple photos or videos. However, achieving high visual
quality still requires neural networks that are costly to train and render,
while recent faster methods inevitably trade off speed for quality. For
unbounded and complete scenes (rather than isolated objects) and 1080p
resolution rendering, no current method can achieve real-time display rates. We
introduce three key elements that allow us to achieve state-of-the-art visual
quality while maintaining competitive training times and importantly allow
high-quality real-time (>= 30 fps) novel-view synthesis at 1080p resolution.
First, starting from sparse points produced during camera calibration, we
represent the scene with 3D Gaussians that preserve desirable properties of
continuous volumetric radiance fields for scene optimization while avoiding
unnecessary computation in empty space; Second, we perform interleaved
optimization/density control of the 3D Gaussians, notably optimizing
anisotropic covariance to achieve an accurate representation of the scene;
Third, we develop a fast visibility-aware rendering algorithm that supports
anisotropic splatting and both accelerates training and allows realtime
rendering. We demonstrate state-of-the-art visual quality and real-time
rendering on several established datasets. | null | cs.GR | [
"cs.GR",
"cs.CV"
] |
2401.01702 | HF | Image Sculpting: Precise Object Editing with 3D Geometry Control | [
"Jiraphon Yenphraphai",
"Xichen Pan",
"Sainan Liu",
"Daniele Panozzo",
"Saining Xie"
] | 2024-01-02 | We present Image Sculpting, a new framework for editing 2D images by
incorporating tools from 3D geometry and graphics. This approach differs
markedly from existing methods, which are confined to 2D spaces and typically
rely on textual instructions, leading to ambiguity and limited control. Image
Sculpting converts 2D objects into 3D, enabling direct interaction with their
3D geometry. Post-editing, these objects are re-rendered into 2D, merging into
the original image to produce high-fidelity results through a coarse-to-fine
enhancement process. The framework supports precise, quantifiable, and
physically-plausible editing options such as pose editing, rotation,
translation, 3D composition, carving, and serial addition. It marks an initial
step towards combining the creative freedom of generative models with the
precision of graphics pipelines. | null | cs.GR | [
"cs.GR",
"cs.CV"
] |
2401.17464 | HF | Efficient Tool Use with Chain-of-Abstraction Reasoning | [
"Silin Gao",
"Jane Dwivedi-Yu",
"Ping Yu",
"Xiaoqing Ellen Tan",
"Ramakanth Pasunuru",
"Olga Golovneva",
"Koustuv Sinha",
"Asli Celikyilmaz",
"Antoine Bosselut",
"Tianlu Wang"
] | 2024-01-30 | To achieve faithful reasoning that aligns with human expectations, large
language models (LLMs) need to ground their reasoning to real-world knowledge
(e.g., web facts, math and physical rules). Tools help LLMs access this
external knowledge, but there remains challenges for fine-tuning LLM agents
(e.g., Toolformer) to invoke tools in multi-step reasoning problems, where
inter-connected tool calls require holistic and efficient tool usage planning.
In this work, we propose a new method for LLMs to better leverage tools in
multi-step reasoning. Our method, Chain-of-Abstraction (CoA), trains LLMs to
first decode reasoning chains with abstract placeholders, and then call domain
tools to reify each reasoning chain by filling in specific knowledge. This
planning with abstract chains enables LLMs to learn more general reasoning
strategies, which are robust to shifts of domain knowledge (e.g., math results)
relevant to different reasoning questions. It also allows LLMs to perform
decoding and calling of external tools in parallel, which avoids the inference
delay caused by waiting for tool responses. In mathematical reasoning and Wiki
QA domains, we show that our method consistently outperforms previous
chain-of-thought and tool-augmented baselines on both in-distribution and
out-of-distribution test sets, with an average ~6% absolute QA accuracy
improvement. LLM agents trained with our method also show more efficient tool
use, with inference speed being on average ~1.4x faster than baseline
tool-augmented LLMs. | null | cs.CL | [
"cs.CL"
] |
2406.17774 | HF | Fast and Uncertainty-Aware SVBRDF Recovery from Multi-View Capture using Frequency Domain Analysis | [
"Ruben Wiersma",
"Julien Philip",
"Miloš Hašan",
"Krishna Mullia",
"Fujun Luan",
"Elmar Eisemann",
"Valentin Deschaintre"
] | 2024-06-25 | Relightable object acquisition is a key challenge in simplifying digital
asset creation. Complete reconstruction of an object typically requires
capturing hundreds to thousands of photographs under controlled illumination,
with specialized equipment. The recent progress in differentiable rendering
improved the quality and accessibility of inverse rendering optimization.
Nevertheless, under uncontrolled illumination and unstructured viewpoints,
there is no guarantee that the observations contain enough information to
reconstruct the appearance properties of the captured object.
We thus propose to consider the acquisition process from a signal-processing
perspective. Given an object's geometry and a lighting environment, we estimate
the properties of the materials on the object's surface in seconds. We do so by
leveraging frequency domain analysis, considering the recovery of material
properties as a deconvolution, enabling fast error estimation. We then quantify
the uncertainty of the estimation, based on the available data, highlighting
the areas for which priors or additional samples would be required for improved
acquisition quality. We compare our approach to previous work and
quantitatively evaluate our results, showing similar quality as previous work
in a fraction of the time, and providing key information about the certainty of
the results. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2409.06744 | HF | ProteinBench: A Holistic Evaluation of Protein Foundation Models | [
"Fei Ye",
"Zaixiang Zheng",
"Dongyu Xue",
"Yuning Shen",
"Lihao Wang",
"Yiming Ma",
"Yan Wang",
"Xinyou Wang",
"Xiangxin Zhou",
"Quanquan Gu"
] | 2024-09-10 | Recent years have witnessed a surge in the development of protein foundation
models, significantly improving performance in protein prediction and
generative tasks ranging from 3D structure prediction and protein design to
conformational dynamics. However, the capabilities and limitations associated
with these models remain poorly understood due to the absence of a unified
evaluation framework. To fill this gap, we introduce ProteinBench, a holistic
evaluation framework designed to enhance the transparency of protein foundation
models. Our approach consists of three key components: (i) A taxonomic
classification of tasks that broadly encompass the main challenges in the
protein domain, based on the relationships between different protein
modalities; (ii) A multi-metric evaluation approach that assesses performance
across four key dimensions: quality, novelty, diversity, and robustness; and
(iii) In-depth analyses from various user objectives, providing a holistic view
of model performance. Our comprehensive evaluation of protein foundation models
reveals several key findings that shed light on their current capabilities and
limitations. To promote transparency and facilitate further research, we
release the evaluation dataset, code, and a public leaderboard publicly for
further analysis and a general modular toolkit. We intend for ProteinBench to
be a living benchmark for establishing a standardized, in-depth evaluation
framework for protein foundation models, driving their development and
application while fostering collaboration within the field. | null | q-bio.QM | [
"q-bio.QM",
"cs.AI",
"cs.LG",
"q-bio.BM"
] |
2407.09072 | HF | New Desiderata for Direct Preference Optimization | [
"Xiangkun Hu",
"Tong He",
"David Wipf"
] | 2024-07-12 | Large language models in the past have typically relied on some form of
reinforcement learning with human feedback (RLHF) to better align model
responses with human preferences. However, because of oft-observed
instabilities when implementing these RLHF pipelines, various
reparameterization techniques have recently been introduced to sidestep the
need for separately learning an RL reward model. Instead, directly fine-tuning
for human preferences is achieved via the minimization of a single closed-form
training objective, a process originally referred to as direct preference
optimization (DPO) and followed by several notable descendants. Although
effective in certain real-world settings, we introduce new evaluation criteria
that serve to highlight unresolved shortcomings in the ability of existing DPO
methods to interpolate between a pre-trained reference model and empirical
measures of human preferences, as well as unavoidable trade-offs in how low-
and high-quality responses are regularized and constraints are handled. Our
insights then motivate an alternative DPO-like loss that provably mitigates
these limitations. Empirical results serve to corroborate notable aspects of
our analyses. | null | cs.CL | [
"cs.CL"
] |
2402.02791 | HF | Rethinking Optimization and Architecture for Tiny Language Models | [
"Yehui Tang",
"Fangcheng Liu",
"Yunsheng Ni",
"Yuchuan Tian",
"Zheyuan Bai",
"Yi-Qi Hu",
"Sichao Liu",
"Shangling Jui",
"Kai Han",
"Yunhe Wang"
] | 2024-02-05 | The power of large language models (LLMs) has been demonstrated through
numerous data and computing resources. However, the application of language
models on mobile devices is facing huge challenge on the computation and memory
costs, that is, tiny language models with high performance are urgently
required. Limited by the highly complex training process, there are many
details for optimizing language models that are seldom studied carefully. In
this study, based on a tiny language model with 1B parameters, we carefully
design a series of empirical study to analyze the effect of each component.
Three perspectives are mainly discussed, \ie, neural architecture, parameter
initialization, and optimization strategy. Several design formulas are
empirically proved especially effective for tiny language models, including
tokenizer compression, architecture tweaking, parameter inheritance and
multiple-round training. Then we train PanGu-$\pi$-1B Pro and PanGu-$\pi$-1.5B
Pro on 1.6T multilingual corpora, following the established formulas.
Experimental results demonstrate the improved optimization and architecture
yield a notable average improvement of 8.87 on benchmark evaluation sets for
PanGu-$\pi$-1B Pro. Besides, PanGu-$\pi$-1.5B Pro surpasses a range of SOTA
models with larger model sizes, validating its superior performance. The code
is available at https://github.com/YuchuanTian/RethinkTinyLM. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.09574 | HF | PhysBERT: A Text Embedding Model for Physics Scientific Literature | [
"Thorsten Hellert",
"João Montenegro",
"Andrea Pollastro"
] | 2024-08-18 | The specialized language and complex concepts in physics pose significant
challenges for information extraction through Natural Language Processing
(NLP). Central to effective NLP applications is the text embedding model, which
converts text into dense vector representations for efficient information
retrieval and semantic analysis. In this work, we introduce PhysBERT, the first
physics-specific text embedding model. Pre-trained on a curated corpus of 1.2
million arXiv physics papers and fine-tuned with supervised data, PhysBERT
outperforms leading general-purpose models on physics-specific tasks including
the effectiveness in fine-tuning for specific physics subdomains. | null | physics.comp-ph | [
"physics.comp-ph",
"cs.CL"
] |
2405.08246 | HF | Compositional Text-to-Image Generation with Dense Blob Representations | [
"Weili Nie",
"Sifei Liu",
"Morteza Mardani",
"Chao Liu",
"Benjamin Eckart",
"Arash Vahdat"
] | 2024-05-14 | Existing text-to-image models struggle to follow complex text prompts,
raising the need for extra grounding inputs for better controllability. In this
work, we propose to decompose a scene into visual primitives - denoted as dense
blob representations - that contain fine-grained details of the scene while
being modular, human-interpretable, and easy-to-construct. Based on blob
representations, we develop a blob-grounded text-to-image diffusion model,
termed BlobGEN, for compositional generation. Particularly, we introduce a new
masked cross-attention module to disentangle the fusion between blob
representations and visual features. To leverage the compositionality of large
language models (LLMs), we introduce a new in-context learning approach to
generate blob representations from text prompts. Our extensive experiments show
that BlobGEN achieves superior zero-shot generation quality and better
layout-guided controllability on MS-COCO. When augmented by LLMs, our method
exhibits superior numerical and spatial correctness on compositional image
generation benchmarks. Project page: https://blobgen-2d.github.io. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2309.16119 | AnswerAI | ModuLoRA: Finetuning 2-Bit LLMs on Consumer GPUs by Integrating with Modular Quantizers | [
"Junjie Yin",
"Jiahao Dong",
"Yingheng Wang",
"Christopher De Sa",
"Volodymyr Kuleshov"
] | 2023-09-28 | We propose a memory-efficient finetuning algorithm for large language models
(LLMs) that supports finetuning LLMs with 65B parameters in 2/3/4-bit precision
on as little as one 24GB GPU. Our method, modular low-rank adaptation
(ModuLoRA), integrates any user-specified weight quantizer with finetuning via
low-rank adapters (LoRAs). Our approach relies on a simple
quantization-agnostic backward pass that adaptively materializes low-precision
LLM weights from a custom black-box quantization module. This approach enables
finetuning 2-bit and 3-bit LLMs for the first time -- leveraging
state-of-the-art 2-bit QuIP\# quantization and 3-bit OPTQ quantization --
outperforming finetuning that relies on less sophisticated 4-bit and 8-bit
methods. In our experiments, \lplora~attains competitive performance on text
classification, natural language inference, and instruction following tasks
using significantly less memory than existing approaches, and we also surpass
the state-of-the-art ROUGE score on a popular summarization task. We release
\lplora~together with a series of low-precision models as part of \llmtune, a
user-friendly library for quantizing, running, and finetuning LLMs on consumer
GPUs. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2406.10149 | HF | BABILong: Testing the Limits of LLMs with Long Context Reasoning-in-a-Haystack | [
"Yuri Kuratov",
"Aydar Bulatov",
"Petr Anokhin",
"Ivan Rodkin",
"Dmitry Sorokin",
"Artyom Sorokin",
"Mikhail Burtsev"
] | 2024-06-14 | In recent years, the input context sizes of large language models (LLMs) have
increased dramatically. However, existing evaluation methods have not kept
pace, failing to comprehensively assess the efficiency of models in handling
long contexts. To bridge this gap, we introduce the BABILong benchmark,
designed to test language models' ability to reason across facts distributed in
extremely long documents. BABILong includes a diverse set of 20 reasoning
tasks, including fact chaining, simple induction, deduction, counting, and
handling lists/sets. These tasks are challenging on their own, and even more
demanding when the required facts are scattered across long natural text. Our
evaluations show that popular LLMs effectively utilize only 10-20\% of the
context and their performance declines sharply with increased reasoning
complexity. Among alternatives to in-context reasoning, Retrieval-Augmented
Generation methods achieve a modest 60\% accuracy on single-fact question
answering, independent of context length. Among context extension methods, the
highest performance is demonstrated by recurrent memory transformers, enabling
the processing of lengths up to 11 million tokens. The BABILong benchmark is
extendable to any length to support the evaluation of new upcoming models with
increased capabilities, and we provide splits up to 1 million token lengths. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2401.08671 | HF | DeepSpeed-FastGen: High-throughput Text Generation for LLMs via MII and DeepSpeed-Inference | [
"Connor Holmes",
"Masahiro Tanaka",
"Michael Wyatt",
"Ammar Ahmad Awan",
"Jeff Rasley",
"Samyam Rajbhandari",
"Reza Yazdani Aminabadi",
"Heyang Qin",
"Arash Bakhtiari",
"Lev Kurilenko",
"Yuxiong He"
] | 2024-01-09 | The deployment and scaling of large language models (LLMs) have become
critical as they permeate various applications, demanding high-throughput and
low-latency serving systems. Existing frameworks struggle to balance these
requirements, especially for workloads with long prompts. This paper introduces
DeepSpeed-FastGen, a system that employs Dynamic SplitFuse, a novel prompt and
generation composition strategy, to deliver up to 2.3x higher effective
throughput, 2x lower latency on average, and up to 3.7x lower (token-level)
tail latency, compared to state-of-the-art systems like vLLM. We leverage a
synergistic combination of DeepSpeed-MII and DeepSpeed-Inference to provide an
efficient and easy-to-use serving system for LLMs. DeepSpeed-FastGen's advanced
implementation supports a range of models and offers both non-persistent and
persistent deployment options, catering to diverse user scenarios from
interactive sessions to long-running applications. We present a detailed
benchmarking methodology, analyze the performance through latency-throughput
curves, and investigate scalability via load balancing. Our evaluations
demonstrate substantial improvements in throughput and latency across various
models and hardware configurations. We discuss our roadmap for future
enhancements, including broader model support and new hardware backends. The
DeepSpeed-FastGen code is readily available for community engagement and
contribution. | null | cs.PF | [
"cs.PF",
"cs.LG"
] |
2404.02078 | HF | Advancing LLM Reasoning Generalists with Preference Trees | [
"Lifan Yuan",
"Ganqu Cui",
"Hanbin Wang",
"Ning Ding",
"Xingyao Wang",
"Jia Deng",
"Boji Shan",
"Huimin Chen",
"Ruobing Xie",
"Yankai Lin",
"Zhenghao Liu",
"Bowen Zhou",
"Hao Peng",
"Zhiyuan Liu",
"Maosong Sun"
] | 2024-04-02 | We introduce Eurus, a suite of large language models (LLMs) optimized for
reasoning. Finetuned from Mistral-7B and CodeLlama-70B, Eurus models achieve
state-of-the-art results among open-source models on a diverse set of
benchmarks covering mathematics, code generation, and logical reasoning
problems. Notably, Eurus-70B beats GPT-3.5 Turbo in reasoning through a
comprehensive benchmarking across 12 tests covering five tasks, and achieves a
33.3% pass@1 accuracy on LeetCode and 32.6% on TheoremQA, two challenging
benchmarks, substantially outperforming existing open-source models by margins
more than 13.3%. The strong performance of Eurus can be primarily attributed to
UltraInteract, our newly-curated large-scale, high-quality alignment dataset
specifically designed for complex reasoning tasks. UltraInteract can be used in
both supervised fine-tuning and preference learning. For each instruction, it
includes a preference tree consisting of (1) reasoning chains with diverse
planning strategies in a unified format, (2) multi-turn interaction
trajectories with the environment and the critique, and (3) pairwise data to
facilitate preference learning. UltraInteract allows us to conduct an in-depth
exploration of preference learning for reasoning tasks. Our investigation
reveals that some well-established preference learning algorithms may be less
suitable for reasoning tasks compared to their effectiveness in general
conversations. Inspired by this, we derive a novel reward modeling objective
which, together with UltraInteract, leads to a strong reward model. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2310.19102 | HF | Atom: Low-bit Quantization for Efficient and Accurate LLM Serving | [
"Yilong Zhao",
"Chien-Yu Lin",
"Kan Zhu",
"Zihao Ye",
"Lequn Chen",
"Size Zheng",
"Luis Ceze",
"Arvind Krishnamurthy",
"Tianqi Chen",
"Baris Kasikci"
] | 2023-10-29 | The growing demand for Large Language Models (LLMs) in applications such as
content generation, intelligent chatbots, and sentiment analysis poses
considerable challenges for LLM service providers. To efficiently use GPU
resources and boost throughput, batching multiple requests has emerged as a
popular paradigm; to further speed up batching, LLM quantization techniques
reduce memory consumption and increase computing capacity. However, prevalent
quantization schemes (e.g., 8-bit weight-activation quantization) cannot fully
leverage the capabilities of modern GPUs, such as 4-bit integer operators,
resulting in sub-optimal performance.
To maximize LLMs' serving throughput, we introduce Atom, a low-bit
quantization method that achieves high throughput improvements with negligible
accuracy loss. Atom significantly boosts serving throughput by using low-bit
operators and considerably reduces memory consumption via low-bit quantization.
It attains high accuracy by applying a novel mixed-precision and fine-grained
quantization process. We evaluate Atom on 4-bit weight-activation quantization
in the serving context. Atom improves end-to-end throughput (token/s) by up to
$7.7\times$ compared to the FP16 and by $2.5\times$ compared to INT8
quantization, while maintaining the same latency target. | null | cs.LG | [
"cs.LG"
] |
2312.05708 | HF | Context Tuning for Retrieval Augmented Generation | [
"Raviteja Anantha",
"Tharun Bethi",
"Danil Vodianik",
"Srinivas Chappidi"
] | 2023-12-09 | Large language models (LLMs) have the remarkable ability to solve new tasks
with just a few examples, but they need access to the right tools. Retrieval
Augmented Generation (RAG) addresses this problem by retrieving a list of
relevant tools for a given task. However, RAG's tool retrieval step requires
all the required information to be explicitly present in the query. This is a
limitation, as semantic search, the widely adopted tool retrieval method, can
fail when the query is incomplete or lacks context. To address this limitation,
we propose Context Tuning for RAG, which employs a smart context retrieval
system to fetch relevant information that improves both tool retrieval and plan
generation. Our lightweight context retrieval model uses numerical,
categorical, and habitual usage signals to retrieve and rank context items. Our
empirical results demonstrate that context tuning significantly enhances
semantic search, achieving a 3.5-fold and 1.5-fold improvement in Recall@K for
context retrieval and tool retrieval tasks respectively, and resulting in an
11.6% increase in LLM-based planner accuracy. Additionally, we show that our
proposed lightweight model using Reciprocal Rank Fusion (RRF) with LambdaMART
outperforms GPT-4 based retrieval. Moreover, we observe context augmentation at
plan generation, even after tool retrieval, reduces hallucination. | null | cs.IR | [
"cs.IR",
"cs.AI",
"cs.LG"
] |
2406.06282 | HF | PowerInfer-2: Fast Large Language Model Inference on a Smartphone | [
"Zhenliang Xue",
"Yixin Song",
"Zeyu Mi",
"Le Chen",
"Yubin Xia",
"Haibo Chen"
] | 2024-06-10 | This paper introduces PowerInfer-2, a framework designed for high-speed
inference of Large Language Models (LLMs) on smartphones, particularly
effective for models whose sizes exceed the device's memory capacity. The key
insight of PowerInfer-2 is to utilize the heterogeneous computation, memory,
and I/O resources in smartphones by decomposing traditional matrix computations
into fine-grained neuron cluster computations. Specifically, PowerInfer-2
features a polymorphic neuron engine that adapts computational strategies for
various stages of LLM inference. Additionally, it introduces segmented neuron
caching and fine-grained neuron-cluster-level pipelining, which effectively
minimize and conceal the overhead caused by I/O operations. The implementation
and evaluation of PowerInfer-2 demonstrate its capability to support a wide
array of LLM models on two smartphones, achieving up to a 29.2x speed increase
compared with state-of-the-art frameworks. Notably, PowerInfer-2 is the first
system to serve the TurboSparse-Mixtral-47B model with a generation rate of
11.68 tokens per second on a smartphone. For models that fit entirely within
the memory, PowerInfer-2 can achieve approximately a 40% reduction in memory
usage while maintaining inference speeds comparable to llama.cpp and MLC-LLM.
For more details, including a demonstration video, please visit the project
site at www.powerinfer.ai/v2. | null | cs.LG | [
"cs.LG"
] |
2403.10616 | Both | DiPaCo: Distributed Path Composition | [
"Arthur Douillard",
"Qixuan Feng",
"Andrei A. Rusu",
"Adhiguna Kuncoro",
"Yani Donchev",
"Rachita Chhaparia",
"Ionel Gog",
"Marc'Aurelio Ranzato",
"Jiajun Shen",
"Arthur Szlam"
] | 2024-03-15 | Progress in machine learning (ML) has been fueled by scaling neural network
models. This scaling has been enabled by ever more heroic feats of engineering,
necessary for accommodating ML approaches that require high bandwidth
communication between devices working in parallel. In this work, we propose a
co-designed modular architecture and training approach for ML models, dubbed
DIstributed PAth COmposition (DiPaCo). During training, DiPaCo distributes
computation by paths through a set of shared modules. Together with a Local-SGD
inspired optimization (DiLoCo) that keeps modules in sync with drastically
reduced communication, Our approach facilitates training across poorly
connected and heterogeneous workers, with a design that ensures robustness to
worker failures and preemptions. At inference time, only a single path needs to
be executed for each input, without the need for any model compression. We
consider this approach as a first prototype towards a new paradigm of
large-scale learning, one that is less synchronous and more modular. Our
experiments on the widely used C4 benchmark show that, for the same amount of
training steps but less wall-clock time, DiPaCo exceeds the performance of a 1
billion-parameter dense transformer language model by choosing one of 256
possible paths, each with a size of 150 million parameters. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2306.12747 | AnswerAI | Don't be so Monotone: Relaxing Stochastic Line Search in Over-Parameterized Models | [
"Leonardo Galli",
"Holger Rauhut",
"Mark Schmidt"
] | 2023-06-22 | Recent works have shown that line search methods can speed up Stochastic
Gradient Descent (SGD) and Adam in modern over-parameterized settings. However,
existing line searches may take steps that are smaller than necessary since
they require a monotone decrease of the (mini-)batch objective function. We
explore nonmonotone line search methods to relax this condition and possibly
accept larger step sizes. Despite the lack of a monotonic decrease, we prove
the same fast rates of convergence as in the monotone case. Our experiments
show that nonmonotone methods improve the speed of convergence and
generalization properties of SGD/Adam even beyond the previous monotone line
searches. We propose a POlyak NOnmonotone Stochastic (PoNoS) method, obtained
by combining a nonmonotone line search with a Polyak initial step size.
Furthermore, we develop a new resetting technique that in the majority of the
iterations reduces the amount of backtracks to zero while still maintaining a
large initial step size. To the best of our knowledge, a first runtime
comparison shows that the epoch-wise advantage of line-search-based methods
gets reflected in the overall computational time. | null | math.OC | [
"math.OC",
"cs.LG"
] |
2307.10373 | HF | TokenFlow: Consistent Diffusion Features for Consistent Video Editing | [
"Michal Geyer",
"Omer Bar-Tal",
"Shai Bagon",
"Tali Dekel"
] | 2023-07-19 | The generative AI revolution has recently expanded to videos. Nevertheless,
current state-of-the-art video models are still lagging behind image models in
terms of visual quality and user control over the generated content. In this
work, we present a framework that harnesses the power of a text-to-image
diffusion model for the task of text-driven video editing. Specifically, given
a source video and a target text-prompt, our method generates a high-quality
video that adheres to the target text, while preserving the spatial layout and
motion of the input video. Our method is based on a key observation that
consistency in the edited video can be obtained by enforcing consistency in the
diffusion feature space. We achieve this by explicitly propagating diffusion
features based on inter-frame correspondences, readily available in the model.
Thus, our framework does not require any training or fine-tuning, and can work
in conjunction with any off-the-shelf text-to-image editing method. We
demonstrate state-of-the-art editing results on a variety of real-world videos.
Webpage: https://diffusion-tokenflow.github.io/ | null | cs.CV | [
"cs.CV"
] |
2407.03618 | HF | BM25S: Orders of magnitude faster lexical search via eager sparse scoring | [
"Xing Han Lù"
] | 2024-07-04 | We introduce BM25S, an efficient Python-based implementation of BM25 that
only depends on Numpy and Scipy. BM25S achieves up to a 500x speedup compared
to the most popular Python-based framework by eagerly computing BM25 scores
during indexing and storing them into sparse matrices. It also achieves
considerable speedups compared to highly optimized Java-based implementations,
which are used by popular commercial products. Finally, BM25S reproduces the
exact implementation of five BM25 variants based on Kamphuis et al. (2020) by
extending eager scoring to non-sparse variants using a novel score shifting
method. The code can be found at https://github.com/xhluca/bm25s | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2311.02262 | Both | Tell Your Model Where to Attend: Post-hoc Attention Steering for LLMs | [
"Qingru Zhang",
"Chandan Singh",
"Liyuan Liu",
"Xiaodong Liu",
"Bin Yu",
"Jianfeng Gao",
"Tuo Zhao"
] | 2023-11-03 | In human-written articles, we often leverage the subtleties of text style,
such as bold and italics, to guide the attention of readers. These textual
emphases are vital for the readers to grasp the conveyed information. When
interacting with large language models (LLMs), we have a similar need -
steering the model to pay closer attention to user-specified information, e.g.,
an instruction. Existing methods, however, are constrained to process plain
text and do not support such a mechanism. This motivates us to introduce PASTA
- Post-hoc Attention STeering Approach, a method that allows LLMs to read text
with user-specified emphasis marks. To this end, PASTA identifies a small
subset of attention heads and applies precise attention reweighting on them,
directing the model attention to user-specified parts. Like prompting, PASTA is
applied at inference time and does not require changing any model parameters.
Experiments demonstrate that PASTA can substantially enhance an LLM's ability
to follow user instructions or integrate new knowledge from user inputs,
leading to a significant performance improvement on a variety of tasks, e.g.,
an average accuracy improvement of 22% for LLAMA-7B. Our code is publicly
available at https://github.com/QingruZhang/PASTA . | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2310.19923 | AnswerAI | Jina Embeddings 2: 8192-Token General-Purpose Text Embeddings for Long Documents | [
"Michael Günther",
"Jackmin Ong",
"Isabelle Mohr",
"Alaeddine Abdessalem",
"Tanguy Abel",
"Mohammad Kalim Akram",
"Susana Guzman",
"Georgios Mastrapas",
"Saba Sturua",
"Bo Wang",
"Maximilian Werk",
"Nan Wang",
"Han Xiao"
] | 2023-10-30 | Text embedding models have emerged as powerful tools for transforming
sentences into fixed-sized feature vectors that encapsulate semantic
information. While these models are essential for tasks like information
retrieval, semantic clustering, and text re-ranking, most existing open-source
models, especially those built on architectures like BERT, struggle to
represent lengthy documents and often resort to truncation. One common approach
to mitigate this challenge involves splitting documents into smaller paragraphs
for embedding. However, this strategy results in a much larger set of vectors,
consequently leading to increased memory consumption and computationally
intensive vector searches with elevated latency.
To address these challenges, we introduce Jina Embeddings 2, an open-source
text embedding model capable of accommodating up to 8192 tokens. This model is
designed to transcend the conventional 512-token limit and adeptly process long
documents. Jina Embeddings 2 not only achieves state-of-the-art performance on
a range of embedding-related tasks in the MTEB benchmark but also matches the
performance of OpenAI's proprietary ada-002 model. Additionally, our
experiments indicate that an extended context can enhance performance in tasks
such as NarrativeQA. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"68T50",
"I.2.7"
] |
2401.02987 | HF | Has Your Pretrained Model Improved? A Multi-head Posterior Based Approach | [
"Prince Aboagye",
"Yan Zheng",
"Junpeng Wang",
"Uday Singh Saini",
"Xin Dai",
"Michael Yeh",
"Yujie Fan",
"Zhongfang Zhuang",
"Shubham Jain",
"Liang Wang",
"Wei Zhang"
] | 2024-01-02 | The emergence of pre-trained models has significantly impacted Natural
Language Processing (NLP) and Computer Vision to relational datasets.
Traditionally, these models are assessed through fine-tuned downstream tasks.
However, this raises the question of how to evaluate these models more
efficiently and more effectively. In this study, we explore a novel approach
where we leverage the meta-features associated with each entity as a source of
worldly knowledge and employ entity representations from the models. We propose
using the consistency between these representations and the meta-features as a
metric for evaluating pre-trained models. Our method's effectiveness is
demonstrated across various domains, including models with relational datasets,
large language models and image models. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.13501 | HF | VSTAR: Generative Temporal Nursing for Longer Dynamic Video Synthesis | [
"Yumeng Li",
"William Beluch",
"Margret Keuper",
"Dan Zhang",
"Anna Khoreva"
] | 2024-03-20 | Despite tremendous progress in the field of text-to-video (T2V) synthesis,
open-sourced T2V diffusion models struggle to generate longer videos with
dynamically varying and evolving content. They tend to synthesize quasi-static
videos, ignoring the necessary visual change-over-time implied in the text
prompt. At the same time, scaling these models to enable longer, more dynamic
video synthesis often remains computationally intractable. To address this
challenge, we introduce the concept of Generative Temporal Nursing (GTN), where
we aim to alter the generative process on the fly during inference to improve
control over the temporal dynamics and enable generation of longer videos. We
propose a method for GTN, dubbed VSTAR, which consists of two key ingredients:
1) Video Synopsis Prompting (VSP) - automatic generation of a video synopsis
based on the original single prompt leveraging LLMs, which gives accurate
textual guidance to different visual states of longer videos, and 2) Temporal
Attention Regularization (TAR) - a regularization technique to refine the
temporal attention units of the pre-trained T2V diffusion models, which enables
control over the video dynamics. We experimentally showcase the superiority of
the proposed approach in generating longer, visually appealing videos over
existing open-sourced T2V models. We additionally analyze the temporal
attention maps realized with and without VSTAR, demonstrating the importance of
applying our method to mitigate neglect of the desired visual change over time. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.MM"
] |
2409.08240 | HF | IFAdapter: Instance Feature Control for Grounded Text-to-Image Generation | [
"Yinwei Wu",
"Xianpan Zhou",
"Bing Ma",
"Xuefeng Su",
"Kai Ma",
"Xinchao Wang"
] | 2024-09-12 | While Text-to-Image (T2I) diffusion models excel at generating visually
appealing images of individual instances, they struggle to accurately position
and control the features generation of multiple instances. The Layout-to-Image
(L2I) task was introduced to address the positioning challenges by
incorporating bounding boxes as spatial control signals, but it still falls
short in generating precise instance features. In response, we propose the
Instance Feature Generation (IFG) task, which aims to ensure both positional
accuracy and feature fidelity in generated instances. To address the IFG task,
we introduce the Instance Feature Adapter (IFAdapter). The IFAdapter enhances
feature depiction by incorporating additional appearance tokens and utilizing
an Instance Semantic Map to align instance-level features with spatial
locations. The IFAdapter guides the diffusion process as a plug-and-play
module, making it adaptable to various community models. For evaluation, we
contribute an IFG benchmark and develop a verification pipeline to objectively
compare models' abilities to generate instances with accurate positioning and
features. Experimental results demonstrate that IFAdapter outperforms other
models in both quantitative and qualitative evaluations. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.04833 | AnswerAI | Long Is More for Alignment: A Simple but Tough-to-Beat Baseline for Instruction Fine-Tuning | [
"Hao Zhao",
"Maksym Andriushchenko",
"Francesco Croce",
"Nicolas Flammarion"
] | 2024-02-07 | There is a consensus that instruction fine-tuning of LLMs requires
high-quality data, but what are they? LIMA (NeurIPS 2023) and AlpaGasus (ICLR
2024) are state-of-the-art methods for selecting such high-quality examples,
either via manual curation or using GPT-3.5-Turbo as a quality scorer. We show
that the extremely simple baseline of selecting the 1,000 instructions with
longest responses -- that intuitively contain more learnable information and
are harder to overfit -- from standard datasets can consistently outperform
these sophisticated methods according to GPT-4 and PaLM-2 as judges, while
remaining competitive on the Open LLM benchmarks that test factual knowledge.
We demonstrate this for several LLMs (Llama-2-7B, Llama-2-13B, Mistral-7B-v0.1)
and datasets (Alpaca-52k, Evol-Instruct-70k). In addition, a lightweight
refinement of such long instructions can further improve the abilities of the
fine-tuned LLMs, and allows us to obtain competitive results on MT-Bench and
the 2nd highest-ranked Llama-2-7B-based model on AlpacaEval 2.0, while training
on only 1,000 examples and no extra preference data. We also conduct a thorough
analysis of our models to ensure that their enhanced performance is not simply
due to GPT-4's preference for longer responses. Overall, our findings suggest
that fine-tuning on the longest responses should be the default baseline for
any work on instruction fine-tuning. We provide our code at
https://github.com/tml-epfl/long-is-more-for-alignment. | null | cs.CL | [
"cs.CL"
] |
2407.00782 | HF | Step-Controlled DPO: Leveraging Stepwise Error for Enhanced Mathematical Reasoning | [
"Zimu Lu",
"Aojun Zhou",
"Ke Wang",
"Houxing Ren",
"Weikang Shi",
"Junting Pan",
"Mingjie Zhan",
"Hongsheng Li"
] | 2024-06-30 | Direct Preference Optimization (DPO) has proven effective at improving the
performance of large language models (LLMs) on downstream tasks such as
reasoning and alignment. In this work, we propose Step-Controlled DPO (SCDPO),
a method for automatically providing stepwise error supervision by creating
negative samples of mathematical reasoning rationales that start making errors
at a specified step. By applying these samples in DPO training, SCDPO can
better align the model to understand reasoning errors and output accurate
reasoning steps. We apply SCDPO to both code-integrated and chain-of-thought
solutions, empirically showing that it consistently improves the performance
compared to naive DPO on three different SFT models, including one existing SFT
model and two models we finetuned. Qualitative analysis of the credit
assignment of SCDPO and DPO demonstrates the effectiveness of SCDPO at
identifying errors in mathematical solutions. We then apply SCDPO to an
InternLM2-20B model, resulting in a 20B model that achieves high scores of
88.5% on GSM8K and 58.1% on MATH, rivaling all other open-source LLMs, showing
the great potential of our method. | null | cs.CL | [
"cs.CL"
] |
2406.15252 | HF | VideoScore: Building Automatic Metrics to Simulate Fine-grained Human Feedback for Video Generation | [
"Xuan He",
"Dongfu Jiang",
"Ge Zhang",
"Max Ku",
"Achint Soni",
"Sherman Siu",
"Haonan Chen",
"Abhranil Chandra",
"Ziyan Jiang",
"Aaran Arulraj",
"Kai Wang",
"Quy Duc Do",
"Yuansheng Ni",
"Bohan Lyu",
"Yaswanth Narsupalli",
"Rongqi Fan",
"Zhiheng Lyu",
"Yuchen Lin",
"Wenhu Chen"
] | 2024-06-21 | The recent years have witnessed great advances in video generation. However,
the development of automatic video metrics is lagging significantly behind.
None of the existing metric is able to provide reliable scores over generated
videos. The main barrier is the lack of large-scale human-annotated dataset. In
this paper, we release VideoFeedback, the first large-scale dataset containing
human-provided multi-aspect score over 37.6K synthesized videos from 11
existing video generative models. We train VideoScore (initialized from Mantis)
based on VideoFeedback to enable automatic video quality assessment.
Experiments show that the Spearman correlation between VideoScore and humans
can reach 77.1 on VideoFeedback-test, beating the prior best metrics by about
50 points. Further result on other held-out EvalCrafter, GenAI-Bench, and
VBench show that VideoScore has consistently much higher correlation with human
judges than other metrics. Due to these results, we believe VideoScore can
serve as a great proxy for human raters to (1) rate different video models to
track progress (2) simulate fine-grained human feedback in Reinforcement
Learning with Human Feedback (RLHF) to improve current video generation models. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2211.09066 | AnswerAI | Teaching Algorithmic Reasoning via In-context Learning | [
"Hattie Zhou",
"Azade Nova",
"Hugo Larochelle",
"Aaron Courville",
"Behnam Neyshabur",
"Hanie Sedghi"
] | 2022-11-15 | Large language models (LLMs) have shown increasing in-context learning
capabilities through scaling up model and data size. Despite this progress,
LLMs are still unable to solve algorithmic reasoning problems. While providing
a rationale with the final answer has led to further improvements in multi-step
reasoning problems, Anil et al. 2022 showed that even simple algorithmic
reasoning tasks such as parity are far from solved. In this work, we identify
and study four key stages for successfully teaching algorithmic reasoning to
LLMs: (1) formulating algorithms as skills, (2) teaching multiple skills
simultaneously (skill accumulation), (3) teaching how to combine skills (skill
composition) and (4) teaching how to use skills as tools. We show that it is
possible to teach algorithmic reasoning to LLMs via in-context learning, which
we refer to as algorithmic prompting. We evaluate our approach on a variety of
arithmetic and quantitative reasoning tasks, and demonstrate significant boosts
in performance over existing prompting techniques. In particular, for long
parity, addition, multiplication and subtraction, we achieve an error reduction
of approximately 10x, 9x, 5x and 2x respectively compared to the best available
baselines. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2406.08085 | HF | Flash-VStream: Memory-Based Real-Time Understanding for Long Video Streams | [
"Haoji Zhang",
"Yiqin Wang",
"Yansong Tang",
"Yong Liu",
"Jiashi Feng",
"Jifeng Dai",
"Xiaojie Jin"
] | 2024-06-12 | Benefiting from the advancements in large language models and cross-modal
alignment, existing multi-modal video understanding methods have achieved
prominent performance in offline scenario. However, online video streams, as
one of the most common media forms in the real world, have seldom received
attention. Compared to offline videos, the 'dynamic' nature of online video
streams poses challenges for the direct application of existing models and
introduces new problems, such as the storage of extremely long-term
information, interaction between continuous visual content and 'asynchronous'
user questions. Therefore, in this paper we present Flash-VStream, a
video-language model that simulates the memory mechanism of human. Our model is
able to process extremely long video streams in real-time and respond to user
queries simultaneously. Compared to existing models, Flash-VStream achieves
significant reductions in inference latency and VRAM consumption, which is
intimately related to performing understanding of online streaming video. In
addition, given that existing video understanding benchmarks predominantly
concentrate on offline scenario, we propose VStream-QA, a novel question
answering benchmark specifically designed for online video streaming
understanding. Comparisons with popular existing methods on the proposed
benchmark demonstrate the superiority of our method for such challenging
setting. To verify the generalizability of our approach, we further evaluate it
on existing video understanding benchmarks and achieves state-of-the-art
performance in offline scenarios as well. All code, models, and datasets are
available at the https://invinciblewyq.github.io/vstream-page/ | null | cs.CV | [
"cs.CV"
] |
2401.12963 | HF | AutoRT: Embodied Foundation Models for Large Scale Orchestration of Robotic Agents | [
"Michael Ahn",
"Debidatta Dwibedi",
"Chelsea Finn",
"Montse Gonzalez Arenas",
"Keerthana Gopalakrishnan",
"Karol Hausman",
"Brian Ichter",
"Alex Irpan",
"Nikhil Joshi",
"Ryan Julian",
"Sean Kirmani",
"Isabel Leal",
"Edward Lee",
"Sergey Levine",
"Yao Lu",
"Isabel Leal",
"Sharath Maddineni",
"Kanishka Rao",
"Dorsa Sadigh",
"Pannag Sanketi",
"Pierre Sermanet",
"Quan Vuong",
"Stefan Welker",
"Fei Xia",
"Ted Xiao",
"Peng Xu",
"Steve Xu",
"Zhuo Xu"
] | 2024-01-23 | Foundation models that incorporate language, vision, and more recently
actions have revolutionized the ability to harness internet scale data to
reason about useful tasks. However, one of the key challenges of training
embodied foundation models is the lack of data grounded in the physical world.
In this paper, we propose AutoRT, a system that leverages existing foundation
models to scale up the deployment of operational robots in completely unseen
scenarios with minimal human supervision. AutoRT leverages vision-language
models (VLMs) for scene understanding and grounding, and further uses large
language models (LLMs) for proposing diverse and novel instructions to be
performed by a fleet of robots. Guiding data collection by tapping into the
knowledge of foundation models enables AutoRT to effectively reason about
autonomy tradeoffs and safety while significantly scaling up data collection
for robot learning. We demonstrate AutoRT proposing instructions to over 20
robots across multiple buildings and collecting 77k real robot episodes via
both teleoperation and autonomous robot policies. We experimentally show that
such "in-the-wild" data collected by AutoRT is significantly more diverse, and
that AutoRT's use of LLMs allows for instruction following data collection
robots that can align to human preferences. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CL",
"cs.CV",
"cs.LG"
] |
2312.17482 | AnswerAI | MosaicBERT: A Bidirectional Encoder Optimized for Fast Pretraining | [
"Jacob Portes",
"Alex Trott",
"Sam Havens",
"Daniel King",
"Abhinav Venigalla",
"Moin Nadeem",
"Nikhil Sardana",
"Daya Khudia",
"Jonathan Frankle"
] | 2023-12-29 | Although BERT-style encoder models are heavily used in NLP research, many
researchers do not pretrain their own BERTs from scratch due to the high cost
of training. In the past half-decade since BERT first rose to prominence, many
advances have been made with other transformer architectures and training
configurations that have yet to be systematically incorporated into BERT. Here,
we introduce MosaicBERT, a BERT-style encoder architecture and training recipe
that is empirically optimized for fast pretraining. This efficient architecture
incorporates FlashAttention, Attention with Linear Biases (ALiBi), Gated Linear
Units (GLU), a module to dynamically remove padded tokens, and low precision
LayerNorm into the classic transformer encoder block. The training recipe
includes a 30% masking ratio for the Masked Language Modeling (MLM) objective,
bfloat16 precision, and vocabulary size optimized for GPU throughput, in
addition to best-practices from RoBERTa and other encoder models. When
pretrained from scratch on the C4 dataset, this base model achieves a
downstream average GLUE (dev) score of 79.6 in 1.13 hours on 8 A100 80 GB GPUs
at a cost of roughly $20. We plot extensive accuracy vs. pretraining speed
Pareto curves and show that MosaicBERT base and large are consistently Pareto
optimal when compared to a competitive BERT base and large. This empirical
speed up in pretraining enables researchers and engineers to pretrain custom
BERT-style models at low cost instead of finetune on existing generic models.
We open source our model weights and code. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.18559 | HF | VSSD: Vision Mamba with Non-Causal State Space Duality | [
"Yuheng Shi",
"Minjing Dong",
"Mingjia Li",
"Chang Xu"
] | 2024-07-26 | Vision transformers have significantly advanced the field of computer vision,
offering robust modeling capabilities and global receptive field. However,
their high computational demands limit their applicability in processing long
sequences. To tackle this issue, State Space Models (SSMs) have gained
prominence in vision tasks as they offer linear computational complexity.
Recently, State Space Duality (SSD), an improved variant of SSMs, was
introduced in Mamba2 to enhance model performance and efficiency. However, the
inherent causal nature of SSD/SSMs restricts their applications in non-causal
vision tasks. To address this limitation, we introduce Visual State Space
Duality (VSSD) model, which has a non-causal format of SSD. Specifically, we
propose to discard the magnitude of interactions between the hidden state and
tokens while preserving their relative weights, which relieves the dependencies
of token contribution on previous tokens. Together with the involvement of
multi-scan strategies, we show that the scanning results can be integrated to
achieve non-causality, which not only improves the performance of SSD in vision
tasks but also enhances its efficiency. We conduct extensive experiments on
various benchmarks including image classification, detection, and segmentation,
where VSSD surpasses existing state-of-the-art SSM-based models. Code and
weights are available at \url{https://github.com/YuHengsss/VSSD}. | null | cs.CV | [
"cs.CV"
] |
2409.08353 | HF | Robust Dual Gaussian Splatting for Immersive Human-centric Volumetric Videos | [
"Yuheng Jiang",
"Zhehao Shen",
"Yu Hong",
"Chengcheng Guo",
"Yize Wu",
"Yingliang Zhang",
"Jingyi Yu",
"Lan Xu"
] | 2024-09-12 | Volumetric video represents a transformative advancement in visual media,
enabling users to freely navigate immersive virtual experiences and narrowing
the gap between digital and real worlds. However, the need for extensive manual
intervention to stabilize mesh sequences and the generation of excessively
large assets in existing workflows impedes broader adoption. In this paper, we
present a novel Gaussian-based approach, dubbed \textit{DualGS}, for real-time
and high-fidelity playback of complex human performance with excellent
compression ratios. Our key idea in DualGS is to separately represent motion
and appearance using the corresponding skin and joint Gaussians. Such an
explicit disentanglement can significantly reduce motion redundancy and enhance
temporal coherence. We begin by initializing the DualGS and anchoring skin
Gaussians to joint Gaussians at the first frame. Subsequently, we employ a
coarse-to-fine training strategy for frame-by-frame human performance modeling.
It includes a coarse alignment phase for overall motion prediction as well as a
fine-grained optimization for robust tracking and high-fidelity rendering. To
integrate volumetric video seamlessly into VR environments, we efficiently
compress motion using entropy encoding and appearance using codec compression
coupled with a persistent codebook. Our approach achieves a compression ratio
of up to 120 times, only requiring approximately 350KB of storage per frame. We
demonstrate the efficacy of our representation through photo-realistic,
free-view experiences on VR headsets, enabling users to immersively watch
musicians in performance and feel the rhythm of the notes at the performers'
fingertips. | null | cs.GR | [
"cs.GR",
"cs.CV"
] |
2311.09257 | HF | UFOGen: You Forward Once Large Scale Text-to-Image Generation via Diffusion GANs | [
"Yanwu Xu",
"Yang Zhao",
"Zhisheng Xiao",
"Tingbo Hou"
] | 2023-11-14 | Text-to-image diffusion models have demonstrated remarkable capabilities in
transforming textual prompts into coherent images, yet the computational cost
of their inference remains a persistent challenge. To address this issue, we
present UFOGen, a novel generative model designed for ultra-fast, one-step
text-to-image synthesis. In contrast to conventional approaches that focus on
improving samplers or employing distillation techniques for diffusion models,
UFOGen adopts a hybrid methodology, integrating diffusion models with a GAN
objective. Leveraging a newly introduced diffusion-GAN objective and
initialization with pre-trained diffusion models, UFOGen excels in efficiently
generating high-quality images conditioned on textual descriptions in a single
step. Beyond traditional text-to-image generation, UFOGen showcases versatility
in applications. Notably, UFOGen stands among the pioneering models enabling
one-step text-to-image generation and diverse downstream tasks, presenting a
significant advancement in the landscape of efficient generative models. | null | cs.CV | [
"cs.CV"
] |
2110.15943 | AnswerAI | MetaICL: Learning to Learn In Context | [
"Sewon Min",
"Mike Lewis",
"Luke Zettlemoyer",
"Hannaneh Hajishirzi"
] | 2021-10-29 | We introduce MetaICL (Meta-training for In-Context Learning), a new
meta-training framework for few-shot learning where a pretrained language model
is tuned to do in-context learning on a large set of training tasks. This
meta-training enables the model to more effectively learn a new task in context
at test time, by simply conditioning on a few training examples with no
parameter updates or task-specific templates. We experiment on a large, diverse
collection of tasks consisting of 142 NLP datasets including classification,
question answering, natural language inference, paraphrase detection and more,
across seven different meta-training/target splits. MetaICL outperforms a range
of baselines including in-context learning without meta-training and multi-task
learning followed by zero-shot transfer. We find that the gains are
particularly significant for target tasks that have domain shifts from the
meta-training tasks, and that using a diverse set of the meta-training tasks is
key to improvements. We also show that MetaICL approaches (and sometimes beats)
the performance of models fully finetuned on the target task, and outperforms
much bigger models with nearly 8x parameters. Finally, we show that MetaICL is
complementary to human-written instructions, and the best performance can be
achieved by combining both approaches. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.12433 | HF | TAO-Amodal: A Benchmark for Tracking Any Object Amodally | [
"Cheng-Yen Hsieh",
"Kaihua Chen",
"Achal Dave",
"Tarasha Khurana",
"Deva Ramanan"
] | 2023-12-19 | Amodal perception, the ability to comprehend complete object structures from
partial visibility, is a fundamental skill, even for infants. Its significance
extends to applications like autonomous driving, where a clear understanding of
heavily occluded objects is essential. However, modern detection and tracking
algorithms often overlook this critical capability, perhaps due to the
prevalence of \textit{modal} annotations in most benchmarks. To address the
scarcity of amodal benchmarks, we introduce TAO-Amodal, featuring 833 diverse
categories in thousands of video sequences. Our dataset includes
\textit{amodal} and modal bounding boxes for visible and partially or fully
occluded objects, including those that are partially out of the camera frame.
We investigate the current lay of the land in both amodal tracking and
detection by benchmarking state-of-the-art modal trackers and amodal
segmentation methods. We find that existing methods, even when adapted for
amodal tracking, struggle to detect and track objects under heavy occlusion. To
mitigate this, we explore simple finetuning schemes that can increase the
amodal tracking and detection metrics of occluded objects by 2.1\% and 3.3\%. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2408.08000 | HF | MVInpainter: Learning Multi-View Consistent Inpainting to Bridge 2D and 3D Editing | [
"Chenjie Cao",
"Chaohui Yu",
"Yanwei Fu",
"Fan Wang",
"Xiangyang Xue"
] | 2024-08-15 | Novel View Synthesis (NVS) and 3D generation have recently achieved prominent
improvements. However, these works mainly focus on confined categories or
synthetic 3D assets, which are discouraged from generalizing to challenging
in-the-wild scenes and fail to be employed with 2D synthesis directly.
Moreover, these methods heavily depended on camera poses, limiting their
real-world applications. To overcome these issues, we propose MVInpainter,
re-formulating the 3D editing as a multi-view 2D inpainting task. Specifically,
MVInpainter partially inpaints multi-view images with the reference guidance
rather than intractably generating an entirely novel view from scratch, which
largely simplifies the difficulty of in-the-wild NVS and leverages unmasked
clues instead of explicit pose conditions. To ensure cross-view consistency,
MVInpainter is enhanced by video priors from motion components and appearance
guidance from concatenated reference key&value attention. Furthermore,
MVInpainter incorporates slot attention to aggregate high-level optical flow
features from unmasked regions to control the camera movement with pose-free
training and inference. Sufficient scene-level experiments on both
object-centric and forward-facing datasets verify the effectiveness of
MVInpainter, including diverse tasks, such as multi-view object removal,
synthesis, insertion, and replacement. The project page is
https://ewrfcas.github.io/MVInpainter/. | null | cs.CV | [
"cs.CV"
] |
2406.01574 | HF | MMLU-Pro: A More Robust and Challenging Multi-Task Language Understanding Benchmark | [
"Yubo Wang",
"Xueguang Ma",
"Ge Zhang",
"Yuansheng Ni",
"Abhranil Chandra",
"Shiguang Guo",
"Weiming Ren",
"Aaran Arulraj",
"Xuan He",
"Ziyan Jiang",
"Tianle Li",
"Max Ku",
"Kai Wang",
"Alex Zhuang",
"Rongqi Fan",
"Xiang Yue",
"Wenhu Chen"
] | 2024-06-03 | In the age of large-scale language models, benchmarks like the Massive
Multitask Language Understanding (MMLU) have been pivotal in pushing the
boundaries of what AI can achieve in language comprehension and reasoning
across diverse domains. However, as models continue to improve, their
performance on these benchmarks has begun to plateau, making it increasingly
difficult to discern differences in model capabilities. This paper introduces
MMLU-Pro, an enhanced dataset designed to extend the mostly knowledge-driven
MMLU benchmark by integrating more challenging, reasoning-focused questions and
expanding the choice set from four to ten options. Additionally, MMLU-Pro
eliminates the trivial and noisy questions in MMLU. Our experimental results
show that MMLU-Pro not only raises the challenge, causing a significant drop in
accuracy by 16% to 33% compared to MMLU but also demonstrates greater stability
under varying prompts. With 24 different prompt styles tested, the sensitivity
of model scores to prompt variations decreased from 4-5% in MMLU to just 2% in
MMLU-Pro. Additionally, we found that models utilizing Chain of Thought (CoT)
reasoning achieved better performance on MMLU-Pro compared to direct answering,
which is in stark contrast to the findings on the original MMLU, indicating
that MMLU-Pro includes more complex reasoning questions. Our assessments
confirm that MMLU-Pro is a more discriminative benchmark to better track
progress in the field. | null | cs.CL | [
"cs.CL"
] |
2401.04577 | HF | Masked Audio Generation using a Single Non-Autoregressive Transformer | [
"Alon Ziv",
"Itai Gat",
"Gael Le Lan",
"Tal Remez",
"Felix Kreuk",
"Alexandre Défossez",
"Jade Copet",
"Gabriel Synnaeve",
"Yossi Adi"
] | 2024-01-09 | We introduce MAGNeT, a masked generative sequence modeling method that
operates directly over several streams of audio tokens. Unlike prior work,
MAGNeT is comprised of a single-stage, non-autoregressive transformer. During
training, we predict spans of masked tokens obtained from a masking scheduler,
while during inference we gradually construct the output sequence using several
decoding steps. To further enhance the quality of the generated audio, we
introduce a novel rescoring method in which, we leverage an external
pre-trained model to rescore and rank predictions from MAGNeT, which will be
then used for later decoding steps. Lastly, we explore a hybrid version of
MAGNeT, in which we fuse between autoregressive and non-autoregressive models
to generate the first few seconds in an autoregressive manner while the rest of
the sequence is being decoded in parallel. We demonstrate the efficiency of
MAGNeT for the task of text-to-music and text-to-audio generation and conduct
an extensive empirical evaluation, considering both objective metrics and human
studies. The proposed approach is comparable to the evaluated baselines, while
being significantly faster (x7 faster than the autoregressive baseline).
Through ablation studies and analysis, we shed light on the importance of each
of the components comprising MAGNeT, together with pointing to the trade-offs
between autoregressive and non-autoregressive modeling, considering latency,
throughput, and generation quality. Samples are available on our demo page
https://pages.cs.huji.ac.il/adiyoss-lab/MAGNeT. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"eess.AS"
] |
2402.04315 | AnswerAI | Training Language Models to Generate Text with Citations via Fine-grained Rewards | [
"Chengyu Huang",
"Zeqiu Wu",
"Yushi Hu",
"Wenya Wang"
] | 2024-02-06 | While recent Large Language Models (LLMs) have proven useful in answering
user queries, they are prone to hallucination, and their responses often lack
credibility due to missing references to reliable sources. An intuitive
solution to these issues would be to include in-text citations referring to
external documents as evidence. While previous works have directly prompted
LLMs to generate in-text citations, their performances are far from
satisfactory, especially when it comes to smaller LLMs. In this work, we
propose an effective training framework using fine-grained rewards to teach
LLMs to generate highly supportive and relevant citations, while ensuring the
correctness of their responses. We also conduct a systematic analysis of
applying these fine-grained rewards to common LLM training strategies,
demonstrating its advantage over conventional practices. We conduct extensive
experiments on Question Answering (QA) datasets taken from the ALCE benchmark
and validate the model's generalizability using EXPERTQA. On LLaMA-2-7B, the
incorporation of fine-grained rewards achieves the best performance among the
baselines, even surpassing that of GPT-3.5-turbo. | null | cs.CL | [
"cs.CL"
] |
2406.13457 | HF | EvTexture: Event-driven Texture Enhancement for Video Super-Resolution | [
"Dachun Kai",
"Jiayao Lu",
"Yueyi Zhang",
"Xiaoyan Sun"
] | 2024-06-19 | Event-based vision has drawn increasing attention due to its unique
characteristics, such as high temporal resolution and high dynamic range. It
has been used in video super-resolution (VSR) recently to enhance the flow
estimation and temporal alignment. Rather than for motion learning, we propose
in this paper the first VSR method that utilizes event signals for texture
enhancement. Our method, called EvTexture, leverages high-frequency details of
events to better recover texture regions in VSR. In our EvTexture, a new
texture enhancement branch is presented. We further introduce an iterative
texture enhancement module to progressively explore the
high-temporal-resolution event information for texture restoration. This allows
for gradual refinement of texture regions across multiple iterations, leading
to more accurate and rich high-resolution details. Experimental results show
that our EvTexture achieves state-of-the-art performance on four datasets. For
the Vid4 dataset with rich textures, our method can get up to 4.67dB gain
compared with recent event-based methods. Code:
https://github.com/DachunKai/EvTexture. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2210.02969 | AnswerAI | Guess the Instruction! Flipped Learning Makes Language Models Stronger Zero-Shot Learners | [
"Seonghyeon Ye",
"Doyoung Kim",
"Joel Jang",
"Joongbo Shin",
"Minjoon Seo"
] | 2022-10-06 | Meta-training, which fine-tunes the language model (LM) on various downstream
tasks by maximizing the likelihood of the target label given the task
instruction and input instance, has improved the zero-shot task generalization
performance. However, meta-trained LMs still struggle to generalize to
challenging tasks containing novel labels unseen during meta-training. In this
paper, we propose Flipped Learning, an alternative method of meta-training
which trains the LM to generate the task instruction given the input instance
and label. During inference, the LM trained with Flipped Learning, referred to
as Flipped, selects the label option that is most likely to generate the task
instruction. On 14 tasks of the BIG-bench benchmark, the 11B-sized Flipped
outperforms zero-shot T0-11B and even a 16 times larger 3-shot GPT-3 (175B) on
average by 8.4% and 9.7% points, respectively. Flipped gives particularly large
improvements on tasks with unseen labels, outperforming T0-11B by up to +20%
average F1 score. This indicates that the strong task generalization of Flipped
comes from improved generalization to novel labels. We release our code at
https://github.com/seonghyeonye/Flipped-Learning. | null | cs.CL | [
"cs.CL"
] |
2305.17216 | HF | Generating Images with Multimodal Language Models | [
"Jing Yu Koh",
"Daniel Fried",
"Ruslan Salakhutdinov"
] | 2023-05-26 | We propose a method to fuse frozen text-only large language models (LLMs)
with pre-trained image encoder and decoder models, by mapping between their
embedding spaces. Our model demonstrates a wide suite of multimodal
capabilities: image retrieval, novel image generation, and multimodal dialogue.
Ours is the first approach capable of conditioning on arbitrarily interleaved
image and text inputs to generate coherent image (and text) outputs. To achieve
strong performance on image generation, we propose an efficient mapping network
to ground the LLM to an off-the-shelf text-to-image generation model. This
mapping network translates hidden representations of text into the embedding
space of the visual models, enabling us to leverage the strong text
representations of the LLM for visual outputs. Our approach outperforms
baseline generation models on tasks with longer and more complex language. In
addition to novel image generation, our model is also capable of image
retrieval from a prespecified dataset, and decides whether to retrieve or
generate at inference time. This is done with a learnt decision module which
conditions on the hidden representations of the LLM. Our model exhibits a wider
range of capabilities compared to prior multimodal language models. It can
process image-and-text inputs, and produce retrieved images, generated images,
and generated text -- outperforming non-LLM based generation models across
several text-to-image tasks that measure context dependence. | null | cs.CL | [
"cs.CL",
"cs.CV",
"cs.LG"
] |
2305.06161 | HF | StarCoder: may the source be with you! | [
"Raymond Li",
"Loubna Ben Allal",
"Yangtian Zi",
"Niklas Muennighoff",
"Denis Kocetkov",
"Chenghao Mou",
"Marc Marone",
"Christopher Akiki",
"Jia Li",
"Jenny Chim",
"Qian Liu",
"Evgenii Zheltonozhskii",
"Terry Yue Zhuo",
"Thomas Wang",
"Olivier Dehaene",
"Mishig Davaadorj",
"Joel Lamy-Poirier",
"João Monteiro",
"Oleh Shliazhko",
"Nicolas Gontier",
"Nicholas Meade",
"Armel Zebaze",
"Ming-Ho Yee",
"Logesh Kumar Umapathi",
"Jian Zhu",
"Benjamin Lipkin",
"Muhtasham Oblokulov",
"Zhiruo Wang",
"Rudra Murthy",
"Jason Stillerman",
"Siva Sankalp Patel",
"Dmitry Abulkhanov",
"Marco Zocca",
"Manan Dey",
"Zhihan Zhang",
"Nour Fahmy",
"Urvashi Bhattacharyya",
"Wenhao Yu",
"Swayam Singh",
"Sasha Luccioni",
"Paulo Villegas",
"Maxim Kunakov",
"Fedor Zhdanov",
"Manuel Romero",
"Tony Lee",
"Nadav Timor",
"Jennifer Ding",
"Claire Schlesinger",
"Hailey Schoelkopf",
"Jan Ebert",
"Tri Dao",
"Mayank Mishra",
"Alex Gu",
"Jennifer Robinson",
"Carolyn Jane Anderson",
"Brendan Dolan-Gavitt",
"Danish Contractor",
"Siva Reddy",
"Daniel Fried",
"Dzmitry Bahdanau",
"Yacine Jernite",
"Carlos Muñoz Ferrandis",
"Sean Hughes",
"Thomas Wolf",
"Arjun Guha",
"Leandro von Werra",
"Harm de Vries"
] | 2023-05-09 | The BigCode community, an open-scientific collaboration working on the
responsible development of Large Language Models for Code (Code LLMs),
introduces StarCoder and StarCoderBase: 15.5B parameter models with 8K context
length, infilling capabilities and fast large-batch inference enabled by
multi-query attention. StarCoderBase is trained on 1 trillion tokens sourced
from The Stack, a large collection of permissively licensed GitHub repositories
with inspection tools and an opt-out process. We fine-tuned StarCoderBase on
35B Python tokens, resulting in the creation of StarCoder. We perform the most
comprehensive evaluation of Code LLMs to date and show that StarCoderBase
outperforms every open Code LLM that supports multiple programming languages
and matches or outperforms the OpenAI code-cushman-001 model. Furthermore,
StarCoder outperforms every model that is fine-tuned on Python, can be prompted
to achieve 40\% pass@1 on HumanEval, and still retains its performance on other
programming languages. We take several important steps towards a safe
open-access model release, including an improved PII redaction pipeline and a
novel attribution tracing tool, and make the StarCoder models publicly
available under a more commercially viable version of the Open Responsible AI
Model license. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.PL",
"cs.SE"
] |
2312.10431 | AnswerAI | Continuous Diffusion for Mixed-Type Tabular Data | [
"Markus Mueller",
"Kathrin Gruber",
"Dennis Fok"
] | 2023-12-16 | Score-based generative models (or diffusion models for short) have proven
successful for generating text and image data. However, the adaption of this
model family to tabular data of mixed-type has fallen short so far. In this
paper, we propose CDTD, a Continuous Diffusion model for mixed-type Tabular
Data. Specifically, we combine score matching and score interpolation to ensure
a common continuous noise distribution for both continuous and categorical
features alike. We counteract the high heterogeneity inherent to data of
mixed-type with distinct, adaptive noise schedules per feature or per data
type. The learnable noise schedules ensure optimally allocated model capacity
and balanced generative capability. We homogenize the data types further with
model-specific loss calibration and initialization schemes tailored to
mixed-type tabular data. Our experimental results show that CDTD consistently
outperforms state-of-the-art benchmark models, captures feature correlations
exceptionally well, and that heterogeneity in the noise schedule design boosts
the sample quality. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2406.14938 | HF | Towards Retrieval Augmented Generation over Large Video Libraries | [
"Yannis Tevissen",
"Khalil Guetari",
"Frédéric Petitpont"
] | 2024-06-21 | Video content creators need efficient tools to repurpose content, a task that
often requires complex manual or automated searches. Crafting a new video from
large video libraries remains a challenge. In this paper we introduce the task
of Video Library Question Answering (VLQA) through an interoperable
architecture that applies Retrieval Augmented Generation (RAG) to video
libraries. We propose a system that uses large language models (LLMs) to
generate search queries, retrieving relevant video moments indexed by speech
and visual metadata. An answer generation module then integrates user queries
with this metadata to produce responses with specific video timestamps. This
approach shows promise in multimedia content retrieval, and AI-assisted video
content creation. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.06738 | HF | V3D: Video Diffusion Models are Effective 3D Generators | [
"Zilong Chen",
"Yikai Wang",
"Feng Wang",
"Zhengyi Wang",
"Huaping Liu"
] | 2024-03-11 | Automatic 3D generation has recently attracted widespread attention. Recent
methods have greatly accelerated the generation speed, but usually produce
less-detailed objects due to limited model capacity or 3D data. Motivated by
recent advancements in video diffusion models, we introduce V3D, which
leverages the world simulation capacity of pre-trained video diffusion models
to facilitate 3D generation. To fully unleash the potential of video diffusion
to perceive the 3D world, we further introduce geometrical consistency prior
and extend the video diffusion model to a multi-view consistent 3D generator.
Benefiting from this, the state-of-the-art video diffusion model could be
fine-tuned to generate 360degree orbit frames surrounding an object given a
single image. With our tailored reconstruction pipelines, we can generate
high-quality meshes or 3D Gaussians within 3 minutes. Furthermore, our method
can be extended to scene-level novel view synthesis, achieving precise control
over the camera path with sparse input views. Extensive experiments demonstrate
the superior performance of the proposed approach, especially in terms of
generation quality and multi-view consistency. Our code is available at
https://github.com/heheyas/V3D | null | cs.CV | [
"cs.CV"
] |
2406.09358 | HF | Understanding Hallucinations in Diffusion Models through Mode Interpolation | [
"Sumukh K Aithal",
"Pratyush Maini",
"Zachary C. Lipton",
"J. Zico Kolter"
] | 2024-06-13 | Colloquially speaking, image generation models based upon diffusion processes
are frequently said to exhibit "hallucinations," samples that could never occur
in the training data. But where do such hallucinations come from? In this
paper, we study a particular failure mode in diffusion models, which we term
mode interpolation. Specifically, we find that diffusion models smoothly
"interpolate" between nearby data modes in the training set, to generate
samples that are completely outside the support of the original training
distribution; this phenomenon leads diffusion models to generate artifacts that
never existed in real data (i.e., hallucinations). We systematically study the
reasons for, and the manifestation of this phenomenon. Through experiments on
1D and 2D Gaussians, we show how a discontinuous loss landscape in the
diffusion model's decoder leads to a region where any smooth approximation will
cause such hallucinations. Through experiments on artificial datasets with
various shapes, we show how hallucination leads to the generation of
combinations of shapes that never existed. Finally, we show that diffusion
models in fact know when they go out of support and hallucinate. This is
captured by the high variance in the trajectory of the generated sample towards
the final few backward sampling process. Using a simple metric to capture this
variance, we can remove over 95% of hallucinations at generation time while
retaining 96% of in-support samples. We conclude our exploration by showing the
implications of such hallucination (and its removal) on the collapse (and
stabilization) of recursive training on synthetic data with experiments on
MNIST and 2D Gaussians dataset. We release our code at
https://github.com/locuslab/diffusion-model-hallucination. | null | cs.LG | [
"cs.LG"
] |
2401.01286 | HF | A Comprehensive Study of Knowledge Editing for Large Language Models | [
"Ningyu Zhang",
"Yunzhi Yao",
"Bozhong Tian",
"Peng Wang",
"Shumin Deng",
"Mengru Wang",
"Zekun Xi",
"Shengyu Mao",
"Jintian Zhang",
"Yuansheng Ni",
"Siyuan Cheng",
"Ziwen Xu",
"Xin Xu",
"Jia-Chen Gu",
"Yong Jiang",
"Pengjun Xie",
"Fei Huang",
"Lei Liang",
"Zhiqiang Zhang",
"Xiaowei Zhu",
"Jun Zhou",
"Huajun Chen"
] | 2024-01-02 | Large Language Models (LLMs) have shown extraordinary capabilities in
understanding and generating text that closely mirrors human communication.
However, a primary limitation lies in the significant computational demands
during training, arising from their extensive parameterization. This challenge
is further intensified by the dynamic nature of the world, necessitating
frequent updates to LLMs to correct outdated information or integrate new
knowledge, thereby ensuring their continued relevance. Note that many
applications demand continual model adjustments post-training to address
deficiencies or undesirable behaviors. There is an increasing interest in
efficient, lightweight methods for on-the-fly model modifications. To this end,
recent years have seen a burgeoning in the techniques of knowledge editing for
LLMs, which aim to efficiently modify LLMs' behaviors within specific domains
while preserving overall performance across various inputs. In this paper, we
first define the knowledge editing problem and then provide a comprehensive
review of cutting-edge approaches. Drawing inspiration from educational and
cognitive research theories, we propose a unified categorization criterion that
classifies knowledge editing methods into three groups: resorting to external
knowledge, merging knowledge into the model, and editing intrinsic knowledge.
Furthermore, we introduce a new benchmark, KnowEdit, for a comprehensive
empirical evaluation of representative knowledge editing approaches.
Additionally, we provide an in-depth analysis of knowledge location, which can
give a deeper understanding of the knowledge structures inherent within LLMs.
Finally, we discuss several potential applications of knowledge editing,
outlining its broad and impactful implications. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.HC",
"cs.LG"
] |
2403.20041 | HF | Transformer-Lite: High-efficiency Deployment of Large Language Models on Mobile Phone GPUs | [
"Luchang Li",
"Sheng Qian",
"Jie Lu",
"Lunxi Yuan",
"Rui Wang",
"Qin Xie"
] | 2024-03-29 | The Large Language Model (LLM) is widely employed for tasks such as
intelligent assistants, text summarization, translation, and multi-modality on
mobile phones. However, the current methods for on-device LLM deployment
maintain slow inference speed, which causes poor user experience. To facilitate
high-efficiency LLM deployment on device GPUs, we propose four optimization
techniques: (a) a symbolic expression-based approach to support dynamic shape
model inference; (b) operator optimizations and execution priority setting to
enhance inference speed and reduce phone lagging; (c) an FP4 quantization
method termed M0E4 to reduce dequantization overhead; (d) a sub-tensor-based
technique to eliminate the need for copying KV cache after LLM inference.
Furthermore, we implement these methods in our mobile inference engine,
Transformer-Lite, which is compatible with both Qualcomm and MTK processors. We
evaluated Transformer-Lite's performance using LLMs with varied architectures
and parameters ranging from 2B to 14B. Specifically, we achieved prefill and
decoding speeds of 121 token/s and 14 token/s for ChatGLM2 6B, and 330 token/s
and 30 token/s for smaller Gemma 2B, respectively. Compared with CPU-based
FastLLM and GPU-based MLC-LLM, our engine attains over 10x speedup for the
prefill speed and 2~3x speedup for the decoding speed. | null | cs.CL | [
"cs.CL"
] |
2305.16311 | HF | Break-A-Scene: Extracting Multiple Concepts from a Single Image | [
"Omri Avrahami",
"Kfir Aberman",
"Ohad Fried",
"Daniel Cohen-Or",
"Dani Lischinski"
] | 2023-05-25 | Text-to-image model personalization aims to introduce a user-provided concept
to the model, allowing its synthesis in diverse contexts. However, current
methods primarily focus on the case of learning a single concept from multiple
images with variations in backgrounds and poses, and struggle when adapted to a
different scenario. In this work, we introduce the task of textual scene
decomposition: given a single image of a scene that may contain several
concepts, we aim to extract a distinct text token for each concept, enabling
fine-grained control over the generated scenes. To this end, we propose
augmenting the input image with masks that indicate the presence of target
concepts. These masks can be provided by the user or generated automatically by
a pre-trained segmentation model. We then present a novel two-phase
customization process that optimizes a set of dedicated textual embeddings
(handles), as well as the model weights, striking a delicate balance between
accurately capturing the concepts and avoiding overfitting. We employ a masked
diffusion loss to enable handles to generate their assigned concepts,
complemented by a novel loss on cross-attention maps to prevent entanglement.
We also introduce union-sampling, a training strategy aimed to improve the
ability of combining multiple concepts in generated images. We use several
automatic metrics to quantitatively compare our method against several
baselines, and further affirm the results using a user study. Finally, we
showcase several applications of our method. Project page is available at:
https://omriavrahami.com/break-a-scene/ | 10.1145/3610548.3618154 | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2401.10061 | HF | DiffusionGPT: LLM-Driven Text-to-Image Generation System | [
"Jie Qin",
"Jie Wu",
"Weifeng Chen",
"Yuxi Ren",
"Huixia Li",
"Hefeng Wu",
"Xuefeng Xiao",
"Rui Wang",
"Shilei Wen"
] | 2024-01-18 | Diffusion models have opened up new avenues for the field of image
generation, resulting in the proliferation of high-quality models shared on
open-source platforms. However, a major challenge persists in current
text-to-image systems are often unable to handle diverse inputs, or are limited
to single model results. Current unified attempts often fall into two
orthogonal aspects: i) parse Diverse Prompts in input stage; ii) activate
expert model to output. To combine the best of both worlds, we propose
DiffusionGPT, which leverages Large Language Models (LLM) to offer a unified
generation system capable of seamlessly accommodating various types of prompts
and integrating domain-expert models. DiffusionGPT constructs domain-specific
Trees for various generative models based on prior knowledge. When provided
with an input, the LLM parses the prompt and employs the Trees-of-Thought to
guide the selection of an appropriate model, thereby relaxing input constraints
and ensuring exceptional performance across diverse domains. Moreover, we
introduce Advantage Databases, where the Tree-of-Thought is enriched with human
feedback, aligning the model selection process with human preferences. Through
extensive experiments and comparisons, we demonstrate the effectiveness of
DiffusionGPT, showcasing its potential for pushing the boundaries of image
synthesis in diverse domains. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2305.19835 | HF | Deliberate then Generate: Enhanced Prompting Framework for Text Generation | [
"Bei Li",
"Rui Wang",
"Junliang Guo",
"Kaitao Song",
"Xu Tan",
"Hany Hassan",
"Arul Menezes",
"Tong Xiao",
"Jiang Bian",
"JingBo Zhu"
] | 2023-05-31 | Large language models (LLMs) have shown remarkable success across a wide
range of natural language generation tasks, where proper prompt designs make
great impacts. While existing prompting methods are normally restricted to
providing correct information, in this paper, we encourage the model to
deliberate by proposing a novel Deliberate then Generate (DTG) prompting
framework, which consists of error detection instructions and candidates that
may contain errors. DTG is a simple yet effective technique that can be applied
to various text generation tasks with minimal modifications. We conduct
extensive experiments on 20+ datasets across 7 text generation tasks, including
summarization, translation, dialogue, and more. We show that DTG consistently
outperforms existing prompting methods and achieves state-of-the-art
performance on multiple text generation tasks. We also provide in-depth
analyses to reveal the underlying mechanisms of DTG, which may inspire future
research on prompting for LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2310.10195 | AnswerAI | AdaLomo: Low-memory Optimization with Adaptive Learning Rate | [
"Kai Lv",
"Hang Yan",
"Qipeng Guo",
"Haijun Lv",
"Xipeng Qiu"
] | 2023-10-16 | Large language models have achieved remarkable success, but their extensive
parameter size necessitates substantial memory for training, thereby setting a
high threshold. While the recently proposed low-memory optimization (LOMO)
reduces memory footprint, its optimization technique, akin to stochastic
gradient descent, is sensitive to hyper-parameters and exhibits suboptimal
convergence, failing to match the performance of the prevailing optimizer for
large language models, AdamW. Through empirical analysis of the Adam optimizer,
we found that, compared to momentum, the adaptive learning rate is more
critical for bridging the gap. Building on this insight, we introduce the
low-memory optimization with adaptive learning rate (AdaLomo), which offers an
adaptive learning rate for each parameter. To maintain memory efficiency, we
employ non-negative matrix factorization for the second-order moment estimation
in the optimizer state. Additionally, we suggest the use of a grouped update
normalization to stabilize convergence. Our experiments with instruction-tuning
and further pre-training demonstrate that AdaLomo achieves results on par with
AdamW, while significantly reducing memory requirements, thereby lowering the
hardware barrier to training large language models. The code is accessible at
https://github.com/OpenLMLab/LOMO. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2309.03897 | HF | ProPainter: Improving Propagation and Transformer for Video Inpainting | [
"Shangchen Zhou",
"Chongyi Li",
"Kelvin C. K. Chan",
"Chen Change Loy"
] | 2023-09-07 | Flow-based propagation and spatiotemporal Transformer are two mainstream
mechanisms in video inpainting (VI). Despite the effectiveness of these
components, they still suffer from some limitations that affect their
performance. Previous propagation-based approaches are performed separately
either in the image or feature domain. Global image propagation isolated from
learning may cause spatial misalignment due to inaccurate optical flow.
Moreover, memory or computational constraints limit the temporal range of
feature propagation and video Transformer, preventing exploration of
correspondence information from distant frames. To address these issues, we
propose an improved framework, called ProPainter, which involves enhanced
ProPagation and an efficient Transformer. Specifically, we introduce
dual-domain propagation that combines the advantages of image and feature
warping, exploiting global correspondences reliably. We also propose a
mask-guided sparse video Transformer, which achieves high efficiency by
discarding unnecessary and redundant tokens. With these components, ProPainter
outperforms prior arts by a large margin of 1.46 dB in PSNR while maintaining
appealing efficiency. | null | cs.CV | [
"cs.CV"
] |
2312.15011 | HF | Gemini vs GPT-4V: A Preliminary Comparison and Combination of Vision-Language Models Through Qualitative Cases | [
"Zhangyang Qi",
"Ye Fang",
"Mengchen Zhang",
"Zeyi Sun",
"Tong Wu",
"Ziwei Liu",
"Dahua Lin",
"Jiaqi Wang",
"Hengshuang Zhao"
] | 2023-12-22 | The rapidly evolving sector of Multi-modal Large Language Models (MLLMs) is
at the forefront of integrating linguistic and visual processing in artificial
intelligence. This paper presents an in-depth comparative study of two
pioneering models: Google's Gemini and OpenAI's GPT-4V(ision). Our study
involves a multi-faceted evaluation of both models across key dimensions such
as Vision-Language Capability, Interaction with Humans, Temporal Understanding,
and assessments in both Intelligence and Emotional Quotients. The core of our
analysis delves into the distinct visual comprehension abilities of each model.
We conducted a series of structured experiments to evaluate their performance
in various industrial application scenarios, offering a comprehensive
perspective on their practical utility. We not only involve direct performance
comparisons but also include adjustments in prompts and scenarios to ensure a
balanced and fair analysis. Our findings illuminate the unique strengths and
niches of both models. GPT-4V distinguishes itself with its precision and
succinctness in responses, while Gemini excels in providing detailed, expansive
answers accompanied by relevant imagery and links. These understandings not
only shed light on the comparative merits of Gemini and GPT-4V but also
underscore the evolving landscape of multimodal foundation models, paving the
way for future advancements in this area. After the comparison, we attempted to
achieve better results by combining the two models. Finally, We would like to
express our profound gratitude to the teams behind GPT-4V and Gemini for their
pioneering contributions to the field. Our acknowledgments are also extended to
the comprehensive qualitative analysis presented in 'Dawn' by Yang et al. This
work, with its extensive collection of image samples, prompts, and
GPT-4V-related results, provided a foundational basis for our analysis. | null | cs.CV | [
"cs.CV"
] |
1910.08475 | AnswerAI | On Warm-Starting Neural Network Training | [
"Jordan T. Ash",
"Ryan P. Adams"
] | 2019-10-18 | In many real-world deployments of machine learning systems, data arrive
piecemeal. These learning scenarios may be passive, where data arrive
incrementally due to structural properties of the problem (e.g., daily
financial data) or active, where samples are selected according to a measure of
their quality (e.g., experimental design). In both of these cases, we are
building a sequence of models that incorporate an increasing amount of data. We
would like each of these models in the sequence to be performant and take
advantage of all the data that are available to that point. Conventional
intuition suggests that when solving a sequence of related optimization
problems of this form, it should be possible to initialize using the solution
of the previous iterate -- to "warm start" the optimization rather than
initialize from scratch -- and see reductions in wall-clock time. However, in
practice this warm-starting seems to yield poorer generalization performance
than models that have fresh random initializations, even though the final
training losses are similar. While it appears that some hyperparameter settings
allow a practitioner to close this generalization gap, they seem to only do so
in regimes that damage the wall-clock gains of the warm start. Nevertheless, it
is highly desirable to be able to warm-start neural network training, as it
would dramatically reduce the resource usage associated with the construction
of performant deep learning systems. In this work, we take a closer look at
this empirical phenomenon and try to understand when and how it occurs. We also
provide a surprisingly simple trick that overcomes this pathology in several
important situations, and present experiments that elucidate some of its
properties. | null | cs.LG | [
"cs.LG",
"cs.NE",
"stat.ML"
] |
2402.11550 | HF | LongAgent: Scaling Language Models to 128k Context through Multi-Agent Collaboration | [
"Jun Zhao",
"Can Zu",
"Hao Xu",
"Yi Lu",
"Wei He",
"Yiwen Ding",
"Tao Gui",
"Qi Zhang",
"Xuanjing Huang"
] | 2024-02-18 | Large language models (LLMs) have demonstrated impressive performance in
understanding language and executing complex reasoning tasks. However, LLMs
with long context windows have been notorious for their expensive training
costs and high inference latency. Even the most advanced models such as GPT-4
and Claude2 often make mistakes when processing inputs of over $100k$ tokens, a
phenomenon also known as \textit{lost in the middle}. In this paper, we propose
\textsc{LongAgent}, a method based on multi-agent collaboration, which scales
LLMs (e.g., LLaMA) to a context of 128K and demonstrates potential superiority
in long-text processing compared to GPT-4. In \textsc{LongAgent}, a leader is
responsible for understanding user intent and directing team members to acquire
information from documents. Due to members' hallucinations, it is non-trivial
for a leader to obtain accurate information from the responses of dozens to
hundreds of members. To address this, we develop an \textit{inter-member
communication} mechanism to resolve response conflicts caused by hallucinations
through information sharing. Our experimental results indicate that
\textsc{LongAgent} offers a promising alternative for long-text processing. The
agent team instantiated with LLaMA-7B achieves significant improvements in
tasks such as 128k-long text retrieval, multi-hop question answering, compared
to GPT-4. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.18411 | AnswerAI | Feature-Learning Networks Are Consistent Across Widths At Realistic Scales | [
"Nikhil Vyas",
"Alexander Atanasov",
"Blake Bordelon",
"Depen Morwani",
"Sabarish Sainathan",
"Cengiz Pehlevan"
] | 2023-05-28 | We study the effect of width on the dynamics of feature-learning neural
networks across a variety of architectures and datasets. Early in training,
wide neural networks trained on online data have not only identical loss curves
but also agree in their point-wise test predictions throughout training. For
simple tasks such as CIFAR-5m this holds throughout training for networks of
realistic widths. We also show that structural properties of the models,
including internal representations, preactivation distributions, edge of
stability phenomena, and large learning rate effects are consistent across
large widths. This motivates the hypothesis that phenomena seen in realistic
models can be captured by infinite-width, feature-learning limits. For harder
tasks (such as ImageNet and language modeling), and later training times,
finite-width deviations grow systematically. Two distinct effects cause these
deviations across widths. First, the network output has
initialization-dependent variance scaling inversely with width, which can be
removed by ensembling networks. We observe, however, that ensembles of narrower
networks perform worse than a single wide network. We call this the bias of
narrower width. We conclude with a spectral perspective on the origin of this
finite-width bias. | null | cs.LG | [
"cs.LG"
] |
2312.09911 | HF | Amphion: An Open-Source Audio, Music and Speech Generation Toolkit | [
"Xueyao Zhang",
"Liumeng Xue",
"Yicheng Gu",
"Yuancheng Wang",
"Jiaqi Li",
"Haorui He",
"Chaoren Wang",
"Songting Liu",
"Xi Chen",
"Junan Zhang",
"Zihao Fang",
"Haopeng Chen",
"Tze Ying Tang",
"Lexiao Zou",
"Mingxuan Wang",
"Jun Han",
"Kai Chen",
"Haizhou Li",
"Zhizheng Wu"
] | 2023-12-15 | Amphion is an open-source toolkit for Audio, Music, and Speech Generation,
targeting to ease the way for junior researchers and engineers into these
fields. It presents a unified framework that includes diverse generation tasks
and models, with the added bonus of being easily extendable for new
incorporation. The toolkit is designed with beginner-friendly workflows and
pre-trained models, allowing both beginners and seasoned researchers to
kick-start their projects with relative ease. The initial release of Amphion
v0.1 supports a range of tasks including Text to Speech (TTS), Text to Audio
(TTA), and Singing Voice Conversion (SVC), supplemented by essential components
like data preprocessing, state-of-the-art vocoders, and evaluation metrics.
This paper presents a high-level overview of Amphion. Amphion is open-sourced
at https://github.com/open-mmlab/Amphion. | null | cs.SD | [
"cs.SD",
"eess.AS"
] |
2306.03203 | HF | A Static Evaluation of Code Completion by Large Language Models | [
"Hantian Ding",
"Varun Kumar",
"Yuchen Tian",
"Zijian Wang",
"Rob Kwiatkowski",
"Xiaopeng Li",
"Murali Krishna Ramanathan",
"Baishakhi Ray",
"Parminder Bhatia",
"Sudipta Sengupta",
"Dan Roth",
"Bing Xiang"
] | 2023-06-05 | Large language models trained on code have shown great potential to increase
productivity of software developers. Several execution-based benchmarks have
been proposed to evaluate functional correctness of model-generated code on
simple programming problems. Nevertheless, it is expensive to perform the same
evaluation on complex real-world projects considering the execution cost. On
the contrary, static analysis tools such as linters, which can detect errors
without running the program, haven't been well explored for evaluating code
generation models. In this work, we propose a static evaluation framework to
quantify static errors in Python code completions, by leveraging Abstract
Syntax Trees. Compared with execution-based evaluation, our method is not only
more efficient, but also applicable to code in the wild. For experiments, we
collect code context from open source repos to generate one million function
bodies using public models. Our static analysis reveals that Undefined Name and
Unused Variable are the most common errors among others made by language
models. Through extensive studies, we also show the impact of sampling
temperature, model size, and context on static errors in code completions. | null | cs.CL | [
"cs.CL",
"cs.SE"
] |
2407.04363 | HF | AriGraph: Learning Knowledge Graph World Models with Episodic Memory for LLM Agents | [
"Petr Anokhin",
"Nikita Semenov",
"Artyom Sorokin",
"Dmitry Evseev",
"Mikhail Burtsev",
"Evgeny Burnaev"
] | 2024-07-05 | Advancements in the capabilities of Large Language Models (LLMs) have created
a promising foundation for developing autonomous agents. With the right tools,
these agents could learn to solve tasks in new environments by accumulating and
updating their knowledge. Current LLM-based agents process past experiences
using a full history of observations, summarization, retrieval augmentation.
However, these unstructured memory representations do not facilitate the
reasoning and planning essential for complex decision-making. In our study, we
introduce AriGraph, a novel method wherein the agent constructs and updates a
memory graph that integrates semantic and episodic memories while exploring the
environment. We demonstrate that our Ariadne LLM agent, consisting of the
proposed memory architecture augmented with planning and decision-making,
effectively handles complex tasks within interactive text game environments
difficult even for human players. Results show that our approach markedly
outperforms other established memory methods and strong RL baselines in a range
of problems of varying complexity. Additionally, AriGraph demonstrates
competitive performance compared to dedicated knowledge graph-based methods in
static multi-hop question-answering. | null | cs.AI | [
"cs.AI"
] |
2305.04388 | Both | Language Models Don't Always Say What They Think: Unfaithful Explanations in Chain-of-Thought Prompting | [
"Miles Turpin",
"Julian Michael",
"Ethan Perez",
"Samuel R. Bowman"
] | 2023-05-07 | Large Language Models (LLMs) can achieve strong performance on many tasks by
producing step-by-step reasoning before giving a final output, often referred
to as chain-of-thought reasoning (CoT). It is tempting to interpret these CoT
explanations as the LLM's process for solving a task. This level of
transparency into LLMs' predictions would yield significant safety benefits.
However, we find that CoT explanations can systematically misrepresent the true
reason for a model's prediction. We demonstrate that CoT explanations can be
heavily influenced by adding biasing features to model inputs--e.g., by
reordering the multiple-choice options in a few-shot prompt to make the answer
always "(A)"--which models systematically fail to mention in their
explanations. When we bias models toward incorrect answers, they frequently
generate CoT explanations rationalizing those answers. This causes accuracy to
drop by as much as 36% on a suite of 13 tasks from BIG-Bench Hard, when testing
with GPT-3.5 from OpenAI and Claude 1.0 from Anthropic. On a social-bias task,
model explanations justify giving answers in line with stereotypes without
mentioning the influence of these social biases. Our findings indicate that CoT
explanations can be plausible yet misleading, which risks increasing our trust
in LLMs without guaranteeing their safety. Building more transparent and
explainable systems will require either improving CoT faithfulness through
targeted efforts or abandoning CoT in favor of alternative methods. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.00351 | HF | Machine Unlearning for Image-to-Image Generative Models | [
"Guihong Li",
"Hsiang Hsu",
"Chun-Fu Chen",
"Radu Marculescu"
] | 2024-02-01 | Machine unlearning has emerged as a new paradigm to deliberately forget data
samples from a given model in order to adhere to stringent regulations.
However, existing machine unlearning methods have been primarily focused on
classification models, leaving the landscape of unlearning for generative
models relatively unexplored. This paper serves as a bridge, addressing the gap
by providing a unifying framework of machine unlearning for image-to-image
generative models. Within this framework, we propose a
computationally-efficient algorithm, underpinned by rigorous theoretical
analysis, that demonstrates negligible performance degradation on the retain
samples, while effectively removing the information from the forget samples.
Empirical studies on two large-scale datasets, ImageNet-1K and Places-365,
further show that our algorithm does not rely on the availability of the retain
samples, which further complies with data retention policy. To our best
knowledge, this work is the first that represents systemic, theoretical,
empirical explorations of machine unlearning specifically tailored for
image-to-image generative models. Our code is available at
https://github.com/jpmorganchase/l2l-generator-unlearning. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2312.01552 | Both | The Unlocking Spell on Base LLMs: Rethinking Alignment via In-Context Learning | [
"Bill Yuchen Lin",
"Abhilasha Ravichander",
"Ximing Lu",
"Nouha Dziri",
"Melanie Sclar",
"Khyathi Chandu",
"Chandra Bhagavatula",
"Yejin Choi"
] | 2023-12-04 | The alignment tuning process of large language models (LLMs) typically
involves instruction learning through supervised fine-tuning (SFT) and
preference tuning via reinforcement learning from human feedback (RLHF). A
recent study, LIMA (Zhou et al. 2023), shows that using merely 1K examples for
SFT can achieve significant alignment performance as well, suggesting that the
effect of alignment tuning might be "superficial." This raises questions about
how exactly the alignment tuning transforms a base LLM.
We analyze the effect of alignment tuning by examining the token distribution
shift between base LLMs and their aligned counterpart. Our findings reveal that
base LLMs and their alignment-tuned versions perform nearly identically in
decoding on the majority of token positions. Most distribution shifts occur
with stylistic tokens. These direct evidence strongly supports the Superficial
Alignment Hypothesis suggested by LIMA.
Based on these findings, we rethink the alignment of LLMs by posing the
research question: how effectively can we align base LLMs without SFT or RLHF?
To address this, we introduce a simple, tuning-free alignment method, URIAL.
URIAL achieves effective alignment purely through in-context learning (ICL)
with base LLMs, requiring as few as three constant stylistic examples and a
system prompt. We conduct a fine-grained and interpretable evaluation on a
diverse set of examples, named JUST-EVAL-INSTRUCT. Results demonstrate that
base LLMs with URIAL can match or even surpass the performance of LLMs aligned
with SFT or SFT+RLHF. We show that the gap between tuning-free and tuning-based
alignment methods can be significantly reduced through strategic prompting and
ICL. Our findings on the superficial nature of alignment tuning and results
with URIAL suggest that deeper analysis and theoretical understanding of
alignment is crucial to future LLM research. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.06098 | HF | VidProM: A Million-scale Real Prompt-Gallery Dataset for Text-to-Video Diffusion Models | [
"Wenhao Wang",
"Yi Yang"
] | 2024-03-10 | The arrival of Sora marks a new era for text-to-video diffusion models,
bringing significant advancements in video generation and potential
applications. However, Sora, along with other text-to-video diffusion models,
is highly reliant on prompts, and there is no publicly available dataset that
features a study of text-to-video prompts. In this paper, we introduce VidProM,
the first large-scale dataset comprising 1.67 Million unique text-to-Video
Prompts from real users. Additionally, this dataset includes 6.69 million
videos generated by four state-of-the-art diffusion models, alongside some
related data. We initially discuss the curation of this large-scale dataset, a
process that is both time-consuming and costly. Subsequently, we underscore the
need for a new prompt dataset specifically designed for text-to-video
generation by illustrating how VidProM differs from DiffusionDB, a large-scale
prompt-gallery dataset for image generation. Our extensive and diverse dataset
also opens up many exciting new research areas. For instance, we suggest
exploring text-to-video prompt engineering, efficient video generation, and
video copy detection for diffusion models to develop better, more efficient,
and safer models. The project (including the collected dataset VidProM and
related code) is publicly available at https://vidprom.github.io under the
CC-BY-NC 4.0 License. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2401.13388 | HF | UNIMO-G: Unified Image Generation through Multimodal Conditional Diffusion | [
"Wei Li",
"Xue Xu",
"Jiachen Liu",
"Xinyan Xiao"
] | 2024-01-24 | Existing text-to-image diffusion models primarily generate images from text
prompts. However, the inherent conciseness of textual descriptions poses
challenges in faithfully synthesizing images with intricate details, such as
specific entities or scenes. This paper presents UNIMO-G, a simple multimodal
conditional diffusion framework that operates on multimodal prompts with
interleaved textual and visual inputs, which demonstrates a unified ability for
both text-driven and subject-driven image generation. UNIMO-G comprises two
core components: a Multimodal Large Language Model (MLLM) for encoding
multimodal prompts, and a conditional denoising diffusion network for
generating images based on the encoded multimodal input. We leverage a
two-stage training strategy to effectively train the framework: firstly
pre-training on large-scale text-image pairs to develop conditional image
generation capabilities, and then instruction tuning with multimodal prompts to
achieve unified image generation proficiency. A well-designed data processing
pipeline involving language grounding and image segmentation is employed to
construct multi-modal prompts. UNIMO-G excels in both text-to-image generation
and zero-shot subject-driven synthesis, and is notably effective in generating
high-fidelity images from complex multimodal prompts involving multiple image
entities. | null | cs.CV | [
"cs.CV"
] |
2308.03610 | HF | AvatarVerse: High-quality & Stable 3D Avatar Creation from Text and Pose | [
"Huichao Zhang",
"Bowen Chen",
"Hao Yang",
"Liao Qu",
"Xu Wang",
"Li Chen",
"Chao Long",
"Feida Zhu",
"Kang Du",
"Min Zheng"
] | 2023-08-07 | Creating expressive, diverse and high-quality 3D avatars from highly
customized text descriptions and pose guidance is a challenging task, due to
the intricacy of modeling and texturing in 3D that ensure details and various
styles (realistic, fictional, etc). We present AvatarVerse, a stable pipeline
for generating expressive high-quality 3D avatars from nothing but text
descriptions and pose guidance. In specific, we introduce a 2D diffusion model
conditioned on DensePose signal to establish 3D pose control of avatars through
2D images, which enhances view consistency from partially observed scenarios.
It addresses the infamous Janus Problem and significantly stablizes the
generation process. Moreover, we propose a progressive high-resolution 3D
synthesis strategy, which obtains substantial improvement over the quality of
the created 3D avatars. To this end, the proposed AvatarVerse pipeline achieves
zero-shot 3D modeling of 3D avatars that are not only more expressive, but also
in higher quality and fidelity than previous works. Rigorous qualitative
evaluations and user studies showcase AvatarVerse's superiority in synthesizing
high-fidelity 3D avatars, leading to a new standard in high-quality and stable
3D avatar creation. Our project page is: https://avatarverse3d.github.io | null | cs.CV | [
"cs.CV"
] |
2407.15815 | HF | Learning to Manipulate Anywhere: A Visual Generalizable Framework For Reinforcement Learning | [
"Zhecheng Yuan",
"Tianming Wei",
"Shuiqi Cheng",
"Gu Zhang",
"Yuanpei Chen",
"Huazhe Xu"
] | 2024-07-22 | Can we endow visuomotor robots with generalization capabilities to operate in
diverse open-world scenarios? In this paper, we propose \textbf{Maniwhere}, a
generalizable framework tailored for visual reinforcement learning, enabling
the trained robot policies to generalize across a combination of multiple
visual disturbance types. Specifically, we introduce a multi-view
representation learning approach fused with Spatial Transformer Network (STN)
module to capture shared semantic information and correspondences among
different viewpoints. In addition, we employ a curriculum-based randomization
and augmentation approach to stabilize the RL training process and strengthen
the visual generalization ability. To exhibit the effectiveness of Maniwhere,
we meticulously design 8 tasks encompassing articulate objects, bi-manual, and
dexterous hand manipulation tasks, demonstrating Maniwhere's strong visual
generalization and sim2real transfer abilities across 3 hardware platforms. Our
experiments show that Maniwhere significantly outperforms existing
state-of-the-art methods. Videos are provided at
https://gemcollector.github.io/maniwhere/. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV"
] |
2404.14394 | HF | A Multimodal Automated Interpretability Agent | [
"Tamar Rott Shaham",
"Sarah Schwettmann",
"Franklin Wang",
"Achyuta Rajaram",
"Evan Hernandez",
"Jacob Andreas",
"Antonio Torralba"
] | 2024-04-22 | This paper describes MAIA, a Multimodal Automated Interpretability Agent.
MAIA is a system that uses neural models to automate neural model understanding
tasks like feature interpretation and failure mode discovery. It equips a
pre-trained vision-language model with a set of tools that support iterative
experimentation on subcomponents of other models to explain their behavior.
These include tools commonly used by human interpretability researchers: for
synthesizing and editing inputs, computing maximally activating exemplars from
real-world datasets, and summarizing and describing experimental results.
Interpretability experiments proposed by MAIA compose these tools to describe
and explain system behavior. We evaluate applications of MAIA to computer
vision models. We first characterize MAIA's ability to describe (neuron-level)
features in learned representations of images. Across several trained models
and a novel dataset of synthetic vision neurons with paired ground-truth
descriptions, MAIA produces descriptions comparable to those generated by
expert human experimenters. We then show that MAIA can aid in two additional
interpretability tasks: reducing sensitivity to spurious features, and
automatically identifying inputs likely to be mis-classified. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CV"
] |
2401.14398 | HF | pix2gestalt: Amodal Segmentation by Synthesizing Wholes | [
"Ege Ozguroglu",
"Ruoshi Liu",
"Dídac Surís",
"Dian Chen",
"Achal Dave",
"Pavel Tokmakov",
"Carl Vondrick"
] | 2024-01-25 | We introduce pix2gestalt, a framework for zero-shot amodal segmentation,
which learns to estimate the shape and appearance of whole objects that are
only partially visible behind occlusions. By capitalizing on large-scale
diffusion models and transferring their representations to this task, we learn
a conditional diffusion model for reconstructing whole objects in challenging
zero-shot cases, including examples that break natural and physical priors,
such as art. As training data, we use a synthetically curated dataset
containing occluded objects paired with their whole counterparts. Experiments
show that our approach outperforms supervised baselines on established
benchmarks. Our model can furthermore be used to significantly improve the
performance of existing object recognition and 3D reconstruction methods in the
presence of occlusions. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.