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
|
---|---|---|---|---|---|---|---|---|
2406.18284 | HF | RealTalk: Real-time and Realistic Audio-driven Face Generation with 3D Facial Prior-guided Identity Alignment Network | [
"Xiaozhong Ji",
"Chuming Lin",
"Zhonggan Ding",
"Ying Tai",
"Junwei Zhu",
"Xiaobin Hu",
"Donghao Luo",
"Yanhao Ge",
"Chengjie Wang"
] | 2024-06-26 | Person-generic audio-driven face generation is a challenging task in computer
vision. Previous methods have achieved remarkable progress in audio-visual
synchronization, but there is still a significant gap between current results
and practical applications. The challenges are two-fold: 1) Preserving unique
individual traits for achieving high-precision lip synchronization. 2)
Generating high-quality facial renderings in real-time performance. In this
paper, we propose a novel generalized audio-driven framework RealTalk, which
consists of an audio-to-expression transformer and a high-fidelity
expression-to-face renderer. In the first component, we consider both identity
and intra-personal variation features related to speaking lip movements. By
incorporating cross-modal attention on the enriched facial priors, we can
effectively align lip movements with audio, thus attaining greater precision in
expression prediction. In the second component, we design a lightweight facial
identity alignment (FIA) module which includes a lip-shape control structure
and a face texture reference structure. This novel design allows us to generate
fine details in real-time, without depending on sophisticated and inefficient
feature alignment modules. Our experimental results, both quantitative and
qualitative, on public datasets demonstrate the clear advantages of our method
in terms of lip-speech synchronization and generation quality. Furthermore, our
method is efficient and requires fewer computational resources, making it
well-suited to meet the needs of practical applications. | null | cs.CV | [
"cs.CV"
] |
2401.14673 | HF | Generative Expressive Robot Behaviors using Large Language Models | [
"Karthik Mahadevan",
"Jonathan Chien",
"Noah Brown",
"Zhuo Xu",
"Carolina Parada",
"Fei Xia",
"Andy Zeng",
"Leila Takayama",
"Dorsa Sadigh"
] | 2024-01-26 | People employ expressive behaviors to effectively communicate and coordinate
their actions with others, such as nodding to acknowledge a person glancing at
them or saying "excuse me" to pass people in a busy corridor. We would like
robots to also demonstrate expressive behaviors in human-robot interaction.
Prior work proposes rule-based methods that struggle to scale to new
communication modalities or social situations, while data-driven methods
require specialized datasets for each social situation the robot is used in. We
propose to leverage the rich social context available from large language
models (LLMs) and their ability to generate motion based on instructions or
user preferences, to generate expressive robot motion that is adaptable and
composable, building upon each other. Our approach utilizes few-shot
chain-of-thought prompting to translate human language instructions into
parametrized control code using the robot's available and learned skills.
Through user studies and simulation experiments, we demonstrate that our
approach produces behaviors that users found to be competent and easy to
understand. Supplementary material can be found at
https://generative-expressive-motion.github.io/. | 10.1145/3610977.3634999 | cs.RO | [
"cs.RO"
] |
2310.19909 | HF | Battle of the Backbones: A Large-Scale Comparison of Pretrained Models across Computer Vision Tasks | [
"Micah Goldblum",
"Hossein Souri",
"Renkun Ni",
"Manli Shu",
"Viraj Prabhu",
"Gowthami Somepalli",
"Prithvijit Chattopadhyay",
"Mark Ibrahim",
"Adrien Bardes",
"Judy Hoffman",
"Rama Chellappa",
"Andrew Gordon Wilson",
"Tom Goldstein"
] | 2023-10-30 | Neural network based computer vision systems are typically built on a
backbone, a pretrained or randomly initialized feature extractor. Several years
ago, the default option was an ImageNet-trained convolutional neural network.
However, the recent past has seen the emergence of countless backbones
pretrained using various algorithms and datasets. While this abundance of
choice has led to performance increases for a range of systems, it is difficult
for practitioners to make informed decisions about which backbone to choose.
Battle of the Backbones (BoB) makes this choice easier by benchmarking a
diverse suite of pretrained models, including vision-language models, those
trained via self-supervised learning, and the Stable Diffusion backbone, across
a diverse set of computer vision tasks ranging from classification to object
detection to OOD generalization and more. Furthermore, BoB sheds light on
promising directions for the research community to advance computer vision by
illuminating strengths and weakness of existing approaches through a
comprehensive analysis conducted on more than 1500 training runs. While vision
transformers (ViTs) and self-supervised learning (SSL) are increasingly
popular, we find that convolutional neural networks pretrained in a supervised
fashion on large training sets still perform best on most tasks among the
models we consider. Moreover, in apples-to-apples comparisons on the same
architectures and similarly sized pretraining datasets, we find that SSL
backbones are highly competitive, indicating that future works should perform
SSL pretraining with advanced architectures and larger pretraining datasets. We
release the raw results of our experiments along with code that allows
researchers to put their own backbones through the gauntlet here:
https://github.com/hsouri/Battle-of-the-Backbones | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2210.03350 | AnswerAI | Measuring and Narrowing the Compositionality Gap in Language Models | [
"Ofir Press",
"Muru Zhang",
"Sewon Min",
"Ludwig Schmidt",
"Noah A. Smith",
"Mike Lewis"
] | 2022-10-07 | We investigate the ability of language models to perform compositional
reasoning tasks where the overall solution depends on correctly composing the
answers to sub-problems. We measure how often models can correctly answer all
sub-problems but not generate the overall solution, a ratio we call the
compositionality gap. We evaluate this ratio by asking multi-hop questions with
answers that require composing multiple facts unlikely to have been observed
together during pretraining. In the GPT-3 family of models, as model size
increases we show that the single-hop question answering performance improves
faster than the multi-hop performance does, therefore the compositionality gap
does not decrease. This surprising result suggests that while more powerful
models memorize and recall more factual knowledge, they show no corresponding
improvement in their ability to perform this kind of compositional reasoning.
We then demonstrate how elicitive prompting (such as chain of thought)
narrows the compositionality gap by reasoning explicitly. We present a new
method, self-ask, that further improves on chain of thought. In our method, the
model explicitly asks itself (and answers) follow-up questions before answering
the initial question. We finally show that self-ask's structured prompting lets
us easily plug in a search engine to answer the follow-up questions, which
additionally improves accuracy. | null | cs.CL | [
"cs.CL"
] |
2307.12976 | HF | Evaluating the Ripple Effects of Knowledge Editing in Language Models | [
"Roi Cohen",
"Eden Biran",
"Ori Yoran",
"Amir Globerson",
"Mor Geva"
] | 2023-07-24 | Modern language models capture a large body of factual knowledge. However,
some facts can be incorrectly induced or become obsolete over time, resulting
in factually incorrect generations. This has led to the development of various
editing methods that allow updating facts encoded by the model. Evaluation of
these methods has primarily focused on testing whether an individual fact has
been successfully injected, and if similar predictions for other subjects have
not changed. Here we argue that such evaluation is limited, since injecting one
fact (e.g. ``Jack Depp is the son of Johnny Depp'') introduces a ``ripple
effect'' in the form of additional facts that the model needs to update
(e.g.``Jack Depp is the sibling of Lily-Rose Depp''). To address this issue, we
propose a novel set of evaluation criteria that consider the implications of an
edit on related facts. Using these criteria, we then construct RippleEdits, a
diagnostic benchmark of 5K factual edits, capturing a variety of types of
ripple effects. We evaluate prominent editing methods on RippleEdits, showing
that current methods fail to introduce consistent changes in the model's
knowledge. In addition, we find that a simple in-context editing baseline
obtains the best scores on our benchmark, suggesting a promising research
direction for model editing. | null | cs.CL | [
"cs.CL"
] |
2402.05861 | HF | Memory Consolidation Enables Long-Context Video Understanding | [
"Ivana Balažević",
"Yuge Shi",
"Pinelopi Papalampidi",
"Rahma Chaabouni",
"Skanda Koppula",
"Olivier J. Hénaff"
] | 2024-02-08 | Most transformer-based video encoders are limited to short temporal contexts
due to their quadratic complexity. While various attempts have been made to
extend this context, this has often come at the cost of both conceptual and
computational complexity. We propose to instead re-purpose existing pre-trained
video transformers by simply fine-tuning them to attend to memories derived
non-parametrically from past activations. By leveraging redundancy reduction,
our memory-consolidated vision transformer (MC-ViT) effortlessly extends its
context far into the past and exhibits excellent scaling behavior when learning
from longer videos. In doing so, MC-ViT sets a new state-of-the-art in
long-context video understanding on EgoSchema, Perception Test, and Diving48,
outperforming methods that benefit from orders of magnitude more parameters. | null | cs.CV | [
"cs.CV"
] |
2105.13120 | AnswerAI | Sequence Parallelism: Long Sequence Training from System Perspective | [
"Shenggui Li",
"Fuzhao Xue",
"Chaitanya Baranwal",
"Yongbin Li",
"Yang You"
] | 2021-05-26 | Transformer achieves promising results on various tasks. However,
self-attention suffers from quadratic memory requirements with respect to the
sequence length. Existing work focuses on reducing time and space complexity
from an algorithm perspective. In this work, we propose sequence parallelism, a
memory-efficient parallelism method to help us break input sequence length
limitation and train with longer sequences on GPUs efficiently. Our approach is
compatible with most existing parallelisms (e.g. data parallelism, pipeline
parallelism and tensor parallelism), which means our sequence parallelism makes
4D parallelism possible. More importantly, we no longer require a single device
to hold the whole sequence. That is, with sparse attention, our sequence
parallelism enables us to train transformer with infinite long sequence.
Specifically, we split the input sequence into multiple chunks and feed each
chunk into its corresponding device (i.e. GPU). To compute the attention
output, we integrated ring-style communication with self-attention calculation
and proposed Ring Self-Attention (RSA). Experiments show that sequence
parallelism performs well when scaling with batch size and sequence length.
Compared with tensor parallelism, our approach achieved $13.7\times$ and
$3.0\times$ maximum batch size and sequence length respectively when scaling up
to 64 NVIDIA P100 GPUs. With sparse attention, sequence can handle sequence
with over 114K tokens, which is over $27\times$ longer than existing sparse
attention works holding the whole sequence on a single device. | null | cs.LG | [
"cs.LG",
"cs.DC"
] |
2403.11781 | HF | Infinite-ID: Identity-preserved Personalization via ID-semantics Decoupling Paradigm | [
"Yi Wu",
"Ziqiang Li",
"Heliang Zheng",
"Chaoyue Wang",
"Bin Li"
] | 2024-03-18 | Drawing on recent advancements in diffusion models for text-to-image
generation, identity-preserved personalization has made significant progress in
accurately capturing specific identities with just a single reference image.
However, existing methods primarily integrate reference images within the text
embedding space, leading to a complex entanglement of image and text
information, which poses challenges for preserving both identity fidelity and
semantic consistency. To tackle this challenge, we propose Infinite-ID, an
ID-semantics decoupling paradigm for identity-preserved personalization.
Specifically, we introduce identity-enhanced training, incorporating an
additional image cross-attention module to capture sufficient ID information
while deactivating the original text cross-attention module of the diffusion
model. This ensures that the image stream faithfully represents the identity
provided by the reference image while mitigating interference from textual
input. Additionally, we introduce a feature interaction mechanism that combines
a mixed attention module with an AdaIN-mean operation to seamlessly merge the
two streams. This mechanism not only enhances the fidelity of identity and
semantic consistency but also enables convenient control over the styles of the
generated images. Extensive experimental results on both raw photo generation
and style image generation demonstrate the superior performance of our proposed
method. | null | cs.CV | [
"cs.CV"
] |
2406.17758 | HF | MotionBooth: Motion-Aware Customized Text-to-Video Generation | [
"Jianzong Wu",
"Xiangtai Li",
"Yanhong Zeng",
"Jiangning Zhang",
"Qianyu Zhou",
"Yining Li",
"Yunhai Tong",
"Kai Chen"
] | 2024-06-25 | In this work, we present MotionBooth, an innovative framework designed for
animating customized subjects with precise control over both object and camera
movements. By leveraging a few images of a specific object, we efficiently
fine-tune a text-to-video model to capture the object's shape and attributes
accurately. Our approach presents subject region loss and video preservation
loss to enhance the subject's learning performance, along with a subject token
cross-attention loss to integrate the customized subject with motion control
signals. Additionally, we propose training-free techniques for managing subject
and camera motions during inference. In particular, we utilize cross-attention
map manipulation to govern subject motion and introduce a novel latent shift
module for camera movement control as well. MotionBooth excels in preserving
the appearance of subjects while simultaneously controlling the motions in
generated videos. Extensive quantitative and qualitative evaluations
demonstrate the superiority and effectiveness of our method. Our project page
is at https://jianzongwu.github.io/projects/motionbooth | null | cs.CV | [
"cs.CV"
] |
2402.17193 | HF | When Scaling Meets LLM Finetuning: The Effect of Data, Model and Finetuning Method | [
"Biao Zhang",
"Zhongtao Liu",
"Colin Cherry",
"Orhan Firat"
] | 2024-02-27 | While large language models (LLMs) often adopt finetuning to unlock their
capabilities for downstream applications, our understanding on the inductive
biases (especially the scaling properties) of different finetuning methods is
still limited. To fill this gap, we conduct systematic experiments studying
whether and how different scaling factors, including LLM model size,
pretraining data size, new finetuning parameter size and finetuning data size,
affect the finetuning performance. We consider two types of finetuning --
full-model tuning (FMT) and parameter efficient tuning (PET, including prompt
tuning and LoRA), and explore their scaling behaviors in the data-limited
regime where the LLM model size substantially outweighs the finetuning data
size. Based on two sets of pretrained bilingual LLMs from 1B to 16B and
experiments on bilingual machine translation and multilingual summarization
benchmarks, we find that 1) LLM finetuning follows a powerbased multiplicative
joint scaling law between finetuning data size and each other scaling factor;
2) LLM finetuning benefits more from LLM model scaling than pretraining data
scaling, and PET parameter scaling is generally ineffective; and 3) the optimal
finetuning method is highly task- and finetuning data-dependent. We hope our
findings could shed light on understanding, selecting and developing LLM
finetuning methods. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2405.15216 | HF | Denoising LM: Pushing the Limits of Error Correction Models for Speech Recognition | [
"Zijin Gu",
"Tatiana Likhomanenko",
"He Bai",
"Erik McDermott",
"Ronan Collobert",
"Navdeep Jaitly"
] | 2024-05-24 | Language models (LMs) have long been used to improve results of automatic
speech recognition (ASR) systems, but they are unaware of the errors that ASR
systems make. Error correction models are designed to fix ASR errors, however,
they showed little improvement over traditional LMs mainly due to the lack of
supervised training data. In this paper, we present Denoising LM (DLM), which
is a $\textit{scaled}$ error correction model trained with vast amounts of
synthetic data, significantly exceeding prior attempts meanwhile achieving new
state-of-the-art ASR performance. We use text-to-speech (TTS) systems to
synthesize audio, which is fed into an ASR system to produce noisy hypotheses,
which are then paired with the original texts to train the DLM. DLM has several
$\textit{key ingredients}$: (i) up-scaled model and data; (ii) usage of
multi-speaker TTS systems; (iii) combination of multiple noise augmentation
strategies; and (iv) new decoding techniques. With a Transformer-CTC ASR, DLM
achieves 1.5% word error rate (WER) on $\textit{test-clean}$ and 3.3% WER on
$\textit{test-other}$ on Librispeech, which to our knowledge are the best
reported numbers in the setting where no external audio data are used and even
match self-supervised methods which use external audio data. Furthermore, a
single DLM is applicable to different ASRs, and greatly surpassing the
performance of conventional LM based beam-search rescoring. These results
indicate that properly investigated error correction models have the potential
to replace conventional LMs, holding the key to a new level of accuracy in ASR
systems. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.SD",
"eess.AS"
] |
2307.13813 | Both | How to Scale Your EMA | [
"Dan Busbridge",
"Jason Ramapuram",
"Pierre Ablin",
"Tatiana Likhomanenko",
"Eeshan Gunesh Dhekane",
"Xavier Suau",
"Russ Webb"
] | 2023-07-25 | Preserving training dynamics across batch sizes is an important tool for
practical machine learning as it enables the trade-off between batch size and
wall-clock time. This trade-off is typically enabled by a scaling rule, for
example, in stochastic gradient descent, one should scale the learning rate
linearly with the batch size. Another important machine learning tool is the
model EMA, a functional copy of a target model, whose parameters move towards
those of its target model according to an Exponential Moving Average (EMA) at a
rate parameterized by a momentum hyperparameter. This model EMA can improve the
robustness and generalization of supervised learning, stabilize
pseudo-labeling, and provide a learning signal for Self-Supervised Learning
(SSL). Prior works have not considered the optimization of the model EMA when
performing scaling, leading to different training dynamics across batch sizes
and lower model performance. In this work, we provide a scaling rule for
optimization in the presence of a model EMA and demonstrate the rule's validity
across a range of architectures, optimizers, and data modalities. We also show
the rule's validity where the model EMA contributes to the optimization of the
target model, enabling us to train EMA-based pseudo-labeling and SSL methods at
small and large batch sizes. For SSL, we enable training of BYOL up to batch
size 24,576 without sacrificing performance, a 6$\times$ wall-clock time
reduction under idealized hardware settings. | null | stat.ML | [
"stat.ML",
"cs.AI",
"cs.LG"
] |
2406.16678 | HF | Segment Any Text: A Universal Approach for Robust, Efficient and Adaptable Sentence Segmentation | [
"Markus Frohmann",
"Igor Sterner",
"Ivan Vulić",
"Benjamin Minixhofer",
"Markus Schedl"
] | 2024-06-24 | Segmenting text into sentences plays an early and crucial role in many NLP
systems. This is commonly achieved by using rule-based or statistical methods
relying on lexical features such as punctuation. Although some recent works no
longer exclusively rely on punctuation, we find that no prior method achieves
all of (i) robustness to missing punctuation, (ii) effective adaptability to
new domains, and (iii) high efficiency. We introduce a new model - Segment any
Text (SaT) - to solve this problem. To enhance robustness, we propose a new
pretraining scheme that ensures less reliance on punctuation. To address
adaptability, we introduce an extra stage of parameter-efficient fine-tuning,
establishing state-of-the-art performance in distinct domains such as verses
from lyrics and legal documents. Along the way, we introduce architectural
modifications that result in a threefold gain in speed over the previous state
of the art and solve spurious reliance on context far in the future. Finally,
we introduce a variant of our model with fine-tuning on a diverse, multilingual
mixture of sentence-segmented data, acting as a drop-in replacement and
enhancement for existing segmentation tools. Overall, our contributions provide
a universal approach for segmenting any text. Our method outperforms all
baselines - including strong LLMs - across 8 corpora spanning diverse domains
and languages, especially in practically relevant situations where text is
poorly formatted. Our models and code, including documentation, are available
at https://huggingface.co/segment-any-text under the MIT license. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2304.05332 | AnswerAI | Emergent autonomous scientific research capabilities of large language models | [
"Daniil A. Boiko",
"Robert MacKnight",
"Gabe Gomes"
] | 2023-04-11 | Transformer-based large language models are rapidly advancing in the field of
machine learning research, with applications spanning natural language,
biology, chemistry, and computer programming. Extreme scaling and reinforcement
learning from human feedback have significantly improved the quality of
generated text, enabling these models to perform various tasks and reason about
their choices. In this paper, we present an Intelligent Agent system that
combines multiple large language models for autonomous design, planning, and
execution of scientific experiments. We showcase the Agent's scientific
research capabilities with three distinct examples, with the most complex being
the successful performance of catalyzed cross-coupling reactions. Finally, we
discuss the safety implications of such systems and propose measures to prevent
their misuse. | null | physics.chem-ph | [
"physics.chem-ph",
"cs.CL"
] |
2401.02330 | HF | LLaVA-Phi: Efficient Multi-Modal Assistant with Small Language Model | [
"Yichen Zhu",
"Minjie Zhu",
"Ning Liu",
"Zhicai Ou",
"Xiaofeng Mou",
"Jian Tang"
] | 2024-01-04 | In this paper, we introduce LLaVA-$\phi$ (LLaVA-Phi), an efficient
multi-modal assistant that harnesses the power of the recently advanced small
language model, Phi-2, to facilitate multi-modal dialogues. LLaVA-Phi marks a
notable advancement in the realm of compact multi-modal models. It demonstrates
that even smaller language models, with as few as 2.7B parameters, can
effectively engage in intricate dialogues that integrate both textual and
visual elements, provided they are trained with high-quality corpora. Our model
delivers commendable performance on publicly available benchmarks that
encompass visual comprehension, reasoning, and knowledge-based perception.
Beyond its remarkable performance in multi-modal dialogue tasks, our model
opens new avenues for applications in time-sensitive environments and systems
that require real-time interaction, such as embodied agents. It highlights the
potential of smaller language models to achieve sophisticated levels of
understanding and interaction, while maintaining greater resource
efficiency.The project is available at {https://github.com/zhuyiche/llava-phi}. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2305.02869 | AnswerAI | Masked Structural Growth for 2x Faster Language Model Pre-training | [
"Yiqun Yao",
"Zheng Zhang",
"Jing Li",
"Yequan Wang"
] | 2023-05-04 | Accelerating large language model pre-training is a critical issue in present
research. In this paper, we focus on speeding up pre-training by progressively
growing from a small Transformer structure to a large one. There are two main
research problems associated with progressive growth: determining the optimal
growth schedule, and designing efficient growth operators. In terms of growth
schedule, the impact of each single dimension on a schedule's efficiency is
under-explored by existing work. Regarding the growth operators, existing
methods rely on the initialization of new weights to inherit knowledge, and
achieve only non-strict function preservation, limiting further improvements on
training dynamics. To address these issues, we propose Masked Structural Growth
(MSG), including (i) growth schedules involving all possible dimensions and
(ii) strictly function-preserving growth operators that is independent of the
initialization of new weights. Experiments show that MSG is significantly
faster than related work: we achieve up to 2.2x speedup in pre-training
different types of language models while maintaining comparable or better
downstream performances. Code is publicly available at
https://github.com/cofe-ai/MSG. | null | cs.CL | [
"cs.CL"
] |
2402.13616 | HF | YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information | [
"Chien-Yao Wang",
"I-Hau Yeh",
"Hong-Yuan Mark Liao"
] | 2024-02-21 | Today's deep learning methods focus on how to design the most appropriate
objective functions so that the prediction results of the model can be closest
to the ground truth. Meanwhile, an appropriate architecture that can facilitate
acquisition of enough information for prediction has to be designed. Existing
methods ignore a fact that when input data undergoes layer-by-layer feature
extraction and spatial transformation, large amount of information will be
lost. This paper will delve into the important issues of data loss when data is
transmitted through deep networks, namely information bottleneck and reversible
functions. We proposed the concept of programmable gradient information (PGI)
to cope with the various changes required by deep networks to achieve multiple
objectives. PGI can provide complete input information for the target task to
calculate objective function, so that reliable gradient information can be
obtained to update network weights. In addition, a new lightweight network
architecture -- Generalized Efficient Layer Aggregation Network (GELAN), based
on gradient path planning is designed. GELAN's architecture confirms that PGI
has gained superior results on lightweight models. We verified the proposed
GELAN and PGI on MS COCO dataset based object detection. The results show that
GELAN only uses conventional convolution operators to achieve better parameter
utilization than the state-of-the-art methods developed based on depth-wise
convolution. PGI can be used for variety of models from lightweight to large.
It can be used to obtain complete information, so that train-from-scratch
models can achieve better results than state-of-the-art models pre-trained
using large datasets, the comparison results are shown in Figure 1. The source
codes are at: https://github.com/WongKinYiu/yolov9. | null | cs.CV | [
"cs.CV"
] |
2404.01744 | HF | Octopus v2: On-device language model for super agent | [
"Wei Chen",
"Zhiyuan Li"
] | 2024-04-02 | Language models have shown effectiveness in a variety of software
applications, particularly in tasks related to automatic workflow. These models
possess the crucial ability to call functions, which is essential in creating
AI agents. Despite the high performance of large-scale language models in cloud
environments, they are often associated with concerns over privacy and cost.
Current on-device models for function calling face issues with latency and
accuracy. Our research presents a new method that empowers an on-device model
with 2 billion parameters to surpass the performance of GPT-4 in both accuracy
and latency, and decrease the context length by 95\%. When compared to Llama-7B
with a RAG-based function calling mechanism, our method enhances latency by
35-fold. This method reduces the latency to levels deemed suitable for
deployment across a variety of edge devices in production environments,
aligning with the performance requisites for real-world applications. | null | cs.CL | [
"cs.CL"
] |
2409.08270 | HF | FlashSplat: 2D to 3D Gaussian Splatting Segmentation Solved Optimally | [
"Qiuhong Shen",
"Xingyi Yang",
"Xinchao Wang"
] | 2024-09-12 | This study addresses the challenge of accurately segmenting 3D Gaussian
Splatting from 2D masks. Conventional methods often rely on iterative gradient
descent to assign each Gaussian a unique label, leading to lengthy optimization
and sub-optimal solutions. Instead, we propose a straightforward yet globally
optimal solver for 3D-GS segmentation. The core insight of our method is that,
with a reconstructed 3D-GS scene, the rendering of the 2D masks is essentially
a linear function with respect to the labels of each Gaussian. As such, the
optimal label assignment can be solved via linear programming in closed form.
This solution capitalizes on the alpha blending characteristic of the splatting
process for single step optimization. By incorporating the background bias in
our objective function, our method shows superior robustness in 3D segmentation
against noises. Remarkably, our optimization completes within 30 seconds, about
50$\times$ faster than the best existing methods. Extensive experiments
demonstrate the efficiency and robustness of our method in segmenting various
scenes, and its superior performance in downstream tasks such as object removal
and inpainting. Demos and code will be available at
https://github.com/florinshen/FlashSplat. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.MM"
] |
2405.19331 | HF | NPGA: Neural Parametric Gaussian Avatars | [
"Simon Giebenhain",
"Tobias Kirschstein",
"Martin Rünz",
"Lourdes Agapito",
"Matthias Nießner"
] | 2024-05-29 | The creation of high-fidelity, digital versions of human heads is an
important stepping stone in the process of further integrating virtual
components into our everyday lives. Constructing such avatars is a challenging
research problem, due to a high demand for photo-realism and real-time
rendering performance. In this work, we propose Neural Parametric Gaussian
Avatars (NPGA), a data-driven approach to create high-fidelity, controllable
avatars from multi-view video recordings. We build our method around 3D
Gaussian splatting for its highly efficient rendering and to inherit the
topological flexibility of point clouds. In contrast to previous work, we
condition our avatars' dynamics on the rich expression space of neural
parametric head models (NPHM), instead of mesh-based 3DMMs. To this end, we
distill the backward deformation field of our underlying NPHM into forward
deformations which are compatible with rasterization-based rendering. All
remaining fine-scale, expression-dependent details are learned from the
multi-view videos. For increased representational capacity of our avatars, we
propose per-Gaussian latent features that condition each primitives dynamic
behavior. To regularize this increased dynamic expressivity, we propose
Laplacian terms on the latent features and predicted dynamics. We evaluate our
method on the public NeRSemble dataset, demonstrating that NPGA significantly
outperforms the previous state-of-the-art avatars on the self-reenactment task
by 2.6 PSNR. Furthermore, we demonstrate accurate animation capabilities from
real-world monocular videos. | 10.1145/3680528.3687689 | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2312.00845 | HF | VMC: Video Motion Customization using Temporal Attention Adaption for Text-to-Video Diffusion Models | [
"Hyeonho Jeong",
"Geon Yeong Park",
"Jong Chul Ye"
] | 2023-12-01 | Text-to-video diffusion models have advanced video generation significantly.
However, customizing these models to generate videos with tailored motions
presents a substantial challenge. In specific, they encounter hurdles in (a)
accurately reproducing motion from a target video, and (b) creating diverse
visual variations. For example, straightforward extensions of static image
customization methods to video often lead to intricate entanglements of
appearance and motion data. To tackle this, here we present the Video Motion
Customization (VMC) framework, a novel one-shot tuning approach crafted to
adapt temporal attention layers within video diffusion models. Our approach
introduces a novel motion distillation objective using residual vectors between
consecutive frames as a motion reference. The diffusion process then preserves
low-frequency motion trajectories while mitigating high-frequency
motion-unrelated noise in image space. We validate our method against
state-of-the-art video generative models across diverse real-world motions and
contexts. Our codes, data and the project demo can be found at
https://video-motion-customization.github.io | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2408.10119 | HF | Factorized-Dreamer: Training A High-Quality Video Generator with Limited and Low-Quality Data | [
"Tao Yang",
"Yangming Shi",
"Yunwen Huang",
"Feng Chen",
"Yin Zheng",
"Lei Zhang"
] | 2024-08-19 | Text-to-video (T2V) generation has gained significant attention due to its
wide applications to video generation, editing, enhancement and translation,
\etc. However, high-quality (HQ) video synthesis is extremely challenging
because of the diverse and complex motions existed in real world. Most existing
works struggle to address this problem by collecting large-scale HQ videos,
which are inaccessible to the community. In this work, we show that publicly
available limited and low-quality (LQ) data are sufficient to train a HQ video
generator without recaptioning or finetuning. We factorize the whole T2V
generation process into two steps: generating an image conditioned on a highly
descriptive caption, and synthesizing the video conditioned on the generated
image and a concise caption of motion details. Specifically, we present
\emph{Factorized-Dreamer}, a factorized spatiotemporal framework with several
critical designs for T2V generation, including an adapter to combine text and
image embeddings, a pixel-aware cross attention module to capture pixel-level
image information, a T5 text encoder to better understand motion description,
and a PredictNet to supervise optical flows. We further present a noise
schedule, which plays a key role in ensuring the quality and stability of video
generation. Our model lowers the requirements in detailed captions and HQ
videos, and can be directly trained on limited LQ datasets with noisy and brief
captions such as WebVid-10M, largely alleviating the cost to collect
large-scale HQ video-text pairs. Extensive experiments in a variety of T2V and
image-to-video generation tasks demonstrate the effectiveness of our proposed
Factorized-Dreamer. Our source codes are available at
\url{https://github.com/yangxy/Factorized-Dreamer/}. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2210.08205 | AnswerAI | Active Learning from the Web | [
"Ryoma Sato"
] | 2022-10-15 | Labeling data is one of the most costly processes in machine learning
pipelines. Active learning is a standard approach to alleviating this problem.
Pool-based active learning first builds a pool of unlabelled data and
iteratively selects data to be labeled so that the total number of required
labels is minimized, keeping the model performance high. Many effective
criteria for choosing data from the pool have been proposed in the literature.
However, how to build the pool is less explored. Specifically, most of the
methods assume that a task-specific pool is given for free. In this paper, we
advocate that such a task-specific pool is not always available and propose the
use of a myriad of unlabelled data on the Web for the pool for which active
learning is applied. As the pool is extremely large, it is likely that relevant
data exist in the pool for many tasks, and we do not need to explicitly design
and build the pool for each task. The challenge is that we cannot compute the
acquisition scores of all data exhaustively due to the size of the pool. We
propose an efficient method, Seafaring, to retrieve informative data in terms
of active learning from the Web using a user-side information retrieval
algorithm. In the experiments, we use the online Flickr environment as the pool
for active learning. This pool contains more than ten billion images and is
several orders of magnitude larger than the existing pools in the literature
for active learning. We confirm that our method performs better than existing
approaches of using a small unlabelled pool. | null | cs.LG | [
"cs.LG"
] |
2208.03299 | AnswerAI | Atlas: Few-shot Learning with Retrieval Augmented Language Models | [
"Gautier Izacard",
"Patrick Lewis",
"Maria Lomeli",
"Lucas Hosseini",
"Fabio Petroni",
"Timo Schick",
"Jane Dwivedi-Yu",
"Armand Joulin",
"Sebastian Riedel",
"Edouard Grave"
] | 2022-08-05 | Large language models have shown impressive few-shot results on a wide range
of tasks. However, when knowledge is key for such results, as is the case for
tasks such as question answering and fact checking, massive parameter counts to
store knowledge seem to be needed. Retrieval augmented models are known to
excel at knowledge intensive tasks without the need for as many parameters, but
it is unclear whether they work in few-shot settings. In this work we present
Atlas, a carefully designed and pre-trained retrieval augmented language model
able to learn knowledge intensive tasks with very few training examples. We
perform evaluations on a wide range of tasks, including MMLU, KILT and
NaturalQuestions, and study the impact of the content of the document index,
showing that it can easily be updated. Notably, Atlas reaches over 42% accuracy
on Natural Questions using only 64 examples, outperforming a 540B parameters
model by 3% despite having 50x fewer parameters. | null | cs.CL | [
"cs.CL"
] |
2401.14196 | HF | DeepSeek-Coder: When the Large Language Model Meets Programming -- The Rise of Code Intelligence | [
"Daya Guo",
"Qihao Zhu",
"Dejian Yang",
"Zhenda Xie",
"Kai Dong",
"Wentao Zhang",
"Guanting Chen",
"Xiao Bi",
"Y. Wu",
"Y. K. Li",
"Fuli Luo",
"Yingfei Xiong",
"Wenfeng Liang"
] | 2024-01-25 | The rapid development of large language models has revolutionized code
intelligence in software development. However, the predominance of
closed-source models has restricted extensive research and development. To
address this, we introduce the DeepSeek-Coder series, a range of open-source
code models with sizes from 1.3B to 33B, trained from scratch on 2 trillion
tokens. These models are pre-trained on a high-quality project-level code
corpus and employ a fill-in-the-blank task with a 16K window to enhance code
generation and infilling. Our extensive evaluations demonstrate that
DeepSeek-Coder not only achieves state-of-the-art performance among open-source
code models across multiple benchmarks but also surpasses existing
closed-source models like Codex and GPT-3.5. Furthermore, DeepSeek-Coder models
are under a permissive license that allows for both research and unrestricted
commercial use. | null | cs.SE | [
"cs.SE",
"cs.CL",
"cs.LG"
] |
2406.06462 | HF | VCR: Visual Caption Restoration | [
"Tianyu Zhang",
"Suyuchen Wang",
"Lu Li",
"Ge Zhang",
"Perouz Taslakian",
"Sai Rajeswar",
"Jie Fu",
"Bang Liu",
"Yoshua Bengio"
] | 2024-06-10 | We introduce Visual Caption Restoration (VCR), a novel vision-language task
that challenges models to accurately restore partially obscured texts using
pixel-level hints within images. This task stems from the observation that text
embedded in images is intrinsically different from common visual elements and
natural language due to the need to align the modalities of vision, text, and
text embedded in images. While numerous works have integrated text embedded in
images into visual question-answering tasks, approaches to these tasks
generally rely on optical character recognition or masked language modeling,
thus reducing the task to mainly text-based processing. However, text-based
processing becomes ineffective in VCR as accurate text restoration depends on
the combined information from provided images, context, and subtle cues from
the tiny exposed areas of masked texts. We develop a pipeline to generate
synthetic images for the VCR task using image-caption pairs, with adjustable
caption visibility to control the task difficulty. With this pipeline, we
construct a dataset for VCR called VCR-Wiki using images with captions from
Wikipedia, comprising 2.11M English and 346K Chinese entities in both easy and
hard split variants. Our results reveal that current vision language models
significantly lag behind human performance in the VCR task, and merely
fine-tuning the models on our dataset does not lead to notable improvements. We
release VCR-Wiki and the data construction code to facilitate future research. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2402.10986 | HF | FinTral: A Family of GPT-4 Level Multimodal Financial Large Language Models | [
"Gagan Bhatia",
"El Moatez Billah Nagoudi",
"Hasan Cavusoglu",
"Muhammad Abdul-Mageed"
] | 2024-02-16 | We introduce FinTral, a suite of state-of-the-art multimodal large language
models (LLMs) built upon the Mistral-7b model and tailored for financial
analysis. FinTral integrates textual, numerical, tabular, and image data. We
enhance FinTral with domain-specific pretraining, instruction fine-tuning, and
RLAIF training by exploiting a large collection of textual and visual datasets
we curate for this work. We also introduce an extensive benchmark featuring
nine tasks and 25 datasets for evaluation, including hallucinations in the
financial domain. Our FinTral model trained with direct preference optimization
employing advanced Tools and Retrieval methods, dubbed FinTral-DPO-T&R,
demonstrates an exceptional zero-shot performance. It outperforms ChatGPT-3.5
in all tasks and surpasses GPT-4 in five out of nine tasks, marking a
significant advancement in AI-driven financial technology. We also demonstrate
that FinTral has the potential to excel in real-time analysis and
decision-making in diverse financial contexts. The GitHub repository for
FinTral is available at \url{https://github.com/UBC-NLP/fintral}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.05135 | HF | ELLA: Equip Diffusion Models with LLM for Enhanced Semantic Alignment | [
"Xiwei Hu",
"Rui Wang",
"Yixiao Fang",
"Bin Fu",
"Pei Cheng",
"Gang Yu"
] | 2024-03-08 | Diffusion models have demonstrated remarkable performance in the domain of
text-to-image generation. However, most widely used models still employ CLIP as
their text encoder, which constrains their ability to comprehend dense prompts,
encompassing multiple objects, detailed attributes, complex relationships,
long-text alignment, etc. In this paper, we introduce an Efficient Large
Language Model Adapter, termed ELLA, which equips text-to-image diffusion
models with powerful Large Language Models (LLM) to enhance text alignment
without training of either U-Net or LLM. To seamlessly bridge two pre-trained
models, we investigate a range of semantic alignment connector designs and
propose a novel module, the Timestep-Aware Semantic Connector (TSC), which
dynamically extracts timestep-dependent conditions from LLM. Our approach
adapts semantic features at different stages of the denoising process,
assisting diffusion models in interpreting lengthy and intricate prompts over
sampling timesteps. Additionally, ELLA can be readily incorporated with
community models and tools to improve their prompt-following capabilities. To
assess text-to-image models in dense prompt following, we introduce Dense
Prompt Graph Benchmark (DPG-Bench), a challenging benchmark consisting of 1K
dense prompts. Extensive experiments demonstrate the superiority of ELLA in
dense prompt following compared to state-of-the-art methods, particularly in
multiple object compositions involving diverse attributes and relationships. | null | cs.CV | [
"cs.CV"
] |
2402.14547 | HF | OmniPred: Language Models as Universal Regressors | [
"Xingyou Song",
"Oscar Li",
"Chansoo Lee",
"Bangding Yang",
"Daiyi Peng",
"Sagi Perel",
"Yutian Chen"
] | 2024-02-22 | Over the broad landscape of experimental design, regression has been a
powerful tool to accurately predict the outcome metrics of a system or model
given a set of parameters, but has been traditionally restricted to methods
which are only applicable to a specific task. In this paper, we propose
OmniPred, a framework for training language models as universal end-to-end
regressors over $(x,y)$ evaluation data from diverse real world experiments.
Using data sourced from Google Vizier, one of the largest blackbox optimization
databases in the world, our extensive experiments demonstrate that through only
textual representations of mathematical parameters and values, language models
are capable of very precise numerical regression, and if given the opportunity
to train over multiple tasks, can significantly outperform traditional
regression models. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.DB"
] |
2308.16137 | Both | LM-Infinite: Zero-Shot Extreme Length Generalization for Large Language Models | [
"Chi Han",
"Qifan Wang",
"Hao Peng",
"Wenhan Xiong",
"Yu Chen",
"Heng Ji",
"Sinong Wang"
] | 2023-08-30 | Today's large language models (LLMs) typically train on short text segments
(e.g., <4K tokens) due to the quadratic complexity of their Transformer
architectures. As a result, their performance suffers drastically on inputs
longer than those encountered during training, substantially limiting their
applications in real-world tasks involving long contexts such as encoding
scientific articles, code repositories, or long dialogues. Through theoretical
analysis and empirical investigation, this work identifies three major factors
contributing to this length generalization failure. Our theoretical analysis
further reveals that commonly used techniques like truncating the attention
window or relative positional encodings are inadequate to address them.
Answering these challenges, we propose LM-Infinite, a simple and effective
method for enhancing LLMs' capabilities of handling long contexts. LM-Infinite
is highly flexible and can be used with most modern LLMs off-the-shelf. Without
any parameter updates, it allows LLMs pre-trained with 2K or 4K-long segments
to generalize to up to 200M length inputs while retaining perplexity. It also
improves performance on downstream tasks such as Passkey Retrieval and Qasper
in the zero-shot setting. LM-Infinite brings substantial efficiency
improvements: it achieves 2.7x decoding speed up and 7.5x memory saving over
the original model. Our codes are released at
\url{https://github.com/Glaciohound/LM-Infinite}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2308.06912 | Both | CausalLM is not optimal for in-context learning | [
"Nan Ding",
"Tomer Levinboim",
"Jialin Wu",
"Sebastian Goodman",
"Radu Soricut"
] | 2023-08-14 | Recent empirical evidence indicates that transformer based in-context
learning performs better when using a prefix language model (prefixLM), in
which in-context samples can all attend to each other, compared to causal
language models (causalLM), which use auto-regressive attention that prohibits
in-context samples to attend to future samples. While this result is intuitive,
it is not understood from a theoretical perspective. In this paper we take a
theoretical approach and analyze the convergence behavior of prefixLM and
causalLM under a certain parameter construction. Our analysis shows that both
LM types converge to their stationary points at a linear rate, but that while
prefixLM converges to the optimal solution of linear regression, causalLM
convergence dynamics follows that of an online gradient descent algorithm,
which is not guaranteed to be optimal even as the number of samples grows
infinitely. We supplement our theoretical claims with empirical experiments
over synthetic and real tasks and using various types of transformers. Our
experiments verify that causalLM consistently underperforms prefixLM in all
settings. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2406.12849 | HF | Depth Anywhere: Enhancing 360 Monocular Depth Estimation via Perspective Distillation and Unlabeled Data Augmentation | [
"Ning-Hsu Wang",
"Yu-Lun Liu"
] | 2024-06-18 | Accurately estimating depth in 360-degree imagery is crucial for virtual
reality, autonomous navigation, and immersive media applications. Existing
depth estimation methods designed for perspective-view imagery fail when
applied to 360-degree images due to different camera projections and
distortions, whereas 360-degree methods perform inferior due to the lack of
labeled data pairs. We propose a new depth estimation framework that utilizes
unlabeled 360-degree data effectively. Our approach uses state-of-the-art
perspective depth estimation models as teacher models to generate pseudo labels
through a six-face cube projection technique, enabling efficient labeling of
depth in 360-degree images. This method leverages the increasing availability
of large datasets. Our approach includes two main stages: offline mask
generation for invalid regions and an online semi-supervised joint training
regime. We tested our approach on benchmark datasets such as Matterport3D and
Stanford2D3D, showing significant improvements in depth estimation accuracy,
particularly in zero-shot scenarios. Our proposed training pipeline can enhance
any 360 monocular depth estimator and demonstrates effective knowledge transfer
across different camera projections and data types. See our project page for
results: https://albert100121.github.io/Depth-Anywhere/ | null | cs.CV | [
"cs.CV"
] |
2204.02311 | AnswerAI | PaLM: Scaling Language Modeling with Pathways | [
"Aakanksha Chowdhery",
"Sharan Narang",
"Jacob Devlin",
"Maarten Bosma",
"Gaurav Mishra",
"Adam Roberts",
"Paul Barham",
"Hyung Won Chung",
"Charles Sutton",
"Sebastian Gehrmann",
"Parker Schuh",
"Kensen Shi",
"Sasha Tsvyashchenko",
"Joshua Maynez",
"Abhishek Rao",
"Parker Barnes",
"Yi Tay",
"Noam Shazeer",
"Vinodkumar Prabhakaran",
"Emily Reif",
"Nan Du",
"Ben Hutchinson",
"Reiner Pope",
"James Bradbury",
"Jacob Austin",
"Michael Isard",
"Guy Gur-Ari",
"Pengcheng Yin",
"Toju Duke",
"Anselm Levskaya",
"Sanjay Ghemawat",
"Sunipa Dev",
"Henryk Michalewski",
"Xavier Garcia",
"Vedant Misra",
"Kevin Robinson",
"Liam Fedus",
"Denny Zhou",
"Daphne Ippolito",
"David Luan",
"Hyeontaek Lim",
"Barret Zoph",
"Alexander Spiridonov",
"Ryan Sepassi",
"David Dohan",
"Shivani Agrawal",
"Mark Omernick",
"Andrew M. Dai",
"Thanumalayan Sankaranarayana Pillai",
"Marie Pellat",
"Aitor Lewkowycz",
"Erica Moreira",
"Rewon Child",
"Oleksandr Polozov",
"Katherine Lee",
"Zongwei Zhou",
"Xuezhi Wang",
"Brennan Saeta",
"Mark Diaz",
"Orhan Firat",
"Michele Catasta",
"Jason Wei",
"Kathy Meier-Hellstern",
"Douglas Eck",
"Jeff Dean",
"Slav Petrov",
"Noah Fiedel"
] | 2022-04-05 | Large language models have been shown to achieve remarkable performance
across a variety of natural language tasks using few-shot learning, which
drastically reduces the number of task-specific training examples needed to
adapt the model to a particular application. To further our understanding of
the impact of scale on few-shot learning, we trained a 540-billion parameter,
densely activated, Transformer language model, which we call Pathways Language
Model PaLM. We trained PaLM on 6144 TPU v4 chips using Pathways, a new ML
system which enables highly efficient training across multiple TPU Pods. We
demonstrate continued benefits of scaling by achieving state-of-the-art
few-shot learning results on hundreds of language understanding and generation
benchmarks. On a number of these tasks, PaLM 540B achieves breakthrough
performance, outperforming the finetuned state-of-the-art on a suite of
multi-step reasoning tasks, and outperforming average human performance on the
recently released BIG-bench benchmark. A significant number of BIG-bench tasks
showed discontinuous improvements from model scale, meaning that performance
steeply increased as we scaled to our largest model. PaLM also has strong
capabilities in multilingual tasks and source code generation, which we
demonstrate on a wide array of benchmarks. We additionally provide a
comprehensive analysis on bias and toxicity, and study the extent of training
data memorization with respect to model scale. Finally, we discuss the ethical
considerations related to large language models and discuss potential
mitigation strategies. | null | cs.CL | [
"cs.CL"
] |
2408.12114 | HF | SPARK: Multi-Vision Sensor Perception and Reasoning Benchmark for Large-scale Vision-Language Models | [
"Youngjoon Yu",
"Sangyun Chung",
"Byung-Kwan Lee",
"Yong Man Ro"
] | 2024-08-22 | Large-scale Vision-Language Models (LVLMs) have significantly advanced with
text-aligned vision inputs. They have made remarkable progress in computer
vision tasks by aligning text modality with vision inputs. There are also
endeavors to incorporate multi-vision sensors beyond RGB, including thermal,
depth, and medical X-ray images. However, we observe that current LVLMs view
images taken from multi-vision sensors as if they were in the same RGB domain
without considering the physical characteristics of multi-vision sensors. They
fail to convey the fundamental multi-vision sensor information from the dataset
and the corresponding contextual knowledge properly. Consequently, alignment
between the information from the actual physical environment and the text is
not achieved correctly, making it difficult to answer complex sensor-related
questions that consider the physical environment. In this paper, we aim to
establish a multi-vision Sensor Perception And Reasoning benchmarK called SPARK
that can reduce the fundamental multi-vision sensor information gap between
images and multi-vision sensors. We generated 6,248 vision-language test
samples to investigate multi-vision sensory perception and multi-vision sensory
reasoning on physical sensor knowledge proficiency across different formats,
covering different types of sensor-related questions. We utilized these samples
to assess ten leading LVLMs. The results showed that most models displayed
deficiencies in multi-vision sensory reasoning to varying extents. Codes and
data are available at https://github.com/top-yun/SPARK | null | cs.CV | [
"cs.CV"
] |
2408.08172 | HF | Towards flexible perception with visual memory | [
"Robert Geirhos",
"Priyank Jaini",
"Austin Stone",
"Sourabh Medapati",
"Xi Yi",
"George Toderici",
"Abhijit Ogale",
"Jonathon Shlens"
] | 2024-08-15 | Training a neural network is a monolithic endeavor, akin to carving knowledge
into stone: once the process is completed, editing the knowledge in a network
is nearly impossible, since all information is distributed across the network's
weights. We here explore a simple, compelling alternative by marrying the
representational power of deep neural networks with the flexibility of a
database. Decomposing the task of image classification into image similarity
(from a pre-trained embedding) and search (via fast nearest neighbor retrieval
from a knowledge database), we build a simple and flexible visual memory that
has the following key capabilities: (1.) The ability to flexibly add data
across scales: from individual samples all the way to entire classes and
billion-scale data; (2.) The ability to remove data through unlearning and
memory pruning; (3.) An interpretable decision-mechanism on which we can
intervene to control its behavior. Taken together, these capabilities
comprehensively demonstrate the benefits of an explicit visual memory. We hope
that it might contribute to a conversation on how knowledge should be
represented in deep vision models -- beyond carving it in "stone" weights. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2408.14819 | HF | Build-A-Scene: Interactive 3D Layout Control for Diffusion-Based Image Generation | [
"Abdelrahman Eldesokey",
"Peter Wonka"
] | 2024-08-27 | We propose a diffusion-based approach for Text-to-Image (T2I) generation with
interactive 3D layout control. Layout control has been widely studied to
alleviate the shortcomings of T2I diffusion models in understanding objects'
placement and relationships from text descriptions. Nevertheless, existing
approaches for layout control are limited to 2D layouts, require the user to
provide a static layout beforehand, and fail to preserve generated images under
layout changes. This makes these approaches unsuitable for applications that
require 3D object-wise control and iterative refinements, e.g., interior design
and complex scene generation. To this end, we leverage the recent advancements
in depth-conditioned T2I models and propose a novel approach for interactive 3D
layout control. We replace the traditional 2D boxes used in layout control with
3D boxes. Furthermore, we revamp the T2I task as a multi-stage generation
process, where at each stage, the user can insert, change, and move an object
in 3D while preserving objects from earlier stages. We achieve this through our
proposed Dynamic Self-Attention (DSA) module and the consistent 3D object
translation strategy. Experiments show that our approach can generate
complicated scenes based on 3D layouts, boosting the object generation success
rate over the standard depth-conditioned T2I methods by 2x. Moreover, it
outperforms other methods in comparison in preserving objects under layout
changes. Project Page: \url{https://abdo-eldesokey.github.io/build-a-scene/} | null | cs.CV | [
"cs.CV"
] |
2406.14835 | HF | ToVo: Toxicity Taxonomy via Voting | [
"Tinh Son Luong",
"Thanh-Thien Le",
"Thang Viet Doan",
"Linh Ngo Van",
"Thien Huu Nguyen",
"Diep Thi-Ngoc Nguyen"
] | 2024-06-21 | Existing toxic detection models face significant limitations, such as lack of
transparency, customization, and reproducibility. These challenges stem from
the closed-source nature of their training data and the paucity of explanations
for their evaluation mechanism. To address these issues, we propose a dataset
creation mechanism that integrates voting and chain-of-thought processes,
producing a high-quality open-source dataset for toxic content detection. Our
methodology ensures diverse classification metrics for each sample and includes
both classification scores and explanatory reasoning for the classifications.
We utilize the dataset created through our proposed mechanism to train our
model, which is then compared against existing widely-used detectors. Our
approach not only enhances transparency and customizability but also
facilitates better fine-tuning for specific use cases. This work contributes a
robust framework for developing toxic content detection models, emphasizing
openness and adaptability, thus paving the way for more effective and
user-specific content moderation solutions. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2408.08152 | HF | DeepSeek-Prover-V1.5: Harnessing Proof Assistant Feedback for Reinforcement Learning and Monte-Carlo Tree Search | [
"Huajian Xin",
"Z. Z. Ren",
"Junxiao Song",
"Zhihong Shao",
"Wanjia Zhao",
"Haocheng Wang",
"Bo Liu",
"Liyue Zhang",
"Xuan Lu",
"Qiushi Du",
"Wenjun Gao",
"Qihao Zhu",
"Dejian Yang",
"Zhibin Gou",
"Z. F. Wu",
"Fuli Luo",
"Chong Ruan"
] | 2024-08-15 | We introduce DeepSeek-Prover-V1.5, an open-source language model designed for
theorem proving in Lean 4, which enhances DeepSeek-Prover-V1 by optimizing both
training and inference processes. Pre-trained on DeepSeekMath-Base with
specialization in formal mathematical languages, the model undergoes supervised
fine-tuning using an enhanced formal theorem proving dataset derived from
DeepSeek-Prover-V1. Further refinement is achieved through reinforcement
learning from proof assistant feedback (RLPAF). Beyond the single-pass
whole-proof generation approach of DeepSeek-Prover-V1, we propose RMaxTS, a
variant of Monte-Carlo tree search that employs an intrinsic-reward-driven
exploration strategy to generate diverse proof paths. DeepSeek-Prover-V1.5
demonstrates significant improvements over DeepSeek-Prover-V1, achieving new
state-of-the-art results on the test set of the high school level miniF2F
benchmark ($63.5\%$) and the undergraduate level ProofNet benchmark ($25.3\%$). | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"cs.LO"
] |
2404.08634 | HF | Pre-training Small Base LMs with Fewer Tokens | [
"Sunny Sanyal",
"Sujay Sanghavi",
"Alexandros G. Dimakis"
] | 2024-04-12 | We study the effectiveness of a simple approach to develop a small base
language model (LM) starting from an existing large base LM: first inherit a
few transformer blocks from the larger LM, and then train this smaller model on
a very small subset (0.1\%) of the raw pretraining data of the larger model. We
call our simple recipe Inheritune and first demonstrate it for building a small
base LM with 1.5B parameters using 1B tokens (and a starting few layers of
larger LM of 3B parameters); we do this using a single A6000 GPU for less than
half a day. Across 9 diverse evaluation datasets as well as the MMLU benchmark,
the resulting model compares favorably to publicly available base models of
1B-2B size, some of which have been trained using 50-1000 times more tokens.
We investigate Inheritune in a slightly different setting where we train
small LMs utilizing larger LMs and their full pre-training dataset. Here we
show that smaller LMs trained utilizing some of the layers of GPT2-medium
(355M) and GPT-2-large (770M) can effectively match the val loss of their
bigger counterparts when trained from scratch for the same number of training
steps on OpenWebText dataset with 9B tokens. We analyze our recipe with
extensive experiments and demonstrate it efficacy on diverse settings. Our code
is available at https://github.com/sanyalsunny111/LLM-Inheritune. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.16368 | HF | AntGPT: Can Large Language Models Help Long-term Action Anticipation from Videos? | [
"Qi Zhao",
"Shijie Wang",
"Ce Zhang",
"Changcheng Fu",
"Minh Quan Do",
"Nakul Agarwal",
"Kwonjoon Lee",
"Chen Sun"
] | 2023-07-31 | Can we better anticipate an actor's future actions (e.g. mix eggs) by knowing
what commonly happens after his/her current action (e.g. crack eggs)? What if
we also know the longer-term goal of the actor (e.g. making egg fried rice)?
The long-term action anticipation (LTA) task aims to predict an actor's future
behavior from video observations in the form of verb and noun sequences, and it
is crucial for human-machine interaction. We propose to formulate the LTA task
from two perspectives: a bottom-up approach that predicts the next actions
autoregressively by modeling temporal dynamics; and a top-down approach that
infers the goal of the actor and plans the needed procedure to accomplish the
goal. We hypothesize that large language models (LLMs), which have been
pretrained on procedure text data (e.g. recipes, how-tos), have the potential
to help LTA from both perspectives. It can help provide the prior knowledge on
the possible next actions, and infer the goal given the observed part of a
procedure, respectively. To leverage the LLMs, we propose a two-stage
framework, AntGPT. It first recognizes the actions already performed in the
observed videos and then asks an LLM to predict the future actions via
conditioned generation, or to infer the goal and plan the whole procedure by
chain-of-thought prompting. Empirical results on the Ego4D LTA v1 and v2
benchmarks, EPIC-Kitchens-55, as well as EGTEA GAZE+ demonstrate the
effectiveness of our proposed approach. AntGPT achieves state-of-the-art
performance on all above benchmarks, and can successfully infer the goal and
thus perform goal-conditioned "counterfactual" prediction via qualitative
analysis. Code and model will be released at
https://brown-palm.github.io/AntGPT | null | cs.CV | [
"cs.CV"
] |
2408.13257 | HF | MME-RealWorld: Could Your Multimodal LLM Challenge High-Resolution Real-World Scenarios that are Difficult for Humans? | [
"Yi-Fan Zhang",
"Huanyu Zhang",
"Haochen Tian",
"Chaoyou Fu",
"Shuangqing Zhang",
"Junfei Wu",
"Feng Li",
"Kun Wang",
"Qingsong Wen",
"Zhang Zhang",
"Liang Wang",
"Rong Jin",
"Tieniu Tan"
] | 2024-08-23 | Comprehensive evaluation of Multimodal Large Language Models (MLLMs) has
recently garnered widespread attention in the research community. However, we
observe that existing benchmarks present several common barriers that make it
difficult to measure the significant challenges that models face in the real
world, including: 1) small data scale leads to a large performance variance; 2)
reliance on model-based annotations results in restricted data quality; 3)
insufficient task difficulty, especially caused by the limited image
resolution. To tackle these issues, we introduce MME-RealWorld. Specifically,
we collect more than $300$K images from public datasets and the Internet,
filtering $13,366$ high-quality images for annotation. This involves the
efforts of professional $25$ annotators and $7$ experts in MLLMs, contributing
to $29,429$ question-answer pairs that cover $43$ subtasks across $5$
real-world scenarios, extremely challenging even for humans. As far as we know,
MME-RealWorld is the largest manually annotated benchmark to date, featuring
the highest resolution and a targeted focus on real-world applications. We
further conduct a thorough evaluation involving $28$ prominent MLLMs, such as
GPT-4o, Gemini 1.5 Pro, and Claude 3.5 Sonnet. Our results show that even the
most advanced models struggle with our benchmarks, where none of them reach
$60\%$ accuracy. The challenges of perceiving high-resolution images and
understanding complex real-world scenarios remain urgent issues to be
addressed. The data and evaluation code are released at
https://mme-realworld.github.io/ . | null | cs.CV | [
"cs.CV"
] |
2407.15841 | HF | SlowFast-LLaVA: A Strong Training-Free Baseline for Video Large Language Models | [
"Mingze Xu",
"Mingfei Gao",
"Zhe Gan",
"Hong-You Chen",
"Zhengfeng Lai",
"Haiming Gang",
"Kai Kang",
"Afshin Dehghan"
] | 2024-07-22 | We propose SlowFast-LLaVA (or SF-LLaVA for short), a training-free video
large language model (LLM) that can jointly capture detailed spatial semantics
and long-range temporal context without exceeding the token budget of commonly
used LLMs. This is realized by using a two-stream SlowFast design of inputs for
Video LLMs to aggregate features from sampled frames in an effective way.
Specifically, the Slow pathway extracts features at a low frame rate while
keeping as much spatial detail as possible (e.g., with 12x24 tokens), and the
Fast pathway operates on a high frame rate but uses a larger spatial pooling
stride (e.g., downsampling 6x) to focus on the motion cues. As a result, this
design allows us to adequately capture both spatial and temporal features that
are beneficial for detailed video understanding. Experimental results show that
SF-LLaVA outperforms existing training-free methods on a wide range of video
tasks. On some benchmarks, it achieves comparable or even better performance
compared to state-of-the-art Video LLMs that are fine-tuned on video datasets.
Code has been made available at: https://github.com/apple/ml-slowfast-llava. | null | cs.CV | [
"cs.CV"
] |
2403.15246 | Both | FollowIR: Evaluating and Teaching Information Retrieval Models to Follow Instructions | [
"Orion Weller",
"Benjamin Chang",
"Sean MacAvaney",
"Kyle Lo",
"Arman Cohan",
"Benjamin Van Durme",
"Dawn Lawrie",
"Luca Soldaini"
] | 2024-03-22 | Modern Language Models (LMs) are capable of following long and complex
instructions that enable a large and diverse set of user requests. While
Information Retrieval (IR) models use these LMs as the backbone of their
architectures, virtually none of them allow users to provide detailed
instructions alongside queries, thus limiting their ability to satisfy complex
information needs. In this work, we study the use of instructions in IR
systems. First, we introduce our dataset FollowIR, which contains a rigorous
instruction evaluation benchmark as well as a training set for helping IR
models learn to better follow real-world instructions. FollowIR repurposes
detailed instructions -- also known as narratives -- developed for professional
assessors to evaluate retrieval systems. In particular, we build our benchmark
from three collections curated for shared tasks at the Text REtrieval
Conference (TREC). These collections contains hundreds to thousands of labeled
documents per query, making them suitable for our exploration. Through this
process, we can measure how well IR models follow instructions, through a new
pairwise evaluation framework. Our results indicate that existing retrieval
models fail to correctly use instructions, using them for basic keywords and
struggling to understand long-form information. However, we show that it is
possible for IR models to learn to follow complex instructions: our new
FollowIR-7B model has significant improvements after fine-tuning on our
training set. | null | cs.IR | [
"cs.IR",
"cs.CL",
"cs.LG"
] |
2407.13833 | HF | Phi-3 Safety Post-Training: Aligning Language Models with a "Break-Fix" Cycle | [
"Emman Haider",
"Daniel Perez-Becker",
"Thomas Portet",
"Piyush Madan",
"Amit Garg",
"Atabak Ashfaq",
"David Majercak",
"Wen Wen",
"Dongwoo Kim",
"Ziyi Yang",
"Jianwen Zhang",
"Hiteshi Sharma",
"Blake Bullwinkel",
"Martin Pouliot",
"Amanda Minnich",
"Shiven Chawla",
"Solianna Herrera",
"Shahed Warreth",
"Maggie Engler",
"Gary Lopez",
"Nina Chikanov",
"Raja Sekhar Rao Dheekonda",
"Bolor-Erdene Jagdagdorj",
"Roman Lutz",
"Richard Lundeen",
"Tori Westerhoff",
"Pete Bryan",
"Christian Seifert",
"Ram Shankar Siva Kumar",
"Andrew Berkley",
"Alex Kessler"
] | 2024-07-18 | Recent innovations in language model training have demonstrated that it is
possible to create highly performant models that are small enough to run on a
smartphone. As these models are deployed in an increasing number of domains, it
is critical to ensure that they are aligned with human preferences and safety
considerations. In this report, we present our methodology for safety aligning
the Phi-3 series of language models. We utilized a "break-fix" cycle,
performing multiple rounds of dataset curation, safety post-training,
benchmarking, red teaming, and vulnerability identification to cover a variety
of harm areas in both single and multi-turn scenarios. Our results indicate
that this approach iteratively improved the performance of the Phi-3 models
across a wide range of responsible AI benchmarks. Finally, we include
additional red teaming strategies and evaluations that were used to test the
safety behavior of Phi-3.5-mini and Phi-3.5-MoE, which were optimized for
multilingual capabilities. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.06273 | HF | FuxiTranyu: A Multilingual Large Language Model Trained with Balanced Data | [
"Haoran Sun",
"Renren Jin",
"Shaoyang Xu",
"Leiyu Pan",
"Supryadi",
"Menglong Cui",
"Jiangcun Du",
"Yikun Lei",
"Lei Yang",
"Ling Shi",
"Juesi Xiao",
"Shaolin Zhu",
"Deyi Xiong"
] | 2024-08-12 | Large language models (LLMs) have demonstrated prowess in a wide range of
tasks. However, many LLMs exhibit significant performance discrepancies between
high- and low-resource languages. To mitigate this challenge, we present
FuxiTranyu, an open-source multilingual LLM, which is designed to satisfy the
need of the research community for balanced and high-performing multilingual
capabilities. FuxiTranyu-8B, the base model with 8 billion parameters, is
trained from scratch on a meticulously balanced multilingual data repository
that contains 600 billion tokens covering 43 natural languages and 16
programming languages. In addition to the base model, we also develop two
instruction-tuned models: FuxiTranyu-8B-SFT that is fine-tuned on a diverse
multilingual instruction dataset, and FuxiTranyu-8B-DPO that is further refined
with DPO on a preference dataset for enhanced alignment ability. Extensive
experiments on a wide range of multilingual benchmarks demonstrate the
competitive performance of FuxiTranyu against existing multilingual LLMs, e.g.,
BLOOM-7B, PolyLM-13B, Llama-2-Chat-7B and Mistral-7B-Instruct. Interpretability
analyses at both the neuron and representation level suggest that FuxiTranyu is
able to learn consistent multilingual representations across different
languages. To promote further research into multilingual LLMs and their working
mechanisms, we release both the base and instruction-tuned FuxiTranyu models
together with 58 pretraining checkpoints at HuggingFace and Github. | null | cs.CL | [
"cs.CL"
] |
2311.07885 | HF | One-2-3-45++: Fast Single Image to 3D Objects with Consistent Multi-View Generation and 3D Diffusion | [
"Minghua Liu",
"Ruoxi Shi",
"Linghao Chen",
"Zhuoyang Zhang",
"Chao Xu",
"Xinyue Wei",
"Hansheng Chen",
"Chong Zeng",
"Jiayuan Gu",
"Hao Su"
] | 2023-11-14 | Recent advancements in open-world 3D object generation have been remarkable,
with image-to-3D methods offering superior fine-grained control over their
text-to-3D counterparts. However, most existing models fall short in
simultaneously providing rapid generation speeds and high fidelity to input
images - two features essential for practical applications. In this paper, we
present One-2-3-45++, an innovative method that transforms a single image into
a detailed 3D textured mesh in approximately one minute. Our approach aims to
fully harness the extensive knowledge embedded in 2D diffusion models and
priors from valuable yet limited 3D data. This is achieved by initially
finetuning a 2D diffusion model for consistent multi-view image generation,
followed by elevating these images to 3D with the aid of multi-view conditioned
3D native diffusion models. Extensive experimental evaluations demonstrate that
our method can produce high-quality, diverse 3D assets that closely mirror the
original input image. Our project webpage:
https://sudo-ai-3d.github.io/One2345plus_page. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2402.15021 | HF | CLoVe: Encoding Compositional Language in Contrastive Vision-Language Models | [
"Santiago Castro",
"Amir Ziai",
"Avneesh Saluja",
"Zhuoning Yuan",
"Rada Mihalcea"
] | 2024-02-22 | Recent years have witnessed a significant increase in the performance of
Vision and Language tasks. Foundational Vision-Language Models (VLMs), such as
CLIP, have been leveraged in multiple settings and demonstrated remarkable
performance across several tasks. Such models excel at object-centric
recognition yet learn text representations that seem invariant to word order,
failing to compose known concepts in novel ways. However, no evidence exists
that any VLM, including large-scale single-stream models such as GPT-4V,
identifies compositions successfully. In this paper, we introduce a framework
to significantly improve the ability of existing models to encode compositional
language, with over 10% absolute improvement on compositionality benchmarks,
while maintaining or improving the performance on standard object-recognition
and retrieval benchmarks. Our code and pre-trained models are publicly
available at https://github.com/netflix/clove. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2306.13776 | HF | Swin-Free: Achieving Better Cross-Window Attention and Efficiency with Size-varying Window | [
"Jinkyu Koo",
"John Yang",
"Le An",
"Gwenaelle Cunha Sergio",
"Su Inn Park"
] | 2023-06-23 | Transformer models have shown great potential in computer vision, following
their success in language tasks. Swin Transformer is one of them that
outperforms convolution-based architectures in terms of accuracy, while
improving efficiency when compared to Vision Transformer (ViT) and its
variants, which have quadratic complexity with respect to the input size. Swin
Transformer features shifting windows that allows cross-window connection while
limiting self-attention computation to non-overlapping local windows. However,
shifting windows introduces memory copy operations, which account for a
significant portion of its runtime. To mitigate this issue, we propose
Swin-Free in which we apply size-varying windows across stages, instead of
shifting windows, to achieve cross-connection among local windows. With this
simple design change, Swin-Free runs faster than the Swin Transformer at
inference with better accuracy. Furthermore, we also propose a few of Swin-Free
variants that are faster than their Swin Transformer counterparts. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2401.09865 | HF | Improving fine-grained understanding in image-text pre-training | [
"Ioana Bica",
"Anastasija Ilić",
"Matthias Bauer",
"Goker Erdogan",
"Matko Bošnjak",
"Christos Kaplanis",
"Alexey A. Gritsenko",
"Matthias Minderer",
"Charles Blundell",
"Razvan Pascanu",
"Jovana Mitrović"
] | 2024-01-18 | We introduce SPARse Fine-grained Contrastive Alignment (SPARC), a simple
method for pretraining more fine-grained multimodal representations from
image-text pairs. Given that multiple image patches often correspond to single
words, we propose to learn a grouping of image patches for every token in the
caption. To achieve this, we use a sparse similarity metric between image
patches and language tokens and compute for each token a language-grouped
vision embedding as the weighted average of patches. The token and
language-grouped vision embeddings are then contrasted through a fine-grained
sequence-wise loss that only depends on individual samples and does not require
other batch samples as negatives. This enables more detailed information to be
learned in a computationally inexpensive manner. SPARC combines this
fine-grained loss with a contrastive loss between global image and text
embeddings to learn representations that simultaneously encode global and local
information. We thoroughly evaluate our proposed method and show improved
performance over competing approaches both on image-level tasks relying on
coarse-grained information, e.g. classification, as well as region-level tasks
relying on fine-grained information, e.g. retrieval, object detection, and
segmentation. Moreover, SPARC improves model faithfulness and captioning in
foundational vision-language models. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2207.08815 | AnswerAI | Why do tree-based models still outperform deep learning on tabular data? | [
"Léo Grinsztajn",
"Edouard Oyallon",
"Gaël Varoquaux"
] | 2022-07-18 | While deep learning has enabled tremendous progress on text and image
datasets, its superiority on tabular data is not clear. We contribute extensive
benchmarks of standard and novel deep learning methods as well as tree-based
models such as XGBoost and Random Forests, across a large number of datasets
and hyperparameter combinations. We define a standard set of 45 datasets from
varied domains with clear characteristics of tabular data and a benchmarking
methodology accounting for both fitting models and finding good
hyperparameters. Results show that tree-based models remain state-of-the-art on
medium-sized data ($\sim$10K samples) even without accounting for their
superior speed. To understand this gap, we conduct an empirical investigation
into the differing inductive biases of tree-based models and Neural Networks
(NNs). This leads to a series of challenges which should guide researchers
aiming to build tabular-specific NNs: 1. be robust to uninformative features,
2. preserve the orientation of the data, and 3. be able to easily learn
irregular functions. To stimulate research on tabular architectures, we
contribute a standard benchmark and raw data for baselines: every point of a 20
000 compute hours hyperparameter search for each learner. | null | cs.LG | [
"cs.LG",
"cs.AI",
"stat.ME",
"stat.ML"
] |
2405.04434 | AnswerAI | DeepSeek-V2: A Strong, Economical, and Efficient Mixture-of-Experts Language Model | [
"DeepSeek-AI",
"Aixin Liu",
"Bei Feng",
"Bin Wang",
"Bingxuan Wang",
"Bo Liu",
"Chenggang Zhao",
"Chengqi Dengr",
"Chong Ruan",
"Damai Dai",
"Daya Guo",
"Dejian Yang",
"Deli Chen",
"Dongjie Ji",
"Erhang Li",
"Fangyun Lin",
"Fuli Luo",
"Guangbo Hao",
"Guanting Chen",
"Guowei Li",
"H. Zhang",
"Hanwei Xu",
"Hao Yang",
"Haowei Zhang",
"Honghui Ding",
"Huajian Xin",
"Huazuo Gao",
"Hui Li",
"Hui Qu",
"J. L. Cai",
"Jian Liang",
"Jianzhong Guo",
"Jiaqi Ni",
"Jiashi Li",
"Jin Chen",
"Jingyang Yuan",
"Junjie Qiu",
"Junxiao Song",
"Kai Dong",
"Kaige Gao",
"Kang Guan",
"Lean Wang",
"Lecong Zhang",
"Lei Xu",
"Leyi Xia",
"Liang Zhao",
"Liyue Zhang",
"Meng Li",
"Miaojun Wang",
"Mingchuan Zhang",
"Minghua Zhang",
"Minghui Tang",
"Mingming Li",
"Ning Tian",
"Panpan Huang",
"Peiyi Wang",
"Peng Zhang",
"Qihao Zhu",
"Qinyu Chen",
"Qiushi Du",
"R. J. Chen",
"R. L. Jin",
"Ruiqi Ge",
"Ruizhe Pan",
"Runxin Xu",
"Ruyi Chen",
"S. S. Li",
"Shanghao Lu",
"Shangyan Zhou",
"Shanhuang Chen",
"Shaoqing Wu",
"Shengfeng Ye",
"Shirong Ma",
"Shiyu Wang",
"Shuang Zhou",
"Shuiping Yu",
"Shunfeng Zhou",
"Size Zheng",
"T. Wang",
"Tian Pei",
"Tian Yuan",
"Tianyu Sun",
"W. L. Xiao",
"Wangding Zeng",
"Wei An",
"Wen Liu",
"Wenfeng Liang",
"Wenjun Gao",
"Wentao Zhang",
"X. Q. Li",
"Xiangyue Jin",
"Xianzu Wang",
"Xiao Bi",
"Xiaodong Liu",
"Xiaohan Wang",
"Xiaojin Shen",
"Xiaokang Chen",
"Xiaosha Chen",
"Xiaotao Nie",
"Xiaowen Sun",
"Xiaoxiang Wang",
"Xin Liu",
"Xin Xie",
"Xingkai Yu",
"Xinnan Song",
"Xinyi Zhou",
"Xinyu Yang",
"Xuan Lu",
"Xuecheng Su",
"Y. Wu",
"Y. K. Li",
"Y. X. Wei",
"Y. X. Zhu",
"Yanhong Xu",
"Yanping Huang",
"Yao Li",
"Yao Zhao",
"Yaofeng Sun",
"Yaohui Li",
"Yaohui Wang",
"Yi Zheng",
"Yichao Zhang",
"Yiliang Xiong",
"Yilong Zhao",
"Ying He",
"Ying Tang",
"Yishi Piao",
"Yixin Dong",
"Yixuan Tan",
"Yiyuan Liu",
"Yongji Wang",
"Yongqiang Guo",
"Yuchen Zhu",
"Yuduan Wang",
"Yuheng Zou",
"Yukun Zha",
"Yunxian Ma",
"Yuting Yan",
"Yuxiang You",
"Yuxuan Liu",
"Z. Z. Ren",
"Zehui Ren",
"Zhangli Sha",
"Zhe Fu",
"Zhen Huang",
"Zhen Zhang",
"Zhenda Xie",
"Zhewen Hao",
"Zhihong Shao",
"Zhiniu Wen",
"Zhipeng Xu",
"Zhongyu Zhang",
"Zhuoshu Li",
"Zihan Wang",
"Zihui Gu",
"Zilin Li",
"Ziwei Xie"
] | 2024-05-07 | We present DeepSeek-V2, a strong Mixture-of-Experts (MoE) language model
characterized by economical training and efficient inference. It comprises 236B
total parameters, of which 21B are activated for each token, and supports a
context length of 128K tokens. DeepSeek-V2 adopts innovative architectures
including Multi-head Latent Attention (MLA) and DeepSeekMoE. MLA guarantees
efficient inference through significantly compressing the Key-Value (KV) cache
into a latent vector, while DeepSeekMoE enables training strong models at an
economical cost through sparse computation. Compared with DeepSeek 67B,
DeepSeek-V2 achieves significantly stronger performance, and meanwhile saves
42.5% of training costs, reduces the KV cache by 93.3%, and boosts the maximum
generation throughput to 5.76 times. We pretrain DeepSeek-V2 on a high-quality
and multi-source corpus consisting of 8.1T tokens, and further perform
Supervised Fine-Tuning (SFT) and Reinforcement Learning (RL) to fully unlock
its potential. Evaluation results show that, even with only 21B activated
parameters, DeepSeek-V2 and its chat versions still achieve top-tier
performance among open-source models. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2404.05728 | AnswerAI | A Large-Scale Exploration of $μ$-Transfer | [
"Lucas Lingle"
] | 2024-04-08 | Large artificial neural networks have become a mainstay of language, vision,
and audio processing and synthesis, yet their initializations and learning
rates are often set in an unsophisticated fashion, due to the high cost of
hyperparameter sweeps at scale. The $\mu$-Parameterization ($\mu$P) offers a
potential solution to this challenge, yielding scaling rules for model
initialization and learning rates while reportedly enabling zero-shot
hyperparameter transfer from small to large models. Despite its evident
promise, the $\mu$P method is not yet widely adopted, perhaps due to higher
implementation complexity, many variations, or complex theoretical background.
This work investigates $\mu$P empirically, focusing on the ubiquitous
transformer architecture, and aims to answer a simple question: does
$\mu$-Transfer yield optimal learning rates in practice? Studying models of up
to 10B parameters and training budgets of up to 190B tokens, we find
$\mu$-Transfer works as intended for the majority of important cases, yet also
identify a few cases where it may not. | null | cs.LG | [
"cs.LG"
] |
2306.01061 | HF | Reimagining Retrieval Augmented Language Models for Answering Queries | [
"Wang-Chiew Tan",
"Yuliang Li",
"Pedro Rodriguez",
"Richard James",
"Xi Victoria Lin",
"Alon Halevy",
"Scott Yih"
] | 2023-06-01 | We present a reality check on large language models and inspect the promise
of retrieval augmented language models in comparison. Such language models are
semi-parametric, where models integrate model parameters and knowledge from
external data sources to make their predictions, as opposed to the parametric
nature of vanilla large language models. We give initial experimental findings
that semi-parametric architectures can be enhanced with views, a query
analyzer/planner, and provenance to make a significantly more powerful system
for question answering in terms of accuracy and efficiency, and potentially for
other NLP tasks | null | cs.CL | [
"cs.CL",
"cs.DB"
] |
2406.19774 | HF | Direct Preference Knowledge Distillation for Large Language Models | [
"Yixing Li",
"Yuxian Gu",
"Li Dong",
"Dequan Wang",
"Yu Cheng",
"Furu Wei"
] | 2024-06-28 | In the field of large language models (LLMs), Knowledge Distillation (KD) is
a critical technique for transferring capabilities from teacher models to
student models. However, existing KD methods face limitations and challenges in
distillation of LLMs, including efficiency and insufficient measurement
capabilities of traditional KL divergence. It is shown that LLMs can serve as
an implicit reward function, which we define as a supplement to KL divergence.
In this work, we propose Direct Preference Knowledge Distillation (DPKD) for
LLMs. DPKD utilizes distribution divergence to represent the preference loss
and implicit reward function. We re-formulate KD of LLMs into two stages: first
optimizing and objective consisting of implicit reward and reverse KL
divergence and then improving the preference probability of teacher outputs
over student outputs. We conducted experiments and analysis on various datasets
with LLM parameters ranging from 120M to 13B and demonstrate the broad
applicability and effectiveness of our DPKD approach. Meanwhile, we prove the
value and effectiveness of the introduced implicit reward and output preference
in KD through experiments and theoretical analysis. The DPKD method outperforms
the baseline method in both output response precision and exact match
percentage. Code and data are available at https://aka.ms/dpkd. | null | cs.CL | [
"cs.CL"
] |
2403.09334 | HF | Video Editing via Factorized Diffusion Distillation | [
"Uriel Singer",
"Amit Zohar",
"Yuval Kirstain",
"Shelly Sheynin",
"Adam Polyak",
"Devi Parikh",
"Yaniv Taigman"
] | 2024-03-14 | We introduce Emu Video Edit (EVE), a model that establishes a new
state-of-the art in video editing without relying on any supervised video
editing data. To develop EVE we separately train an image editing adapter and a
video generation adapter, and attach both to the same text-to-image model.
Then, to align the adapters towards video editing we introduce a new
unsupervised distillation procedure, Factorized Diffusion Distillation. This
procedure distills knowledge from one or more teachers simultaneously, without
any supervised data. We utilize this procedure to teach EVE to edit videos by
jointly distilling knowledge to (i) precisely edit each individual frame from
the image editing adapter, and (ii) ensure temporal consistency among the
edited frames using the video generation adapter. Finally, to demonstrate the
potential of our approach in unlocking other capabilities, we align additional
combinations of adapters | null | cs.CV | [
"cs.CV"
] |
2402.03620 | Both | Self-Discover: Large Language Models Self-Compose Reasoning Structures | [
"Pei Zhou",
"Jay Pujara",
"Xiang Ren",
"Xinyun Chen",
"Heng-Tze Cheng",
"Quoc V. Le",
"Ed H. Chi",
"Denny Zhou",
"Swaroop Mishra",
"Huaixiu Steven Zheng"
] | 2024-02-06 | We introduce SELF-DISCOVER, a general framework for LLMs to self-discover the
task-intrinsic reasoning structures to tackle complex reasoning problems that
are challenging for typical prompting methods. Core to the framework is a
self-discovery process where LLMs select multiple atomic reasoning modules such
as critical thinking and step-by-step thinking, and compose them into an
explicit reasoning structure for LLMs to follow during decoding. SELF-DISCOVER
substantially improves GPT-4 and PaLM 2's performance on challenging reasoning
benchmarks such as BigBench-Hard, grounded agent reasoning, and MATH, by as
much as 32% compared to Chain of Thought (CoT). Furthermore, SELF-DISCOVER
outperforms inference-intensive methods such as CoT-Self-Consistency by more
than 20%, while requiring 10-40x fewer inference compute. Finally, we show that
the self-discovered reasoning structures are universally applicable across
model families: from PaLM 2-L to GPT-4, and from GPT-4 to Llama2, and share
commonalities with human reasoning patterns. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2401.09962 | HF | CustomVideo: Customizing Text-to-Video Generation with Multiple Subjects | [
"Zhao Wang",
"Aoxue Li",
"Lingting Zhu",
"Yong Guo",
"Qi Dou",
"Zhenguo Li"
] | 2024-01-18 | Customized text-to-video generation aims to generate high-quality videos
guided by text prompts and subject references. Current approaches for
personalizing text-to-video generation suffer from tackling multiple subjects,
which is a more challenging and practical scenario. In this work, our aim is to
promote multi-subject guided text-to-video customization. We propose
CustomVideo, a novel framework that can generate identity-preserving videos
with the guidance of multiple subjects. To be specific, firstly, we encourage
the co-occurrence of multiple subjects via composing them in a single image.
Further, upon a basic text-to-video diffusion model, we design a simple yet
effective attention control strategy to disentangle different subjects in the
latent space of diffusion model. Moreover, to help the model focus on the
specific area of the object, we segment the object from given reference images
and provide a corresponding object mask for attention learning. Also, we
collect a multi-subject text-to-video generation dataset as a comprehensive
benchmark, with 63 individual subjects from 13 different categories and 68
meaningful pairs. Extensive qualitative, quantitative, and user study results
demonstrate the superiority of our method compared to previous state-of-the-art
approaches. The project page is https://kyfafyd.wang/projects/customvideo. | null | cs.CV | [
"cs.CV"
] |
2309.10952 | Both | LMDX: Language Model-based Document Information Extraction and Localization | [
"Vincent Perot",
"Kai Kang",
"Florian Luisier",
"Guolong Su",
"Xiaoyu Sun",
"Ramya Sree Boppana",
"Zilong Wang",
"Zifeng Wang",
"Jiaqi Mu",
"Hao Zhang",
"Chen-Yu Lee",
"Nan Hua"
] | 2023-09-19 | Large Language Models (LLM) have revolutionized Natural Language Processing
(NLP), improving state-of-the-art and exhibiting emergent capabilities across
various tasks. However, their application in extracting information from
visually rich documents, which is at the core of many document processing
workflows and involving the extraction of key entities from semi-structured
documents, has not yet been successful. The main obstacles to adopting LLMs for
this task include the absence of layout encoding within LLMs, which is critical
for high quality extraction, and the lack of a grounding mechanism to localize
the predicted entities within the document. In this paper, we introduce
Language Model-based Document Information Extraction and Localization (LMDX), a
methodology to reframe the document information extraction task for a LLM. LMDX
enables extraction of singular, repeated, and hierarchical entities, both with
and without training data, while providing grounding guarantees and localizing
the entities within the document. Finally, we apply LMDX to the PaLM 2-S and
Gemini Pro LLMs and evaluate it on VRDU and CORD benchmarks, setting a new
state-of-the-art and showing how LMDX enables the creation of high quality,
data-efficient parsers. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.19270 | HF | sDPO: Don't Use Your Data All at Once | [
"Dahyun Kim",
"Yungi Kim",
"Wonho Song",
"Hyeonwoo Kim",
"Yunsu Kim",
"Sanghoon Kim",
"Chanjun Park"
] | 2024-03-28 | As development of large language models (LLM) progresses, aligning them with
human preferences has become increasingly important. We propose stepwise DPO
(sDPO), an extension of the recently popularized direct preference optimization
(DPO) for alignment tuning. This approach involves dividing the available
preference datasets and utilizing them in a stepwise manner, rather than
employing it all at once. We demonstrate that this method facilitates the use
of more precisely aligned reference models within the DPO training framework.
Furthermore, sDPO trains the final model to be more performant, even
outperforming other popular LLMs with more parameters. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2310.08541 | HF | Idea2Img: Iterative Self-Refinement with GPT-4V(ision) for Automatic Image Design and Generation | [
"Zhengyuan Yang",
"Jianfeng Wang",
"Linjie Li",
"Kevin Lin",
"Chung-Ching Lin",
"Zicheng Liu",
"Lijuan Wang"
] | 2023-10-12 | We introduce ``Idea to Image,'' a system that enables multimodal iterative
self-refinement with GPT-4V(ision) for automatic image design and generation.
Humans can quickly identify the characteristics of different text-to-image
(T2I) models via iterative explorations. This enables them to efficiently
convert their high-level generation ideas into effective T2I prompts that can
produce good images. We investigate if systems based on large multimodal models
(LMMs) can develop analogous multimodal self-refinement abilities that enable
exploring unknown models or environments via self-refining tries. Idea2Img
cyclically generates revised T2I prompts to synthesize draft images, and
provides directional feedback for prompt revision, both conditioned on its
memory of the probed T2I model's characteristics. The iterative self-refinement
brings Idea2Img various advantages over vanilla T2I models. Notably, Idea2Img
can process input ideas with interleaved image-text sequences, follow ideas
with design instructions, and generate images of better semantic and visual
qualities. The user preference study validates the efficacy of multimodal
iterative self-refinement on automatic image design and generation. | null | cs.CV | [
"cs.CV"
] |
2310.01208 | AnswerAI | Label Supervised LLaMA Finetuning | [
"Zongxi Li",
"Xianming Li",
"Yuzhang Liu",
"Haoran Xie",
"Jing Li",
"Fu-lee Wang",
"Qing Li",
"Xiaoqin Zhong"
] | 2023-10-02 | The recent success of Large Language Models (LLMs) has gained significant
attention in both academia and industry. Substantial efforts have been made to
enhance the zero- and few-shot generalization capabilities of open-source LLMs
through finetuning. Currently, the prevailing approach is instruction-tuning,
which trains LLMs to complete real-world tasks by generating responses guided
by natural language instructions. It is worth noticing that such an approach
may underperform in sequence and token classification tasks. Unlike text
generation tasks, classification tasks have a limited label space, where
precise label prediction is more appreciated than generating diverse and
human-like responses. Prior research has unveiled that instruction-tuned LLMs
cannot outperform BERT, prompting us to explore the potential of leveraging
latent representations from LLMs for supervised label prediction. In this
paper, we introduce a label-supervised adaptation for LLMs, which aims to
finetuning the model with discriminant labels. We evaluate this approach with
Label Supervised LLaMA (LS-LLaMA), based on LLaMA-2-7B, a relatively
small-scale LLM, and can be finetuned on a single GeForce RTX4090 GPU. We
extract latent representations from the final LLaMA layer and project them into
the label space to compute the cross-entropy loss. The model is finetuned by
Low-Rank Adaptation (LoRA) to minimize this loss. Remarkably, without intricate
prompt engineering or external knowledge, LS-LLaMA substantially outperforms
LLMs ten times its size in scale and demonstrates consistent improvements
compared to robust baselines like BERT-Large and RoBERTa-Large in text
classification. Moreover, by removing the causal mask from decoders, LS-unLLaMA
achieves the state-of-the-art performance in named entity recognition (NER).
Our work will shed light on a novel approach to adapting LLMs for various
downstream tasks. | null | cs.CL | [
"cs.CL"
] |
2306.17156 | HF | Generative AI for Programming Education: Benchmarking ChatGPT, GPT-4, and Human Tutors | [
"Tung Phung",
"Victor-Alexandru Pădurean",
"José Cambronero",
"Sumit Gulwani",
"Tobias Kohn",
"Rupak Majumdar",
"Adish Singla",
"Gustavo Soares"
] | 2023-06-29 | Generative AI and large language models hold great promise in enhancing
computing education by powering next-generation educational technologies for
introductory programming. Recent works have studied these models for different
scenarios relevant to programming education; however, these works are limited
for several reasons, as they typically consider already outdated models or only
specific scenario(s). Consequently, there is a lack of a systematic study that
benchmarks state-of-the-art models for a comprehensive set of programming
education scenarios. In our work, we systematically evaluate two models,
ChatGPT (based on GPT-3.5) and GPT-4, and compare their performance with human
tutors for a variety of scenarios. We evaluate using five introductory Python
programming problems and real-world buggy programs from an online platform, and
assess performance using expert-based annotations. Our results show that GPT-4
drastically outperforms ChatGPT (based on GPT-3.5) and comes close to human
tutors' performance for several scenarios. These results also highlight
settings where GPT-4 still struggles, providing exciting future directions on
developing techniques to improve the performance of these models. | null | cs.CY | [
"cs.CY",
"cs.AI",
"cs.CL"
] |
2401.01974 | HF | Towards Truly Zero-shot Compositional Visual Reasoning with LLMs as Programmers | [
"Aleksandar Stanić",
"Sergi Caelles",
"Michael Tschannen"
] | 2024-01-03 | Visual reasoning is dominated by end-to-end neural networks scaled to
billions of model parameters and training examples. However, even the largest
models struggle with compositional reasoning, generalization, fine-grained
spatial and temporal reasoning, and counting. Visual reasoning with large
language models (LLMs) as controllers can, in principle, address these
limitations by decomposing the task and solving subtasks by orchestrating a set
of (visual) tools. Recently, these models achieved great performance on tasks
such as compositional visual question answering, visual grounding, and video
temporal reasoning. Nevertheless, in their current form, these models heavily
rely on human engineering of in-context examples in the prompt, which are often
dataset- and task-specific and require significant labor by highly skilled
programmers. In this work, we present a framework that mitigates these issues
by introducing spatially and temporally abstract routines and by leveraging a
small number of labeled examples to automatically generate in-context examples,
thereby avoiding human-created in-context examples. On a number of visual
reasoning tasks, we show that our framework leads to consistent gains in
performance, makes LLMs as controllers setup more robust, and removes the need
for human engineering of in-context examples. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2404.18796 | HF | Replacing Judges with Juries: Evaluating LLM Generations with a Panel of Diverse Models | [
"Pat Verga",
"Sebastian Hofstatter",
"Sophia Althammer",
"Yixuan Su",
"Aleksandra Piktus",
"Arkady Arkhangorodsky",
"Minjie Xu",
"Naomi White",
"Patrick Lewis"
] | 2024-04-29 | As Large Language Models (LLMs) have become more advanced, they have outpaced
our abilities to accurately evaluate their quality. Not only is finding data to
adequately probe particular model properties difficult, but evaluating the
correctness of a model's freeform generation alone is a challenge. To address
this, many evaluations now rely on using LLMs themselves as judges to score the
quality of outputs from other LLMs. Evaluations most commonly use a single
large model like GPT4. While this method has grown in popularity, it is costly,
has been shown to introduce intramodel bias, and in this work, we find that
very large models are often unnecessary. We propose instead to evaluate models
using a Panel of LLm evaluators (PoLL). Across three distinct judge settings
and spanning six different datasets, we find that using a PoLL composed of a
larger number of smaller models outperforms a single large judge, exhibits less
intra-model bias due to its composition of disjoint model families, and does so
while being over seven times less expensive. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.05383 | HF | Code Execution with Pre-trained Language Models | [
"Chenxiao Liu",
"Shuai Lu",
"Weizhu Chen",
"Daxin Jiang",
"Alexey Svyatkovskiy",
"Shengyu Fu",
"Neel Sundaresan",
"Nan Duan"
] | 2023-05-08 | Code execution is a fundamental aspect of programming language semantics that
reflects the exact behavior of the code. However, most pre-trained models for
code intelligence ignore the execution trace and only rely on source code and
syntactic structures. In this paper, we investigate how well pre-trained models
can understand and perform code execution. We develop a mutation-based data
augmentation technique to create a large-scale and realistic Python dataset and
task for code execution, which challenges existing models such as Codex. We
then present CodeExecutor, a Transformer model that leverages code execution
pre-training and curriculum learning to enhance its semantic comprehension. We
evaluate CodeExecutor on code execution and show its promising performance and
limitations. We also demonstrate its potential benefits for code intelligence
tasks such as zero-shot code-to-code search and text-to-code generation. Our
analysis provides insights into the learning and generalization abilities of
pre-trained models for code execution. | null | cs.PL | [
"cs.PL",
"cs.AI",
"cs.CL",
"cs.SE"
] |
2308.03028 | HF | Pre-Trained Large Language Models for Industrial Control | [
"Lei Song",
"Chuheng Zhang",
"Li Zhao",
"Jiang Bian"
] | 2023-08-06 | For industrial control, developing high-performance controllers with few
samples and low technical debt is appealing. Foundation models, possessing rich
prior knowledge obtained from pre-training with Internet-scale corpus, have the
potential to be a good controller with proper prompts. In this paper, we take
HVAC (Heating, Ventilation, and Air Conditioning) building control as an
example to examine the ability of GPT-4 (one of the first-tier foundation
models) as the controller. To control HVAC, we wrap the task as a language game
by providing text including a short description for the task, several selected
demonstrations, and the current observation to GPT-4 on each step and execute
the actions responded by GPT-4. We conduct series of experiments to answer the
following questions: 1)~How well can GPT-4 control HVAC? 2)~How well can GPT-4
generalize to different scenarios for HVAC control? 3) How different parts of
the text context affect the performance? In general, we found GPT-4 achieves
the performance comparable to RL methods with few samples and low technical
debt, indicating the potential of directly applying foundation models to
industrial control tasks. | null | cs.AI | [
"cs.AI"
] |
2402.14261 | HF | Copilot Evaluation Harness: Evaluating LLM-Guided Software Programming | [
"Anisha Agarwal",
"Aaron Chan",
"Shubham Chandel",
"Jinu Jang",
"Shaun Miller",
"Roshanak Zilouchian Moghaddam",
"Yevhen Mohylevskyy",
"Neel Sundaresan",
"Michele Tufano"
] | 2024-02-22 | The integration of Large Language Models (LLMs) into Development Environments
(IDEs) has become a focal point in modern software development. LLMs such as
OpenAI GPT-3.5/4 and Code Llama offer the potential to significantly augment
developer productivity by serving as intelligent, chat-driven programming
assistants. However, utilizing LLMs out of the box is unlikely to be optimal
for any given scenario. Rather, each system requires the LLM to be honed to its
set of heuristics to ensure the best performance. In this paper, we introduce
the Copilot evaluation harness: a set of data and tools for evaluating
LLM-guided IDE interactions, covering various programming scenarios and
languages. We propose our metrics as a more robust and information-dense
evaluation than previous state of the art evaluation systems. We design and
compute both static and execution based success metrics for scenarios
encompassing a wide range of developer tasks, including code generation from
natural language (generate), documentation generation from code (doc), test
case generation (test), bug-fixing (fix), and workspace understanding and query
resolution (workspace). These success metrics are designed to evaluate the
performance of LLMs within a given IDE and its respective parameter space. Our
learnings from evaluating three common LLMs using these metrics can inform the
development and validation of future scenarios in LLM guided IDEs. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2312.06351 | HF | Evaluation of Large Language Models for Decision Making in Autonomous Driving | [
"Kotaro Tanahashi",
"Yuichi Inoue",
"Yu Yamaguchi",
"Hidetatsu Yaginuma",
"Daiki Shiotsuka",
"Hiroyuki Shimatani",
"Kohei Iwamasa",
"Yoshiaki Inoue",
"Takafumi Yamaguchi",
"Koki Igari",
"Tsukasa Horinouchi",
"Kento Tokuhiro",
"Yugo Tokuchi",
"Shunsuke Aoki"
] | 2023-12-11 | Various methods have been proposed for utilizing Large Language Models (LLMs)
in autonomous driving. One strategy of using LLMs for autonomous driving
involves inputting surrounding objects as text prompts to the LLMs, along with
their coordinate and velocity information, and then outputting the subsequent
movements of the vehicle. When using LLMs for such purposes, capabilities such
as spatial recognition and planning are essential. In particular, two
foundational capabilities are required: (1) spatial-aware decision making,
which is the ability to recognize space from coordinate information and make
decisions to avoid collisions, and (2) the ability to adhere to traffic rules.
However, quantitative research has not been conducted on how accurately
different types of LLMs can handle these problems. In this study, we
quantitatively evaluated these two abilities of LLMs in the context of
autonomous driving. Furthermore, to conduct a Proof of Concept (POC) for the
feasibility of implementing these abilities in actual vehicles, we developed a
system that uses LLMs to drive a vehicle. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.RO"
] |