arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2312.04927 | AnswerAI | Zoology: Measuring and Improving Recall in Efficient Language Models | [
"Simran Arora",
"Sabri Eyuboglu",
"Aman Timalsina",
"Isys Johnson",
"Michael Poli",
"James Zou",
"Atri Rudra",
"Christopher Ré"
] | 2023-12-08 | Attention-free language models that combine gating and convolutions are
growing in popularity due to their efficiency and increasingly competitive
performance. To better understand these architectures, we pretrain a suite of
17 attention and "gated-convolution" language models, finding that SoTA
gated-convolution architectures still underperform attention by up to 2.1
perplexity points on the Pile. In fine-grained analysis, we find 82% of the gap
is explained by each model's ability to recall information that is previously
mentioned in-context, e.g. "Hakuna Matata means no worries Hakuna Matata it
means no" $\rightarrow$ "??". On this task, termed "associative recall", we
find that attention outperforms gated-convolutions by a large margin: a 70M
parameter attention model outperforms a 1.4 billion parameter gated-convolution
model on associative recall. This is surprising because prior work shows gated
convolutions can perfectly solve synthetic tests for AR capability. To close
the gap between synthetics and real language, we develop a new formalization of
the task called multi-query associative recall (MQAR) that better reflects
actual language. We perform an empirical and theoretical study of MQAR that
elucidates differences in the parameter-efficiency of attention and
gated-convolution recall. Informed by our analysis, we evaluate simple
convolution-attention hybrids and show that hybrids with input-dependent sparse
attention patterns can close 97.4% of the gap to attention, while maintaining
sub-quadratic scaling. Our code is accessible at:
https://github.com/HazyResearch/zoology. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2401.08967 | HF | ReFT: Reasoning with Reinforced Fine-Tuning | [
"Trung Quoc Luong",
"Xinbo Zhang",
"Zhanming Jie",
"Peng Sun",
"Xiaoran Jin",
"Hang Li"
] | 2024-01-17 | One way to enhance the reasoning capability of Large Language Models (LLMs)
is to conduct Supervised Fine-Tuning (SFT) using Chain-of-Thought (CoT)
annotations. This approach does not show sufficiently strong generalization
ability, however, because the training only relies on the given CoT data. In
math problem-solving, for example, there is usually only one annotated
reasoning path for each question in the training data. Intuitively, it would be
better for the algorithm to learn from multiple annotated reasoning paths given
a question. To address this issue, we propose a simple yet effective approach
called Reinforced Fine-Tuning (ReFT) to enhance the generalizability of
learning LLMs for reasoning, with math problem-solving as an example. ReFT
first warmups the model with SFT, and then employs on-line reinforcement
learning, specifically the PPO algorithm in this paper, to further fine-tune
the model, where an abundance of reasoning paths are automatically sampled
given the question and the rewards are naturally derived from the ground-truth
answers. Extensive experiments on GSM8K, MathQA, and SVAMP datasets show that
ReFT significantly outperforms SFT, and the performance can be potentially
further boosted by combining inference-time strategies such as majority voting
and re-ranking. Note that ReFT obtains the improvement by learning from the
same training questions as SFT, without relying on extra or augmented training
questions. This indicates a superior generalization ability for ReFT. | null | cs.CL | [
"cs.CL"
] |
2406.05132 | HF | 3D-GRAND: A Million-Scale Dataset for 3D-LLMs with Better Grounding and Less Hallucination | [
"Jianing Yang",
"Xuweiyi Chen",
"Nikhil Madaan",
"Madhavan Iyengar",
"Shengyi Qian",
"David F. Fouhey",
"Joyce Chai"
] | 2024-06-07 | The integration of language and 3D perception is crucial for developing
embodied agents and robots that comprehend and interact with the physical
world. While large language models (LLMs) have demonstrated impressive language
understanding and generation capabilities, their adaptation to 3D environments
(3D-LLMs) remains in its early stages. A primary challenge is the absence of
large-scale datasets that provide dense grounding between language and 3D
scenes. In this paper, we introduce 3D-GRAND, a pioneering large-scale dataset
comprising 40,087 household scenes paired with 6.2 million densely-grounded
scene-language instructions. Our results show that instruction tuning with
3D-GRAND significantly enhances grounding capabilities and reduces
hallucinations in 3D-LLMs. As part of our contributions, we propose a
comprehensive benchmark 3D-POPE to systematically evaluate hallucination in
3D-LLMs, enabling fair comparisons among future models. Our experiments
highlight a scaling effect between dataset size and 3D-LLM performance,
emphasizing the critical role of large-scale 3D-text datasets in advancing
embodied AI research. Notably, our results demonstrate early signals for
effective sim-to-real transfer, indicating that models trained on large
synthetic data can perform well on real-world 3D scans. Through 3D-GRAND and
3D-POPE, we aim to equip the embodied AI community with essential resources and
insights, setting the stage for more reliable and better-grounded 3D-LLMs.
Project website: https://3d-grand.github.io | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.RO"
] |
2308.03757 | HF | 3D Motion Magnification: Visualizing Subtle Motions with Time Varying Radiance Fields | [
"Brandon Y. Feng",
"Hadi Alzayer",
"Michael Rubinstein",
"William T. Freeman",
"Jia-Bin Huang"
] | 2023-08-07 | Motion magnification helps us visualize subtle, imperceptible motion.
However, prior methods only work for 2D videos captured with a fixed camera. We
present a 3D motion magnification method that can magnify subtle motions from
scenes captured by a moving camera, while supporting novel view rendering. We
represent the scene with time-varying radiance fields and leverage the Eulerian
principle for motion magnification to extract and amplify the variation of the
embedding of a fixed point over time. We study and validate our proposed
principle for 3D motion magnification using both implicit and tri-plane-based
radiance fields as our underlying 3D scene representation. We evaluate the
effectiveness of our method on both synthetic and real-world scenes captured
under various camera setups. | null | cs.CV | [
"cs.CV"
] |
2402.01032 | Both | Repeat After Me: Transformers are Better than State Space Models at Copying | [
"Samy Jelassi",
"David Brandfonbrener",
"Sham M. Kakade",
"Eran Malach"
] | 2024-02-01 | Transformers are the dominant architecture for sequence modeling, but there
is growing interest in models that use a fixed-size latent state that does not
depend on the sequence length, which we refer to as "generalized state space
models" (GSSMs). In this paper we show that while GSSMs are promising in terms
of inference-time efficiency, they are limited compared to transformer models
on tasks that require copying from the input context. We start with a
theoretical analysis of the simple task of string copying and prove that a two
layer transformer can copy strings of exponential length while GSSMs are
fundamentally limited by their fixed-size latent state. Empirically, we find
that transformers outperform GSSMs in terms of efficiency and generalization on
synthetic tasks that require copying the context. Finally, we evaluate
pretrained large language models and find that transformer models dramatically
outperform state space models at copying and retrieving information from
context. Taken together, these results suggest a fundamental gap between
transformers and GSSMs on tasks of practical interest. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2409.06185 | HF | Can Large Language Models Unlock Novel Scientific Research Ideas? | [
"Sandeep Kumar",
"Tirthankar Ghosal",
"Vinayak Goyal",
"Asif Ekbal"
] | 2024-09-10 | "An idea is nothing more nor less than a new combination of old elements"
(Young, J.W.). The widespread adoption of Large Language Models (LLMs) and
publicly available ChatGPT have marked a significant turning point in the
integration of Artificial Intelligence (AI) into people's everyday lives. This
study explores the capability of LLMs in generating novel research ideas based
on information from research papers. We conduct a thorough examination of 4
LLMs in five domains (e.g., Chemistry, Computer, Economics, Medical, and
Physics). We found that the future research ideas generated by Claude-2 and
GPT-4 are more aligned with the author's perspective than GPT-3.5 and Gemini.
We also found that Claude-2 generates more diverse future research ideas than
GPT-4, GPT-3.5, and Gemini 1.0. We further performed a human evaluation of the
novelty, relevancy, and feasibility of the generated future research ideas.
This investigation offers insights into the evolving role of LLMs in idea
generation, highlighting both its capability and limitations. Our work
contributes to the ongoing efforts in evaluating and utilizing language models
for generating future research ideas. We make our datasets and codes publicly
available. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY",
"cs.HC",
"cs.LG"
] |
2205.11588 | AnswerAI | Simple Recurrence Improves Masked Language Models | [
"Tao Lei",
"Ran Tian",
"Jasmijn Bastings",
"Ankur P. Parikh"
] | 2022-05-23 | In this work, we explore whether modeling recurrence into the Transformer
architecture can both be beneficial and efficient, by building an extremely
simple recurrent module into the Transformer. We compare our model to baselines
following the training and evaluation recipe of BERT. Our results confirm that
recurrence can indeed improve Transformer models by a consistent margin,
without requiring low-level performance optimizations, and while keeping the
number of parameters constant. For example, our base model achieves an absolute
improvement of 2.1 points averaged across 10 tasks and also demonstrates
increased stability in fine-tuning over a range of learning rates. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
1711.00489 | AnswerAI | Don't Decay the Learning Rate, Increase the Batch Size | [
"Samuel L. Smith",
"Pieter-Jan Kindermans",
"Chris Ying",
"Quoc V. Le"
] | 2017-11-01 | It is common practice to decay the learning rate. Here we show one can
usually obtain the same learning curve on both training and test sets by
instead increasing the batch size during training. This procedure is successful
for stochastic gradient descent (SGD), SGD with momentum, Nesterov momentum,
and Adam. It reaches equivalent test accuracies after the same number of
training epochs, but with fewer parameter updates, leading to greater
parallelism and shorter training times. We can further reduce the number of
parameter updates by increasing the learning rate $\epsilon$ and scaling the
batch size $B \propto \epsilon$. Finally, one can increase the momentum
coefficient $m$ and scale $B \propto 1/(1-m)$, although this tends to slightly
reduce the test accuracy. Crucially, our techniques allow us to repurpose
existing training schedules for large batch training with no hyper-parameter
tuning. We train ResNet-50 on ImageNet to $76.1\%$ validation accuracy in under
30 minutes. | null | cs.LG | [
"cs.LG",
"cs.CV",
"cs.DC",
"stat.ML"
] |
2402.13220 | HF | How Easy is It to Fool Your Multimodal LLMs? An Empirical Analysis on Deceptive Prompts | [
"Yusu Qian",
"Haotian Zhang",
"Yinfei Yang",
"Zhe Gan"
] | 2024-02-20 | The remarkable advancements in Multimodal Large Language Models (MLLMs) have
not rendered them immune to challenges, particularly in the context of handling
deceptive information in prompts, thus producing hallucinated responses under
such conditions. To quantitatively assess this vulnerability, we present
MAD-Bench, a carefully curated benchmark that contains 1000 test samples
divided into 5 categories, such as non-existent objects, count of objects, and
spatial relationship. We provide a comprehensive analysis of popular MLLMs,
ranging from GPT-4v, Reka, Gemini-Pro, to open-sourced models, such as
LLaVA-NeXT and MiniCPM-Llama3. Empirically, we observe significant performance
gaps between GPT-4o and other models; and previous robust instruction-tuned
models are not effective on this new benchmark. While GPT-4o achieves 82.82%
accuracy on MAD-Bench, the accuracy of any other model in our experiments
ranges from 9% to 50%. We further propose a remedy that adds an additional
paragraph to the deceptive prompts to encourage models to think twice before
answering the question. Surprisingly, this simple method can even double the
accuracy; however, the absolute numbers are still too low to be satisfactory.
We hope MAD-Bench can serve as a valuable benchmark to stimulate further
research to enhance model resilience against deceptive prompts. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2404.08540 | HF | On the Robustness of Language Guidance for Low-Level Vision Tasks: Findings from Depth Estimation | [
"Agneet Chatterjee",
"Tejas Gokhale",
"Chitta Baral",
"Yezhou Yang"
] | 2024-04-12 | Recent advances in monocular depth estimation have been made by incorporating
natural language as additional guidance. Although yielding impressive results,
the impact of the language prior, particularly in terms of generalization and
robustness, remains unexplored. In this paper, we address this gap by
quantifying the impact of this prior and introduce methods to benchmark its
effectiveness across various settings. We generate "low-level" sentences that
convey object-centric, three-dimensional spatial relationships, incorporate
them as additional language priors and evaluate their downstream impact on
depth estimation. Our key finding is that current language-guided depth
estimators perform optimally only with scene-level descriptions and
counter-intuitively fare worse with low level descriptions. Despite leveraging
additional data, these methods are not robust to directed adversarial attacks
and decline in performance with an increase in distribution shift. Finally, to
provide a foundation for future research, we identify points of failures and
offer insights to better understand these shortcomings. With an increasing
number of methods using language for depth estimation, our findings highlight
the opportunities and pitfalls that require careful consideration for effective
deployment in real-world settings | null | cs.CV | [
"cs.CV"
] |
2409.10309 | HF | beeFormer: Bridging the Gap Between Semantic and Interaction Similarity in Recommender Systems | [
"Vojtěch Vančura",
"Pavel Kordík",
"Milan Straka"
] | 2024-09-16 | Recommender systems often use text-side information to improve their
predictions, especially in cold-start or zero-shot recommendation scenarios,
where traditional collaborative filtering approaches cannot be used. Many
approaches to text-mining side information for recommender systems have been
proposed over recent years, with sentence Transformers being the most prominent
one. However, these models are trained to predict semantic similarity without
utilizing interaction data with hidden patterns specific to recommender
systems. In this paper, we propose beeFormer, a framework for training sentence
Transformer models with interaction data. We demonstrate that our models
trained with beeFormer can transfer knowledge between datasets while
outperforming not only semantic similarity sentence Transformers but also
traditional collaborative filtering methods. We also show that training on
multiple datasets from different domains accumulates knowledge in a single
model, unlocking the possibility of training universal, domain-agnostic
sentence Transformer models to mine text representations for recommender
systems. We release the source code, trained models, and additional details
allowing replication of our experiments at
https://github.com/recombee/beeformer. | null | cs.IR | [
"cs.IR"
] |
2409.01437 | HF | Kvasir-VQA: A Text-Image Pair GI Tract Dataset | [
"Sushant Gautam",
"Andrea Storås",
"Cise Midoglu",
"Steven A. Hicks",
"Vajira Thambawita",
"Pål Halvorsen",
"Michael A. Riegler"
] | 2024-09-02 | We introduce Kvasir-VQA, an extended dataset derived from the HyperKvasir and
Kvasir-Instrument datasets, augmented with question-and-answer annotations to
facilitate advanced machine learning tasks in Gastrointestinal (GI)
diagnostics. This dataset comprises 6,500 annotated images spanning various GI
tract conditions and surgical instruments, and it supports multiple question
types including yes/no, choice, location, and numerical count. The dataset is
intended for applications such as image captioning, Visual Question Answering
(VQA), text-based generation of synthetic medical images, object detection, and
classification. Our experiments demonstrate the dataset's effectiveness in
training models for three selected tasks, showcasing significant applications
in medical image analysis and diagnostics. We also present evaluation metrics
for each task, highlighting the usability and versatility of our dataset. The
dataset and supporting artifacts are available at
https://datasets.simula.no/kvasir-vqa. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2109.13916 | AnswerAI | Unsolved Problems in ML Safety | [
"Dan Hendrycks",
"Nicholas Carlini",
"John Schulman",
"Jacob Steinhardt"
] | 2021-09-28 | Machine learning (ML) systems are rapidly increasing in size, are acquiring
new capabilities, and are increasingly deployed in high-stakes settings. As
with other powerful technologies, safety for ML should be a leading research
priority. In response to emerging safety challenges in ML, such as those
introduced by recent large-scale models, we provide a new roadmap for ML Safety
and refine the technical problems that the field needs to address. We present
four problems ready for research, namely withstanding hazards ("Robustness"),
identifying hazards ("Monitoring"), reducing inherent model hazards
("Alignment"), and reducing systemic hazards ("Systemic Safety"). Throughout,
we clarify each problem's motivation and provide concrete research directions. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2310.06816 | AnswerAI | Text Embeddings Reveal (Almost) As Much As Text | [
"John X. Morris",
"Volodymyr Kuleshov",
"Vitaly Shmatikov",
"Alexander M. Rush"
] | 2023-10-10 | How much private information do text embeddings reveal about the original
text? We investigate the problem of embedding \textit{inversion},
reconstructing the full text represented in dense text embeddings. We frame the
problem as controlled generation: generating text that, when reembedded, is
close to a fixed point in latent space. We find that although a na\"ive model
conditioned on the embedding performs poorly, a multi-step method that
iteratively corrects and re-embeds text is able to recover $92\%$ of
$32\text{-token}$ text inputs exactly. We train our model to decode text
embeddings from two state-of-the-art embedding models, and also show that our
model can recover important personal information (full names) from a dataset of
clinical notes. Our code is available on Github:
\href{https://github.com/jxmorris12/vec2text}{github.com/jxmorris12/vec2text}. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2308.16884 | HF | The Belebele Benchmark: a Parallel Reading Comprehension Dataset in 122 Language Variants | [
"Lucas Bandarkar",
"Davis Liang",
"Benjamin Muller",
"Mikel Artetxe",
"Satya Narayan Shukla",
"Donald Husa",
"Naman Goyal",
"Abhinandan Krishnan",
"Luke Zettlemoyer",
"Madian Khabsa"
] | 2023-08-31 | We present Belebele, a multiple-choice machine reading comprehension (MRC)
dataset spanning 122 language variants. Significantly expanding the language
coverage of natural language understanding (NLU) benchmarks, this dataset
enables the evaluation of text models in high-, medium-, and low-resource
languages. Each question is based on a short passage from the Flores-200
dataset and has four multiple-choice answers. The questions were carefully
curated to discriminate between models with different levels of general
language comprehension. The English dataset on its own proves difficult enough
to challenge state-of-the-art language models. Being fully parallel, this
dataset enables direct comparison of model performance across all languages. We
use this dataset to evaluate the capabilities of multilingual masked language
models (MLMs) and large language models (LLMs). We present extensive results
and find that despite significant cross-lingual transfer in English-centric
LLMs, much smaller MLMs pretrained on balanced multilingual data still
understand far more languages. We also observe that larger vocabulary size and
conscious vocabulary construction correlate with better performance on
low-resource languages. Overall, Belebele opens up new avenues for evaluating
and analyzing the multilingual capabilities of NLP systems. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"I.2.7"
] |
2309.11235 | AnswerAI | OpenChat: Advancing Open-source Language Models with Mixed-Quality Data | [
"Guan Wang",
"Sijie Cheng",
"Xianyuan Zhan",
"Xiangang Li",
"Sen Song",
"Yang Liu"
] | 2023-09-20 | Nowadays, open-source large language models like LLaMA have emerged. Recent
developments have incorporated supervised fine-tuning (SFT) and reinforcement
learning fine-tuning (RLFT) to align these models with human goals. However,
SFT methods treat all training data with mixed quality equally, while RLFT
methods require high-quality pairwise or ranking-based preference data. In this
study, we present a novel framework, named OpenChat, to advance open-source
language models with mixed-quality data. Specifically, we consider the general
SFT training data, consisting of a small amount of expert data mixed with a
large proportion of sub-optimal data, without any preference labels. We propose
the C(onditioned)-RLFT, which regards different data sources as coarse-grained
reward labels and learns a class-conditioned policy to leverage complementary
data quality information. Interestingly, the optimal policy in C-RLFT can be
easily solved through single-stage, RL-free supervised learning, which is
lightweight and avoids costly human preference labeling. Through extensive
experiments on three standard benchmarks, our openchat-13b fine-tuned with
C-RLFT achieves the highest average performance among all 13b open-source
language models. Moreover, we use AGIEval to validate the model generalization
performance, in which only openchat-13b surpasses the base model. Finally, we
conduct a series of analyses to shed light on the effectiveness and robustness
of OpenChat. Our code, data, and models are publicly available at
https://github.com/imoneoi/openchat and https://huggingface.co/openchat. | null | cs.CL | [
"cs.CL"
] |
2401.00165 | AnswerAI | Mitigating the Impact of False Negatives in Dense Retrieval with Contrastive Confidence Regularization | [
"Shiqi Wang",
"Yeqin Zhang",
"Cam-Tu Nguyen"
] | 2023-12-30 | In open-domain Question Answering (QA), dense retrieval is crucial for
finding relevant passages for answer generation. Typically, contrastive
learning is used to train a retrieval model that maps passages and queries to
the same semantic space. The objective is to make similar ones closer and
dissimilar ones further apart. However, training such a system is challenging
due to the false negative issue, where relevant passages may be missed during
data annotation. Hard negative sampling, which is commonly used to improve
contrastive learning, can introduce more noise in training. This is because
hard negatives are those closer to a given query, and thus more likely to be
false negatives. To address this issue, we propose a novel contrastive
confidence regularizer for Noise Contrastive Estimation (NCE) loss, a commonly
used loss for dense retrieval. Our analysis shows that the regularizer helps
dense retrieval models be more robust against false negatives with a
theoretical guarantee. Additionally, we propose a model-agnostic method to
filter out noisy negative passages in the dataset, improving any downstream
dense retrieval models. Through experiments on three datasets, we demonstrate
that our method achieves better retrieval performance in comparison to existing
state-of-the-art dense retrieval systems. | null | cs.CL | [
"cs.CL"
] |
2405.18503 | HF | SoundCTM: Uniting Score-based and Consistency Models for Text-to-Sound Generation | [
"Koichi Saito",
"Dongjun Kim",
"Takashi Shibuya",
"Chieh-Hsin Lai",
"Zhi Zhong",
"Yuhta Takida",
"Yuki Mitsufuji"
] | 2024-05-28 | Sound content is an indispensable element for multimedia works such as video
games, music, and films. Recent high-quality diffusion-based sound generation
models can serve as valuable tools for the creators. However, despite producing
high-quality sounds, these models often suffer from slow inference speeds. This
drawback burdens creators, who typically refine their sounds through trial and
error to align them with their artistic intentions. To address this issue, we
introduce Sound Consistency Trajectory Models (SoundCTM). Our model enables
flexible transitioning between high-quality 1-step sound generation and
superior sound quality through multi-step generation. This allows creators to
initially control sounds with 1-step samples before refining them through
multi-step generation. While CTM fundamentally achieves flexible 1-step and
multi-step generation, its impressive performance heavily depends on an
additional pretrained feature extractor and an adversarial loss, which are
expensive to train and not always available in other domains. Thus, we reframe
CTM's training framework and introduce a novel feature distance by utilizing
the teacher's network for a distillation loss. Additionally, while distilling
classifier-free guided trajectories, we train conditional and unconditional
student models simultaneously and interpolate between these models during
inference. We also propose training-free controllable frameworks for SoundCTM,
leveraging its flexible sampling capability. SoundCTM achieves both promising
1-step and multi-step real-time sound generation without using any extra
off-the-shelf networks. Furthermore, we demonstrate SoundCTM's capability of
controllable sound generation in a training-free manner. Our codes, pretrained
models, and audio samples are available at https://github.com/sony/soundctm. | null | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS"
] |
2403.01807 | HF | ViewDiff: 3D-Consistent Image Generation with Text-to-Image Models | [
"Lukas Höllein",
"Aljaž Božič",
"Norman Müller",
"David Novotny",
"Hung-Yu Tseng",
"Christian Richardt",
"Michael Zollhöfer",
"Matthias Nießner"
] | 2024-03-04 | 3D asset generation is getting massive amounts of attention, inspired by the
recent success of text-guided 2D content creation. Existing text-to-3D methods
use pretrained text-to-image diffusion models in an optimization problem or
fine-tune them on synthetic data, which often results in non-photorealistic 3D
objects without backgrounds. In this paper, we present a method that leverages
pretrained text-to-image models as a prior, and learn to generate multi-view
images in a single denoising process from real-world data. Concretely, we
propose to integrate 3D volume-rendering and cross-frame-attention layers into
each block of the existing U-Net network of the text-to-image model. Moreover,
we design an autoregressive generation that renders more 3D-consistent images
at any viewpoint. We train our model on real-world datasets of objects and
showcase its capabilities to generate instances with a variety of high-quality
shapes and textures in authentic surroundings. Compared to the existing
methods, the results generated by our method are consistent, and have favorable
visual quality (-30% FID, -37% KID). | null | cs.CV | [
"cs.CV"
] |
2404.00345 | HF | MaGRITTe: Manipulative and Generative 3D Realization from Image, Topview and Text | [
"Takayuki Hara",
"Tatsuya Harada"
] | 2024-03-30 | The generation of 3D scenes from user-specified conditions offers a promising
avenue for alleviating the production burden in 3D applications. Previous
studies required significant effort to realize the desired scene, owing to
limited control conditions. We propose a method for controlling and generating
3D scenes under multimodal conditions using partial images, layout information
represented in the top view, and text prompts. Combining these conditions to
generate a 3D scene involves the following significant difficulties: (1) the
creation of large datasets, (2) reflection on the interaction of multimodal
conditions, and (3) domain dependence of the layout conditions. We decompose
the process of 3D scene generation into 2D image generation from the given
conditions and 3D scene generation from 2D images. 2D image generation is
achieved by fine-tuning a pretrained text-to-image model with a small
artificial dataset of partial images and layouts, and 3D scene generation is
achieved by layout-conditioned depth estimation and neural radiance fields
(NeRF), thereby avoiding the creation of large datasets. The use of a common
representation of spatial information using 360-degree images allows for the
consideration of multimodal condition interactions and reduces the domain
dependence of the layout control. The experimental results qualitatively and
quantitatively demonstrated that the proposed method can generate 3D scenes in
diverse domains, from indoor to outdoor, according to multimodal conditions. | null | cs.CV | [
"cs.CV"
] |
2407.13623 | HF | Scaling Laws with Vocabulary: Larger Models Deserve Larger Vocabularies | [
"Chaofan Tao",
"Qian Liu",
"Longxu Dou",
"Niklas Muennighoff",
"Zhongwei Wan",
"Ping Luo",
"Min Lin",
"Ngai Wong"
] | 2024-07-18 | Research on scaling large language models (LLMs) has primarily focused on
model parameters and training data size, overlooking the role of vocabulary
size. We investigate how vocabulary size impacts LLM scaling laws by training
models ranging from 33M to 3B parameters on up to 500B characters with various
vocabulary configurations. We propose three complementary approaches for
predicting the compute-optimal vocabulary size: IsoFLOPs analysis, derivative
estimation, and parametric fit of the loss function. Our approaches converge on
the same result that the optimal vocabulary size depends on the available
compute budget and that larger models deserve larger vocabularies. However,
most LLMs use too small vocabulary sizes. For example, we predict that the
optimal vocabulary size of Llama2-70B should have been at least 216K, 7 times
larger than its vocabulary of 32K. We validate our predictions empirically by
training models with 3B parameters across different FLOPs budgets. Adopting our
predicted optimal vocabulary size consistently improves downstream performance
over commonly used vocabulary sizes. By increasing the vocabulary size from the
conventional 32K to 43K, we improve performance on ARC-Challenge from 29.1 to
32.0 with the same 2.3e21 FLOPs. Our work emphasizes the necessity of jointly
considering model parameters and vocabulary size for efficient scaling. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.00148 | HF | SafeDiffuser: Safe Planning with Diffusion Probabilistic Models | [
"Wei Xiao",
"Tsun-Hsuan Wang",
"Chuang Gan",
"Daniela Rus"
] | 2023-05-31 | Diffusion model-based approaches have shown promise in data-driven planning,
but there are no safety guarantees, thus making it hard to be applied for
safety-critical applications. To address these challenges, we propose a new
method, called SafeDiffuser, to ensure diffusion probabilistic models satisfy
specifications by using a class of control barrier functions. The key idea of
our approach is to embed the proposed finite-time diffusion invariance into the
denoising diffusion procedure, which enables trustworthy diffusion data
generation. Moreover, we demonstrate that our finite-time diffusion invariance
method through generative models not only maintains generalization performance
but also creates robustness in safe data generation. We test our method on a
series of safe planning tasks, including maze path generation, legged robot
locomotion, and 3D space manipulation, with results showing the advantages of
robustness and guarantees over vanilla diffusion models. | null | cs.LG | [
"cs.LG",
"cs.RO",
"cs.SY",
"eess.SY"
] |
2207.05608 | AnswerAI | Inner Monologue: Embodied Reasoning through Planning with Language Models | [
"Wenlong Huang",
"Fei Xia",
"Ted Xiao",
"Harris Chan",
"Jacky Liang",
"Pete Florence",
"Andy Zeng",
"Jonathan Tompson",
"Igor Mordatch",
"Yevgen Chebotar",
"Pierre Sermanet",
"Noah Brown",
"Tomas Jackson",
"Linda Luu",
"Sergey Levine",
"Karol Hausman",
"Brian Ichter"
] | 2022-07-12 | Recent works have shown how the reasoning capabilities of Large Language
Models (LLMs) can be applied to domains beyond natural language processing,
such as planning and interaction for robots. These embodied problems require an
agent to understand many semantic aspects of the world: the repertoire of
skills available, how these skills influence the world, and how changes to the
world map back to the language. LLMs planning in embodied environments need to
consider not just what skills to do, but also how and when to do them - answers
that change over time in response to the agent's own choices. In this work, we
investigate to what extent LLMs used in such embodied contexts can reason over
sources of feedback provided through natural language, without any additional
training. We propose that by leveraging environment feedback, LLMs are able to
form an inner monologue that allows them to more richly process and plan in
robotic control scenarios. We investigate a variety of sources of feedback,
such as success detection, scene description, and human interaction. We find
that closed-loop language feedback significantly improves high-level
instruction completion on three domains, including simulated and real table top
rearrangement tasks and long-horizon mobile manipulation tasks in a kitchen
environment in the real world. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CL",
"cs.CV",
"cs.LG"
] |
2406.06469 | HF | Husky: A Unified, Open-Source Language Agent for Multi-Step Reasoning | [
"Joongwon Kim",
"Bhargavi Paranjape",
"Tushar Khot",
"Hannaneh Hajishirzi"
] | 2024-06-10 | Language agents perform complex tasks by using tools to execute each step
precisely. However, most existing agents are based on proprietary models or
designed to target specific tasks, such as mathematics or multi-hop question
answering. We introduce Husky, a holistic, open-source language agent that
learns to reason over a unified action space to address a diverse set of
complex tasks involving numerical, tabular, and knowledge-based reasoning.
Husky iterates between two stages: 1) generating the next action to take
towards solving a given task and 2) executing the action using expert models
and updating the current solution state. We identify a thorough ontology of
actions for addressing complex tasks and curate high-quality data to train
expert models for executing these actions. Our experiments show that Husky
outperforms prior language agents across 14 evaluation datasets. Moreover, we
introduce HuskyQA, a new evaluation set which stress tests language agents for
mixed-tool reasoning, with a focus on retrieving missing knowledge and
performing numerical reasoning. Despite using 7B models, Husky matches or even
exceeds frontier LMs such as GPT-4 on these tasks, showcasing the efficacy of
our holistic approach in addressing complex reasoning problems. Our code and
models are available at https://github.com/agent-husky/Husky-v1. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2305.04091 | Both | Plan-and-Solve Prompting: Improving Zero-Shot Chain-of-Thought Reasoning by Large Language Models | [
"Lei Wang",
"Wanyu Xu",
"Yihuai Lan",
"Zhiqiang Hu",
"Yunshi Lan",
"Roy Ka-Wei Lee",
"Ee-Peng Lim"
] | 2023-05-06 | Large language models (LLMs) have recently been shown to deliver impressive
performance in various NLP tasks. To tackle multi-step reasoning tasks,
few-shot chain-of-thought (CoT) prompting includes a few manually crafted
step-by-step reasoning demonstrations which enable LLMs to explicitly generate
reasoning steps and improve their reasoning task accuracy. To eliminate the
manual effort, Zero-shot-CoT concatenates the target problem statement with
"Let's think step by step" as an input prompt to LLMs. Despite the success of
Zero-shot-CoT, it still suffers from three pitfalls: calculation errors,
missing-step errors, and semantic misunderstanding errors. To address the
missing-step errors, we propose Plan-and-Solve (PS) Prompting. It consists of
two components: first, devising a plan to divide the entire task into smaller
subtasks, and then carrying out the subtasks according to the plan. To address
the calculation errors and improve the quality of generated reasoning steps, we
extend PS prompting with more detailed instructions and derive PS+ prompting.
We evaluate our proposed prompting strategy on ten datasets across three
reasoning problems. The experimental results over GPT-3 show that our proposed
zero-shot prompting consistently outperforms Zero-shot-CoT across all datasets
by a large margin, is comparable to or exceeds Zero-shot-Program-of-Thought
Prompting, and has comparable performance with 8-shot CoT prompting on the math
reasoning problem. The code can be found at
https://github.com/AGI-Edgerunners/Plan-and-Solve-Prompting. | null | cs.CL | [
"cs.CL"
] |
2408.13233 | HF | Multi-Layer Transformers Gradient Can be Approximated in Almost Linear Time | [
"Yingyu Liang",
"Zhizhou Sha",
"Zhenmei Shi",
"Zhao Song",
"Yufa Zhou"
] | 2024-08-23 | The quadratic computational complexity in the self-attention mechanism of
popular transformer architectures poses significant challenges for training and
inference, particularly in terms of efficiency and memory requirements. Towards
addressing these challenges, this paper introduces a novel fast computation
method for gradient calculation in multi-layer transformer models. Our approach
enables the computation of gradients for the entire multi-layer transformer
model in almost linear time $n^{1+o(1)}$, where $n$ is the input sequence
length. This breakthrough significantly reduces the computational bottleneck
associated with the traditional quadratic time complexity. Our theory holds for
any loss function and maintains a bounded approximation error across the entire
model. Furthermore, our analysis can hold when the multi-layer transformer
model contains many practical sub-modules, such as residual connection, casual
mask, and multi-head attention. By improving the efficiency of gradient
computation in large language models, we hope that our work will facilitate the
more effective training and deployment of long-context language models based on
our theoretical results. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2311.07590 | HF | Large Language Models can Strategically Deceive their Users when Put Under Pressure | [
"Jérémy Scheurer",
"Mikita Balesni",
"Marius Hobbhahn"
] | 2023-11-09 | We demonstrate a situation in which Large Language Models, trained to be
helpful, harmless, and honest, can display misaligned behavior and
strategically deceive their users about this behavior without being instructed
to do so. Concretely, we deploy GPT-4 as an agent in a realistic, simulated
environment, where it assumes the role of an autonomous stock trading agent.
Within this environment, the model obtains an insider tip about a lucrative
stock trade and acts upon it despite knowing that insider trading is
disapproved of by company management. When reporting to its manager, the model
consistently hides the genuine reasons behind its trading decision. We perform
a brief investigation of how this behavior varies under changes to the setting,
such as removing model access to a reasoning scratchpad, attempting to prevent
the misaligned behavior by changing system instructions, changing the amount of
pressure the model is under, varying the perceived risk of getting caught, and
making other simple changes to the environment. To our knowledge, this is the
first demonstration of Large Language Models trained to be helpful, harmless,
and honest, strategically deceiving their users in a realistic situation
without direct instructions or training for deception. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.15447 | HF | Are aligned neural networks adversarially aligned? | [
"Nicholas Carlini",
"Milad Nasr",
"Christopher A. Choquette-Choo",
"Matthew Jagielski",
"Irena Gao",
"Anas Awadalla",
"Pang Wei Koh",
"Daphne Ippolito",
"Katherine Lee",
"Florian Tramer",
"Ludwig Schmidt"
] | 2023-06-26 | Large language models are now tuned to align with the goals of their
creators, namely to be "helpful and harmless." These models should respond
helpfully to user questions, but refuse to answer requests that could cause
harm. However, adversarial users can construct inputs which circumvent attempts
at alignment. In this work, we study adversarial alignment, and ask to what
extent these models remain aligned when interacting with an adversarial user
who constructs worst-case inputs (adversarial examples). These inputs are
designed to cause the model to emit harmful content that would otherwise be
prohibited. We show that existing NLP-based optimization attacks are
insufficiently powerful to reliably attack aligned text models: even when
current NLP-based attacks fail, we can find adversarial inputs with brute
force. As a result, the failure of current attacks should not be seen as proof
that aligned text models remain aligned under adversarial inputs.
However the recent trend in large-scale ML models is multimodal models that
allow users to provide images that influence the text that is generated. We
show these models can be easily attacked, i.e., induced to perform arbitrary
un-aligned behavior through adversarial perturbation of the input image. We
conjecture that improved NLP attacks may demonstrate this same level of
adversarial control over text-only models. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CR",
"cs.LG"
] |
2304.03277 | AnswerAI | Instruction Tuning with GPT-4 | [
"Baolin Peng",
"Chunyuan Li",
"Pengcheng He",
"Michel Galley",
"Jianfeng Gao"
] | 2023-04-06 | Prior work has shown that finetuning large language models (LLMs) using
machine-generated instruction-following data enables such models to achieve
remarkable zero-shot capabilities on new tasks, and no human-written
instructions are needed. In this paper, we present the first attempt to use
GPT-4 to generate instruction-following data for LLM finetuning. Our early
experiments on instruction-tuned LLaMA models show that the 52K English and
Chinese instruction-following data generated by GPT-4 leads to superior
zero-shot performance on new tasks to the instruction-following data generated
by previous state-of-the-art models. We also collect feedback and comparison
data from GPT-4 to enable a comprehensive evaluation and reward model training.
We make our data generated using GPT-4 as well as our codebase publicly
available. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2311.08581 | HF | Drivable 3D Gaussian Avatars | [
"Wojciech Zielonka",
"Timur Bagautdinov",
"Shunsuke Saito",
"Michael Zollhöfer",
"Justus Thies",
"Javier Romero"
] | 2023-11-14 | We present Drivable 3D Gaussian Avatars (D3GA), the first 3D controllable
model for human bodies rendered with Gaussian splats. Current photorealistic
drivable avatars require either accurate 3D registrations during training,
dense input images during testing, or both. The ones based on neural radiance
fields also tend to be prohibitively slow for telepresence applications. This
work uses the recently presented 3D Gaussian Splatting (3DGS) technique to
render realistic humans at real-time framerates, using dense calibrated
multi-view videos as input. To deform those primitives, we depart from the
commonly used point deformation method of linear blend skinning (LBS) and use a
classic volumetric deformation method: cage deformations. Given their smaller
size, we drive these deformations with joint angles and keypoints, which are
more suitable for communication applications. Our experiments on nine subjects
with varied body shapes, clothes, and motions obtain higher-quality results
than state-of-the-art methods when using the same training and test data. | null | cs.CV | [
"cs.CV"
] |
2306.05392 | HF | Modular Visual Question Answering via Code Generation | [
"Sanjay Subramanian",
"Medhini Narasimhan",
"Kushal Khangaonkar",
"Kevin Yang",
"Arsha Nagrani",
"Cordelia Schmid",
"Andy Zeng",
"Trevor Darrell",
"Dan Klein"
] | 2023-06-08 | We present a framework that formulates visual question answering as modular
code generation. In contrast to prior work on modular approaches to VQA, our
approach requires no additional training and relies on pre-trained language
models (LMs), visual models pre-trained on image-caption pairs, and fifty VQA
examples used for in-context learning. The generated Python programs invoke and
compose the outputs of the visual models using arithmetic and conditional
logic. Our approach improves accuracy on the COVR dataset by at least 3% and on
the GQA dataset by roughly 2% compared to the few-shot baseline that does not
employ code generation. | null | cs.CL | [
"cs.CL"
] |
2305.05973 | HF | Synthetic Query Generation for Privacy-Preserving Deep Retrieval Systems using Differentially Private Language Models | [
"Aldo Gael Carranza",
"Rezsa Farahani",
"Natalia Ponomareva",
"Alex Kurakin",
"Matthew Jagielski",
"Milad Nasr"
] | 2023-05-10 | We address the challenge of ensuring differential privacy (DP) guarantees in
training deep retrieval systems. Training these systems often involves the use
of contrastive-style losses, which are typically non-per-example decomposable,
making them difficult to directly DP-train with since common techniques require
per-example gradients. To address this issue, we propose an approach that
prioritizes ensuring query privacy prior to training a deep retrieval system.
Our method employs DP language models (LMs) to generate private synthetic
queries representative of the original data. These synthetic queries can be
used in downstream retrieval system training without compromising privacy. Our
approach demonstrates a significant enhancement in retrieval quality compared
to direct DP-training, all while maintaining query-level privacy guarantees.
This work highlights the potential of harnessing LMs to overcome limitations in
standard DP-training methods. | null | cs.CL | [
"cs.CL",
"cs.CR",
"cs.IR"
] |
2305.11206 | Both | LIMA: Less Is More for Alignment | [
"Chunting Zhou",
"Pengfei Liu",
"Puxin Xu",
"Srini Iyer",
"Jiao Sun",
"Yuning Mao",
"Xuezhe Ma",
"Avia Efrat",
"Ping Yu",
"Lili Yu",
"Susan Zhang",
"Gargi Ghosh",
"Mike Lewis",
"Luke Zettlemoyer",
"Omer Levy"
] | 2023-05-18 | Large language models are trained in two stages: (1) unsupervised pretraining
from raw text, to learn general-purpose representations, and (2) large scale
instruction tuning and reinforcement learning, to better align to end tasks and
user preferences. We measure the relative importance of these two stages by
training LIMA, a 65B parameter LLaMa language model fine-tuned with the
standard supervised loss on only 1,000 carefully curated prompts and responses,
without any reinforcement learning or human preference modeling. LIMA
demonstrates remarkably strong performance, learning to follow specific
response formats from only a handful of examples in the training data,
including complex queries that range from planning trip itineraries to
speculating about alternate history. Moreover, the model tends to generalize
well to unseen tasks that did not appear in the training data. In a controlled
human study, responses from LIMA are either equivalent or strictly preferred to
GPT-4 in 43% of cases; this statistic is as high as 58% when compared to Bard
and 65% versus DaVinci003, which was trained with human feedback. Taken
together, these results strongly suggest that almost all knowledge in large
language models is learned during pretraining, and only limited instruction
tuning data is necessary to teach models to produce high quality output. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.14207 | HF | Longhorn: State Space Models are Amortized Online Learners | [
"Bo Liu",
"Rui Wang",
"Lemeng Wu",
"Yihao Feng",
"Peter Stone",
"Qiang Liu"
] | 2024-07-19 | The most fundamental capability of modern AI methods such as Large Language
Models (LLMs) is the ability to predict the next token in a long sequence of
tokens, known as ``sequence modeling." Although the Transformers model is the
current dominant approach to sequence modeling, its quadratic computational
cost with respect to sequence length is a significant drawback. State-space
models (SSMs) offer a promising alternative due to their linear decoding
efficiency and high parallelizability during training. However, existing SSMs
often rely on seemingly ad hoc linear recurrence designs. In this work, we
explore SSM design through the lens of online learning, conceptualizing SSMs as
meta-modules for specific online learning problems. This approach links SSM
design to formulating precise online learning objectives, with state transition
rules derived from optimizing these objectives. Based on this insight, we
introduce a novel deep SSM architecture based on the implicit update for
optimizing an online regression objective. Our experimental results show that
our models outperform state-of-the-art SSMs, including the Mamba model, on
standard sequence modeling benchmarks and language modeling tasks. | null | cs.LG | [
"cs.LG"
] |
2110.12661 | AnswerAI | ZerO Initialization: Initializing Neural Networks with only Zeros and Ones | [
"Jiawei Zhao",
"Florian Schäfer",
"Anima Anandkumar"
] | 2021-10-25 | Deep neural networks are usually initialized with random weights, with
adequately selected initial variance to ensure stable signal propagation during
training. However, selecting the appropriate variance becomes challenging
especially as the number of layers grows. In this work, we replace random
weight initialization with a fully deterministic initialization scheme, viz.,
ZerO, which initializes the weights of networks with only zeros and ones (up to
a normalization factor), based on identity and Hadamard transforms. Through
both theoretical and empirical studies, we demonstrate that ZerO is able to
train networks without damaging their expressivity. Applying ZerO on ResNet
achieves state-of-the-art performance on various datasets, including ImageNet,
which suggests random weights may be unnecessary for network initialization. In
addition, ZerO has many benefits, such as training ultra deep networks (without
batch-normalization), exhibiting low-rank learning trajectories that result in
low-rank and sparse solutions, and improving training reproducibility. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2406.02523 | HF | RoboCasa: Large-Scale Simulation of Everyday Tasks for Generalist Robots | [
"Soroush Nasiriany",
"Abhiram Maddukuri",
"Lance Zhang",
"Adeet Parikh",
"Aaron Lo",
"Abhishek Joshi",
"Ajay Mandlekar",
"Yuke Zhu"
] | 2024-06-04 | Recent advancements in Artificial Intelligence (AI) have largely been
propelled by scaling. In Robotics, scaling is hindered by the lack of access to
massive robot datasets. We advocate using realistic physical simulation as a
means to scale environments, tasks, and datasets for robot learning methods. We
present RoboCasa, a large-scale simulation framework for training generalist
robots in everyday environments. RoboCasa features realistic and diverse scenes
focusing on kitchen environments. We provide thousands of 3D assets across over
150 object categories and dozens of interactable furniture and appliances. We
enrich the realism and diversity of our simulation with generative AI tools,
such as object assets from text-to-3D models and environment textures from
text-to-image models. We design a set of 100 tasks for systematic evaluation,
including composite tasks generated by the guidance of large language models.
To facilitate learning, we provide high-quality human demonstrations and
integrate automated trajectory generation methods to substantially enlarge our
datasets with minimal human burden. Our experiments show a clear scaling trend
in using synthetically generated robot data for large-scale imitation learning
and show great promise in harnessing simulation data in real-world tasks.
Videos and open-source code are available at https://robocasa.ai/ | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2407.19914 | HF | Sentiment Analysis of Lithuanian Online Reviews Using Large Language Models | [
"Brigita Vileikytė",
"Mantas Lukoševičius",
"Lukas Stankevičius"
] | 2024-07-29 | Sentiment analysis is a widely researched area within Natural Language
Processing (NLP), attracting significant interest due to the advent of
automated solutions. Despite this, the task remains challenging because of the
inherent complexity of languages and the subjective nature of sentiments. It is
even more challenging for less-studied and less-resourced languages such as
Lithuanian. Our review of existing Lithuanian NLP research reveals that
traditional machine learning methods and classification algorithms have limited
effectiveness for the task. In this work, we address sentiment analysis of
Lithuanian five-star-based online reviews from multiple domains that we collect
and clean. We apply transformer models to this task for the first time,
exploring the capabilities of pre-trained multilingual Large Language Models
(LLMs), specifically focusing on fine-tuning BERT and T5 models. Given the
inherent difficulty of the task, the fine-tuned models perform quite well,
especially when the sentiments themselves are less ambiguous: 80.74% and 89.61%
testing recognition accuracy of the most popular one- and five-star reviews
respectively. They significantly outperform current commercial state-of-the-art
general-purpose LLM GPT-4. We openly share our fine-tuned LLMs online. | null | cs.CL | [
"cs.CL",
"cs.IR",
"cs.LG",
"68T07, 68T50, 68T05,",
"I.2.6; I.2.7"
] |
2307.02321 | HF | MSViT: Dynamic Mixed-Scale Tokenization for Vision Transformers | [
"Jakob Drachmann Havtorn",
"Amelie Royer",
"Tijmen Blankevoort",
"Babak Ehteshami Bejnordi"
] | 2023-07-05 | The input tokens to Vision Transformers carry little semantic meaning as they
are defined as regular equal-sized patches of the input image, regardless of
its content. However, processing uniform background areas of an image should
not necessitate as much compute as dense, cluttered areas. To address this
issue, we propose a dynamic mixed-scale tokenization scheme for ViT, MSViT. Our
method introduces a conditional gating mechanism that selects the optimal token
scale for every image region, such that the number of tokens is dynamically
determined per input. In addition, to enhance the conditional behavior of the
gate during training, we introduce a novel generalization of the batch-shaping
loss. We show that our gating module is able to learn meaningful semantics
despite operating locally at the coarse patch-level. The proposed gating module
is lightweight, agnostic to the choice of transformer backbone, and trained
within a few epochs with little training overhead. Furthermore, in contrast to
token pruning, MSViT does not lose information about the input, thus can be
readily applied for dense tasks. We validate MSViT on the tasks of
classification and segmentation where it leads to improved accuracy-complexity
trade-off. | null | cs.CV | [
"cs.CV"
] |
2306.11565 | HF | HomeRobot: Open-Vocabulary Mobile Manipulation | [
"Sriram Yenamandra",
"Arun Ramachandran",
"Karmesh Yadav",
"Austin Wang",
"Mukul Khanna",
"Theophile Gervet",
"Tsung-Yen Yang",
"Vidhi Jain",
"Alexander William Clegg",
"John Turner",
"Zsolt Kira",
"Manolis Savva",
"Angel Chang",
"Devendra Singh Chaplot",
"Dhruv Batra",
"Roozbeh Mottaghi",
"Yonatan Bisk",
"Chris Paxton"
] | 2023-06-20 | HomeRobot (noun): An affordable compliant robot that navigates homes and
manipulates a wide range of objects in order to complete everyday tasks.
Open-Vocabulary Mobile Manipulation (OVMM) is the problem of picking any object
in any unseen environment, and placing it in a commanded location. This is a
foundational challenge for robots to be useful assistants in human
environments, because it involves tackling sub-problems from across robotics:
perception, language understanding, navigation, and manipulation are all
essential to OVMM. In addition, integration of the solutions to these
sub-problems poses its own substantial challenges. To drive research in this
area, we introduce the HomeRobot OVMM benchmark, where an agent navigates
household environments to grasp novel objects and place them on target
receptacles. HomeRobot has two components: a simulation component, which uses a
large and diverse curated object set in new, high-quality multi-room home
environments; and a real-world component, providing a software stack for the
low-cost Hello Robot Stretch to encourage replication of real-world experiments
across labs. We implement both reinforcement learning and heuristic
(model-based) baselines and show evidence of sim-to-real transfer. Our
baselines achieve a 20% success rate in the real world; our experiments
identify ways future research work improve performance. See videos on our
website: https://ovmm.github.io/. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV"
] |
2406.17636 | HF | Aligning Diffusion Models with Noise-Conditioned Perception | [
"Alexander Gambashidze",
"Anton Kulikov",
"Yuriy Sosnin",
"Ilya Makarov"
] | 2024-06-25 | Recent advancements in human preference optimization, initially developed for
Language Models (LMs), have shown promise for text-to-image Diffusion Models,
enhancing prompt alignment, visual appeal, and user preference. Unlike LMs,
Diffusion Models typically optimize in pixel or VAE space, which does not align
well with human perception, leading to slower and less efficient training
during the preference alignment stage. We propose using a perceptual objective
in the U-Net embedding space of the diffusion model to address these issues.
Our approach involves fine-tuning Stable Diffusion 1.5 and XL using Direct
Preference Optimization (DPO), Contrastive Preference Optimization (CPO), and
supervised fine-tuning (SFT) within this embedding space. This method
significantly outperforms standard latent-space implementations across various
metrics, including quality and computational cost. For SDXL, our approach
provides 60.8\% general preference, 62.2\% visual appeal, and 52.1\% prompt
following against original open-sourced SDXL-DPO on the PartiPrompts dataset,
while significantly reducing compute. Our approach not only improves the
efficiency and quality of human preference alignment for diffusion models but
is also easily integrable with other optimization techniques. The training code
and LoRA weights will be available here:
https://huggingface.co/alexgambashidze/SDXL\_NCP-DPO\_v0.1 | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2405.11582 | HF | SLAB: Efficient Transformers with Simplified Linear Attention and Progressive Re-parameterized Batch Normalization | [
"Jialong Guo",
"Xinghao Chen",
"Yehui Tang",
"Yunhe Wang"
] | 2024-05-19 | Transformers have become foundational architectures for both natural language
and computer vision tasks. However, the high computational cost makes it quite
challenging to deploy on resource-constraint devices. This paper investigates
the computational bottleneck modules of efficient transformer, i.e.,
normalization layers and attention modules. LayerNorm is commonly used in
transformer architectures but is not computational friendly due to statistic
calculation during inference. However, replacing LayerNorm with more efficient
BatchNorm in transformer often leads to inferior performance and collapse in
training. To address this problem, we propose a novel method named PRepBN to
progressively replace LayerNorm with re-parameterized BatchNorm in training.
Moreover, we propose a simplified linear attention (SLA) module that is simple
yet effective to achieve strong performance. Extensive experiments on image
classification as well as object detection demonstrate the effectiveness of our
proposed method. For example, our SLAB-Swin obtains $83.6\%$ top-1 accuracy on
ImageNet-1K with $16.2$ms latency, which is $2.4$ms less than that of
Flatten-Swin with $0.1\%$ higher accuracy. We also evaluated our method for
language modeling task and obtain comparable performance and lower
latency.Codes are publicly available at https://github.com/xinghaochen/SLAB and
https://github.com/mindspore-lab/models/tree/master/research/huawei-noah/SLAB. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2311.04391 | HF | 3DiffTection: 3D Object Detection with Geometry-Aware Diffusion Features | [
"Chenfeng Xu",
"Huan Ling",
"Sanja Fidler",
"Or Litany"
] | 2023-11-07 | We present 3DiffTection, a state-of-the-art method for 3D object detection
from single images, leveraging features from a 3D-aware diffusion model.
Annotating large-scale image data for 3D detection is resource-intensive and
time-consuming. Recently, pretrained large image diffusion models have become
prominent as effective feature extractors for 2D perception tasks. However,
these features are initially trained on paired text and image data, which are
not optimized for 3D tasks, and often exhibit a domain gap when applied to the
target data. Our approach bridges these gaps through two specialized tuning
strategies: geometric and semantic. For geometric tuning, we fine-tune a
diffusion model to perform novel view synthesis conditioned on a single image,
by introducing a novel epipolar warp operator. This task meets two essential
criteria: the necessity for 3D awareness and reliance solely on posed image
data, which are readily available (e.g., from videos) and does not require
manual annotation. For semantic refinement, we further train the model on
target data with detection supervision. Both tuning phases employ ControlNet to
preserve the integrity of the original feature capabilities. In the final step,
we harness these enhanced capabilities to conduct a test-time prediction
ensemble across multiple virtual viewpoints. Through our methodology, we obtain
3D-aware features that are tailored for 3D detection and excel in identifying
cross-view point correspondences. Consequently, our model emerges as a powerful
3D detector, substantially surpassing previous benchmarks, e.g., Cube-RCNN, a
precedent in single-view 3D detection by 9.43\% in AP3D on the
Omni3D-ARkitscene dataset. Furthermore, 3DiffTection showcases robust data
efficiency and generalization to cross-domain data. | null | cs.CV | [
"cs.CV"
] |
2311.05770 | HF | PolyMaX: General Dense Prediction with Mask Transformer | [
"Xuan Yang",
"Liangzhe Yuan",
"Kimberly Wilber",
"Astuti Sharma",
"Xiuye Gu",
"Siyuan Qiao",
"Stephanie Debats",
"Huisheng Wang",
"Hartwig Adam",
"Mikhail Sirotenko",
"Liang-Chieh Chen"
] | 2023-11-09 | Dense prediction tasks, such as semantic segmentation, depth estimation, and
surface normal prediction, can be easily formulated as per-pixel classification
(discrete outputs) or regression (continuous outputs). This per-pixel
prediction paradigm has remained popular due to the prevalence of fully
convolutional networks. However, on the recent frontier of segmentation task,
the community has been witnessing a shift of paradigm from per-pixel prediction
to cluster-prediction with the emergence of transformer architectures,
particularly the mask transformers, which directly predicts a label for a mask
instead of a pixel. Despite this shift, methods based on the per-pixel
prediction paradigm still dominate the benchmarks on the other dense prediction
tasks that require continuous outputs, such as depth estimation and surface
normal prediction. Motivated by the success of DORN and AdaBins in depth
estimation, achieved by discretizing the continuous output space, we propose to
generalize the cluster-prediction based method to general dense prediction
tasks. This allows us to unify dense prediction tasks with the mask transformer
framework. Remarkably, the resulting model PolyMaX demonstrates
state-of-the-art performance on three benchmarks of NYUD-v2 dataset. We hope
our simple yet effective design can inspire more research on exploiting mask
transformers for more dense prediction tasks. Code and model will be made
available. | null | cs.CV | [
"cs.CV"
] |
2406.01297 | AnswerAI | When Can LLMs Actually Correct Their Own Mistakes? A Critical Survey of Self-Correction of LLMs | [
"Ryo Kamoi",
"Yusen Zhang",
"Nan Zhang",
"Jiawei Han",
"Rui Zhang"
] | 2024-06-03 | Self-correction is an approach to improving responses from large language
models (LLMs) by refining the responses using LLMs during inference. Prior work
has proposed various self-correction frameworks using different sources of
feedback, including self-evaluation and external feedback. However, there is
still no consensus on the question of when LLMs can correct their own mistakes,
as recent studies also report negative results. In this work, we critically
survey broad papers and discuss the conditions required for successful
self-correction. We first find that prior studies often do not define their
research questions in detail and involve impractical frameworks or unfair
evaluations that over-evaluate self-correction. To tackle these issues, we
categorize research questions in self-correction research and provide a
checklist for designing appropriate experiments. Our critical survey based on
the newly categorized research questions shows that (1) no prior work
demonstrates successful self-correction with feedback from prompted LLMs,
except for studies in tasks that are exceptionally suited for self-correction,
(2) self-correction works well in tasks that can use reliable external
feedback, and (3) large-scale fine-tuning enables self-correction. | null | cs.CL | [
"cs.CL"
] |
2212.09849 | AnswerAI | Dataless Knowledge Fusion by Merging Weights of Language Models | [
"Xisen Jin",
"Xiang Ren",
"Daniel Preotiuc-Pietro",
"Pengxiang Cheng"
] | 2022-12-19 | Fine-tuning pre-trained language models has become the prevalent paradigm for
building downstream NLP models. Oftentimes fine-tuned models are readily
available but their training data is not, due to data privacy or intellectual
property concerns. This creates a barrier to fusing knowledge across individual
models to yield a better single model. In this paper, we study the problem of
merging individual models built on different training data sets to obtain a
single model that performs well both across all data set domains and can
generalize on out-of-domain data. We propose a dataless knowledge fusion method
that merges models in their parameter space, guided by weights that minimize
prediction differences between the merged model and the individual models. Over
a battery of evaluation settings, we show that the proposed method
significantly outperforms baselines such as Fisher-weighted averaging or model
ensembling. Further, we find that our method is a promising alternative to
multi-task learning that can preserve or sometimes improve over the individual
models without access to the training data. Finally, model merging is more
efficient than training a multi-task model, thus making it applicable to a
wider set of scenarios. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.07961 | HF | The ART of LLM Refinement: Ask, Refine, and Trust | [
"Kumar Shridhar",
"Koustuv Sinha",
"Andrew Cohen",
"Tianlu Wang",
"Ping Yu",
"Ram Pasunuru",
"Mrinmaya Sachan",
"Jason Weston",
"Asli Celikyilmaz"
] | 2023-11-14 | In recent years, Large Language Models (LLMs) have demonstrated remarkable
generative abilities, but can they judge the quality of their own generations?
A popular concept, referred to as self-refinement, postulates that LLMs can
detect and correct the errors in their generations when asked to do so.
However, recent empirical evidence points in the opposite direction, suggesting
that LLMs often struggle to accurately identify errors when reasoning is
involved. To address this, we propose a reasoning with refinement objective
called ART: Ask, Refine, and Trust, which asks necessary questions to decide
when an LLM should refine its output, and either affirm or withhold trust in
its refinement by ranking the refinement and the initial prediction. On two
multistep reasoning tasks of mathematical word problems (GSM8K) and question
answering (StrategyQA), ART achieves a performance gain of +5 points over
self-refinement baselines, while using a much smaller model as the decision
maker. We also demonstrate the benefit of using smaller models to make
refinement decisions as a cost-effective alternative to fine-tuning a larger
model. | null | cs.CL | [
"cs.CL"
] |
2402.05472 | HF | Question Aware Vision Transformer for Multimodal Reasoning | [
"Roy Ganz",
"Yair Kittenplon",
"Aviad Aberdam",
"Elad Ben Avraham",
"Oren Nuriel",
"Shai Mazor",
"Ron Litman"
] | 2024-02-08 | Vision-Language (VL) models have gained significant research focus, enabling
remarkable advances in multimodal reasoning. These architectures typically
comprise a vision encoder, a Large Language Model (LLM), and a projection
module that aligns visual features with the LLM's representation space. Despite
their success, a critical limitation persists: the vision encoding process
remains decoupled from user queries, often in the form of image-related
questions. Consequently, the resulting visual features may not be optimally
attuned to the query-specific elements of the image. To address this, we
introduce QA-ViT, a Question Aware Vision Transformer approach for multimodal
reasoning, which embeds question awareness directly within the vision encoder.
This integration results in dynamic visual features focusing on relevant image
aspects to the posed question. QA-ViT is model-agnostic and can be incorporated
efficiently into any VL architecture. Extensive experiments demonstrate the
effectiveness of applying our method to various multimodal architectures,
leading to consistent improvement across diverse tasks and showcasing its
potential for enhancing visual and scene-text understanding. | null | cs.CV | [
"cs.CV"
] |
2407.06304 | HF | VIMI: Grounding Video Generation through Multi-modal Instruction | [
"Yuwei Fang",
"Willi Menapace",
"Aliaksandr Siarohin",
"Tsai-Shien Chen",
"Kuan-Chien Wang",
"Ivan Skorokhodov",
"Graham Neubig",
"Sergey Tulyakov"
] | 2024-07-08 | Existing text-to-video diffusion models rely solely on text-only encoders for
their pretraining. This limitation stems from the absence of large-scale
multimodal prompt video datasets, resulting in a lack of visual grounding and
restricting their versatility and application in multimodal integration. To
address this, we construct a large-scale multimodal prompt dataset by employing
retrieval methods to pair in-context examples with the given text prompts and
then utilize a two-stage training strategy to enable diverse video generation
tasks within the same model. In the first stage, we propose a multimodal
conditional video generation framework for pretraining on these augmented
datasets, establishing a foundational model for grounded video generation.
Secondly, we finetune the model from the first stage on three video generation
tasks, incorporating multi-modal instructions. This process further refines the
model's ability to handle diverse inputs and tasks, ensuring seamless
integration of multi-modal information. After this two-stage train-ing process,
VIMI demonstrates multimodal understanding capabilities, producing contextually
rich and personalized videos grounded in the provided inputs, as shown in
Figure 1. Compared to previous visual grounded video generation methods, VIMI
can synthesize consistent and temporally coherent videos with large motion
while retaining the semantic control. Lastly, VIMI also achieves
state-of-the-art text-to-video generation results on UCF101 benchmark. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2402.13763 | HF | Music Style Transfer with Time-Varying Inversion of Diffusion Models | [
"Sifei Li",
"Yuxin Zhang",
"Fan Tang",
"Chongyang Ma",
"Weiming dong",
"Changsheng Xu"
] | 2024-02-21 | With the development of diffusion models, text-guided image style transfer
has demonstrated high-quality controllable synthesis results. However, the
utilization of text for diverse music style transfer poses significant
challenges, primarily due to the limited availability of matched audio-text
datasets. Music, being an abstract and complex art form, exhibits variations
and intricacies even within the same genre, thereby making accurate textual
descriptions challenging. This paper presents a music style transfer approach
that effectively captures musical attributes using minimal data. We introduce a
novel time-varying textual inversion module to precisely capture
mel-spectrogram features at different levels. During inference, we propose a
bias-reduced stylization technique to obtain stable results. Experimental
results demonstrate that our method can transfer the style of specific
instruments, as well as incorporate natural sounds to compose melodies. Samples
and source code are available at https://lsfhuihuiff.github.io/MusicTI/. | null | cs.SD | [
"cs.SD",
"eess.AS"
] |
2403.12895 | HF | mPLUG-DocOwl 1.5: Unified Structure Learning for OCR-free Document Understanding | [
"Anwen Hu",
"Haiyang Xu",
"Jiabo Ye",
"Ming Yan",
"Liang Zhang",
"Bo Zhang",
"Chen Li",
"Ji Zhang",
"Qin Jin",
"Fei Huang",
"Jingren Zhou"
] | 2024-03-19 | Structure information is critical for understanding the semantics of
text-rich images, such as documents, tables, and charts. Existing Multimodal
Large Language Models (MLLMs) for Visual Document Understanding are equipped
with text recognition ability but lack general structure understanding
abilities for text-rich document images. In this work, we emphasize the
importance of structure information in Visual Document Understanding and
propose the Unified Structure Learning to boost the performance of MLLMs. Our
Unified Structure Learning comprises structure-aware parsing tasks and
multi-grained text localization tasks across 5 domains: document, webpage,
table, chart, and natural image. To better encode structure information, we
design a simple and effective vision-to-text module H-Reducer, which can not
only maintain the layout information but also reduce the length of visual
features by merging horizontal adjacent patches through convolution, enabling
the LLM to understand high-resolution images more efficiently. Furthermore, by
constructing structure-aware text sequences and multi-grained pairs of texts
and bounding boxes for publicly available text-rich images, we build a
comprehensive training set DocStruct4M to support structure learning. Finally,
we construct a small but high-quality reasoning tuning dataset DocReason25K to
trigger the detailed explanation ability in the document domain. Our model
DocOwl 1.5 achieves state-of-the-art performance on 10 visual document
understanding benchmarks, improving the SOTA performance of MLLMs with a 7B LLM
by more than 10 points in 5/10 benchmarks. Our codes, models, and datasets are
publicly available at
https://github.com/X-PLUG/mPLUG-DocOwl/tree/main/DocOwl1.5. | null | cs.CV | [
"cs.CV"
] |
2311.10090 | HF | JaxMARL: Multi-Agent RL Environments in JAX | [
"Alexander Rutherford",
"Benjamin Ellis",
"Matteo Gallici",
"Jonathan Cook",
"Andrei Lupu",
"Gardar Ingvarsson",
"Timon Willi",
"Akbir Khan",
"Christian Schroeder de Witt",
"Alexandra Souly",
"Saptarashmi Bandyopadhyay",
"Mikayel Samvelyan",
"Minqi Jiang",
"Robert Tjarko Lange",
"Shimon Whiteson",
"Bruno Lacerda",
"Nick Hawes",
"Tim Rocktaschel",
"Chris Lu",
"Jakob Nicolaus Foerster"
] | 2023-11-16 | Benchmarks play an important role in the development of machine learning
algorithms. For example, research in reinforcement learning (RL) has been
heavily influenced by available environments and benchmarks. However, RL
environments are traditionally run on the CPU, limiting their scalability with
typical academic compute. Recent advancements in JAX have enabled the wider use
of hardware acceleration to overcome these computational hurdles, enabling
massively parallel RL training pipelines and environments. This is particularly
useful for multi-agent reinforcement learning (MARL) research. First of all,
multiple agents must be considered at each environment step, adding
computational burden, and secondly, the sample complexity is increased due to
non-stationarity, decentralised partial observability, or other MARL
challenges. In this paper, we present JaxMARL, the first open-source code base
that combines ease-of-use with GPU enabled efficiency, and supports a large
number of commonly used MARL environments as well as popular baseline
algorithms. When considering wall clock time, our experiments show that per-run
our JAX-based training pipeline is up to 12500x faster than existing
approaches. This enables efficient and thorough evaluations, with the potential
to alleviate the evaluation crisis of the field. We also introduce and
benchmark SMAX, a vectorised, simplified version of the popular StarCraft
Multi-Agent Challenge, which removes the need to run the StarCraft II game
engine. This not only enables GPU acceleration, but also provides a more
flexible MARL environment, unlocking the potential for self-play,
meta-learning, and other future applications in MARL. We provide code at
https://github.com/flairox/jaxmarl. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.MA"
] |
2305.02463 | HF | Shap-E: Generating Conditional 3D Implicit Functions | [
"Heewoo Jun",
"Alex Nichol"
] | 2023-05-03 | We present Shap-E, a conditional generative model for 3D assets. Unlike
recent work on 3D generative models which produce a single output
representation, Shap-E directly generates the parameters of implicit functions
that can be rendered as both textured meshes and neural radiance fields. We
train Shap-E in two stages: first, we train an encoder that deterministically
maps 3D assets into the parameters of an implicit function; second, we train a
conditional diffusion model on outputs of the encoder. When trained on a large
dataset of paired 3D and text data, our resulting models are capable of
generating complex and diverse 3D assets in a matter of seconds. When compared
to Point-E, an explicit generative model over point clouds, Shap-E converges
faster and reaches comparable or better sample quality despite modeling a
higher-dimensional, multi-representation output space. We release model
weights, inference code, and samples at https://github.com/openai/shap-e. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2404.19733 | Both | Iterative Reasoning Preference Optimization | [
"Richard Yuanzhe Pang",
"Weizhe Yuan",
"Kyunghyun Cho",
"He He",
"Sainbayar Sukhbaatar",
"Jason Weston"
] | 2024-04-30 | Iterative preference optimization methods have recently been shown to perform
well for general instruction tuning tasks, but typically make little
improvement on reasoning tasks (Yuan et al., 2024, Chen et al., 2024). In this
work we develop an iterative approach that optimizes the preference between
competing generated Chain-of-Thought (CoT) candidates by optimizing for winning
vs. losing reasoning steps that lead to the correct answer. We train using a
modified DPO loss (Rafailov et al., 2023) with an additional negative
log-likelihood term, which we find to be crucial. We show reasoning improves
across repeated iterations of this scheme. While only relying on examples in
the training set, our approach results in increasing accuracy on GSM8K, MATH,
and ARC-Challenge for Llama-2-70B-Chat, outperforming other Llama-2-based
models not relying on additionally sourced datasets. For example, we see a
large improvement from 55.6% to 81.6% on GSM8K and an accuracy of 88.7% with
majority voting out of 32 samples. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2404.01856 | HF | Poro 34B and the Blessing of Multilinguality | [
"Risto Luukkonen",
"Jonathan Burdge",
"Elaine Zosa",
"Aarne Talman",
"Ville Komulainen",
"Väinö Hatanpää",
"Peter Sarlin",
"Sampo Pyysalo"
] | 2024-04-02 | The pretraining of state-of-the-art large language models now requires
trillions of words of text, which is orders of magnitude more than available
for the vast majority of languages. While including text in more than one
language is an obvious way to acquire more pretraining data, multilinguality is
often seen as a curse, and most model training efforts continue to focus
near-exclusively on individual large languages. We believe that multilinguality
can be a blessing and that it should be possible to substantially improve over
the capabilities of monolingual models for small languages through multilingual
training. In this study, we introduce Poro 34B, a 34 billion parameter model
trained for 1 trillion tokens of Finnish, English, and programming languages,
and demonstrate that a multilingual training approach can produce a model that
not only substantially advances over the capabilities of existing models for
Finnish, but also excels in translation and is competitive in its class in
generating English and programming languages. We release the model parameters,
scripts, and data under open licenses at
https://huggingface.co/LumiOpen/Poro-34B. | null | cs.CL | [
"cs.CL"
] |
2408.15079 | HF | BaichuanSEED: Sharing the Potential of ExtensivE Data Collection and Deduplication by Introducing a Competitive Large Language Model Baseline | [
"Guosheng Dong",
"Da Pan",
"Yiding Sun",
"Shusen Zhang",
"Zheng Liang",
"Xin Wu",
"Yanjun Shen",
"Fan Yang",
"Haoze Sun",
"Tianpeng Li",
"Mingan Lin",
"Jianhua Xu",
"Yufan Zhang",
"Xiaonan Nie",
"Lei Su",
"Bingning Wang",
"Wentao Zhang",
"Jiaxin Mao",
"Zenan Zhou",
"Weipeng Chen"
] | 2024-08-27 | The general capabilities of Large Language Models (LLM) highly rely on the
composition and selection on extensive pretraining datasets, treated as
commercial secrets by several institutions. To mitigate this issue, we
open-source the details of a universally applicable data processing pipeline
and validate its effectiveness and potential by introducing a competitive LLM
baseline. Specifically, the data processing pipeline consists of broad
collection to scale up and reweighting to improve quality. We then pretrain a
7B model BaichuanSEED with 3T tokens processed by our pipeline without any
deliberate downstream task-related optimization, followed by an easy but
effective supervised fine-tuning stage. BaichuanSEED demonstrates consistency
and predictability throughout training and achieves comparable performance on
comprehensive benchmarks with several commercial advanced large language
models, such as Qwen1.5 and Llama3. We also conduct several heuristic
experiments to discuss the potential for further optimization of downstream
tasks, such as mathematics and coding. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2211.14133 | AnswerAI | PipeFisher: Efficient Training of Large Language Models Using Pipelining and Fisher Information Matrices | [
"Kazuki Osawa",
"Shigang Li",
"Torsten Hoefler"
] | 2022-11-25 | Pipeline parallelism enables efficient training of Large Language Models
(LLMs) on large-scale distributed accelerator clusters. Yet, pipeline bubbles
during startup and tear-down reduce the utilization of accelerators. Although
efficient pipeline schemes with micro-batching and bidirectional pipelines have
been proposed to maximize utilization, a significant number of bubbles cannot
be filled using synchronous forward and backward passes. To address this
problem, we suggest that extra work be assigned to the bubbles to gain
auxiliary benefits in LLM training. As an example in this direction, we propose
PipeFisher, which assigns the work of K-FAC, a second-order optimization method
based on the Fisher information matrix, to the bubbles to accelerate
convergence. In Phase 1 pretraining of BERT-Base and -Large models, PipeFisher
reduces the (simulated) training time to 50-75% compared to training with a
first-order optimizer by greatly improving the accelerator utilization and
benefiting from the improved convergence by K-FAC. | null | cs.LG | [
"cs.LG"
] |
2403.13187 | Both | Evolutionary Optimization of Model Merging Recipes | [
"Takuya Akiba",
"Makoto Shing",
"Yujin Tang",
"Qi Sun",
"David Ha"
] | 2024-03-19 | We present a novel application of evolutionary algorithms to automate the
creation of powerful foundation models. While model merging has emerged as a
promising approach for LLM development due to its cost-effectiveness, it
currently relies on human intuition and domain knowledge, limiting its
potential. Here, we propose an evolutionary approach that overcomes this
limitation by automatically discovering effective combinations of diverse
open-source models, harnessing their collective intelligence without requiring
extensive additional training data or compute. Our approach operates in both
parameter space and data flow space, allowing for optimization beyond just the
weights of the individual models. This approach even facilitates cross-domain
merging, generating models like a Japanese LLM with Math reasoning
capabilities. Surprisingly, our Japanese Math LLM achieved state-of-the-art
performance on a variety of established Japanese LLM benchmarks, even
surpassing models with significantly more parameters, despite not being
explicitly trained for such tasks. Furthermore, a culturally-aware Japanese VLM
generated through our approach demonstrates its effectiveness in describing
Japanese culture-specific content, outperforming previous Japanese VLMs. This
work not only contributes new state-of-the-art models back to the open-source
community, but also introduces a new paradigm for automated model composition,
paving the way for exploring alternative, efficient approaches to foundation
model development. | null | cs.NE | [
"cs.NE"
] |
2408.09787 | HF | Anim-Director: A Large Multimodal Model Powered Agent for Controllable Animation Video Generation | [
"Yunxin Li",
"Haoyuan Shi",
"Baotian Hu",
"Longyue Wang",
"Jiashun Zhu",
"Jinyi Xu",
"Zhen Zhao",
"Min Zhang"
] | 2024-08-19 | Traditional animation generation methods depend on training generative models
with human-labelled data, entailing a sophisticated multi-stage pipeline that
demands substantial human effort and incurs high training costs. Due to limited
prompting plans, these methods typically produce brief, information-poor, and
context-incoherent animations. To overcome these limitations and automate the
animation process, we pioneer the introduction of large multimodal models
(LMMs) as the core processor to build an autonomous animation-making agent,
named Anim-Director. This agent mainly harnesses the advanced understanding and
reasoning capabilities of LMMs and generative AI tools to create animated
videos from concise narratives or simple instructions. Specifically, it
operates in three main stages: Firstly, the Anim-Director generates a coherent
storyline from user inputs, followed by a detailed director's script that
encompasses settings of character profiles and interior/exterior descriptions,
and context-coherent scene descriptions that include appearing characters,
interiors or exteriors, and scene events. Secondly, we employ LMMs with the
image generation tool to produce visual images of settings and scenes. These
images are designed to maintain visual consistency across different scenes
using a visual-language prompting method that combines scene descriptions and
images of the appearing character and setting. Thirdly, scene images serve as
the foundation for producing animated videos, with LMMs generating prompts to
guide this process. The whole process is notably autonomous without manual
intervention, as the LMMs interact seamlessly with generative tools to generate
prompts, evaluate visual quality, and select the best one to optimize the final
output. | null | cs.CL | [
"cs.CL",
"cs.CV",
"cs.MM"
] |
2405.13800 | HF | Dense Connector for MLLMs | [
"Huanjin Yao",
"Wenhao Wu",
"Taojiannan Yang",
"YuXin Song",
"Mengxi Zhang",
"Haocheng Feng",
"Yifan Sun",
"Zhiheng Li",
"Wanli Ouyang",
"Jingdong Wang"
] | 2024-05-22 | Do we fully leverage the potential of visual encoder in Multimodal Large
Language Models (MLLMs)? The recent outstanding performance of MLLMs in
multimodal understanding has garnered broad attention from both academia and
industry. In the current MLLM rat race, the focus seems to be predominantly on
the linguistic side. We witness the rise of larger and higher-quality
instruction datasets, as well as the involvement of larger-sized LLMs. Yet,
scant attention has been directed towards the visual signals utilized by MLLMs,
often assumed to be the final high-level features extracted by a frozen visual
encoder. In this paper, we introduce the Dense Connector - a simple, effective,
and plug-and-play vision-language connector that significantly enhances
existing MLLMs by leveraging multi-layer visual features, with minimal
additional computational overhead. Furthermore, our model, trained solely on
images, showcases remarkable zero-shot capabilities in video understanding as
well. Experimental results across various vision encoders, image resolutions,
training dataset scales, varying sizes of LLMs (2.7B->70B), and diverse
architectures of MLLMs (e.g., LLaVA and Mini-Gemini) validate the versatility
and scalability of our approach, achieving state-of-the-art performance on
across 19 image and video benchmarks. We hope that this work will provide
valuable experience and serve as a basic module for future MLLM development. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2408.03906 | HF | Achieving Human Level Competitive Robot Table Tennis | [
"David B. D'Ambrosio",
"Saminda Abeyruwan",
"Laura Graesser",
"Atil Iscen",
"Heni Ben Amor",
"Alex Bewley",
"Barney J. Reed",
"Krista Reymann",
"Leila Takayama",
"Yuval Tassa",
"Krzysztof Choromanski",
"Erwin Coumans",
"Deepali Jain",
"Navdeep Jaitly",
"Natasha Jaques",
"Satoshi Kataoka",
"Yuheng Kuang",
"Nevena Lazic",
"Reza Mahjourian",
"Sherry Moore",
"Kenneth Oslund",
"Anish Shankar",
"Vikas Sindhwani",
"Vincent Vanhoucke",
"Grace Vesom",
"Peng Xu",
"Pannag R. Sanketi"
] | 2024-08-07 | Achieving human-level speed and performance on real world tasks is a north
star for the robotics research community. This work takes a step towards that
goal and presents the first learned robot agent that reaches amateur
human-level performance in competitive table tennis. Table tennis is a
physically demanding sport which requires human players to undergo years of
training to achieve an advanced level of proficiency. In this paper, we
contribute (1) a hierarchical and modular policy architecture consisting of (i)
low level controllers with their detailed skill descriptors which model the
agent's capabilities and help to bridge the sim-to-real gap and (ii) a high
level controller that chooses the low level skills, (2) techniques for enabling
zero-shot sim-to-real including an iterative approach to defining the task
distribution that is grounded in the real-world and defines an automatic
curriculum, and (3) real time adaptation to unseen opponents. Policy
performance was assessed through 29 robot vs. human matches of which the robot
won 45% (13/29). All humans were unseen players and their skill level varied
from beginner to tournament level. Whilst the robot lost all matches vs. the
most advanced players it won 100% matches vs. beginners and 55% matches vs.
intermediate players, demonstrating solidly amateur human-level performance.
Videos of the matches can be viewed at
https://sites.google.com/view/competitive-robot-table-tennis | null | cs.RO | [
"cs.RO"
] |
2310.17722 | HF | Large Language Models as Generalizable Policies for Embodied Tasks | [
"Andrew Szot",
"Max Schwarzer",
"Harsh Agrawal",
"Bogdan Mazoure",
"Walter Talbott",
"Katherine Metcalf",
"Natalie Mackraz",
"Devon Hjelm",
"Alexander Toshev"
] | 2023-10-26 | We show that large language models (LLMs) can be adapted to be generalizable
policies for embodied visual tasks. Our approach, called Large LAnguage model
Reinforcement Learning Policy (LLaRP), adapts a pre-trained frozen LLM to take
as input text instructions and visual egocentric observations and output
actions directly in the environment. Using reinforcement learning, we train
LLaRP to see and act solely through environmental interactions. We show that
LLaRP is robust to complex paraphrasings of task instructions and can
generalize to new tasks that require novel optimal behavior. In particular, on
1,000 unseen tasks it achieves 42% success rate, 1.7x the success rate of other
common learned baselines or zero-shot applications of LLMs. Finally, to aid the
community in studying language conditioned, massively multi-task, embodied AI
problems we release a novel benchmark, Language Rearrangement, consisting of
150,000 training and 1,000 testing tasks for language-conditioned
rearrangement. Video examples of LLaRP in unseen Language Rearrangement
instructions are at https://llm-rl.github.io. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2406.12275 | HF | VoCo-LLaMA: Towards Vision Compression with Large Language Models | [
"Xubing Ye",
"Yukang Gan",
"Xiaoke Huang",
"Yixiao Ge",
"Ying Shan",
"Yansong Tang"
] | 2024-06-18 | Vision-Language Models (VLMs) have achieved remarkable success in various
multi-modal tasks, but they are often bottlenecked by the limited context
window and high computational cost of processing high-resolution image inputs
and videos. Vision compression can alleviate this problem by reducing the
vision token count. Previous approaches compress vision tokens with external
modules and force LLMs to understand the compressed ones, leading to visual
information loss. However, the LLMs' understanding paradigm of vision tokens is
not fully utilised in the compression learning process. We propose VoCo-LLaMA,
the first approach to compress vision tokens using LLMs. By introducing Vision
Compression tokens during the vision instruction tuning phase and leveraging
attention distillation, our method distill how LLMs comprehend vision tokens
into their processing of VoCo tokens. VoCo-LLaMA facilitates effective vision
compression and improves the computational efficiency during the inference
stage. Specifically, our method achieves minimal performance loss with a
compression ratio of 576$\times$, resulting in up to 94.8$\%$ fewer FLOPs and
69.6$\%$ acceleration in inference time. Furthermore, through continuous
training using time-series compressed token sequences of video frames,
VoCo-LLaMA demonstrates the ability to understand temporal correlations,
outperforming previous methods on popular video question-answering benchmarks.
Our approach presents a promising way to unlock the full potential of VLMs'
contextual window, enabling more scalable multi-modal applications. The project
page, along with the associated code, can be accessed via
$\href{https://yxxxb.github.io/VoCo-LLaMA-page/}{\text{this https URL}}$. | null | cs.CV | [
"cs.CV"
] |
2401.01885 | HF | From Audio to Photoreal Embodiment: Synthesizing Humans in Conversations | [
"Evonne Ng",
"Javier Romero",
"Timur Bagautdinov",
"Shaojie Bai",
"Trevor Darrell",
"Angjoo Kanazawa",
"Alexander Richard"
] | 2024-01-03 | We present a framework for generating full-bodied photorealistic avatars that
gesture according to the conversational dynamics of a dyadic interaction. Given
speech audio, we output multiple possibilities of gestural motion for an
individual, including face, body, and hands. The key behind our method is in
combining the benefits of sample diversity from vector quantization with the
high-frequency details obtained through diffusion to generate more dynamic,
expressive motion. We visualize the generated motion using highly
photorealistic avatars that can express crucial nuances in gestures (e.g.
sneers and smirks). To facilitate this line of research, we introduce a
first-of-its-kind multi-view conversational dataset that allows for
photorealistic reconstruction. Experiments show our model generates appropriate
and diverse gestures, outperforming both diffusion- and VQ-only methods.
Furthermore, our perceptual evaluation highlights the importance of
photorealism (vs. meshes) in accurately assessing subtle motion details in
conversational gestures. Code and dataset available online. | null | cs.CV | [
"cs.CV"
] |
2307.13974 | HF | Tracking Anything in High Quality | [
"Jiawen Zhu",
"Zhenyu Chen",
"Zeqi Hao",
"Shijie Chang",
"Lu Zhang",
"Dong Wang",
"Huchuan Lu",
"Bin Luo",
"Jun-Yan He",
"Jin-Peng Lan",
"Hanyuan Chen",
"Chenyang Li"
] | 2023-07-26 | Visual object tracking is a fundamental video task in computer vision.
Recently, the notably increasing power of perception algorithms allows the
unification of single/multiobject and box/mask-based tracking. Among them, the
Segment Anything Model (SAM) attracts much attention. In this report, we
propose HQTrack, a framework for High Quality Tracking anything in videos.
HQTrack mainly consists of a video multi-object segmenter (VMOS) and a mask
refiner (MR). Given the object to be tracked in the initial frame of a video,
VMOS propagates the object masks to the current frame. The mask results at this
stage are not accurate enough since VMOS is trained on several closeset video
object segmentation (VOS) datasets, which has limited ability to generalize to
complex and corner scenes. To further improve the quality of tracking masks, a
pretrained MR model is employed to refine the tracking results. As a compelling
testament to the effectiveness of our paradigm, without employing any tricks
such as test-time data augmentations and model ensemble, HQTrack ranks the 2nd
place in the Visual Object Tracking and Segmentation (VOTS2023) challenge. Code
and models are available at https://github.com/jiawen-zhu/HQTrack. | null | cs.CV | [
"cs.CV"
] |
2402.10491 | HF | Make a Cheap Scaling: A Self-Cascade Diffusion Model for Higher-Resolution Adaptation | [
"Lanqing Guo",
"Yingqing He",
"Haoxin Chen",
"Menghan Xia",
"Xiaodong Cun",
"Yufei Wang",
"Siyu Huang",
"Yong Zhang",
"Xintao Wang",
"Qifeng Chen",
"Ying Shan",
"Bihan Wen"
] | 2024-02-16 | Diffusion models have proven to be highly effective in image and video
generation; however, they still face composition challenges when generating
images of varying sizes due to single-scale training data. Adapting large
pre-trained diffusion models for higher resolution demands substantial
computational and optimization resources, yet achieving a generation capability
comparable to low-resolution models remains elusive. This paper proposes a
novel self-cascade diffusion model that leverages the rich knowledge gained
from a well-trained low-resolution model for rapid adaptation to
higher-resolution image and video generation, employing either tuning-free or
cheap upsampler tuning paradigms. Integrating a sequence of multi-scale
upsampler modules, the self-cascade diffusion model can efficiently adapt to a
higher resolution, preserving the original composition and generation
capabilities. We further propose a pivot-guided noise re-schedule strategy to
speed up the inference process and improve local structural details. Compared
to full fine-tuning, our approach achieves a 5X training speed-up and requires
only an additional 0.002M tuning parameters. Extensive experiments demonstrate
that our approach can quickly adapt to higher resolution image and video
synthesis by fine-tuning for just 10k steps, with virtually no additional
inference time. | null | cs.CV | [
"cs.CV"
] |
2406.09297 | HF | MLKV: Multi-Layer Key-Value Heads for Memory Efficient Transformer Decoding | [
"Zayd Muhammad Kawakibi Zuhri",
"Muhammad Farid Adilazuarda",
"Ayu Purwarianti",
"Alham Fikri Aji"
] | 2024-06-13 | Auto-regressive inference of transformers benefit greatly from Key-Value (KV)
caching, but can lead to major memory bottlenecks as model size, batch size,
and sequence length grow at scale. We introduce Multi-Layer Key-Value (MLKV)
sharing, a novel approach extending KV sharing across transformer layers to
reduce memory usage beyond what was possible with Multi-Query Attention (MQA)
and Grouped-Query Attention (GQA). Evaluations on various NLP benchmarks and
inference metrics using uptrained Pythia-160M variants demonstrate that MLKV
significantly reduces memory usage with minimal performance loss, reducing KV
cache size down to a factor of 6x compared to MQA. These results highlight
MLKV's potential for efficient deployment of transformer models at scale. We
provide code at https://github.com/zaydzuhri/pythia-mlkv | null | cs.LG | [
"cs.LG"
] |
2403.09333 | HF | Griffon v2: Advancing Multimodal Perception with High-Resolution Scaling and Visual-Language Co-Referring | [
"Yufei Zhan",
"Yousong Zhu",
"Hongyin Zhao",
"Fan Yang",
"Ming Tang",
"Jinqiao Wang"
] | 2024-03-14 | Large Vision Language Models have achieved fine-grained object perception,
but the limitation of image resolution remains a significant obstacle to
surpass the performance of task-specific experts in complex and dense
scenarios. Such limitation further restricts the model's potential to achieve
nuanced visual and language referring in domains such as GUI Agents, Counting
and \etc. To address this issue, we introduce a unified high-resolution
generalist model, Griffon v2, enabling flexible object referring with visual
and textual prompts. To efficiently scaling up image resolution, we design a
simple and lightweight down-sampling projector to overcome the input tokens
constraint in Large Language Models. This design inherently preserves the
complete contexts and fine details, and significantly improves multimodal
perception ability especially for small objects. Building upon this, we further
equip the model with visual-language co-referring capabilities through a
plug-and-play visual tokenizer. It enables user-friendly interaction with
flexible target images, free-form texts and even coordinates. Experiments
demonstrate that Griffon v2 can localize any objects of interest with visual
and textual referring, achieve state-of-the-art performance on REC, phrase
grounding, and REG tasks, and outperform expert models in object detection and
object counting. Data, codes and models will be released at
https://github.com/jefferyZhan/Griffon. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2403.18058 | AnswerAI | COIG-CQIA: Quality is All You Need for Chinese Instruction Fine-tuning | [
"Yuelin Bai",
"Xinrun Du",
"Yiming Liang",
"Yonggang Jin",
"Ziqiang Liu",
"Junting Zhou",
"Tianyu Zheng",
"Xincheng Zhang",
"Nuo Ma",
"Zekun Wang",
"Ruibin Yuan",
"Haihong Wu",
"Hongquan Lin",
"Wenhao Huang",
"Jiajun Zhang",
"Wenhu Chen",
"Chenghua Lin",
"Jie Fu",
"Min Yang",
"Shiwen Ni",
"Ge Zhang"
] | 2024-03-26 | Recently, there have been significant advancements in large language models
(LLMs), particularly focused on the English language. These advancements have
enabled these LLMs to understand and execute complex instructions with
unprecedented accuracy and fluency. However, despite these advancements, there
remains a noticeable gap in the development of Chinese instruction tuning. The
unique linguistic features and cultural depth of the Chinese language pose
challenges for instruction tuning tasks. Existing datasets are either derived
from English-centric LLMs or are ill-suited for aligning with the interaction
patterns of real-world Chinese users. To bridge this gap, we introduce
COIG-CQIA, a high-quality Chinese instruction tuning dataset. Our aim is to
build a diverse, wide-ranging instruction-tuning dataset to better align model
behavior with human interactions. To this end, we collect a high-quality
human-written corpus from various sources on the Chinese Internet, including
Q&A communities, Wikis, examinations, and existing NLP datasets. This corpus
was rigorously filtered and carefully processed to form the COIG-CQIA dataset.
Furthermore, we train models of various scales on different subsets of CQIA,
following in-depth evaluation and analyses. The findings from our experiments
offer valuable insights for selecting and developing Chinese instruction-tuning
datasets. We also find that models trained on CQIA-Subset achieve competitive
results in human assessment as well as knowledge and security benchmarks. Data
are available at https://huggingface.co/datasets/m-a-p/COIG-CQIA | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.12847 | HF | Instruction-tuned Language Models are Better Knowledge Learners | [
"Zhengbao Jiang",
"Zhiqing Sun",
"Weijia Shi",
"Pedro Rodriguez",
"Chunting Zhou",
"Graham Neubig",
"Xi Victoria Lin",
"Wen-tau Yih",
"Srinivasan Iyer"
] | 2024-02-20 | In order for large language model (LLM)-based assistants to effectively adapt
to evolving information needs, it must be possible to update their factual
knowledge through continued training on new data. The standard recipe for doing
so involves continued pre-training on new documents followed by
instruction-tuning on question-answer (QA) pairs. However, we find that LLMs
trained with this recipe struggle to answer questions, even though the
perplexity of documents is minimized. We found that QA pairs are generally
straightforward, while documents are more complex, weaving many factual
statements together in an intricate manner. Therefore, we hypothesize that it
is beneficial to expose LLMs to QA pairs before continued pre-training on
documents so that the process of encoding knowledge from complex documents
takes into account how this knowledge is accessed through questions. Based on
this, we propose pre-instruction-tuning (PIT), a method that instruction-tunes
on questions prior to training on documents. This contrasts with standard
instruction-tuning, which learns how to extract knowledge after training on
documents. Extensive experiments and ablation studies demonstrate that
pre-instruction-tuning significantly enhances the ability of LLMs to absorb
knowledge from new documents, outperforming standard instruction-tuning by
17.8%. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.14795 | HF | MotionGPT: Human Motion as a Foreign Language | [
"Biao Jiang",
"Xin Chen",
"Wen Liu",
"Jingyi Yu",
"Gang Yu",
"Tao Chen"
] | 2023-06-26 | Though the advancement of pre-trained large language models unfolds, the
exploration of building a unified model for language and other multi-modal
data, such as motion, remains challenging and untouched so far. Fortunately,
human motion displays a semantic coupling akin to human language, often
perceived as a form of body language. By fusing language data with large-scale
motion models, motion-language pre-training that can enhance the performance of
motion-related tasks becomes feasible. Driven by this insight, we propose
MotionGPT, a unified, versatile, and user-friendly motion-language model to
handle multiple motion-relevant tasks. Specifically, we employ the discrete
vector quantization for human motion and transfer 3D motion into motion tokens,
similar to the generation process of word tokens. Building upon this "motion
vocabulary", we perform language modeling on both motion and text in a unified
manner, treating human motion as a specific language. Moreover, inspired by
prompt learning, we pre-train MotionGPT with a mixture of motion-language data
and fine-tune it on prompt-based question-and-answer tasks. Extensive
experiments demonstrate that MotionGPT achieves state-of-the-art performances
on multiple motion tasks including text-driven motion generation, motion
captioning, motion prediction, and motion in-between. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.GR"
] |
2402.14650 | HF | GaussianPro: 3D Gaussian Splatting with Progressive Propagation | [
"Kai Cheng",
"Xiaoxiao Long",
"Kaizhi Yang",
"Yao Yao",
"Wei Yin",
"Yuexin Ma",
"Wenping Wang",
"Xuejin Chen"
] | 2024-02-22 | The advent of 3D Gaussian Splatting (3DGS) has recently brought about a
revolution in the field of neural rendering, facilitating high-quality
renderings at real-time speed. However, 3DGS heavily depends on the initialized
point cloud produced by Structure-from-Motion (SfM) techniques. When tackling
with large-scale scenes that unavoidably contain texture-less surfaces, the SfM
techniques always fail to produce enough points in these surfaces and cannot
provide good initialization for 3DGS. As a result, 3DGS suffers from difficult
optimization and low-quality renderings. In this paper, inspired by classical
multi-view stereo (MVS) techniques, we propose GaussianPro, a novel method that
applies a progressive propagation strategy to guide the densification of the 3D
Gaussians. Compared to the simple split and clone strategies used in 3DGS, our
method leverages the priors of the existing reconstructed geometries of the
scene and patch matching techniques to produce new Gaussians with accurate
positions and orientations. Experiments on both large-scale and small-scale
scenes validate the effectiveness of our method, where our method significantly
surpasses 3DGS on the Waymo dataset, exhibiting an improvement of 1.15dB in
terms of PSNR. | null | cs.CV | [
"cs.CV"
] |
2407.07061 | HF | Internet of Agents: Weaving a Web of Heterogeneous Agents for Collaborative Intelligence | [
"Weize Chen",
"Ziming You",
"Ran Li",
"Yitong Guan",
"Chen Qian",
"Chenyang Zhao",
"Cheng Yang",
"Ruobing Xie",
"Zhiyuan Liu",
"Maosong Sun"
] | 2024-07-09 | The rapid advancement of large language models (LLMs) has paved the way for
the development of highly capable autonomous agents. However, existing
multi-agent frameworks often struggle with integrating diverse capable
third-party agents due to reliance on agents defined within their own
ecosystems. They also face challenges in simulating distributed environments,
as most frameworks are limited to single-device setups. Furthermore, these
frameworks often rely on hard-coded communication pipelines, limiting their
adaptability to dynamic task requirements. Inspired by the concept of the
Internet, we propose the Internet of Agents (IoA), a novel framework that
addresses these limitations by providing a flexible and scalable platform for
LLM-based multi-agent collaboration. IoA introduces an agent integration
protocol, an instant-messaging-like architecture design, and dynamic mechanisms
for agent teaming and conversation flow control. Through extensive experiments
on general assistant tasks, embodied AI tasks, and retrieval-augmented
generation benchmarks, we demonstrate that IoA consistently outperforms
state-of-the-art baselines, showcasing its ability to facilitate effective
collaboration among heterogeneous agents. IoA represents a step towards linking
diverse agents in an Internet-like environment, where agents can seamlessly
collaborate to achieve greater intelligence and capabilities. Our codebase has
been released at \url{https://github.com/OpenBMB/IoA}. | null | cs.CL | [
"cs.CL"
] |
2309.05444 | AnswerAI | Pushing Mixture of Experts to the Limit: Extremely Parameter Efficient MoE for Instruction Tuning | [
"Ted Zadouri",
"Ahmet Üstün",
"Arash Ahmadian",
"Beyza Ermiş",
"Acyr Locatelli",
"Sara Hooker"
] | 2023-09-11 | The Mixture of Experts (MoE) is a widely known neural architecture where an
ensemble of specialized sub-models optimizes overall performance with a
constant computational cost. However, conventional MoEs pose challenges at
scale due to the need to store all experts in memory. In this paper, we push
MoE to the limit. We propose extremely parameter-efficient MoE by uniquely
combining MoE architecture with lightweight experts.Our MoE architecture
outperforms standard parameter-efficient fine-tuning (PEFT) methods and is on
par with full fine-tuning by only updating the lightweight experts -- less than
1% of an 11B parameters model. Furthermore, our method generalizes to unseen
tasks as it does not depend on any prior task knowledge. Our research
underscores the versatility of the mixture of experts architecture, showcasing
its ability to deliver robust performance even when subjected to rigorous
parameter constraints. Our code used in all the experiments is publicly
available here: https://github.com/for-ai/parameter-efficient-moe. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2403.07487 | HF | Motion Mamba: Efficient and Long Sequence Motion Generation | [
"Zeyu Zhang",
"Akide Liu",
"Ian Reid",
"Richard Hartley",
"Bohan Zhuang",
"Hao Tang"
] | 2024-03-12 | Human motion generation stands as a significant pursuit in generative
computer vision, while achieving long-sequence and efficient motion generation
remains challenging. Recent advancements in state space models (SSMs), notably
Mamba, have showcased considerable promise in long sequence modeling with an
efficient hardware-aware design, which appears to be a promising direction to
build motion generation model upon it. Nevertheless, adapting SSMs to motion
generation faces hurdles since the lack of a specialized design architecture to
model motion sequence. To address these challenges, we propose Motion Mamba, a
simple and efficient approach that presents the pioneering motion generation
model utilized SSMs. Specifically, we design a Hierarchical Temporal Mamba
(HTM) block to process temporal data by ensemble varying numbers of isolated
SSM modules across a symmetric U-Net architecture aimed at preserving motion
consistency between frames. We also design a Bidirectional Spatial Mamba (BSM)
block to bidirectionally process latent poses, to enhance accurate motion
generation within a temporal frame. Our proposed method achieves up to 50% FID
improvement and up to 4 times faster on the HumanML3D and KIT-ML datasets
compared to the previous best diffusion-based method, which demonstrates strong
capabilities of high-quality long sequence motion modeling and real-time human
motion generation. See project website
https://steve-zeyu-zhang.github.io/MotionMamba/ | null | cs.CV | [
"cs.CV"
] |
2405.09798 | HF | Many-Shot In-Context Learning in Multimodal Foundation Models | [
"Yixing Jiang",
"Jeremy Irvin",
"Ji Hun Wang",
"Muhammad Ahmed Chaudhry",
"Jonathan H. Chen",
"Andrew Y. Ng"
] | 2024-05-16 | Large language models are well-known to be effective at few-shot in-context
learning (ICL). Recent advancements in multimodal foundation models have
enabled unprecedentedly long context windows, presenting an opportunity to
explore their capability to perform ICL with many more demonstrating examples.
In this work, we evaluate the performance of multimodal foundation models
scaling from few-shot to many-shot ICL. We benchmark GPT-4o and Gemini 1.5 Pro
across 10 datasets spanning multiple domains (natural imagery, medical imagery,
remote sensing, and molecular imagery) and tasks (multi-class, multi-label, and
fine-grained classification). We observe that many-shot ICL, including up to
almost 2,000 multimodal demonstrating examples, leads to substantial
improvements compared to few-shot (<100 examples) ICL across all of the
datasets. Further, Gemini 1.5 Pro performance continues to improve log-linearly
up to the maximum number of tested examples on many datasets. Given the high
inference costs associated with the long prompts required for many-shot ICL, we
also explore the impact of batching multiple queries in a single API call. We
show that batching up to 50 queries can lead to performance improvements under
zero-shot and many-shot ICL, with substantial gains in the zero-shot setting on
multiple datasets, while drastically reducing per-query cost and latency.
Finally, we measure ICL data efficiency of the models, or the rate at which the
models learn from more demonstrating examples. We find that while GPT-4o and
Gemini 1.5 Pro achieve similar zero-shot performance across the datasets,
Gemini 1.5 Pro exhibits higher ICL data efficiency than GPT-4o on most
datasets. Our results suggest that many-shot ICL could enable users to
efficiently adapt multimodal foundation models to new applications and domains.
Our codebase is publicly available at
https://github.com/stanfordmlgroup/ManyICL . | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2401.04575 | HF | Let's Go Shopping (LGS) -- Web-Scale Image-Text Dataset for Visual Concept Understanding | [
"Yatong Bai",
"Utsav Garg",
"Apaar Shanker",
"Haoming Zhang",
"Samyak Parajuli",
"Erhan Bas",
"Isidora Filipovic",
"Amelia N. Chu",
"Eugenia D Fomitcheva",
"Elliot Branson",
"Aerin Kim",
"Somayeh Sojoudi",
"Kyunghyun Cho"
] | 2024-01-09 | Vision and vision-language applications of neural networks, such as image
classification and captioning, rely on large-scale annotated datasets that
require non-trivial data-collecting processes. This time-consuming endeavor
hinders the emergence of large-scale datasets, limiting researchers and
practitioners to a small number of choices. Therefore, we seek more efficient
ways to collect and annotate images. Previous initiatives have gathered
captions from HTML alt-texts and crawled social media postings, but these data
sources suffer from noise, sparsity, or subjectivity. For this reason, we turn
to commercial shopping websites whose data meet three criteria: cleanliness,
informativeness, and fluency. We introduce the Let's Go Shopping (LGS) dataset,
a large-scale public dataset with 15 million image-caption pairs from publicly
available e-commerce websites. When compared with existing general-domain
datasets, the LGS images focus on the foreground object and have less complex
backgrounds. Our experiments on LGS show that the classifiers trained on
existing benchmark datasets do not readily generalize to e-commerce data, while
specific self-supervised visual feature extractors can better generalize.
Furthermore, LGS's high-quality e-commerce-focused images and bimodal nature
make it advantageous for vision-language bi-modal tasks: LGS enables
image-captioning models to generate richer captions and helps text-to-image
generation models achieve e-commerce style transfer. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2408.04284 | HF | LLM-DetectAIve: a Tool for Fine-Grained Machine-Generated Text Detection | [
"Mervat Abassy",
"Kareem Elozeiri",
"Alexander Aziz",
"Minh Ngoc Ta",
"Raj Vardhan Tomar",
"Bimarsha Adhikari",
"Saad El Dine Ahmed",
"Yuxia Wang",
"Osama Mohammed Afzal",
"Zhuohan Xie",
"Jonibek Mansurov",
"Ekaterina Artemova",
"Vladislav Mikhailov",
"Rui Xing",
"Jiahui Geng",
"Hasan Iqbal",
"Zain Muhammad Mujahid",
"Tarek Mahmoud",
"Akim Tsvigun",
"Alham Fikri Aji",
"Artem Shelmanov",
"Nizar Habash",
"Iryna Gurevych",
"Preslav Nakov"
] | 2024-08-08 | The widespread accessibility of large language models (LLMs) to the general
public has significantly amplified the dissemination of machine-generated texts
(MGTs). Advancements in prompt manipulation have exacerbated the difficulty in
discerning the origin of a text (human-authored vs machinegenerated). This
raises concerns regarding the potential misuse of MGTs, particularly within
educational and academic domains. In this paper, we present
$\textbf{LLM-DetectAIve}$ -- a system designed for fine-grained MGT detection.
It is able to classify texts into four categories: human-written,
machine-generated, machine-written machine-humanized, and human-written
machine-polished. Contrary to previous MGT detectors that perform binary
classification, introducing two additional categories in LLM-DetectiAIve offers
insights into the varying degrees of LLM intervention during the text creation.
This might be useful in some domains like education, where any LLM intervention
is usually prohibited. Experiments show that LLM-DetectAIve can effectively
identify the authorship of textual content, proving its usefulness in enhancing
integrity in education, academia, and other domains. LLM-DetectAIve is publicly
accessible at https://huggingface.co/spaces/raj-tomar001/MGT-New. The video
describing our system is available at https://youtu.be/E8eT_bE7k8c. | null | cs.CL | [
"cs.CL"
] |
2305.18286 | HF | Photoswap: Personalized Subject Swapping in Images | [
"Jing Gu",
"Yilin Wang",
"Nanxuan Zhao",
"Tsu-Jui Fu",
"Wei Xiong",
"Qing Liu",
"Zhifei Zhang",
"He Zhang",
"Jianming Zhang",
"HyunJoon Jung",
"Xin Eric Wang"
] | 2023-05-29 | In an era where images and visual content dominate our digital landscape, the
ability to manipulate and personalize these images has become a necessity.
Envision seamlessly substituting a tabby cat lounging on a sunlit window sill
in a photograph with your own playful puppy, all while preserving the original
charm and composition of the image. We present Photoswap, a novel approach that
enables this immersive image editing experience through personalized subject
swapping in existing images. Photoswap first learns the visual concept of the
subject from reference images and then swaps it into the target image using
pre-trained diffusion models in a training-free manner. We establish that a
well-conceptualized visual subject can be seamlessly transferred to any image
with appropriate self-attention and cross-attention manipulation, maintaining
the pose of the swapped subject and the overall coherence of the image.
Comprehensive experiments underscore the efficacy and controllability of
Photoswap in personalized subject swapping. Furthermore, Photoswap
significantly outperforms baseline methods in human ratings across subject
swapping, background preservation, and overall quality, revealing its vast
application potential, from entertainment to professional editing. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
1901.05103 | AnswerAI | DeepSDF: Learning Continuous Signed Distance Functions for Shape Representation | [
"Jeong Joon Park",
"Peter Florence",
"Julian Straub",
"Richard Newcombe",
"Steven Lovegrove"
] | 2019-01-16 | Computer graphics, 3D computer vision and robotics communities have produced
multiple approaches to representing 3D geometry for rendering and
reconstruction. These provide trade-offs across fidelity, efficiency and
compression capabilities. In this work, we introduce DeepSDF, a learned
continuous Signed Distance Function (SDF) representation of a class of shapes
that enables high quality shape representation, interpolation and completion
from partial and noisy 3D input data. DeepSDF, like its classical counterpart,
represents a shape's surface by a continuous volumetric field: the magnitude of
a point in the field represents the distance to the surface boundary and the
sign indicates whether the region is inside (-) or outside (+) of the shape,
hence our representation implicitly encodes a shape's boundary as the
zero-level-set of the learned function while explicitly representing the
classification of space as being part of the shapes interior or not. While
classical SDF's both in analytical or discretized voxel form typically
represent the surface of a single shape, DeepSDF can represent an entire class
of shapes. Furthermore, we show state-of-the-art performance for learned 3D
shape representation and completion while reducing the model size by an order
of magnitude compared with previous work. | null | cs.CV | [
"cs.CV"
] |
2403.09394 | HF | GiT: Towards Generalist Vision Transformer through Universal Language Interface | [
"Haiyang Wang",
"Hao Tang",
"Li Jiang",
"Shaoshuai Shi",
"Muhammad Ferjad Naeem",
"Hongsheng Li",
"Bernt Schiele",
"Liwei Wang"
] | 2024-03-14 | This paper proposes a simple, yet effective framework, called GiT,
simultaneously applicable for various vision tasks only with a vanilla ViT.
Motivated by the universality of the Multi-layer Transformer architecture (e.g,
GPT) widely used in large language models (LLMs), we seek to broaden its scope
to serve as a powerful vision foundation model (VFM). However, unlike language
modeling, visual tasks typically require specific modules, such as bounding box
heads for detection and pixel decoders for segmentation, greatly hindering the
application of powerful multi-layer transformers in the vision domain. To solve
this, we design a universal language interface that empowers the successful
auto-regressive decoding to adeptly unify various visual tasks, from
image-level understanding (e.g., captioning), over sparse perception (e.g.,
detection), to dense prediction (e.g., segmentation). Based on the above
designs, the entire model is composed solely of a ViT, without any specific
additions, offering a remarkable architectural simplification. GiT is a
multi-task visual model, jointly trained across five representative benchmarks
without task-specific fine-tuning. Interestingly, our GiT builds a new
benchmark in generalist performance, and fosters mutual enhancement across
tasks, leading to significant improvements compared to isolated training. This
reflects a similar impact observed in LLMs. Further enriching training with 27
datasets, GiT achieves strong zero-shot results over various tasks. Due to its
simple design, this paradigm holds promise for narrowing the architectural gap
between vision and language. Code and models will be available at
\url{https://github.com/Haiyang-W/GiT}. | null | cs.CV | [
"cs.CV"
] |
2409.07703 | HF | DSBench: How Far Are Data Science Agents to Becoming Data Science Experts? | [
"Liqiang Jing",
"Zhehui Huang",
"Xiaoyang Wang",
"Wenlin Yao",
"Wenhao Yu",
"Kaixin Ma",
"Hongming Zhang",
"Xinya Du",
"Dong Yu"
] | 2024-09-12 | Large Language Models (LLMs) and Large Vision-Language Models (LVLMs) have
demonstrated impressive language/vision reasoning abilities, igniting the
recent trend of building agents for targeted applications such as shopping
assistants or AI software engineers. Recently, many data science benchmarks
have been proposed to investigate their performance in the data science domain.
However, existing data science benchmarks still fall short when compared to
real-world data science applications due to their simplified settings. To
bridge this gap, we introduce DSBench, a comprehensive benchmark designed to
evaluate data science agents with realistic tasks. This benchmark includes 466
data analysis tasks and 74 data modeling tasks, sourced from Eloquence and
Kaggle competitions. DSBench offers a realistic setting by encompassing long
contexts, multimodal task backgrounds, reasoning with large data files and
multi-table structures, and performing end-to-end data modeling tasks. Our
evaluation of state-of-the-art LLMs, LVLMs, and agents shows that they struggle
with most tasks, with the best agent solving only 34.12% of data analysis tasks
and achieving a 34.74% Relative Performance Gap (RPG). These findings
underscore the need for further advancements in developing more practical,
intelligent, and autonomous data science agents. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2305.07027 | HF | EfficientViT: Memory Efficient Vision Transformer with Cascaded Group Attention | [
"Xinyu Liu",
"Houwen Peng",
"Ningxin Zheng",
"Yuqing Yang",
"Han Hu",
"Yixuan Yuan"
] | 2023-05-11 | Vision transformers have shown great success due to their high model
capabilities. However, their remarkable performance is accompanied by heavy
computation costs, which makes them unsuitable for real-time applications. In
this paper, we propose a family of high-speed vision transformers named
EfficientViT. We find that the speed of existing transformer models is commonly
bounded by memory inefficient operations, especially the tensor reshaping and
element-wise functions in MHSA. Therefore, we design a new building block with
a sandwich layout, i.e., using a single memory-bound MHSA between efficient FFN
layers, which improves memory efficiency while enhancing channel communication.
Moreover, we discover that the attention maps share high similarities across
heads, leading to computational redundancy. To address this, we present a
cascaded group attention module feeding attention heads with different splits
of the full feature, which not only saves computation cost but also improves
attention diversity. Comprehensive experiments demonstrate EfficientViT
outperforms existing efficient models, striking a good trade-off between speed
and accuracy. For instance, our EfficientViT-M5 surpasses MobileNetV3-Large by
1.9% in accuracy, while getting 40.4% and 45.2% higher throughput on Nvidia
V100 GPU and Intel Xeon CPU, respectively. Compared to the recent efficient
model MobileViT-XXS, EfficientViT-M2 achieves 1.8% superior accuracy, while
running 5.8x/3.7x faster on the GPU/CPU, and 7.4x faster when converted to ONNX
format. Code and models are available at
https://github.com/microsoft/Cream/tree/main/EfficientViT. | null | cs.CV | [
"cs.CV"
] |
2312.10007 | HF | Faithful Persona-based Conversational Dataset Generation with Large Language Models | [
"Pegah Jandaghi",
"XiangHai Sheng",
"Xinyi Bai",
"Jay Pujara",
"Hakim Sidahmed"
] | 2023-12-15 | High-quality conversational datasets are essential for developing AI models
that can communicate with users. One way to foster deeper interactions between
a chatbot and its user is through personas, aspects of the user's character
that provide insights into their personality, motivations, and behaviors.
Training Natural Language Processing (NLP) models on a diverse and
comprehensive persona-based dataset can lead to conversational models that
create a deeper connection with the user, and maintain their engagement. In
this paper, we leverage the power of Large Language Models (LLMs) to create a
large, high-quality conversational dataset from a seed dataset. We propose a
Generator-Critic architecture framework to expand the initial dataset, while
improving the quality of its conversations. The Generator is an LLM prompted to
output conversations. The Critic consists of a mixture of expert LLMs that
control the quality of the generated conversations. These experts select the
best generated conversations, which we then use to improve the Generator. We
release Synthetic-Persona-Chat, consisting of 20k conversations seeded from
Persona-Chat. We evaluate the quality of Synthetic-Persona-Chat and our
generation framework on different dimensions through extensive experiments, and
observe that the losing rate of Synthetic-Persona-Chat against Persona-Chat
during Turing test decreases from 17.2% to 8.8% over three iterations. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2403.08763 | Both | Simple and Scalable Strategies to Continually Pre-train Large Language Models | [
"Adam Ibrahim",
"Benjamin Thérien",
"Kshitij Gupta",
"Mats L. Richter",
"Quentin Anthony",
"Timothée Lesort",
"Eugene Belilovsky",
"Irina Rish"
] | 2024-03-13 | Large language models (LLMs) are routinely pre-trained on billions of tokens,
only to start the process over again once new data becomes available. A much
more efficient solution is to continually pre-train these models, saving
significant compute compared to re-training. However, the distribution shift
induced by new data typically results in degraded performance on previous data
or poor adaptation to the new data. In this work, we show that a simple and
scalable combination of learning rate (LR) re-warming, LR re-decaying, and
replay of previous data is sufficient to match the performance of fully
re-training from scratch on all available data, as measured by the final loss
and the average score on several language model (LM) evaluation benchmarks.
Specifically, we show this for a weak but realistic distribution shift between
two commonly used LLM pre-training datasets (English$\rightarrow$English) and a
stronger distribution shift (English$\rightarrow$German) at the $405$M
parameter model scale with large dataset sizes (hundreds of billions of
tokens). Selecting the weak but realistic shift for larger-scale experiments,
we also find that our continual learning strategies match the re-training
baseline for a 10B parameter LLM. Our results demonstrate that LLMs can be
successfully updated via simple and scalable continual learning strategies,
matching the re-training baseline using only a fraction of the compute.
Finally, inspired by previous work, we propose alternatives to the cosine
learning rate schedule that help circumvent forgetting induced by LR re-warming
and that are not bound to a fixed token budget. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2312.00093 | HF | GraphDreamer: Compositional 3D Scene Synthesis from Scene Graphs | [
"Gege Gao",
"Weiyang Liu",
"Anpei Chen",
"Andreas Geiger",
"Bernhard Schölkopf"
] | 2023-11-30 | As pretrained text-to-image diffusion models become increasingly powerful,
recent efforts have been made to distill knowledge from these text-to-image
pretrained models for optimizing a text-guided 3D model. Most of the existing
methods generate a holistic 3D model from a plain text input. This can be
problematic when the text describes a complex scene with multiple objects,
because the vectorized text embeddings are inherently unable to capture a
complex description with multiple entities and relationships. Holistic 3D
modeling of the entire scene further prevents accurate grounding of text
entities and concepts. To address this limitation, we propose GraphDreamer, a
novel framework to generate compositional 3D scenes from scene graphs, where
objects are represented as nodes and their interactions as edges. By exploiting
node and edge information in scene graphs, our method makes better use of the
pretrained text-to-image diffusion model and is able to fully disentangle
different objects without image-level supervision. To facilitate modeling of
object-wise relationships, we use signed distance fields as representation and
impose a constraint to avoid inter-penetration of objects. To avoid manual
scene graph creation, we design a text prompt for ChatGPT to generate scene
graphs based on text inputs. We conduct both qualitative and quantitative
experiments to validate the effectiveness of GraphDreamer in generating
high-fidelity compositional 3D scenes with disentangled object entities. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2405.10315 | HF | TRANSIC: Sim-to-Real Policy Transfer by Learning from Online Correction | [
"Yunfan Jiang",
"Chen Wang",
"Ruohan Zhang",
"Jiajun Wu",
"Li Fei-Fei"
] | 2024-05-16 | Learning in simulation and transferring the learned policy to the real world
has the potential to enable generalist robots. The key challenge of this
approach is to address simulation-to-reality (sim-to-real) gaps. Previous
methods often require domain-specific knowledge a priori. We argue that a
straightforward way to obtain such knowledge is by asking humans to observe and
assist robot policy execution in the real world. The robots can then learn from
humans to close various sim-to-real gaps. We propose TRANSIC, a data-driven
approach to enable successful sim-to-real transfer based on a human-in-the-loop
framework. TRANSIC allows humans to augment simulation policies to overcome
various unmodeled sim-to-real gaps holistically through intervention and online
correction. Residual policies can be learned from human corrections and
integrated with simulation policies for autonomous execution. We show that our
approach can achieve successful sim-to-real transfer in complex and
contact-rich manipulation tasks such as furniture assembly. Through synergistic
integration of policies learned in simulation and from humans, TRANSIC is
effective as a holistic approach to addressing various, often coexisting
sim-to-real gaps. It displays attractive properties such as scaling with human
effort. Videos and code are available at https://transic-robot.github.io/ | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2305.13077 | HF | ControlVideo: Training-free Controllable Text-to-Video Generation | [
"Yabo Zhang",
"Yuxiang Wei",
"Dongsheng Jiang",
"Xiaopeng Zhang",
"Wangmeng Zuo",
"Qi Tian"
] | 2023-05-22 | Text-driven diffusion models have unlocked unprecedented abilities in image
generation, whereas their video counterpart still lags behind due to the
excessive training cost of temporal modeling. Besides the training burden, the
generated videos also suffer from appearance inconsistency and structural
flickers, especially in long video synthesis. To address these challenges, we
design a \emph{training-free} framework called \textbf{ControlVideo} to enable
natural and efficient text-to-video generation. ControlVideo, adapted from
ControlNet, leverages coarsely structural consistency from input motion
sequences, and introduces three modules to improve video generation. Firstly,
to ensure appearance coherence between frames, ControlVideo adds fully
cross-frame interaction in self-attention modules. Secondly, to mitigate the
flicker effect, it introduces an interleaved-frame smoother that employs frame
interpolation on alternated frames. Finally, to produce long videos
efficiently, it utilizes a hierarchical sampler that separately synthesizes
each short clip with holistic coherency. Empowered with these modules,
ControlVideo outperforms the state-of-the-arts on extensive motion-prompt pairs
quantitatively and qualitatively. Notably, thanks to the efficient designs, it
generates both short and long videos within several minutes using one NVIDIA
2080Ti. Code is available at https://github.com/YBYBZhang/ControlVideo. | null | cs.CV | [
"cs.CV"
] |
2407.07304 | HF | Inference Performance Optimization for Large Language Models on CPUs | [
"Pujiang He",
"Shan Zhou",
"Wenhuan Huang",
"Changqing Li",
"Duyi Wang",
"Bin Guo",
"Chen Meng",
"Sheng Gui",
"Weifei Yu",
"Yi Xie"
] | 2024-07-10 | Large language models (LLMs) have shown exceptional performance and vast
potential across diverse tasks. However, the deployment of LLMs with high
performance in low-resource environments has garnered significant attention in
the industry. When GPU hardware resources are limited, we can explore
alternative options on CPUs. To mitigate the financial burden and alleviate
constraints imposed by hardware resources, optimizing inference performance is
necessary. In this paper, we introduce an easily deployable inference
performance optimization solution aimed at accelerating LLMs on CPUs. In this
solution, we implement an effective way to reduce the KV cache size while
ensuring precision. We propose a distributed inference optimization approach
and implement it based on oneAPI Collective Communications Library.
Furthermore, we propose optimization approaches for LLMs on CPU, and conduct
tailored optimizations for the most commonly used models. The code is
open-sourced at https://github.com/intel/xFasterTransformer. | null | cs.AI | [
"cs.AI"
] |
2403.08540 | HF | Language models scale reliably with over-training and on downstream tasks | [
"Samir Yitzhak Gadre",
"Georgios Smyrnis",
"Vaishaal Shankar",
"Suchin Gururangan",
"Mitchell Wortsman",
"Rulin Shao",
"Jean Mercat",
"Alex Fang",
"Jeffrey Li",
"Sedrick Keh",
"Rui Xin",
"Marianna Nezhurina",
"Igor Vasiljevic",
"Jenia Jitsev",
"Luca Soldaini",
"Alexandros G. Dimakis",
"Gabriel Ilharco",
"Pang Wei Koh",
"Shuran Song",
"Thomas Kollar",
"Yair Carmon",
"Achal Dave",
"Reinhard Heckel",
"Niklas Muennighoff",
"Ludwig Schmidt"
] | 2024-03-13 | Scaling laws are useful guides for derisking expensive training runs, as they
predict performance of large models using cheaper, small-scale experiments.
However, there remain gaps between current scaling studies and how language
models are ultimately trained and evaluated. For instance, scaling is usually
studied in the compute-optimal training regime (i.e., "Chinchilla optimal"
regime). In contrast, models are often over-trained to reduce inference costs.
Moreover, scaling laws mostly predict loss on next-token prediction, but models
are usually compared on downstream task performance. To address both
shortcomings, we create a testbed of 104 models with 0.011B to 6.9B parameters
trained with various numbers of tokens on three data distributions. First, we
fit scaling laws that extrapolate in both the amount of over-training and the
number of model parameters. This enables us to predict the validation loss of a
1.4B parameter, 900B token run (i.e., 32$\times$ over-trained) and a 6.9B
parameter, 138B token run (i.e., a compute-optimal run)$\unicode{x2014}$each
from experiments that take 300$\times$ less compute. Second, we relate the
perplexity of a language model to its downstream task performance by proposing
a power law. We use this law to predict top-1 error averaged over downstream
tasks for the two aforementioned models, using experiments that take 20$\times$
less compute. Our experiments are available at
https://github.com/mlfoundations/scaling. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2009.01325 | AnswerAI | Learning to summarize from human feedback | [
"Nisan Stiennon",
"Long Ouyang",
"Jeff Wu",
"Daniel M. Ziegler",
"Ryan Lowe",
"Chelsea Voss",
"Alec Radford",
"Dario Amodei",
"Paul Christiano"
] | 2020-09-02 | As language models become more powerful, training and evaluation are
increasingly bottlenecked by the data and metrics used for a particular task.
For example, summarization models are often trained to predict human reference
summaries and evaluated using ROUGE, but both of these metrics are rough
proxies for what we really care about -- summary quality. In this work, we show
that it is possible to significantly improve summary quality by training a
model to optimize for human preferences. We collect a large, high-quality
dataset of human comparisons between summaries, train a model to predict the
human-preferred summary, and use that model as a reward function to fine-tune a
summarization policy using reinforcement learning. We apply our method to a
version of the TL;DR dataset of Reddit posts and find that our models
significantly outperform both human reference summaries and much larger models
fine-tuned with supervised learning alone. Our models also transfer to CNN/DM
news articles, producing summaries nearly as good as the human reference
without any news-specific fine-tuning. We conduct extensive analyses to
understand our human feedback dataset and fine-tuned models We establish that
our reward model generalizes to new datasets, and that optimizing our reward
model results in better summaries than optimizing ROUGE according to humans. We
hope the evidence from our paper motivates machine learning researchers to pay
closer attention to how their training loss affects the model behavior they
actually want. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.13579 | HF | Enhancing Detail Preservation for Customized Text-to-Image Generation: A Regularization-Free Approach | [
"Yufan Zhou",
"Ruiyi Zhang",
"Tong Sun",
"Jinhui Xu"
] | 2023-05-23 | Recent text-to-image generation models have demonstrated impressive
capability of generating text-aligned images with high fidelity. However,
generating images of novel concept provided by the user input image is still a
challenging task. To address this problem, researchers have been exploring
various methods for customizing pre-trained text-to-image generation models.
Currently, most existing methods for customizing pre-trained text-to-image
generation models involve the use of regularization techniques to prevent
over-fitting. While regularization will ease the challenge of customization and
leads to successful content creation with respect to text guidance, it may
restrict the model capability, resulting in the loss of detailed information
and inferior performance. In this work, we propose a novel framework for
customized text-to-image generation without the use of regularization.
Specifically, our proposed framework consists of an encoder network and a novel
sampling method which can tackle the over-fitting problem without the use of
regularization. With the proposed framework, we are able to customize a
large-scale text-to-image generation model within half a minute on single GPU,
with only one image provided by the user. We demonstrate in experiments that
our proposed framework outperforms existing methods, and preserves more
fine-grained details. | null | cs.CV | [
"cs.CV"
] |
2302.11521 | AnswerAI | How Does In-Context Learning Help Prompt Tuning? | [
"Simeng Sun",
"Yang Liu",
"Dan Iter",
"Chenguang Zhu",
"Mohit Iyyer"
] | 2023-02-22 | Fine-tuning large language models is becoming ever more impractical due to
their rapidly-growing scale. This motivates the use of parameter-efficient
adaptation methods such as prompt tuning (PT), which adds a small number of
tunable embeddings to an otherwise frozen model, and in-context learning (ICL),
in which demonstrations of the task are provided to the model in natural
language without any additional training. Recently, Singhal et al. (2022)
propose ``instruction prompt tuning'' (IPT), which combines PT with ICL by
concatenating a natural language demonstration with learned prompt embeddings.
While all of these methods have proven effective on different tasks, how they
interact with each other remains unexplored. In this paper, we empirically
study when and how in-context examples improve prompt tuning by measuring the
effectiveness of ICL, PT, and IPT on five text generation tasks with multiple
base language models. We observe that (1) IPT does \emph{not} always outperform
PT, and in fact requires the in-context demonstration to be semantically
similar to the test input to yield improvements; (2) PT is unstable and
exhibits high variance, but combining PT and ICL (into IPT) consistently
reduces variance across all five tasks; and (3) prompts learned for a specific
source task via PT exhibit positive transfer when paired with in-context
examples of a different target task. Our results offer actionable insights on
choosing a suitable parameter-efficient adaptation method for a given task. | null | cs.CL | [
"cs.CL"
] |
2404.03673 | HF | RL for Consistency Models: Faster Reward Guided Text-to-Image Generation | [
"Owen Oertell",
"Jonathan D. Chang",
"Yiyi Zhang",
"Kianté Brantley",
"Wen Sun"
] | 2024-03-25 | Reinforcement learning (RL) has improved guided image generation with
diffusion models by directly optimizing rewards that capture image quality,
aesthetics, and instruction following capabilities. However, the resulting
generative policies inherit the same iterative sampling process of diffusion
models that causes slow generation. To overcome this limitation, consistency
models proposed learning a new class of generative models that directly map
noise to data, resulting in a model that can generate an image in as few as one
sampling iteration. In this work, to optimize text-to-image generative models
for task specific rewards and enable fast training and inference, we propose a
framework for fine-tuning consistency models via RL. Our framework, called
Reinforcement Learning for Consistency Model (RLCM), frames the iterative
inference process of a consistency model as an RL procedure. Comparing to RL
finetuned diffusion models, RLCM trains significantly faster, improves the
quality of the generation measured under the reward objectives, and speeds up
the inference procedure by generating high quality images with as few as two
inference steps. Experimentally, we show that RLCM can adapt text-to-image
consistency models to objectives that are challenging to express with
prompting, such as image compressibility, and those derived from human
feedback, such as aesthetic quality. Our code is available at
https://rlcm.owenoertell.com. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2204.00408 | AnswerAI | Structured Pruning Learns Compact and Accurate Models | [
"Mengzhou Xia",
"Zexuan Zhong",
"Danqi Chen"
] | 2022-04-01 | The growing size of neural language models has led to increased attention in
model compression. The two predominant approaches are pruning, which gradually
removes weights from a pre-trained model, and distillation, which trains a
smaller compact model to match a larger one. Pruning methods can significantly
reduce the model size but hardly achieve large speedups as distillation.
However, distillation methods require large amounts of unlabeled data and are
expensive to train. In this work, we propose a task-specific structured pruning
method CoFi (Coarse- and Fine-grained Pruning), which delivers highly
parallelizable subnetworks and matches the distillation methods in both
accuracy and latency, without resorting to any unlabeled data. Our key insight
is to jointly prune coarse-grained (e.g., layers) and fine-grained (e.g., heads
and hidden units) modules, which controls the pruning decision of each
parameter with masks of different granularity. We also devise a layerwise
distillation strategy to transfer knowledge from unpruned to pruned models
during optimization. Our experiments on GLUE and SQuAD datasets show that CoFi
yields models with over 10x speedups with a small accuracy drop, showing its
effectiveness and efficiency compared to previous pruning and distillation
approaches. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2409.03752 | HF | Attention Heads of Large Language Models: A Survey | [
"Zifan Zheng",
"Yezhaohui Wang",
"Yuxin Huang",
"Shichao Song",
"Bo Tang",
"Feiyu Xiong",
"Zhiyu Li"
] | 2024-09-05 | Since the advent of ChatGPT, Large Language Models (LLMs) have excelled in
various tasks but remain largely as black-box systems. Consequently, their
development relies heavily on data-driven approaches, limiting performance
enhancement through changes in internal architecture and reasoning pathways. As
a result, many researchers have begun exploring the potential internal
mechanisms of LLMs, aiming to identify the essence of their reasoning
bottlenecks, with most studies focusing on attention heads. Our survey aims to
shed light on the internal reasoning processes of LLMs by concentrating on the
interpretability and underlying mechanisms of attention heads. We first distill
the human thought process into a four-stage framework: Knowledge Recalling,
In-Context Identification, Latent Reasoning, and Expression Preparation. Using
this framework, we systematically review existing research to identify and
categorize the functions of specific attention heads. Furthermore, we summarize
the experimental methodologies used to discover these special heads, dividing
them into two categories: Modeling-Free methods and Modeling-Required methods.
Also, we outline relevant evaluation methods and benchmarks. Finally, we
discuss the limitations of current research and propose several potential
future directions. Our reference list is open-sourced at
\url{https://github.com/IAAR-Shanghai/Awesome-Attention-Heads}. | null | cs.CL | [
"cs.CL"
] |
2311.04163 | AnswerAI | Outliers with Opposing Signals Have an Outsized Effect on Neural Network Optimization | [
"Elan Rosenfeld",
"Andrej Risteski"
] | 2023-11-07 | We identify a new phenomenon in neural network optimization which arises from
the interaction of depth and a particular heavy-tailed structure in natural
data. Our result offers intuitive explanations for several previously reported
observations about network training dynamics. In particular, it implies a
conceptually new cause for progressive sharpening and the edge of stability; we
also highlight connections to other concepts in optimization and generalization
including grokking, simplicity bias, and Sharpness-Aware Minimization.
Experimentally, we demonstrate the significant influence of paired groups of
outliers in the training data with strong opposing signals: consistent, large
magnitude features which dominate the network output throughout training and
provide gradients which point in opposite directions. Due to these outliers,
early optimization enters a narrow valley which carefully balances the opposing
groups; subsequent sharpening causes their loss to rise rapidly, oscillating
between high on one group and then the other, until the overall loss spikes. We
describe how to identify these groups, explore what sets them apart, and
carefully study their effect on the network's optimization and behavior. We
complement these experiments with a mechanistic explanation on a toy example of
opposing signals and a theoretical analysis of a two-layer linear network on a
simple model. Our finding enables new qualitative predictions of training
behavior which we confirm experimentally. It also provides a new lens through
which to study and improve modern training practices for stochastic
optimization, which we highlight via a case study of Adam versus SGD. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV",
"stat.ML"
] |
2306.07944 | HF | Speech-to-Text Adapter and Speech-to-Entity Retriever Augmented LLMs for Speech Understanding | [
"Mingqiu Wang",
"Izhak Shafran",
"Hagen Soltau",
"Wei Han",
"Yuan Cao",
"Dian Yu",
"Laurent El Shafey"
] | 2023-06-08 | Large Language Models (LLMs) have been applied in the speech domain, often
incurring a performance drop due to misaligned between speech and language
representations. To bridge this gap, we propose a joint speech and language
model (SLM) using a Speech2Text adapter, which maps speech into text token
embedding space without speech information loss. Additionally, using a
CTC-based blank-filtering, we can reduce the speech sequence length to that of
text. In speech MultiWoz dataset (DSTC11 challenge), SLM largely improves the
dialog state tracking (DST) performance (24.7% to 28.4% accuracy). Further to
address errors on rare entities, we augment SLM with a Speech2Entity retriever,
which uses speech to retrieve relevant entities, and then adds them to the
original SLM input as a prefix. With this retrieval-augmented SLM (ReSLM), the
DST performance jumps to 34.6% accuracy. Moreover, augmenting the ASR task with
the dialog understanding task improves the ASR performance from 9.4% to 8.5%
WER. | null | eess.AS | [
"eess.AS",
"cs.AI",
"cs.CL"
] |
2402.00858 | HF | Can Large Language Models Understand Context? | [
"Yilun Zhu",
"Joel Ruben Antony Moniz",
"Shruti Bhargava",
"Jiarui Lu",
"Dhivya Piraviperumal",
"Site Li",
"Yuan Zhang",
"Hong Yu",
"Bo-Hsiang Tseng"
] | 2024-02-01 | Understanding context is key to understanding human language, an ability
which Large Language Models (LLMs) have been increasingly seen to demonstrate
to an impressive extent. However, though the evaluation of LLMs encompasses
various domains within the realm of Natural Language Processing, limited
attention has been paid to probing their linguistic capability of understanding
contextual features. This paper introduces a context understanding benchmark by
adapting existing datasets to suit the evaluation of generative models. This
benchmark comprises of four distinct tasks and nine datasets, all featuring
prompts designed to assess the models' ability to understand context. First, we
evaluate the performance of LLMs under the in-context learning pretraining
scenario. Experimental results indicate that pre-trained dense models struggle
with understanding more nuanced contextual features when compared to
state-of-the-art fine-tuned models. Second, as LLM compression holds growing
significance in both research and real-world applications, we assess the
context understanding of quantized models under in-context-learning settings.
We find that 3-bit post-training quantization leads to varying degrees of
performance reduction on our benchmark. We conduct an extensive analysis of
these scenarios to substantiate our experimental results. | null | cs.CL | [
"cs.CL"
] |
2305.18565 | Both | PaLI-X: On Scaling up a Multilingual Vision and Language Model | [
"Xi Chen",
"Josip Djolonga",
"Piotr Padlewski",
"Basil Mustafa",
"Soravit Changpinyo",
"Jialin Wu",
"Carlos Riquelme Ruiz",
"Sebastian Goodman",
"Xiao Wang",
"Yi Tay",
"Siamak Shakeri",
"Mostafa Dehghani",
"Daniel Salz",
"Mario Lucic",
"Michael Tschannen",
"Arsha Nagrani",
"Hexiang Hu",
"Mandar Joshi",
"Bo Pang",
"Ceslee Montgomery",
"Paulina Pietrzyk",
"Marvin Ritter",
"AJ Piergiovanni",
"Matthias Minderer",
"Filip Pavetic",
"Austin Waters",
"Gang Li",
"Ibrahim Alabdulmohsin",
"Lucas Beyer",
"Julien Amelot",
"Kenton Lee",
"Andreas Peter Steiner",
"Yang Li",
"Daniel Keysers",
"Anurag Arnab",
"Yuanzhong Xu",
"Keran Rong",
"Alexander Kolesnikov",
"Mojtaba Seyedhosseini",
"Anelia Angelova",
"Xiaohua Zhai",
"Neil Houlsby",
"Radu Soricut"
] | 2023-05-29 | We present the training recipe and results of scaling up PaLI-X, a
multilingual vision and language model, both in terms of size of the components
and the breadth of its training task mixture. Our model achieves new levels of
performance on a wide-range of varied and complex tasks, including multiple
image-based captioning and question-answering tasks, image-based document
understanding and few-shot (in-context) learning, as well as object detection,
video question answering, and video captioning. PaLI-X advances the
state-of-the-art on most vision-and-language benchmarks considered (25+ of
them). Finally, we observe emerging capabilities, such as complex counting and
multilingual object detection, tasks that are not explicitly in the training
mix. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2405.19325 | Both | Nearest Neighbor Speculative Decoding for LLM Generation and Attribution | [
"Minghan Li",
"Xilun Chen",
"Ari Holtzman",
"Beidi Chen",
"Jimmy Lin",
"Wen-tau Yih",
"Xi Victoria Lin"
] | 2024-05-29 | Large language models (LLMs) often hallucinate and lack the ability to
provide attribution for their generations. Semi-parametric LMs, such as kNN-LM,
approach these limitations by refining the output of an LM for a given prompt
using its nearest neighbor matches in a non-parametric data store. However,
these models often exhibit slow inference speeds and produce non-fluent texts.
In this paper, we introduce Nearest Neighbor Speculative Decoding (NEST), a
novel semi-parametric language modeling approach that is capable of
incorporating real-world text spans of arbitrary length into the LM generations
and providing attribution to their sources. NEST performs token-level retrieval
at each inference step to compute a semi-parametric mixture distribution and
identify promising span continuations in a corpus. It then uses an approximate
speculative decoding procedure that accepts a prefix of the retrieved span or
generates a new token. NEST significantly enhances the generation quality and
attribution rate of the base LM across a variety of knowledge-intensive tasks,
surpassing the conventional kNN-LM method and performing competitively with
in-context retrieval augmentation. In addition, NEST substantially improves the
generation speed, achieving a 1.8x speedup in inference time when applied to
Llama-2-Chat 70B. | null | cs.CL | [
"cs.CL"
] |