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
|
---|---|---|---|---|---|---|---|---|
2401.14489 | AnswerAI | The Case for Co-Designing Model Architectures with Hardware | [
"Quentin Anthony",
"Jacob Hatef",
"Deepak Narayanan",
"Stella Biderman",
"Stas Bekman",
"Junqi Yin",
"Aamir Shafi",
"Hari Subramoni",
"Dhabaleswar Panda"
] | 2024-01-25 | While GPUs are responsible for training the vast majority of state-of-the-art
deep learning models, the implications of their architecture are often
overlooked when designing new deep learning (DL) models. As a consequence,
modifying a DL model to be more amenable to the target hardware can
significantly improve the runtime performance of DL training and inference. In
this paper, we provide a set of guidelines for users to maximize the runtime
performance of their transformer models. These guidelines have been created by
carefully considering the impact of various model hyperparameters controlling
model shape on the efficiency of the underlying computation kernels executed on
the GPU. We find the throughput of models with efficient model shapes is up to
39\% higher while preserving accuracy compared to models with a similar number
of parameters but with unoptimized shapes. | null | cs.DC | [
"cs.DC",
"cs.AI"
] |
2312.16682 | AnswerAI | Some things are more CRINGE than others: Iterative Preference Optimization with the Pairwise Cringe Loss | [
"Jing Xu",
"Andrew Lee",
"Sainbayar Sukhbaatar",
"Jason Weston"
] | 2023-12-27 | Practitioners commonly align large language models using pairwise
preferences, i.e., given labels of the type response A is preferred to response
B for a given input. Perhaps less commonly, methods have also been developed
for binary feedback, i.e. training models given labels of type response A is
good or bad. We show how an existing performant binary feedback method, the
Cringe Loss (Adolphs et al., 2022), can be generalized to the pairwise
preference setting using a simple soft margin extension. Pairwise Cringe Loss
is straightforward to implement and efficient to train, and we find it
outperforms state-of-the-art preference optimization algorithms such as PPO and
DPO on the AlpacaFarm benchmark. We show that iterations of training of our
model are important for improved results, and that we can generalize DPO to
Iterative DPO in the same way. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2311.05698 | HF | Mirasol3B: A Multimodal Autoregressive model for time-aligned and contextual modalities | [
"AJ Piergiovanni",
"Isaac Noble",
"Dahun Kim",
"Michael S. Ryoo",
"Victor Gomes",
"Anelia Angelova"
] | 2023-11-09 | One of the main challenges of multimodal learning is the need to combine
heterogeneous modalities (e.g., video, audio, text). For example, video and
audio are obtained at much higher rates than text and are roughly aligned in
time. They are often not synchronized with text, which comes as a global
context, e.g., a title, or a description. Furthermore, video and audio inputs
are of much larger volumes, and grow as the video length increases, which
naturally requires more compute dedicated to these modalities and makes
modeling of long-range dependencies harder.
We here decouple the multimodal modeling, dividing it into separate, focused
autoregressive models, processing the inputs according to the characteristics
of the modalities. We propose a multimodal model, called Mirasol3B, consisting
of an autoregressive component for the time-synchronized modalities (audio and
video), and an autoregressive component for the context modalities which are
not necessarily aligned in time but are still sequential. To address the
long-sequences of the video-audio inputs, we propose to further partition the
video and audio sequences in consecutive snippets and autoregressively process
their representations. To that end, we propose a Combiner mechanism, which
models the audio-video information jointly within a timeframe. The Combiner
learns to extract audio and video features from raw spatio-temporal signals,
and then learns to fuse these features producing compact but expressive
representations per snippet.
Our approach achieves the state-of-the-art on well established multimodal
benchmarks, outperforming much larger models. It effectively addresses the high
computational demand of media inputs by both learning compact representations,
controlling the sequence length of the audio-video feature representations, and
modeling their dependencies in time. | null | cs.CV | [
"cs.CV"
] |
2408.17344 | AnswerAI | rerankers: A Lightweight Python Library to Unify Ranking Methods | [
"Benjamin Clavié"
] | 2024-08-30 | This paper presents rerankers, a Python library which provides an easy-to-use
interface to the most commonly used re-ranking approaches. Re-ranking is an
integral component of many retrieval pipelines; however, there exist numerous
approaches to it, relying on different implementation methods. rerankers
unifies these methods into a single user-friendly interface, allowing
practitioners and researchers alike to explore different methods while only
changing a single line of Python code. Moreover ,rerankers ensures that its
implementations are done with the fewest dependencies possible, and re-uses the
original implementation whenever possible, guaranteeing that our simplified
interface results in no performance degradation compared to more complex ones.
The full source code and list of supported models are updated regularly and
available at https://github.com/answerdotai/rerankers. | null | cs.IR | [
"cs.IR",
"cs.AI"
] |
2407.07176 | HF | Scaling Up Personalized Aesthetic Assessment via Task Vector Customization | [
"Jooyeol Yun",
"Jaegul Choo"
] | 2024-07-09 | The task of personalized image aesthetic assessment seeks to tailor aesthetic
score prediction models to match individual preferences with just a few
user-provided inputs. However, the scalability and generalization capabilities
of current approaches are considerably restricted by their reliance on an
expensive curated database. To overcome this long-standing scalability
challenge, we present a unique approach that leverages readily available
databases for general image aesthetic assessment and image quality assessment.
Specifically, we view each database as a distinct image score regression task
that exhibits varying degrees of personalization potential. By determining
optimal combinations of task vectors, known to represent specific traits of
each database, we successfully create personalized models for individuals. This
approach of integrating multiple models allows us to harness a substantial
amount of data. Our extensive experiments demonstrate the effectiveness of our
approach in generalizing to previously unseen domains-a challenge previous
approaches have struggled to achieve-making it highly applicable to real-world
scenarios. Our novel approach significantly advances the field by offering
scalable solutions for personalized aesthetic assessment and establishing high
standards for future research.
https://yeolj00.github.io/personal-projects/personalized-aesthetics/ | null | cs.CV | [
"cs.CV"
] |
2111.15664 | AnswerAI | OCR-free Document Understanding Transformer | [
"Geewook Kim",
"Teakgyu Hong",
"Moonbin Yim",
"Jeongyeon Nam",
"Jinyoung Park",
"Jinyeong Yim",
"Wonseok Hwang",
"Sangdoo Yun",
"Dongyoon Han",
"Seunghyun Park"
] | 2021-11-30 | Understanding document images (e.g., invoices) is a core but challenging task
since it requires complex functions such as reading text and a holistic
understanding of the document. Current Visual Document Understanding (VDU)
methods outsource the task of reading text to off-the-shelf Optical Character
Recognition (OCR) engines and focus on the understanding task with the OCR
outputs. Although such OCR-based approaches have shown promising performance,
they suffer from 1) high computational costs for using OCR; 2) inflexibility of
OCR models on languages or types of document; 3) OCR error propagation to the
subsequent process. To address these issues, in this paper, we introduce a
novel OCR-free VDU model named Donut, which stands for Document understanding
transformer. As the first step in OCR-free VDU research, we propose a simple
architecture (i.e., Transformer) with a pre-training objective (i.e.,
cross-entropy loss). Donut is conceptually simple yet effective. Through
extensive experiments and analyses, we show a simple OCR-free VDU model, Donut,
achieves state-of-the-art performances on various VDU tasks in terms of both
speed and accuracy. In addition, we offer a synthetic data generator that helps
the model pre-training to be flexible in various languages and domains. The
code, trained model and synthetic data are available at
https://github.com/clovaai/donut. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2309.03852 | Both | FLM-101B: An Open LLM and How to Train It with $100K Budget | [
"Xiang Li",
"Yiqun Yao",
"Xin Jiang",
"Xuezhi Fang",
"Xuying Meng",
"Siqi Fan",
"Peng Han",
"Jing Li",
"Li Du",
"Bowen Qin",
"Zheng Zhang",
"Aixin Sun",
"Yequan Wang"
] | 2023-09-07 | Large language models (LLMs) have achieved remarkable success in NLP and
multimodal tasks, among others. Despite these successes, two main challenges
remain in developing LLMs: (i) high computational cost, and (ii) fair and
objective evaluations. In this paper, we report a solution to significantly
reduce LLM training cost through a growth strategy. We demonstrate that a
101B-parameter LLM with 0.31T tokens can be trained with a budget of 100K US
dollars. Inspired by IQ tests, we also consolidate an additional range of
evaluations on top of existing evaluations that focus on knowledge-oriented
abilities. These IQ evaluations include symbolic mapping, rule understanding,
pattern mining, and anti-interference. Such evaluations minimize the potential
impact of memorization. Experimental results show that our model, named
FLM-101B, trained with a budget of 100K US dollars, achieves performance
comparable to powerful and well-known models, e.g., GPT-3 and GLM-130B,
especially on the additional range of IQ evaluations. The checkpoint of
FLM-101B is released at https://huggingface.co/CofeAI/FLM-101B. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.14482 | HF | ChatQA 2: Bridging the Gap to Proprietary LLMs in Long Context and RAG Capabilities | [
"Peng Xu",
"Wei Ping",
"Xianchao Wu",
"Chejian Xu",
"Zihan Liu",
"Mohammad Shoeybi",
"Bryan Catanzaro"
] | 2024-07-19 | In this work, we introduce ChatQA 2, an Llama 3.0-based model with a 128K
context window, designed to bridge the gap between open-source LLMs and leading
proprietary models (e.g., GPT-4-Turbo) in long-context understanding and
retrieval-augmented generation (RAG) capabilities. These two capabilities are
essential for LLMs to process large volumes of information that cannot fit into
a single prompt and are complementary to each other, depending on the
downstream tasks and computational budgets. We present a detailed continued
training recipe to extend the context window of Llama3-70B-base from 8K to 128K
tokens, along with a three-stage instruction tuning process to enhance the
model's instruction-following, RAG performance, and long-context understanding
capabilities. Our results demonstrate that the Llama3-ChatQA-2-70B model
outperforms most existing state-of-the-art models, including
GPT-4-Turbo-2024-04-09, Qwen2-72B-Instruct, and Llama3.1-70B-Instruct, on
ultra-long tasks beyond 100K tokens, as well as on the RAG benchmark using only
a 4K context window, showing the strong long context capability across varying
sequence lengths. We further provide extensive comparisons between direct
long-context and RAG solutions using the same state-of-the-art long-context
LLMs. Interestingly, we find that the performance of strong long-context LLMs
using RAG improves when retrieving a larger number of chunks. With a large set
of top-k chunks, RAG consistently outperforms direct long-context solution
using the same state-of-the-art long-context models (e.g., Llama3-ChatQA-2-70B
and Qwen2-72B-Instruct) on both 32K benchmarks and real-world 128K tasks. To
advance research in this field, we open-sourced the model weights, training
data, and the evaluation setup for the for the community:
https://chatqa2-project.github.io/ | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR",
"cs.LG"
] |
2308.07124 | Both | OctoPack: Instruction Tuning Code Large Language Models | [
"Niklas Muennighoff",
"Qian Liu",
"Armel Zebaze",
"Qinkai Zheng",
"Binyuan Hui",
"Terry Yue Zhuo",
"Swayam Singh",
"Xiangru Tang",
"Leandro von Werra",
"Shayne Longpre"
] | 2023-08-14 | Finetuning large language models (LLMs) on instructions leads to vast
performance improvements on natural language tasks. We apply instruction tuning
using code, leveraging the natural structure of Git commits, which pair code
changes with human instructions. We compile CommitPack: 4 terabytes of Git
commits across 350 programming languages. We benchmark CommitPack against other
natural and synthetic code instructions (xP3x, Self-Instruct, OASST) on the 16B
parameter StarCoder model, and achieve state-of-the-art performance among
models not trained on OpenAI outputs, on the HumanEval Python benchmark (46.2%
pass@1). We further introduce HumanEvalPack, expanding the HumanEval benchmark
to a total of 3 coding tasks (Code Repair, Code Explanation, Code Synthesis)
across 6 languages (Python, JavaScript, Java, Go, C++, Rust). Our models,
OctoCoder and OctoGeeX, achieve the best performance across HumanEvalPack among
all permissive models, demonstrating CommitPack's benefits in generalizing to a
wider set of languages and natural coding tasks. Code, models and data are
freely available at https://github.com/bigcode-project/octopack. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.16862 | HF | TinyGPT-V: Efficient Multimodal Large Language Model via Small Backbones | [
"Zhengqing Yuan",
"Zhaoxu Li",
"Weiran Huang",
"Yanfang Ye",
"Lichao Sun"
] | 2023-12-28 | In recent years, multimodal large language models (MLLMs) such as GPT-4V have
demonstrated remarkable advancements, excelling in a variety of vision-language
tasks. Despite their prowess, the closed-source nature and computational
demands of such models limit their accessibility and applicability. This study
introduces TinyGPT-V, a novel open-source MLLM, designed for efficient training
and inference across various vision-language tasks, including image captioning
(IC) and visual question answering (VQA). Leveraging a compact yet powerful
architecture, TinyGPT-V integrates the Phi-2 language model with pre-trained
vision encoders, utilizing a unique mapping module for visual and linguistic
information fusion. With a training regimen optimized for small backbones and
employing a diverse dataset amalgam, TinyGPT-V requires significantly lower
computational resources 24GB for training and as little as 8GB for inference
without compromising on performance. Our experiments demonstrate that
TinyGPT-V, with its language model 2.8 billion parameters, achieves comparable
results in VQA and image inference tasks to its larger counterparts while being
uniquely suited for deployment on resource-constrained devices through
innovative quantization techniques. This work not only paves the way for more
accessible and efficient MLLMs but also underscores the potential of smaller,
optimized models in bridging the gap between high performance and computational
efficiency in real-world applications. Additionally, this paper introduces a
new approach to multimodal large language models using smaller backbones. Our
code and training weights are available in the supplementary material. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2307.10928 | Both | FLASK: Fine-grained Language Model Evaluation based on Alignment Skill Sets | [
"Seonghyeon Ye",
"Doyoung Kim",
"Sungdong Kim",
"Hyeonbin Hwang",
"Seungone Kim",
"Yongrae Jo",
"James Thorne",
"Juho Kim",
"Minjoon Seo"
] | 2023-07-20 | Evaluation of Large Language Models (LLMs) is challenging because
instruction-following necessitates alignment with human values and the required
set of skills varies depending on the instruction. However, previous studies
have mainly focused on coarse-grained evaluation (i.e. overall preference-based
evaluation), which limits interpretability since it does not consider the
nature of user instructions that require instance-wise skill composition. In
this paper, we introduce FLASK (Fine-grained Language Model Evaluation based on
Alignment Skill Sets), a fine-grained evaluation protocol for both human-based
and model-based evaluation which decomposes coarse-level scoring to a skill
set-level scoring for each instruction. We experimentally observe that the
fine-graininess of evaluation is crucial for attaining a holistic view of model
performance and increasing the reliability of the evaluation. Using FLASK, we
compare multiple open-source and proprietary LLMs and observe a high
correlation between model-based and human-based evaluations. We publicly
release the evaluation data and code implementation at
https://github.com/kaistAI/FLASK. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.05793 | HF | PhotoVerse: Tuning-Free Image Customization with Text-to-Image Diffusion Models | [
"Li Chen",
"Mengyi Zhao",
"Yiheng Liu",
"Mingxu Ding",
"Yangyang Song",
"Shizun Wang",
"Xu Wang",
"Hao Yang",
"Jing Liu",
"Kang Du",
"Min Zheng"
] | 2023-09-11 | Personalized text-to-image generation has emerged as a powerful and
sought-after tool, empowering users to create customized images based on their
specific concepts and prompts. However, existing approaches to personalization
encounter multiple challenges, including long tuning times, large storage
requirements, the necessity for multiple input images per identity, and
limitations in preserving identity and editability. To address these obstacles,
we present PhotoVerse, an innovative methodology that incorporates a
dual-branch conditioning mechanism in both text and image domains, providing
effective control over the image generation process. Furthermore, we introduce
facial identity loss as a novel component to enhance the preservation of
identity during training. Remarkably, our proposed PhotoVerse eliminates the
need for test time tuning and relies solely on a single facial photo of the
target identity, significantly reducing the resource cost associated with image
generation. After a single training phase, our approach enables generating
high-quality images within only a few seconds. Moreover, our method can produce
diverse images that encompass various scenes and styles. The extensive
evaluation demonstrates the superior performance of our approach, which
achieves the dual objectives of preserving identity and facilitating
editability. Project page: https://photoverse2d.github.io/ | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2308.07286 | HF | The Devil is in the Errors: Leveraging Large Language Models for Fine-grained Machine Translation Evaluation | [
"Patrick Fernandes",
"Daniel Deutsch",
"Mara Finkelstein",
"Parker Riley",
"André F. T. Martins",
"Graham Neubig",
"Ankush Garg",
"Jonathan H. Clark",
"Markus Freitag",
"Orhan Firat"
] | 2023-08-14 | Automatic evaluation of machine translation (MT) is a critical tool driving
the rapid iterative development of MT systems. While considerable progress has
been made on estimating a single scalar quality score, current metrics lack the
informativeness of more detailed schemes that annotate individual errors, such
as Multidimensional Quality Metrics (MQM). In this paper, we help fill this gap
by proposing AutoMQM, a prompting technique which leverages the reasoning and
in-context learning capabilities of large language models (LLMs) and asks them
to identify and categorize errors in translations. We start by evaluating
recent LLMs, such as PaLM and PaLM-2, through simple score prediction
prompting, and we study the impact of labeled data through in-context learning
and finetuning. We then evaluate AutoMQM with PaLM-2 models, and we find that
it improves performance compared to just prompting for scores (with
particularly large gains for larger models) while providing interpretability
through error spans that align with human annotations. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.12594 | HF | VisFocus: Prompt-Guided Vision Encoders for OCR-Free Dense Document Understanding | [
"Ofir Abramovich",
"Niv Nayman",
"Sharon Fogel",
"Inbal Lavi",
"Ron Litman",
"Shahar Tsiper",
"Royee Tichauer",
"Srikar Appalaraju",
"Shai Mazor",
"R. Manmatha"
] | 2024-07-17 | In recent years, notable advancements have been made in the domain of visual
document understanding, with the prevailing architecture comprising a cascade
of vision and language models. The text component can either be extracted
explicitly with the use of external OCR models in OCR-based approaches, or
alternatively, the vision model can be endowed with reading capabilities in
OCR-free approaches. Typically, the queries to the model are input exclusively
to the language component, necessitating the visual features to encompass the
entire document. In this paper, we present VisFocus, an OCR-free method
designed to better exploit the vision encoder's capacity by coupling it
directly with the language prompt. To do so, we replace the down-sampling
layers with layers that receive the input prompt and allow highlighting
relevant parts of the document, while disregarding others. We pair the
architecture enhancements with a novel pre-training task, using language
masking on a snippet of the document text fed to the visual encoder in place of
the prompt, to empower the model with focusing capabilities. Consequently,
VisFocus learns to allocate its attention to text patches pertinent to the
provided prompt. Our experiments demonstrate that this prompt-guided visual
encoding approach significantly improves performance, achieving
state-of-the-art results on various benchmarks. | null | cs.CV | [
"cs.CV"
] |
2407.14505 | HF | T2V-CompBench: A Comprehensive Benchmark for Compositional Text-to-video Generation | [
"Kaiyue Sun",
"Kaiyi Huang",
"Xian Liu",
"Yue Wu",
"Zihan Xu",
"Zhenguo Li",
"Xihui Liu"
] | 2024-07-19 | Text-to-video (T2V) generation models have advanced significantly, yet their
ability to compose different objects, attributes, actions, and motions into a
video remains unexplored. Previous text-to-video benchmarks also neglect this
important ability for evaluation. In this work, we conduct the first systematic
study on compositional text-to-video generation. We propose T2V-CompBench, the
first benchmark tailored for compositional text-to-video generation.
T2V-CompBench encompasses diverse aspects of compositionality, including
consistent attribute binding, dynamic attribute binding, spatial relationships,
motion binding, action binding, object interactions, and generative numeracy.
We further carefully design evaluation metrics of MLLM-based metrics,
detection-based metrics, and tracking-based metrics, which can better reflect
the compositional text-to-video generation quality of seven proposed categories
with 700 text prompts. The effectiveness of the proposed metrics is verified by
correlation with human evaluations. We also benchmark various text-to-video
generative models and conduct in-depth analysis across different models and
different compositional categories. We find that compositional text-to-video
generation is highly challenging for current models, and we hope that our
attempt will shed light on future research in this direction. | null | cs.CV | [
"cs.CV"
] |
2401.15977 | HF | Motion-I2V: Consistent and Controllable Image-to-Video Generation with Explicit Motion Modeling | [
"Xiaoyu Shi",
"Zhaoyang Huang",
"Fu-Yun Wang",
"Weikang Bian",
"Dasong Li",
"Yi Zhang",
"Manyuan Zhang",
"Ka Chun Cheung",
"Simon See",
"Hongwei Qin",
"Jifeng Dai",
"Hongsheng Li"
] | 2024-01-29 | We introduce Motion-I2V, a novel framework for consistent and controllable
image-to-video generation (I2V). In contrast to previous methods that directly
learn the complicated image-to-video mapping, Motion-I2V factorizes I2V into
two stages with explicit motion modeling. For the first stage, we propose a
diffusion-based motion field predictor, which focuses on deducing the
trajectories of the reference image's pixels. For the second stage, we propose
motion-augmented temporal attention to enhance the limited 1-D temporal
attention in video latent diffusion models. This module can effectively
propagate reference image's feature to synthesized frames with the guidance of
predicted trajectories from the first stage. Compared with existing methods,
Motion-I2V can generate more consistent videos even at the presence of large
motion and viewpoint variation. By training a sparse trajectory ControlNet for
the first stage, Motion-I2V can support users to precisely control motion
trajectories and motion regions with sparse trajectory and region annotations.
This offers more controllability of the I2V process than solely relying on
textual instructions. Additionally, Motion-I2V's second stage naturally
supports zero-shot video-to-video translation. Both qualitative and
quantitative comparisons demonstrate the advantages of Motion-I2V over prior
approaches in consistent and controllable image-to-video generation. Please see
our project page at https://xiaoyushi97.github.io/Motion-I2V/. | null | cs.CV | [
"cs.CV"
] |
2407.15848 | HF | BoostMVSNeRFs: Boosting MVS-based NeRFs to Generalizable View Synthesis in Large-scale Scenes | [
"Chih-Hai Su",
"Chih-Yao Hu",
"Shr-Ruei Tsai",
"Jie-Ying Lee",
"Chin-Yang Lin",
"Yu-Lun Liu"
] | 2024-07-22 | While Neural Radiance Fields (NeRFs) have demonstrated exceptional quality,
their protracted training duration remains a limitation. Generalizable and
MVS-based NeRFs, although capable of mitigating training time, often incur
tradeoffs in quality. This paper presents a novel approach called BoostMVSNeRFs
to enhance the rendering quality of MVS-based NeRFs in large-scale scenes. We
first identify limitations in MVS-based NeRF methods, such as restricted
viewport coverage and artifacts due to limited input views. Then, we address
these limitations by proposing a new method that selects and combines multiple
cost volumes during volume rendering. Our method does not require training and
can adapt to any MVS-based NeRF methods in a feed-forward fashion to improve
rendering quality. Furthermore, our approach is also end-to-end trainable,
allowing fine-tuning on specific scenes. We demonstrate the effectiveness of
our method through experiments on large-scale datasets, showing significant
rendering quality improvements in large-scale scenes and unbounded outdoor
scenarios. We release the source code of BoostMVSNeRFs at
https://su-terry.github.io/BoostMVSNeRFs/. | null | cs.CV | [
"cs.CV"
] |
2409.07239 | HF | PiTe: Pixel-Temporal Alignment for Large Video-Language Model | [
"Yang Liu",
"Pengxiang Ding",
"Siteng Huang",
"Min Zhang",
"Han Zhao",
"Donglin Wang"
] | 2024-09-11 | Fueled by the Large Language Models (LLMs) wave, Large Visual-Language Models
(LVLMs) have emerged as a pivotal advancement, bridging the gap between image
and text. However, video making it challenging for LVLMs to perform adequately
due to the complexity of the relationship between language and spatial-temporal
data structure. Recent Large Video-Language Models (LVidLMs) align feature of
static visual data like image into latent space of language feature, by general
multi-modal tasks to leverage abilities of LLMs sufficiently. In this paper, we
explore fine-grained alignment approach via object trajectory for different
modalities across both spatial and temporal dimensions simultaneously. Thus, we
propose a novel LVidLM by trajectory-guided Pixel-Temporal Alignment, dubbed
PiTe, that exhibits promising applicable model property. To achieve
fine-grained video-language alignment, we curate a multi-modal pre-training
dataset PiTe-143k, the dataset provision of moving trajectories in pixel level
for all individual objects, that appear and mention in the video and caption
both, by our automatic annotation pipeline. Meanwhile, PiTe demonstrates
astounding capabilities on myriad video-related multi-modal tasks through beat
the state-of-the-art methods by a large margin. | null | cs.CV | [
"cs.CV"
] |
2404.00656 | HF | WavLLM: Towards Robust and Adaptive Speech Large Language Model | [
"Shujie Hu",
"Long Zhou",
"Shujie Liu",
"Sanyuan Chen",
"Lingwei Meng",
"Hongkun Hao",
"Jing Pan",
"Xunying Liu",
"Jinyu Li",
"Sunit Sivasankaran",
"Linquan Liu",
"Furu Wei"
] | 2024-03-31 | The recent advancements in large language models (LLMs) have revolutionized
the field of natural language processing, progressively broadening their scope
to multimodal perception and generation. However, effectively integrating
listening capabilities into LLMs poses significant challenges, particularly
with respect to generalizing across varied contexts and executing complex
auditory tasks. In this work, we introduce WavLLM, a robust and adaptive speech
large language model with dual encoders, and a prompt-aware LoRA weight
adapter, optimized by a two-stage curriculum learning approach. Leveraging dual
encoders, we decouple different types of speech information, utilizing a
Whisper encoder to process the semantic content of speech, and a WavLM encoder
to capture the unique characteristics of the speaker's identity. Within the
curriculum learning framework, WavLLM first builds its foundational
capabilities by optimizing on mixed elementary single tasks, followed by
advanced multi-task training on more complex tasks such as combinations of the
elementary tasks. To enhance the flexibility and adherence to different tasks
and instructions, a prompt-aware LoRA weight adapter is introduced in the
second advanced multi-task training stage. We validate the proposed model on
universal speech benchmarks including tasks such as ASR, ST, SV, ER, and also
apply it to specialized datasets like Gaokao English listening comprehension
set for SQA, and speech Chain-of-Thought (CoT) evaluation set. Experiments
demonstrate that the proposed model achieves state-of-the-art performance
across a range of speech tasks on the same model size, exhibiting robust
generalization capabilities in executing complex tasks using CoT approach.
Furthermore, our model successfully completes Gaokao tasks without specialized
training. The codes, models, audio, and Gaokao evaluation set can be accessed
at \url{aka.ms/wavllm}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SD",
"eess.AS"
] |
2407.06023 | AnswerAI | Distilling System 2 into System 1 | [
"Ping Yu",
"Jing Xu",
"Jason Weston",
"Ilia Kulikov"
] | 2024-07-08 | Large language models (LLMs) can spend extra compute during inference to
generate intermediate thoughts, which helps to produce better final responses.
Since Chain-of-Thought (Wei et al., 2022), many such System 2 techniques have
been proposed such as Rephrase and Respond (Deng et al., 2023a), System 2
Attention (Weston and Sukhbaatar, 2023) and Branch-Solve-Merge (Saha et al.,
2023). In this work we investigate self-supervised methods to ``compile''
(distill) higher quality outputs from System 2 techniques back into LLM
generations without intermediate reasoning token sequences, as this reasoning
has been distilled into System 1. We show that several such techniques can be
successfully distilled, resulting in improved results compared to the original
System 1 performance, and with less inference cost than System 2. We posit that
such System 2 distillation will be an important feature of future continually
learning AI systems, enabling them to focus System 2 capabilities on the
reasoning tasks that they cannot yet do well. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.07860 | HF | Controlling Space and Time with Diffusion Models | [
"Daniel Watson",
"Saurabh Saxena",
"Lala Li",
"Andrea Tagliasacchi",
"David J. Fleet"
] | 2024-07-10 | We present 4DiM, a cascaded diffusion model for 4D novel view synthesis
(NVS), conditioned on one or more images of a general scene, and a set of
camera poses and timestamps. To overcome challenges due to limited availability
of 4D training data, we advocate joint training on 3D (with camera pose), 4D
(pose+time) and video (time but no pose) data and propose a new architecture
that enables the same. We further advocate the calibration of SfM posed data
using monocular metric depth estimators for metric scale camera control. For
model evaluation, we introduce new metrics to enrich and overcome shortcomings
of current evaluation schemes, demonstrating state-of-the-art results in both
fidelity and pose control compared to existing diffusion models for 3D NVS,
while at the same time adding the ability to handle temporal dynamics. 4DiM is
also used for improved panorama stitching, pose-conditioned video to video
translation, and several other tasks. For an overview see
https://4d-diffusion.github.io | null | cs.CV | [
"cs.CV"
] |
2407.11239 | HF | From GaLore to WeLore: How Low-Rank Weights Non-uniformly Emerge from Low-Rank Gradients | [
"Ajay Jaiswal",
"Lu Yin",
"Zhenyu Zhang",
"Shiwei Liu",
"Jiawei Zhao",
"Yuandong Tian",
"Zhangyang Wang"
] | 2024-07-15 | Modern Large Language Models (LLMs) are composed of matrices with billions of
elements, making their storage and processing quite demanding in terms of
computational resources and memory usage. Being significantly large, such
matrices can often be expressed in low-rank format with potential to relax
resource requirements. Unlike prior works which focus on developing novel
matrix decomposition algorithms, in this work we first study the emergence of
low-rank structures across matrices within different layers of LLMs and
establish a consequential relationship between the gradient dynamics and
emerging low-rank expressiveness of matrices. Our findings reveal that
different layers exhibit varying levels of converged low-rank structure,
necessitating a non-uniform rank reduction across them to minimize performance
drop due to compression. In view of that, we present Weight Low-Rank Projection
(WeLore) that unifies weight compression and memory-efficient fine-tuning as
ONE, in a data-agnostic and one-shot way. WeLore capitalizes the heavy-tail
distribution of singular values to identify a suitable rank reduction ratio for
matrices within LLMs. Going beyond only as a compression technique, WeLore
categorizes weight matrices into Low-rank Components (LRCs) and Non-Low-rank
Components (N-LRCs) based on their ability to express themselves as low-rank.
Our gradient perspective and extensive experiments illustrate that LRCs tend to
have better finetuning capabilities and can closely mimic (sometimes
outperform) the training loss trajectory and performance of full-finetuning
with notable memory and compute footprint reduction. For example, finetuning a
50\% compressed LLaMa-2 7B model using only a fraction of parameters in LRCs
(WeLore) can outperform its full finetuning with ~3x better throughput and
~0.6x GPU requirement. Our codes are available at
\url{https://github.com/VITA-Group/welore} | null | cs.LG | [
"cs.LG"
] |
2304.11062 | AnswerAI | Scaling Transformer to 1M tokens and beyond with RMT | [
"Aydar Bulatov",
"Yuri Kuratov",
"Yermek Kapushev",
"Mikhail S. Burtsev"
] | 2023-04-19 | A major limitation for the broader scope of problems solvable by transformers
is the quadratic scaling of computational complexity with input size. In this
study, we investigate the recurrent memory augmentation of pre-trained
transformer models to extend input context length while linearly scaling
compute. Our approach demonstrates the capability to store information in
memory for sequences of up to an unprecedented two million tokens while
maintaining high retrieval accuracy. Experiments with language modeling tasks
show perplexity improvement as the number of processed input segments
increases. These results underscore the effectiveness of our method, which has
significant potential to enhance long-term dependency handling in natural
language understanding and generation tasks, as well as enable large-scale
context processing for memory-intensive applications. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.03853 | Both | ShortGPT: Layers in Large Language Models are More Redundant Than You Expect | [
"Xin Men",
"Mingyu Xu",
"Qingyu Zhang",
"Bingning Wang",
"Hongyu Lin",
"Yaojie Lu",
"Xianpei Han",
"Weipeng Chen"
] | 2024-03-06 | As Large Language Models (LLMs) continue to advance in performance, their
size has escalated significantly, with current LLMs containing billions or even
trillions of parameters. However, in this study, we discovered that many layers
of LLMs exhibit high similarity, and some layers play a negligible role in
network functionality. Based on this observation, we define a metric called
Block Influence (BI) to gauge the significance of each layer in LLMs. We then
propose a straightforward pruning approach: layer removal, in which we directly
delete the redundant layers in LLMs based on their BI scores. Experiments
demonstrate that our method, which we call ShortGPT, significantly outperforms
previous state-of-the-art (SOTA) methods in model pruning. Moreover, ShortGPT
is orthogonal to quantization-like methods, enabling further reduction in
parameters and computation. The ability to achieve better results through
simple layer removal, as opposed to more complex pruning techniques, suggests a
high degree of redundancy in the model architecture. | null | cs.CL | [
"cs.CL"
] |
2309.02784 | AnswerAI | Norm Tweaking: High-performance Low-bit Quantization of Large Language Models | [
"Liang Li",
"Qingyuan Li",
"Bo Zhang",
"Xiangxiang Chu"
] | 2023-09-06 | As the size of large language models (LLMs) continues to grow, model
compression without sacrificing accuracy has become a crucial challenge for
deployment. While some quantization methods, such as GPTQ, have made progress
in achieving acceptable 4-bit weight-only quantization, attempts at lower-bit
quantization often result in severe performance degradation. In this paper, we
introduce a technique called norm tweaking, which can be used as a plugin in
current PTQ methods to achieve high precision while being cost-efficient. Our
approach is inspired by the observation that rectifying the quantized
activation distribution to match its float counterpart can readily restore
accuracy for LLMs. To achieve this, we carefully design a tweaking strategy
that includes calibration data generation and channel-wise distance constraint
to update the weights of normalization layers for better generalization. We
conduct extensive experiments on various datasets using several open-sourced
LLMs. Our method demonstrates significant improvements in both weight-only
quantization and joint quantization of weights and activations, surpassing
existing PTQ methods. On GLM-130B and OPT-66B, our method even achieves the
same level of accuracy at 2-bit quantization as their float ones. Our simple
and effective approach makes it more practical for real-world applications. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2309.15505 | Both | Finite Scalar Quantization: VQ-VAE Made Simple | [
"Fabian Mentzer",
"David Minnen",
"Eirikur Agustsson",
"Michael Tschannen"
] | 2023-09-27 | We propose to replace vector quantization (VQ) in the latent representation
of VQ-VAEs with a simple scheme termed finite scalar quantization (FSQ), where
we project the VAE representation down to a few dimensions (typically less than
10). Each dimension is quantized to a small set of fixed values, leading to an
(implicit) codebook given by the product of these sets. By appropriately
choosing the number of dimensions and values each dimension can take, we obtain
the same codebook size as in VQ. On top of such discrete representations, we
can train the same models that have been trained on VQ-VAE representations. For
example, autoregressive and masked transformer models for image generation,
multimodal generation, and dense prediction computer vision tasks. Concretely,
we employ FSQ with MaskGIT for image generation, and with UViM for depth
estimation, colorization, and panoptic segmentation. Despite the much simpler
design of FSQ, we obtain competitive performance in all these tasks. We
emphasize that FSQ does not suffer from codebook collapse and does not need the
complex machinery employed in VQ (commitment losses, codebook reseeding, code
splitting, entropy penalties, etc.) to learn expressive discrete
representations. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2305.02309 | AnswerAI | CodeGen2: Lessons for Training LLMs on Programming and Natural Languages | [
"Erik Nijkamp",
"Hiroaki Hayashi",
"Caiming Xiong",
"Silvio Savarese",
"Yingbo Zhou"
] | 2023-05-03 | Large language models (LLMs) have demonstrated remarkable abilities in
representation learning for program synthesis and understanding tasks. The
quality of the learned representations appears to be dictated by the neural
scaling laws as a function of the number of model parameters and observations,
while imposing upper bounds on the model performance by the amount of available
data and compute, which is costly.
In this study, we attempt to render the training of LLMs for program
synthesis more efficient by unifying four key components: (1) model
architectures, (2) learning methods, (3) infill sampling, and, (4) data
distributions. Specifically, for the model architecture, we attempt to unify
encoder and decoder-based models into a single prefix-LM. For learning methods,
(i) causal language modeling, (ii) span corruption, (iii) infilling are unified
into a simple learning algorithm. For infill sampling, we explore the claim of
a "free lunch" hypothesis. For data distributions, the effect of a mixture
distribution and multi-epoch training of programming and natural languages on
model performance is explored.
We conduct a comprehensive series of empirical experiments on 1B LLMs, for
which failures and successes of this exploration are distilled into five
lessons. We will provide a final recipe for training and release CodeGen2
models in size 1B, 3.7B, 7B, and, 16B parameters, along with the training
framework as open-source: https://github.com/salesforce/CodeGen. | null | cs.LG | [
"cs.LG"
] |
2310.03739 | HF | Aligning Text-to-Image Diffusion Models with Reward Backpropagation | [
"Mihir Prabhudesai",
"Anirudh Goyal",
"Deepak Pathak",
"Katerina Fragkiadaki"
] | 2023-10-05 | Text-to-image diffusion models have recently emerged at the forefront of
image generation, powered by very large-scale unsupervised or weakly supervised
text-to-image training datasets. Due to their unsupervised training,
controlling their behavior in downstream tasks, such as maximizing
human-perceived image quality, image-text alignment, or ethical image
generation, is difficult. Recent works finetune diffusion models to downstream
reward functions using vanilla reinforcement learning, notorious for the high
variance of the gradient estimators. In this paper, we propose AlignProp, a
method that aligns diffusion models to downstream reward functions using
end-to-end backpropagation of the reward gradient through the denoising
process. While naive implementation of such backpropagation would require
prohibitive memory resources for storing the partial derivatives of modern
text-to-image models, AlignProp finetunes low-rank adapter weight modules and
uses gradient checkpointing, to render its memory usage viable. We test
AlignProp in finetuning diffusion models to various objectives, such as
image-text semantic alignment, aesthetics, compressibility and controllability
of the number of objects present, as well as their combinations. We show
AlignProp achieves higher rewards in fewer training steps than alternatives,
while being conceptually simpler, making it a straightforward choice for
optimizing diffusion models for differentiable reward functions of interest.
Code and Visualization results are available at https://align-prop.github.io/. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.RO"
] |
2404.19737 | Both | Better & Faster Large Language Models via Multi-token Prediction | [
"Fabian Gloeckle",
"Badr Youbi Idrissi",
"Baptiste Rozière",
"David Lopez-Paz",
"Gabriel Synnaeve"
] | 2024-04-30 | Large language models such as GPT and Llama are trained with a next-token
prediction loss. In this work, we suggest that training language models to
predict multiple future tokens at once results in higher sample efficiency.
More specifically, at each position in the training corpus, we ask the model to
predict the following n tokens using n independent output heads, operating on
top of a shared model trunk. Considering multi-token prediction as an auxiliary
training task, we measure improved downstream capabilities with no overhead in
training time for both code and natural language models. The method is
increasingly useful for larger model sizes, and keeps its appeal when training
for multiple epochs. Gains are especially pronounced on generative benchmarks
like coding, where our models consistently outperform strong baselines by
several percentage points. Our 13B parameter models solves 12 % more problems
on HumanEval and 17 % more on MBPP than comparable next-token models.
Experiments on small algorithmic tasks demonstrate that multi-token prediction
is favorable for the development of induction heads and algorithmic reasoning
capabilities. As an additional benefit, models trained with 4-token prediction
are up to 3 times faster at inference, even with large batch sizes. | null | cs.CL | [
"cs.CL"
] |
2306.01160 | Both | Faster Causal Attention Over Large Sequences Through Sparse Flash Attention | [
"Matteo Pagliardini",
"Daniele Paliotta",
"Martin Jaggi",
"François Fleuret"
] | 2023-06-01 | Transformer-based language models have found many diverse applications
requiring them to process sequences of increasing length. For these
applications, the causal self-attention -- which is the only component scaling
quadratically w.r.t. the sequence length -- becomes a central concern. While
many works have proposed schemes to sparsify the attention patterns and reduce
the computational overhead of self-attention, those are often limited by
implementations concerns and end up imposing a simple and static structure over
the attention matrix. Conversely, implementing more dynamic sparse attentions
often results in runtimes significantly slower than computing the full
attention using the Flash implementation from Dao et al. (2022). We extend
FlashAttention to accommodate a large class of attention sparsity patterns
that, in particular, encompass key/query dropping and hashing-based attention.
This leads to implementations with no computational complexity overhead and a
multi-fold runtime speedup on top of FlashAttention. Even with relatively low
degrees of sparsity, our method improves visibly upon FlashAttention as the
sequence length increases. Without sacrificing perplexity, we increase the
training speed of a transformer language model by $2.0\times$ and $3.3\times$
for sequences of respectively $8k$ and $16k$ tokens. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2205.05198 | AnswerAI | Reducing Activation Recomputation in Large Transformer Models | [
"Vijay Korthikanti",
"Jared Casper",
"Sangkug Lym",
"Lawrence McAfee",
"Michael Andersch",
"Mohammad Shoeybi",
"Bryan Catanzaro"
] | 2022-05-10 | Training large transformer models is one of the most important computational
challenges of modern AI. In this paper, we show how to significantly accelerate
training of large transformer models by reducing activation recomputation.
Activation recomputation is commonly used to work around memory capacity
constraints. Rather than storing activations for backpropagation, they are
traditionally recomputed, which saves memory but adds redundant compute. In
this work, we show most of this redundant compute is unnecessary because we can
reduce memory consumption sufficiently without it. We present two novel yet
very simple techniques: sequence parallelism and selective activation
recomputation. In conjunction with tensor parallelism, these techniques almost
eliminate the need to recompute activations. We evaluate our approach on
language models up to one trillion parameters in scale and show that our method
reduces activation memory by 5x, while reducing execution time overhead from
activation recomputation by over 90%. For example, when training a 530B
parameter GPT-3 style model on 2240 NVIDIA A100 GPUs, we achieve a Model Flops
Utilization of 54.2%, which is 29% faster than the 42.1% we achieve using
recomputation. Our implementation will be available in both Megatron-LM and
NeMo-Megatron. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2402.09812 | HF | DreamMatcher: Appearance Matching Self-Attention for Semantically-Consistent Text-to-Image Personalization | [
"Jisu Nam",
"Heesu Kim",
"DongJae Lee",
"Siyoon Jin",
"Seungryong Kim",
"Seunggyu Chang"
] | 2024-02-15 | The objective of text-to-image (T2I) personalization is to customize a
diffusion model to a user-provided reference concept, generating diverse images
of the concept aligned with the target prompts. Conventional methods
representing the reference concepts using unique text embeddings often fail to
accurately mimic the appearance of the reference. To address this, one solution
may be explicitly conditioning the reference images into the target denoising
process, known as key-value replacement. However, prior works are constrained
to local editing since they disrupt the structure path of the pre-trained T2I
model. To overcome this, we propose a novel plug-in method, called
DreamMatcher, which reformulates T2I personalization as semantic matching.
Specifically, DreamMatcher replaces the target values with reference values
aligned by semantic matching, while leaving the structure path unchanged to
preserve the versatile capability of pre-trained T2I models for generating
diverse structures. We also introduce a semantic-consistent masking strategy to
isolate the personalized concept from irrelevant regions introduced by the
target prompts. Compatible with existing T2I models, DreamMatcher shows
significant improvements in complex scenarios. Intensive analyses demonstrate
the effectiveness of our approach. | null | cs.CV | [
"cs.CV"
] |
2306.00802 | HF | Birth of a Transformer: A Memory Viewpoint | [
"Alberto Bietti",
"Vivien Cabannes",
"Diane Bouchacourt",
"Herve Jegou",
"Leon Bottou"
] | 2023-06-01 | Large language models based on transformers have achieved great empirical
successes. However, as they are deployed more widely, there is a growing need
to better understand their internal mechanisms in order to make them more
reliable. These models appear to store vast amounts of knowledge from their
training data, and to adapt quickly to new information provided in their
context or prompt. We study how transformers balance these two types of
knowledge by considering a synthetic setup where tokens are generated from
either global or context-specific bigram distributions. By a careful empirical
analysis of the training process on a simplified two-layer transformer, we
illustrate the fast learning of global bigrams and the slower development of an
"induction head" mechanism for the in-context bigrams. We highlight the role of
weight matrices as associative memories, provide theoretical insights on how
gradients enable their learning during training, and study the role of
data-distributional properties. | null | stat.ML | [
"stat.ML",
"cs.CL",
"cs.LG"
] |
2403.02827 | HF | Tuning-Free Noise Rectification for High Fidelity Image-to-Video Generation | [
"Weijie Li",
"Litong Gong",
"Yiran Zhu",
"Fanda Fan",
"Biao Wang",
"Tiezheng Ge",
"Bo Zheng"
] | 2024-03-05 | Image-to-video (I2V) generation tasks always suffer from keeping high
fidelity in the open domains. Traditional image animation techniques primarily
focus on specific domains such as faces or human poses, making them difficult
to generalize to open domains. Several recent I2V frameworks based on diffusion
models can generate dynamic content for open domain images but fail to maintain
fidelity. We found that two main factors of low fidelity are the loss of image
details and the noise prediction biases during the denoising process. To this
end, we propose an effective method that can be applied to mainstream video
diffusion models. This method achieves high fidelity based on supplementing
more precise image information and noise rectification. Specifically, given a
specified image, our method first adds noise to the input image latent to keep
more details, then denoises the noisy latent with proper rectification to
alleviate the noise prediction biases. Our method is tuning-free and
plug-and-play. The experimental results demonstrate the effectiveness of our
approach in improving the fidelity of generated videos. For more image-to-video
generated results, please refer to the project website:
https://noise-rectification.github.io. | null | cs.CV | [
"cs.CV"
] |
2303.15647 | AnswerAI | Scaling Down to Scale Up: A Guide to Parameter-Efficient Fine-Tuning | [
"Vladislav Lialin",
"Vijeta Deshpande",
"Anna Rumshisky"
] | 2023-03-28 | This paper presents a systematic overview and comparison of
parameter-efficient fine-tuning methods covering over 40 papers published
between February 2019 and February 2023. These methods aim to resolve the
infeasibility and impracticality of fine-tuning large language models by only
training a small set of parameters. We provide a taxonomy that covers a broad
range of methods and present a detailed method comparison with a specific focus
on real-life efficiency and fine-tuning multibillion-scale language models. | null | cs.CL | [
"cs.CL"
] |
2201.12086 | AnswerAI | BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation | [
"Junnan Li",
"Dongxu Li",
"Caiming Xiong",
"Steven Hoi"
] | 2022-01-28 | Vision-Language Pre-training (VLP) has advanced the performance for many
vision-language tasks. However, most existing pre-trained models only excel in
either understanding-based tasks or generation-based tasks. Furthermore,
performance improvement has been largely achieved by scaling up the dataset
with noisy image-text pairs collected from the web, which is a suboptimal
source of supervision. In this paper, we propose BLIP, a new VLP framework
which transfers flexibly to both vision-language understanding and generation
tasks. BLIP effectively utilizes the noisy web data by bootstrapping the
captions, where a captioner generates synthetic captions and a filter removes
the noisy ones. We achieve state-of-the-art results on a wide range of
vision-language tasks, such as image-text retrieval (+2.7% in average
recall@1), image captioning (+2.8% in CIDEr), and VQA (+1.6% in VQA score).
BLIP also demonstrates strong generalization ability when directly transferred
to video-language tasks in a zero-shot manner. Code, models, and datasets are
released at https://github.com/salesforce/BLIP. | null | cs.CV | [
"cs.CV"
] |
2406.18532 | HF | Symbolic Learning Enables Self-Evolving Agents | [
"Wangchunshu Zhou",
"Yixin Ou",
"Shengwei Ding",
"Long Li",
"Jialong Wu",
"Tiannan Wang",
"Jiamin Chen",
"Shuai Wang",
"Xiaohua Xu",
"Ningyu Zhang",
"Huajun Chen",
"Yuchen Eleanor Jiang"
] | 2024-06-26 | The AI community has been exploring a pathway to artificial general
intelligence (AGI) by developing "language agents", which are complex large
language models (LLMs) pipelines involving both prompting techniques and tool
usage methods. While language agents have demonstrated impressive capabilities
for many real-world tasks, a fundamental limitation of current language agents
research is that they are model-centric, or engineering-centric. That's to say,
the progress on prompts, tools, and pipelines of language agents requires
substantial manual engineering efforts from human experts rather than
automatically learning from data. We believe the transition from model-centric,
or engineering-centric, to data-centric, i.e., the ability of language agents
to autonomously learn and evolve in environments, is the key for them to
possibly achieve AGI.
In this work, we introduce agent symbolic learning, a systematic framework
that enables language agents to optimize themselves on their own in a
data-centric way using symbolic optimizers. Specifically, we consider agents as
symbolic networks where learnable weights are defined by prompts, tools, and
the way they are stacked together. Agent symbolic learning is designed to
optimize the symbolic network within language agents by mimicking two
fundamental algorithms in connectionist learning: back-propagation and gradient
descent. Instead of dealing with numeric weights, agent symbolic learning works
with natural language simulacrums of weights, loss, and gradients. We conduct
proof-of-concept experiments on both standard benchmarks and complex real-world
tasks and show that agent symbolic learning enables language agents to update
themselves after being created and deployed in the wild, resulting in
"self-evolving agents". | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2405.12532 | AnswerAI | PyramidInfer: Pyramid KV Cache Compression for High-throughput LLM Inference | [
"Dongjie Yang",
"XiaoDong Han",
"Yan Gao",
"Yao Hu",
"Shilin Zhang",
"Hai Zhao"
] | 2024-05-21 | Large Language Models (LLMs) have shown remarkable comprehension abilities
but face challenges in GPU memory usage during inference, hindering their
scalability for real-time applications like chatbots. To accelerate inference,
we store computed keys and values (KV cache) in the GPU memory. Existing
methods study the KV cache compression to reduce memory by pruning the
pre-computed KV cache. However, they neglect the inter-layer dependency between
layers and huge memory consumption in pre-computation. To explore these
deficiencies, we find that the number of crucial keys and values that influence
future generations decreases layer by layer and we can extract them by the
consistency in attention weights. Based on the findings, we propose
PyramidInfer, a method that compresses the KV cache by layer-wise retaining
crucial context. PyramidInfer saves significant memory by computing fewer keys
and values without sacrificing performance. Experimental results show
PyramidInfer improves 2.2x throughput compared to Accelerate with over 54% GPU
memory reduction in KV cache. | null | cs.CL | [
"cs.CL"
] |
2404.05902 | HF | WILBUR: Adaptive In-Context Learning for Robust and Accurate Web Agents | [
"Michael Lutz",
"Arth Bohra",
"Manvel Saroyan",
"Artem Harutyunyan",
"Giovanni Campagna"
] | 2024-04-08 | In the realm of web agent research, achieving both generalization and
accuracy remains a challenging problem. Due to high variance in website
structure, existing approaches often fail. Moreover, existing fine-tuning and
in-context learning techniques fail to generalize across multiple websites. We
introduce Wilbur, an approach that uses a differentiable ranking model and a
novel instruction synthesis technique to optimally populate a black-box large
language model's prompt with task demonstrations from previous runs. To
maximize end-to-end success rates, we also propose an intelligent backtracking
mechanism that learns and recovers from its mistakes. Finally, we show that our
ranking model can be trained on data from a generative auto-curriculum which
samples representative goals from an LLM, runs the agent, and automatically
evaluates it, with no manual annotation. Wilbur achieves state-of-the-art
results on the WebVoyager benchmark, beating text-only models by 8% overall,
and up to 36% on certain websites. On the same benchmark, Wilbur is within 5%
of a strong multi-modal model despite only receiving textual inputs, and
further analysis reveals a substantial number of failures are due to
engineering challenges of operating the web. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.18665 | AnswerAI | RouteLLM: Learning to Route LLMs with Preference Data | [
"Isaac Ong",
"Amjad Almahairi",
"Vincent Wu",
"Wei-Lin Chiang",
"Tianhao Wu",
"Joseph E. Gonzalez",
"M Waleed Kadous",
"Ion Stoica"
] | 2024-06-26 | Large language models (LLMs) exhibit impressive capabilities across a wide
range of tasks, yet the choice of which model to use often involves a trade-off
between performance and cost. More powerful models, though effective, come with
higher expenses, while less capable models are more cost-effective. To address
this dilemma, we propose several efficient router models that dynamically
select between a stronger and a weaker LLM during inference, aiming to optimize
the balance between cost and response quality. We develop a training framework
for these routers leveraging human preference data and data augmentation
techniques to enhance performance. Our evaluation on widely-recognized
benchmarks shows that our approach significantly reduces costs-by over 2 times
in certain cases-without compromising the quality of responses. Interestingly,
our router models also demonstrate significant transfer learning capabilities,
maintaining their performance even when the strong and weak models are changed
at test time. This highlights the potential of these routers to provide a
cost-effective yet high-performance solution for deploying LLMs. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.15711 | HF | AssistantBench: Can Web Agents Solve Realistic and Time-Consuming Tasks? | [
"Ori Yoran",
"Samuel Joseph Amouyal",
"Chaitanya Malaviya",
"Ben Bogin",
"Ofir Press",
"Jonathan Berant"
] | 2024-07-22 | Language agents, built on top of language models (LMs), are systems that can
interact with complex environments, such as the open web. In this work, we
examine whether such agents can perform realistic and time-consuming tasks on
the web, e.g., monitoring real-estate markets or locating relevant nearby
businesses. We introduce AssistantBench, a challenging new benchmark consisting
of 214 realistic tasks that can be automatically evaluated, covering different
scenarios and domains. We find that AssistantBench exposes the limitations of
current systems, including language models and retrieval-augmented language
models, as no model reaches an accuracy of more than 25 points. While
closed-book LMs perform well, they exhibit low precision since they tend to
hallucinate facts. State-of-the-art web agents reach a score of near zero.
Additionally, we introduce SeePlanAct (SPA), a new web agent that significantly
outperforms previous agents, and an ensemble of SPA and closed-book models
reaches the best overall performance. Moreover, we analyze failures of current
systems and highlight that web navigation remains a major challenge. | null | cs.CL | [
"cs.CL"
] |
2406.04267 | AnswerAI | Transformers need glasses! Information over-squashing in language tasks | [
"Federico Barbero",
"Andrea Banino",
"Steven Kapturowski",
"Dharshan Kumaran",
"João G. M. Araújo",
"Alex Vitvitskyi",
"Razvan Pascanu",
"Petar Veličković"
] | 2024-06-06 | We study how information propagates in decoder-only Transformers, which are
the architectural backbone of most existing frontier large language models
(LLMs). We rely on a theoretical signal propagation analysis -- specifically,
we analyse the representations of the last token in the final layer of the
Transformer, as this is the representation used for next-token prediction. Our
analysis reveals a representational collapse phenomenon: we prove that certain
distinct sequences of inputs to the Transformer can yield arbitrarily close
representations in the final token. This effect is exacerbated by the
low-precision floating-point formats frequently used in modern LLMs. As a
result, the model is provably unable to respond to these sequences in different
ways -- leading to errors in, e.g., tasks involving counting or copying.
Further, we show that decoder-only Transformer language models can lose
sensitivity to specific tokens in the input, which relates to the well-known
phenomenon of over-squashing in graph neural networks. We provide empirical
evidence supporting our claims on contemporary LLMs. Our theory also points to
simple solutions towards ameliorating these issues. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.10768 | HF | Memory Augmented Language Models through Mixture of Word Experts | [
"Cicero Nogueira dos Santos",
"James Lee-Thorp",
"Isaac Noble",
"Chung-Ching Chang",
"David Uthus"
] | 2023-11-15 | Scaling up the number of parameters of language models has proven to be an
effective approach to improve performance. For dense models, increasing model
size proportionally increases the model's computation footprint. In this work,
we seek to aggressively decouple learning capacity and FLOPs through
Mixture-of-Experts (MoE) style models with large knowledge-rich vocabulary
based routing functions and experts. Our proposed approach, dubbed Mixture of
Word Experts (MoWE), can be seen as a memory augmented model, where a large set
of word-specific experts play the role of a sparse memory. We demonstrate that
MoWE performs significantly better than the T5 family of models with similar
number of FLOPs in a variety of NLP tasks. Additionally, MoWE outperforms
regular MoE models on knowledge intensive tasks and has similar performance to
more complex memory augmented approaches that often require to invoke custom
mechanisms to search the sparse memory. | null | cs.CL | [
"cs.CL"
] |
2307.04603 | HF | Solvent: A Framework for Protein Folding | [
"Jaemyung Lee",
"Kyeongtak Han",
"Jaehoon Kim",
"Hasun Yu",
"Youhan Lee"
] | 2023-07-07 | Consistency and reliability are crucial for conducting AI research. Many
famous research fields, such as object detection, have been compared and
validated with solid benchmark frameworks. After AlphaFold2, the protein
folding task has entered a new phase, and many methods are proposed based on
the component of AlphaFold2. The importance of a unified research framework in
protein folding contains implementations and benchmarks to consistently and
fairly compare various approaches. To achieve this, we present Solvent, a
protein folding framework that supports significant components of
state-of-the-art models in the manner of an off-the-shelf interface Solvent
contains different models implemented in a unified codebase and supports
training and evaluation for defined models on the same dataset. We benchmark
well-known algorithms and their components and provide experiments that give
helpful insights into the protein structure modeling field. We hope that
Solvent will increase the reliability and consistency of proposed models and
give efficiency in both speed and costs, resulting in acceleration on protein
folding modeling research. The code is available at
https://github.com/kakaobrain/solvent, and the project will continue to be
developed. | null | q-bio.BM | [
"q-bio.BM",
"cs.LG"
] |
2405.00029 | HF | Automatic Creative Selection with Cross-Modal Matching | [
"Alex Kim",
"Jia Huang",
"Rob Monarch",
"Jerry Kwac",
"Anikesh Kamath",
"Parmeshwar Khurd",
"Kailash Thiyagarajan",
"Goodman Gu"
] | 2024-02-28 | Application developers advertise their Apps by creating product pages with
App images, and bidding on search terms. It is then crucial for App images to
be highly relevant with the search terms. Solutions to this problem require an
image-text matching model to predict the quality of the match between the
chosen image and the search terms. In this work, we present a novel approach to
matching an App image to search terms based on fine-tuning a pre-trained LXMERT
model. We show that compared to the CLIP model and a baseline using a
Transformer model for search terms, and a ResNet model for images, we
significantly improve the matching accuracy. We evaluate our approach using two
sets of labels: advertiser associated (image, search term) pairs for a given
application, and human ratings for the relevance between (image, search term)
pairs. Our approach achieves 0.96 AUC score for advertiser associated ground
truth, outperforming the transformer+ResNet baseline and the fine-tuned CLIP
model by 8% and 14%. For human labeled ground truth, our approach achieves 0.95
AUC score, outperforming the transformer+ResNet baseline and the fine-tuned
CLIP model by 16% and 17%. | null | cs.CV | [
"cs.CV",
"cs.IR"
] |
2401.11739 | HF | EmerDiff: Emerging Pixel-level Semantic Knowledge in Diffusion Models | [
"Koichi Namekata",
"Amirmojtaba Sabour",
"Sanja Fidler",
"Seung Wook Kim"
] | 2024-01-22 | Diffusion models have recently received increasing research attention for
their remarkable transfer abilities in semantic segmentation tasks. However,
generating fine-grained segmentation masks with diffusion models often requires
additional training on annotated datasets, leaving it unclear to what extent
pre-trained diffusion models alone understand the semantic relations of their
generated images. To address this question, we leverage the semantic knowledge
extracted from Stable Diffusion (SD) and aim to develop an image segmentor
capable of generating fine-grained segmentation maps without any additional
training. The primary difficulty stems from the fact that semantically
meaningful feature maps typically exist only in the spatially lower-dimensional
layers, which poses a challenge in directly extracting pixel-level semantic
relations from these feature maps. To overcome this issue, our framework
identifies semantic correspondences between image pixels and spatial locations
of low-dimensional feature maps by exploiting SD's generation process and
utilizes them for constructing image-resolution segmentation maps. In extensive
experiments, the produced segmentation maps are demonstrated to be well
delineated and capture detailed parts of the images, indicating the existence
of highly accurate pixel-level semantic knowledge in diffusion models. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2406.11715 | HF | Measuring memorization in RLHF for code completion | [
"Aneesh Pappu",
"Billy Porter",
"Ilia Shumailov",
"Jamie Hayes"
] | 2024-06-17 | Reinforcement learning with human feedback (RLHF) has become the dominant
method to align large models to user preferences. Unlike fine-tuning, for which
there are many studies regarding training data memorization, it is not clear
how memorization is affected by or introduced in the RLHF alignment process.
Understanding this relationship is important as real user data may be collected
and used to align large models; if user data is memorized during RLHF and later
regurgitated, this could raise privacy concerns. In this work, we analyze how
training data memorization can surface and propagate through each phase of
RLHF. We focus our study on code completion models, as code completion is one
of the most popular use cases for large language models. We find that RLHF
significantly decreases the chance that data used for reward modeling and
reinforcement learning is memorized, in comparison to aligning via directly
fine-tuning on this data, but that examples already memorized during the
fine-tuning stage of RLHF, will, in the majority of cases, remain memorized
after RLHF. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.SE"
] |
2304.05128 | AnswerAI | Teaching Large Language Models to Self-Debug | [
"Xinyun Chen",
"Maxwell Lin",
"Nathanael Schärli",
"Denny Zhou"
] | 2023-04-11 | Large language models (LLMs) have achieved impressive performance on code
generation. However, for complex programming tasks, generating the correct
solution in one go becomes challenging, thus some prior works have designed
program repair approaches to improve code generation performance. In this work,
we propose Self-Debugging, which teaches a large language model to debug its
predicted program via few-shot demonstrations. In particular, we demonstrate
that Self-Debugging can teach the large language model to perform rubber duck
debugging; i.e., without any human feedback on the code correctness or error
messages, the model is able to identify its mistakes by investigating the
execution results and explaining the generated code in natural language.
Self-Debugging achieves the state-of-the-art performance on several code
generation benchmarks, including the Spider dataset for text-to-SQL generation,
TransCoder for C++-to-Python translation, and MBPP for text-to-Python
generation. On the Spider benchmark where there are no unit tests to verify the
correctness of predictions, Self-Debugging with code explanation consistently
improves the baseline by 2-3%, and improves the prediction accuracy on problems
of the hardest level by 9%. On TransCoder and MBPP where unit tests are
available, Self-Debugging improves the baseline accuracy by up to 12%.
Meanwhile, by leveraging feedback messages and reusing failed predictions,
Self-Debugging notably improves sample efficiency, and can match or outperform
baseline models that generate more than 10x candidate programs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2304.11490 | AnswerAI | Boosting Theory-of-Mind Performance in Large Language Models via Prompting | [
"Shima Rahimi Moghaddam",
"Christopher J. Honey"
] | 2023-04-22 | Large language models (LLMs) excel in many tasks in 2023, but they still face
challenges in complex reasoning. Theory-of-mind (ToM) tasks, which require
understanding agents' beliefs, goals, and mental states, are essential for
common-sense reasoning involving humans, making it crucial to enhance LLM
performance in this area. This study measures the ToM performance of GPT-4 and
three GPT-3.5 variants (Davinci-2, Davinci-3, GPT-3.5-Turbo), and investigates
the effectiveness of in-context learning in improving their ToM comprehension.
We evaluated prompts featuring two-shot chain of thought reasoning and
step-by-step thinking instructions. We found that LLMs trained with
Reinforcement Learning from Human Feedback (RLHF) (all models excluding
Davinci-2) improved their ToM accuracy via in-context learning. GPT-4 performed
best in zero-shot settings, reaching nearly 80% ToM accuracy, but still fell
short of the 87% human accuracy on the test set. However, when supplied with
prompts for in-context learning, all RLHF-trained LLMs exceeded 80% ToM
accuracy, with GPT-4 reaching 100%. These results demonstrate that appropriate
prompting enhances LLM ToM reasoning, and they underscore the context-dependent
nature of LLM cognitive capacities. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2403.15042 | HF | LLM2LLM: Boosting LLMs with Novel Iterative Data Enhancement | [
"Nicholas Lee",
"Thanakul Wattanawong",
"Sehoon Kim",
"Karttikeya Mangalam",
"Sheng Shen",
"Gopala Anumanchipalli",
"Michael W. Mahoney",
"Kurt Keutzer",
"Amir Gholami"
] | 2024-03-22 | Pretrained large language models (LLMs) are currently state-of-the-art for
solving the vast majority of natural language processing tasks. While many
real-world applications still require fine-tuning to reach satisfactory levels
of performance, many of them are in the low-data regime, making fine-tuning
challenging. To address this, we propose LLM2LLM, a targeted and iterative data
augmentation strategy that uses a teacher LLM to enhance a small seed dataset
by augmenting additional data that can be used for fine-tuning on a specific
task. LLM2LLM (1) fine-tunes a baseline student LLM on the initial seed data,
(2) evaluates and extracts data points that the model gets wrong, and (3) uses
a teacher LLM to generate synthetic data based on these incorrect data points,
which are then added back into the training data. This approach amplifies the
signal from incorrectly predicted data points by the LLM during training and
reintegrates them into the dataset to focus on more challenging examples for
the LLM. Our results show that LLM2LLM significantly enhances the performance
of LLMs in the low-data regime, outperforming both traditional fine-tuning and
other data augmentation baselines. LLM2LLM reduces the dependence on
labor-intensive data curation and paves the way for more scalable and
performant LLM solutions, allowing us to tackle data-constrained domains and
tasks. We achieve improvements up to 24.2% on the GSM8K dataset, 32.6% on
CaseHOLD, 32.0% on SNIPS, 52.6% on TREC and 39.8% on SST-2 over regular
fine-tuning in the low-data regime using a Llama-2-7B student model. Our code
is available at https://github.com/SqueezeAILab/LLM2LLM . | null | cs.CL | [
"cs.CL"
] |
2312.02139 | HF | DiffiT: Diffusion Vision Transformers for Image Generation | [
"Ali Hatamizadeh",
"Jiaming Song",
"Guilin Liu",
"Jan Kautz",
"Arash Vahdat"
] | 2023-12-04 | Diffusion models with their powerful expressivity and high sample quality
have achieved State-Of-The-Art (SOTA) performance in the generative domain. The
pioneering Vision Transformer (ViT) has also demonstrated strong modeling
capabilities and scalability, especially for recognition tasks. In this paper,
we study the effectiveness of ViTs in diffusion-based generative learning and
propose a new model denoted as Diffusion Vision Transformers (DiffiT).
Specifically, we propose a methodology for finegrained control of the denoising
process and introduce the Time-dependant Multihead Self Attention (TMSA)
mechanism. DiffiT is surprisingly effective in generating high-fidelity images
with significantly better parameter efficiency. We also propose latent and
image space DiffiT models and show SOTA performance on a variety of
class-conditional and unconditional synthesis tasks at different resolutions.
The Latent DiffiT model achieves a new SOTA FID score of 1.73 on ImageNet256
dataset while having 19.85%, 16.88% less parameters than other
Transformer-based diffusion models such as MDT and DiT,respectively. Code:
https://github.com/NVlabs/DiffiT | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2307.02477 | AnswerAI | Reasoning or Reciting? Exploring the Capabilities and Limitations of Language Models Through Counterfactual Tasks | [
"Zhaofeng Wu",
"Linlu Qiu",
"Alexis Ross",
"Ekin Akyürek",
"Boyuan Chen",
"Bailin Wang",
"Najoung Kim",
"Jacob Andreas",
"Yoon Kim"
] | 2023-07-05 | The impressive performance of recent language models across a wide range of
tasks suggests that they possess a degree of abstract reasoning skills. Are
these skills general and transferable, or specialized to specific tasks seen
during pretraining? To disentangle these effects, we propose an evaluation
framework based on "counterfactual" task variants that deviate from the default
assumptions underlying standard tasks. Across a suite of 11 tasks, we observe
nontrivial performance on the counterfactual variants, but nevertheless find
that performance substantially and consistently degrades compared to the
default conditions. This suggests that while current LMs may possess abstract
task-solving skills to an extent, they often also rely on narrow,
non-transferable procedures for task-solving. These results motivate a more
careful interpretation of language model performance that teases apart these
aspects of behavior. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2307.15818 | HF | RT-2: Vision-Language-Action Models Transfer Web Knowledge to Robotic Control | [
"Anthony Brohan",
"Noah Brown",
"Justice Carbajal",
"Yevgen Chebotar",
"Xi Chen",
"Krzysztof Choromanski",
"Tianli Ding",
"Danny Driess",
"Avinava Dubey",
"Chelsea Finn",
"Pete Florence",
"Chuyuan Fu",
"Montse Gonzalez Arenas",
"Keerthana Gopalakrishnan",
"Kehang Han",
"Karol Hausman",
"Alexander Herzog",
"Jasmine Hsu",
"Brian Ichter",
"Alex Irpan",
"Nikhil Joshi",
"Ryan Julian",
"Dmitry Kalashnikov",
"Yuheng Kuang",
"Isabel Leal",
"Lisa Lee",
"Tsang-Wei Edward Lee",
"Sergey Levine",
"Yao Lu",
"Henryk Michalewski",
"Igor Mordatch",
"Karl Pertsch",
"Kanishka Rao",
"Krista Reymann",
"Michael Ryoo",
"Grecia Salazar",
"Pannag Sanketi",
"Pierre Sermanet",
"Jaspiar Singh",
"Anikait Singh",
"Radu Soricut",
"Huong Tran",
"Vincent Vanhoucke",
"Quan Vuong",
"Ayzaan Wahid",
"Stefan Welker",
"Paul Wohlhart",
"Jialin Wu",
"Fei Xia",
"Ted Xiao",
"Peng Xu",
"Sichun Xu",
"Tianhe Yu",
"Brianna Zitkovich"
] | 2023-07-28 | We study how vision-language models trained on Internet-scale data can be
incorporated directly into end-to-end robotic control to boost generalization
and enable emergent semantic reasoning. Our goal is to enable a single
end-to-end trained model to both learn to map robot observations to actions and
enjoy the benefits of large-scale pretraining on language and vision-language
data from the web. To this end, we propose to co-fine-tune state-of-the-art
vision-language models on both robotic trajectory data and Internet-scale
vision-language tasks, such as visual question answering. In contrast to other
approaches, we propose a simple, general recipe to achieve this goal: in order
to fit both natural language responses and robotic actions into the same
format, we express the actions as text tokens and incorporate them directly
into the training set of the model in the same way as natural language tokens.
We refer to such category of models as vision-language-action models (VLA) and
instantiate an example of such a model, which we call RT-2. Our extensive
evaluation (6k evaluation trials) shows that our approach leads to performant
robotic policies and enables RT-2 to obtain a range of emergent capabilities
from Internet-scale training. This includes significantly improved
generalization to novel objects, the ability to interpret commands not present
in the robot training data (such as placing an object onto a particular number
or icon), and the ability to perform rudimentary reasoning in response to user
commands (such as picking up the smallest or largest object, or the one closest
to another object). We further show that incorporating chain of thought
reasoning allows RT-2 to perform multi-stage semantic reasoning, for example
figuring out which object to pick up for use as an improvised hammer (a rock),
or which type of drink is best suited for someone who is tired (an energy
drink). | null | cs.RO | [
"cs.RO",
"cs.CL",
"cs.CV",
"cs.LG"
] |
2402.11690 | HF | Vision-Flan: Scaling Human-Labeled Tasks in Visual Instruction Tuning | [
"Zhiyang Xu",
"Chao Feng",
"Rulin Shao",
"Trevor Ashby",
"Ying Shen",
"Di Jin",
"Yu Cheng",
"Qifan Wang",
"Lifu Huang"
] | 2024-02-18 | Despite vision-language models' (VLMs) remarkable capabilities as versatile
visual assistants, two substantial challenges persist within the existing VLM
frameworks: (1) lacking task diversity in pretraining and visual instruction
tuning, and (2) annotation error and bias in GPT-4 synthesized instruction
tuning data. Both challenges lead to issues such as poor generalizability,
hallucination, and catastrophic forgetting. To address these challenges, we
construct Vision-Flan, the most diverse publicly available visual instruction
tuning dataset to date, comprising 187 diverse tasks and 1,664,261 instances
sourced from academic datasets, and each task is accompanied by an
expert-written instruction. In addition, we propose a two-stage instruction
tuning framework, in which VLMs are firstly finetuned on Vision-Flan and
further tuned on GPT-4 synthesized data. We find this two-stage tuning
framework significantly outperforms the traditional single-stage visual
instruction tuning framework and achieves the state-of-the-art performance
across a wide range of multi-modal evaluation benchmarks. Finally, we conduct
in-depth analyses to understand visual instruction tuning and our findings
reveal that: (1) GPT-4 synthesized data does not substantially enhance VLMs'
capabilities but rather modulates the model's responses to human-preferred
formats; (2) A minimal quantity (e.g., 1,000) of GPT-4 synthesized data can
effectively align VLM responses with human-preference; (3) Visual instruction
tuning mainly helps large-language models (LLMs) to understand visual features. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2305.16291 | Both | Voyager: An Open-Ended Embodied Agent with Large Language Models | [
"Guanzhi Wang",
"Yuqi Xie",
"Yunfan Jiang",
"Ajay Mandlekar",
"Chaowei Xiao",
"Yuke Zhu",
"Linxi Fan",
"Anima Anandkumar"
] | 2023-05-25 | We introduce Voyager, the first LLM-powered embodied lifelong learning agent
in Minecraft that continuously explores the world, acquires diverse skills, and
makes novel discoveries without human intervention. Voyager consists of three
key components: 1) an automatic curriculum that maximizes exploration, 2) an
ever-growing skill library of executable code for storing and retrieving
complex behaviors, and 3) a new iterative prompting mechanism that incorporates
environment feedback, execution errors, and self-verification for program
improvement. Voyager interacts with GPT-4 via blackbox queries, which bypasses
the need for model parameter fine-tuning. The skills developed by Voyager are
temporally extended, interpretable, and compositional, which compounds the
agent's abilities rapidly and alleviates catastrophic forgetting. Empirically,
Voyager shows strong in-context lifelong learning capability and exhibits
exceptional proficiency in playing Minecraft. It obtains 3.3x more unique
items, travels 2.3x longer distances, and unlocks key tech tree milestones up
to 15.3x faster than prior SOTA. Voyager is able to utilize the learned skill
library in a new Minecraft world to solve novel tasks from scratch, while other
techniques struggle to generalize. We open-source our full codebase and prompts
at https://voyager.minedojo.org/. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2308.03526 | HF | AlphaStar Unplugged: Large-Scale Offline Reinforcement Learning | [
"Michaël Mathieu",
"Sherjil Ozair",
"Srivatsan Srinivasan",
"Caglar Gulcehre",
"Shangtong Zhang",
"Ray Jiang",
"Tom Le Paine",
"Richard Powell",
"Konrad Żołna",
"Julian Schrittwieser",
"David Choi",
"Petko Georgiev",
"Daniel Toyama",
"Aja Huang",
"Roman Ring",
"Igor Babuschkin",
"Timo Ewalds",
"Mahyar Bordbar",
"Sarah Henderson",
"Sergio Gómez Colmenarejo",
"Aäron van den Oord",
"Wojciech Marian Czarnecki",
"Nando de Freitas",
"Oriol Vinyals"
] | 2023-08-07 | StarCraft II is one of the most challenging simulated reinforcement learning
environments; it is partially observable, stochastic, multi-agent, and
mastering StarCraft II requires strategic planning over long time horizons with
real-time low-level execution. It also has an active professional competitive
scene. StarCraft II is uniquely suited for advancing offline RL algorithms,
both because of its challenging nature and because Blizzard has released a
massive dataset of millions of StarCraft II games played by human players. This
paper leverages that and establishes a benchmark, called AlphaStar Unplugged,
introducing unprecedented challenges for offline reinforcement learning. We
define a dataset (a subset of Blizzard's release), tools standardizing an API
for machine learning methods, and an evaluation protocol. We also present
baseline agents, including behavior cloning, offline variants of actor-critic
and MuZero. We improve the state of the art of agents using only offline data,
and we achieve 90% win rate against previously published AlphaStar behavior
cloning agent. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2407.15420 | HF | Local All-Pair Correspondence for Point Tracking | [
"Seokju Cho",
"Jiahui Huang",
"Jisu Nam",
"Honggyu An",
"Seungryong Kim",
"Joon-Young Lee"
] | 2024-07-22 | We introduce LocoTrack, a highly accurate and efficient model designed for
the task of tracking any point (TAP) across video sequences. Previous
approaches in this task often rely on local 2D correlation maps to establish
correspondences from a point in the query image to a local region in the target
image, which often struggle with homogeneous regions or repetitive features,
leading to matching ambiguities. LocoTrack overcomes this challenge with a
novel approach that utilizes all-pair correspondences across regions, i.e.,
local 4D correlation, to establish precise correspondences, with bidirectional
correspondence and matching smoothness significantly enhancing robustness
against ambiguities. We also incorporate a lightweight correlation encoder to
enhance computational efficiency, and a compact Transformer architecture to
integrate long-term temporal information. LocoTrack achieves unmatched accuracy
on all TAP-Vid benchmarks and operates at a speed almost 6 times faster than
the current state-of-the-art. | null | cs.CV | [
"cs.CV"
] |
2406.09412 | HF | Explore the Limits of Omni-modal Pretraining at Scale | [
"Yiyuan Zhang",
"Handong Li",
"Jing Liu",
"Xiangyu Yue"
] | 2024-06-13 | We propose to build omni-modal intelligence, which is capable of
understanding any modality and learning universal representations. In specific,
we propose a scalable pretraining paradigm, named Multimodal Context (MiCo),
which can scale up the numbers of modalities and amount of data, together with
the model parameters, in the pretraining process. With MiCo, the pretrained
models show significant emergent abilities in multimodal learning, which are
evaluated on the following tasks: i) single-modality perception benchmarks of
10 different modalities, ii) 25 cross-modality understanding tasks of
retrieval, question-answering, captioning, and iii) 18 multimodal large
language model benchmarks. Our models establish 37 new records for
state-of-the-art performance. We hope that our research could contribute to the
development of omni-modal intelligence. Code and Models are at
https://github.com/invictus717/MiCo | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.MM"
] |
2405.14677 | HF | RectifID: Personalizing Rectified Flow with Anchored Classifier Guidance | [
"Zhicheng Sun",
"Zhenhao Yang",
"Yang Jin",
"Haozhe Chi",
"Kun Xu",
"Kun Xu",
"Liwei Chen",
"Hao Jiang",
"Di Zhang",
"Yang Song",
"Kun Gai",
"Yadong Mu"
] | 2024-05-23 | Customizing diffusion models to generate identity-preserving images from
user-provided reference images is an intriguing new problem. The prevalent
approaches typically require training on extensive domain-specific images to
achieve identity preservation, which lacks flexibility across different use
cases. To address this issue, we exploit classifier guidance, a training-free
technique that steers diffusion models using an existing classifier, for
personalized image generation. Our study shows that based on a recent rectified
flow framework, the major limitation of vanilla classifier guidance in
requiring a special classifier can be resolved with a simple fixed-point
solution, allowing flexible personalization with off-the-shelf image
discriminators. Moreover, its solving procedure proves to be stable when
anchored to a reference flow trajectory, with a convergence guarantee. The
derived method is implemented on rectified flow with different off-the-shelf
image discriminators, delivering advantageous personalization results for human
faces, live subjects, and certain objects. Code is available at
https://github.com/feifeiobama/RectifID. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2402.06102 | HF | Real-World Fluid Directed Rigid Body Control via Deep Reinforcement Learning | [
"Mohak Bhardwaj",
"Thomas Lampe",
"Michael Neunert",
"Francesco Romano",
"Abbas Abdolmaleki",
"Arunkumar Byravan",
"Markus Wulfmeier",
"Martin Riedmiller",
"Jonas Buchli"
] | 2024-02-08 | Recent advances in real-world applications of reinforcement learning (RL)
have relied on the ability to accurately simulate systems at scale. However,
domains such as fluid dynamical systems exhibit complex dynamic phenomena that
are hard to simulate at high integration rates, limiting the direct application
of modern deep RL algorithms to often expensive or safety critical hardware. In
this work, we introduce "Box o Flows", a novel benchtop experimental control
system for systematically evaluating RL algorithms in dynamic real-world
scenarios. We describe the key components of the Box o Flows, and through a
series of experiments demonstrate how state-of-the-art model-free RL algorithms
can synthesize a variety of complex behaviors via simple reward specifications.
Furthermore, we explore the role of offline RL in data-efficient hypothesis
testing by reusing past experiences. We believe that the insights gained from
this preliminary study and the availability of systems like the Box o Flows
support the way forward for developing systematic RL algorithms that can be
generally applied to complex, dynamical systems. Supplementary material and
videos of experiments are available at
https://sites.google.com/view/box-o-flows/home. | null | cs.RO | [
"cs.RO",
"cs.LG"
] |
2402.09126 | HF | MPIrigen: MPI Code Generation through Domain-Specific Language Models | [
"Nadav Schneider",
"Niranjan Hasabnis",
"Vy A. Vo",
"Tal Kadosh",
"Neva Krien",
"Mihai Capotă",
"Guy Tamir",
"Ted Willke",
"Nesreen Ahmed",
"Yuval Pinter",
"Timothy Mattson",
"Gal Oren"
] | 2024-02-14 | The imperative need to scale computation across numerous nodes highlights the
significance of efficient parallel computing, particularly in the realm of
Message Passing Interface (MPI) integration. The challenging parallel
programming task of generating MPI-based parallel programs has remained
unexplored. This study first investigates the performance of state-of-the-art
language models in generating MPI-based parallel programs. Findings reveal that
widely used models such as GPT-3.5 and PolyCoder (specialized multi-lingual
code models) exhibit notable performance degradation, when generating MPI-based
programs compared to general-purpose programs. In contrast, domain-specific
models such as MonoCoder, which are pretrained on MPI-related programming
languages of C and C++, outperform larger models. Subsequently, we introduce a
dedicated downstream task of MPI-based program generation by fine-tuning
MonoCoder on HPCorpusMPI. We call the resulting model as MPIrigen. We propose
an innovative preprocessing for completion only after observing the whole code,
thus enabling better completion with a wider context. Comparative analysis
against GPT-3.5 zero-shot performance, using a novel HPC-oriented evaluation
method, demonstrates that MPIrigen excels in generating accurate MPI functions
up to 0.8 accuracy in location and function predictions, and with more than 0.9
accuracy for argument predictions. The success of this tailored solution
underscores the importance of domain-specific fine-tuning in optimizing
language models for parallel computing code generation, paving the way for a
new generation of automatic parallelization tools. The sources of this work are
available at our GitHub MPIrigen repository:
https://github.com/Scientific-Computing-Lab-NRCN/MPI-rigen | null | cs.DC | [
"cs.DC",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.SE"
] |
2306.15091 | HF | Understanding In-Context Learning via Supportive Pretraining Data | [
"Xiaochuang Han",
"Daniel Simig",
"Todor Mihaylov",
"Yulia Tsvetkov",
"Asli Celikyilmaz",
"Tianlu Wang"
] | 2023-06-26 | In-context learning (ICL) improves language models' performance on a variety
of NLP tasks by simply demonstrating a handful of examples at inference time.
It is not well understood why ICL ability emerges, as the model has never been
specifically trained on such demonstrations. Unlike prior work that explores
implicit mechanisms behind ICL, we study ICL via investigating the pretraining
data. Specifically, we first adapt an iterative, gradient-based approach to
find a small subset of pretraining data that supports ICL. We observe that a
continued pretraining on this small subset significantly improves the model's
ICL ability, by up to 18%. We then compare the supportive subset constrastively
with random subsets of pretraining data and discover: (1) The supportive
pretraining data to ICL do not have a higher domain relevance to downstream
tasks. (2) The supportive pretraining data have a higher mass of rarely
occurring, long-tail tokens. (3) The supportive pretraining data are
challenging examples where the information gain from long-range context is
below average, indicating learning to incorporate difficult long-range context
encourages ICL. Our work takes a first step towards understanding ICL via
analyzing instance-level pretraining data. Our insights have a potential to
enhance the ICL ability of language models by actively guiding the construction
of pretraining data in the future. | null | cs.CL | [
"cs.CL"
] |
2309.12499 | HF | CodePlan: Repository-level Coding using LLMs and Planning | [
"Ramakrishna Bairi",
"Atharv Sonwane",
"Aditya Kanade",
"Vageesh D C",
"Arun Iyer",
"Suresh Parthasarathy",
"Sriram Rajamani",
"B. Ashok",
"Shashank Shet"
] | 2023-09-21 | Software engineering activities such as package migration, fixing errors
reports from static analysis or testing, and adding type annotations or other
specifications to a codebase, involve pervasively editing the entire repository
of code. We formulate these activities as repository-level coding tasks.
Recent tools like GitHub Copilot, which are powered by Large Language Models
(LLMs), have succeeded in offering high-quality solutions to localized coding
problems. Repository-level coding tasks are more involved and cannot be solved
directly using LLMs, since code within a repository is inter-dependent and the
entire repository may be too large to fit into the prompt. We frame
repository-level coding as a planning problem and present a task-agnostic
framework, called CodePlan to solve it. CodePlan synthesizes a multi-step chain
of edits (plan), where each step results in a call to an LLM on a code location
with context derived from the entire repository, previous code changes and
task-specific instructions. CodePlan is based on a novel combination of an
incremental dependency analysis, a change may-impact analysis and an adaptive
planning algorithm.
We evaluate the effectiveness of CodePlan on two repository-level tasks:
package migration (C#) and temporal code edits (Python). Each task is evaluated
on multiple code repositories, each of which requires inter-dependent changes
to many files (between 2-97 files). Coding tasks of this level of complexity
have not been automated using LLMs before. Our results show that CodePlan has
better match with the ground truth compared to baselines. CodePlan is able to
get 5/6 repositories to pass the validity checks (e.g., to build without errors
and make correct code edits) whereas the baselines (without planning but with
the same type of contextual information as CodePlan) cannot get any of the
repositories to pass them. | null | cs.SE | [
"cs.SE"
] |
2407.07874 | HF | Toto: Time Series Optimized Transformer for Observability | [
"Ben Cohen",
"Emaad Khwaja",
"Kan Wang",
"Charles Masson",
"Elise Ramé",
"Youssef Doubli",
"Othmane Abou-Amal"
] | 2024-07-10 | This technical report describes the Time Series Optimized Transformer for
Observability (Toto), a new state of the art foundation model for time series
forecasting developed by Datadog. In addition to advancing the state of the art
on generalized time series benchmarks in domains such as electricity and
weather, this model is the first general-purpose time series forecasting
foundation model to be specifically tuned for observability metrics.
Toto was trained on a dataset of one trillion time series data points, the
largest among all currently published time series foundation models. Alongside
publicly available time series datasets, 75% of the data used to train Toto
consists of fully anonymous numerical metric data points from the Datadog
platform.
In our experiments, Toto outperforms existing time series foundation models
on observability data. It does this while also excelling at general-purpose
forecasting tasks, achieving state-of-the-art zero-shot performance on multiple
open benchmark datasets. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2403.15371 | HF | Can large language models explore in-context? | [
"Akshay Krishnamurthy",
"Keegan Harris",
"Dylan J. Foster",
"Cyril Zhang",
"Aleksandrs Slivkins"
] | 2024-03-22 | We investigate the extent to which contemporary Large Language Models (LLMs)
can engage in exploration, a core capability in reinforcement learning and
decision making. We focus on native performance of existing LLMs, without
training interventions. We deploy LLMs as agents in simple multi-armed bandit
environments, specifying the environment description and interaction history
entirely in-context, i.e., within the LLM prompt. We experiment with GPT-3.5,
GPT-4, and Llama2, using a variety of prompt designs, and find that the models
do not robustly engage in exploration without substantial interventions: i)
Across all of our experiments, only one configuration resulted in satisfactory
exploratory behavior: GPT-4 with chain-of-thought reasoning and an externally
summarized interaction history, presented as sufficient statistics; ii) All
other configurations did not result in robust exploratory behavior, including
those with chain-of-thought reasoning but unsummarized history. Although these
findings can be interpreted positively, they suggest that external
summarization -- which may not be possible in more complex settings -- is
important for obtaining desirable behavior from LLM agents. We conclude that
non-trivial algorithmic interventions, such as fine-tuning or dataset curation,
may be required to empower LLM-based decision making agents in complex
settings. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2307.11118 | HF | Diffusion Sampling with Momentum for Mitigating Divergence Artifacts | [
"Suttisak Wizadwongsa",
"Worameth Chinchuthakun",
"Pramook Khungurn",
"Amit Raj",
"Supasorn Suwajanakorn"
] | 2023-07-20 | Despite the remarkable success of diffusion models in image generation, slow
sampling remains a persistent issue. To accelerate the sampling process, prior
studies have reformulated diffusion sampling as an ODE/SDE and introduced
higher-order numerical methods. However, these methods often produce divergence
artifacts, especially with a low number of sampling steps, which limits the
achievable acceleration. In this paper, we investigate the potential causes of
these artifacts and suggest that the small stability regions of these methods
could be the principal cause. To address this issue, we propose two novel
techniques. The first technique involves the incorporation of Heavy Ball (HB)
momentum, a well-known technique for improving optimization, into existing
diffusion numerical methods to expand their stability regions. We also prove
that the resulting methods have first-order convergence. The second technique,
called Generalized Heavy Ball (GHVB), constructs a new high-order method that
offers a variable trade-off between accuracy and artifact suppression.
Experimental results show that our techniques are highly effective in reducing
artifacts and improving image quality, surpassing state-of-the-art diffusion
solvers on both pixel-based and latent-based diffusion models for low-step
sampling. Our research provides novel insights into the design of numerical
methods for future diffusion work. | null | cs.CV | [
"cs.CV"
] |
2306.03802 | HF | Learning to Ground Instructional Articles in Videos through Narrations | [
"Effrosyni Mavroudi",
"Triantafyllos Afouras",
"Lorenzo Torresani"
] | 2023-06-06 | In this paper we present an approach for localizing steps of procedural
activities in narrated how-to videos. To deal with the scarcity of labeled data
at scale, we source the step descriptions from a language knowledge base
(wikiHow) containing instructional articles for a large variety of procedural
tasks. Without any form of manual supervision, our model learns to temporally
ground the steps of procedural articles in how-to videos by matching three
modalities: frames, narrations, and step descriptions. Specifically, our method
aligns steps to video by fusing information from two distinct pathways: i) {\em
direct} alignment of step descriptions to frames, ii) {\em indirect} alignment
obtained by composing steps-to-narrations with narrations-to-video
correspondences. Notably, our approach performs global temporal grounding of
all steps in an article at once by exploiting order information, and is trained
with step pseudo-labels which are iteratively refined and aggressively
filtered. In order to validate our model we introduce a new evaluation
benchmark -- HT-Step -- obtained by manually annotating a 124-hour subset of
HowTo100M\footnote{A test server is accessible at
\url{https://eval.ai/web/challenges/challenge-page/2082}.} with steps sourced
from wikiHow articles. Experiments on this benchmark as well as zero-shot
evaluations on CrossTask demonstrate that our multi-modality alignment yields
dramatic gains over several baselines and prior works. Finally, we show that
our inner module for matching narration-to-video outperforms by a large margin
the state of the art on the HTM-Align narration-video alignment benchmark. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2110.01529 | AnswerAI | A Proposed Conceptual Framework for a Representational Approach to Information Retrieval | [
"Jimmy Lin"
] | 2021-10-04 | This paper outlines a conceptual framework for understanding recent
developments in information retrieval and natural language processing that
attempts to integrate dense and sparse retrieval methods. I propose a
representational approach that breaks the core text retrieval problem into a
logical scoring model and a physical retrieval model. The scoring model is
defined in terms of encoders, which map queries and documents into a
representational space, and a comparison function that computes query-document
scores. The physical retrieval model defines how a system produces the top-$k$
scoring documents from an arbitrarily large corpus with respect to a query. The
scoring model can be further analyzed along two dimensions: dense vs. sparse
representations and supervised (learned) vs. unsupervised approaches. I show
that many recently proposed retrieval methods, including multi-stage ranking
designs, can be seen as different parameterizations in this framework, and that
a unified view suggests a number of open research questions, providing a
roadmap for future work. As a bonus, this conceptual framework establishes
connections to sentence similarity tasks in natural language processing and
information access "technologies" prior to the dawn of computing. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2406.12066 | HF | Language Models are Surprisingly Fragile to Drug Names in Biomedical Benchmarks | [
"Jack Gallifant",
"Shan Chen",
"Pedro Moreira",
"Nikolaj Munch",
"Mingye Gao",
"Jackson Pond",
"Leo Anthony Celi",
"Hugo Aerts",
"Thomas Hartvigsen",
"Danielle Bitterman"
] | 2024-06-17 | Medical knowledge is context-dependent and requires consistent reasoning
across various natural language expressions of semantically equivalent phrases.
This is particularly crucial for drug names, where patients often use brand
names like Advil or Tylenol instead of their generic equivalents. To study
this, we create a new robustness dataset, RABBITS, to evaluate performance
differences on medical benchmarks after swapping brand and generic drug names
using physician expert annotations.
We assess both open-source and API-based LLMs on MedQA and MedMCQA, revealing
a consistent performance drop ranging from 1-10\%. Furthermore, we identify a
potential source of this fragility as the contamination of test data in widely
used pre-training datasets. All code is accessible at
https://github.com/BittermanLab/RABBITS, and a HuggingFace leaderboard is
available at https://huggingface.co/spaces/AIM-Harvard/rabbits-leaderboard. | null | cs.CL | [
"cs.CL"
] |
2312.16693 | HF | I2V-Adapter: A General Image-to-Video Adapter for Diffusion Models | [
"Xun Guo",
"Mingwu Zheng",
"Liang Hou",
"Yuan Gao",
"Yufan Deng",
"Pengfei Wan",
"Di Zhang",
"Yufan Liu",
"Weiming Hu",
"Zhengjun Zha",
"Haibin Huang",
"Chongyang Ma"
] | 2023-12-27 | Text-guided image-to-video (I2V) generation aims to generate a coherent video
that preserves the identity of the input image and semantically aligns with the
input prompt. Existing methods typically augment pretrained text-to-video (T2V)
models by either concatenating the image with noised video frames channel-wise
before being fed into the model or injecting the image embedding produced by
pretrained image encoders in cross-attention modules. However, the former
approach often necessitates altering the fundamental weights of pretrained T2V
models, thus restricting the model's compatibility within the open-source
communities and disrupting the model's prior knowledge. Meanwhile, the latter
typically fails to preserve the identity of the input image. We present
I2V-Adapter to overcome such limitations. I2V-Adapter adeptly propagates the
unnoised input image to subsequent noised frames through a cross-frame
attention mechanism, maintaining the identity of the input image without any
changes to the pretrained T2V model. Notably, I2V-Adapter only introduces a few
trainable parameters, significantly alleviating the training cost and also
ensures compatibility with existing community-driven personalized models and
control tools. Moreover, we propose a novel Frame Similarity Prior to balance
the motion amplitude and the stability of generated videos through two
adjustable control coefficients. Our experimental results demonstrate that
I2V-Adapter is capable of producing high-quality videos. This performance,
coupled with its agility and adaptability, represents a substantial advancement
in the field of I2V, particularly for personalized and controllable
applications. | null | cs.CV | [
"cs.CV"
] |
2307.05463 | HF | EgoVLPv2: Egocentric Video-Language Pre-training with Fusion in the Backbone | [
"Shraman Pramanick",
"Yale Song",
"Sayan Nag",
"Kevin Qinghong Lin",
"Hardik Shah",
"Mike Zheng Shou",
"Rama Chellappa",
"Pengchuan Zhang"
] | 2023-07-11 | Video-language pre-training (VLP) has become increasingly important due to
its ability to generalize to various vision and language tasks. However,
existing egocentric VLP frameworks utilize separate video and language encoders
and learn task-specific cross-modal information only during fine-tuning,
limiting the development of a unified system. In this work, we introduce the
second generation of egocentric video-language pre-training (EgoVLPv2), a
significant improvement from the previous generation, by incorporating
cross-modal fusion directly into the video and language backbones. EgoVLPv2
learns strong video-text representation during pre-training and reuses the
cross-modal attention modules to support different downstream tasks in a
flexible and efficient manner, reducing fine-tuning costs. Moreover, our
proposed fusion in the backbone strategy is more lightweight and
compute-efficient than stacking additional fusion-specific layers. Extensive
experiments on a wide range of VL tasks demonstrate the effectiveness of
EgoVLPv2 by achieving consistent state-of-the-art performance over strong
baselines across all downstream. Our project page can be found at
https://shramanpramanick.github.io/EgoVLPv2/. | null | cs.CV | [
"cs.CV"
] |
2310.16789 | HF | Detecting Pretraining Data from Large Language Models | [
"Weijia Shi",
"Anirudh Ajith",
"Mengzhou Xia",
"Yangsibo Huang",
"Daogao Liu",
"Terra Blevins",
"Danqi Chen",
"Luke Zettlemoyer"
] | 2023-10-25 | Although large language models (LLMs) are widely deployed, the data used to
train them is rarely disclosed. Given the incredible scale of this data, up to
trillions of tokens, it is all but certain that it includes potentially
problematic text such as copyrighted materials, personally identifiable
information, and test data for widely reported reference benchmarks. However,
we currently have no way to know which data of these types is included or in
what proportions. In this paper, we study the pretraining data detection
problem: given a piece of text and black-box access to an LLM without knowing
the pretraining data, can we determine if the model was trained on the provided
text? To facilitate this study, we introduce a dynamic benchmark WIKIMIA that
uses data created before and after model training to support gold truth
detection. We also introduce a new detection method Min-K% Prob based on a
simple hypothesis: an unseen example is likely to contain a few outlier words
with low probabilities under the LLM, while a seen example is less likely to
have words with such low probabilities. Min-K% Prob can be applied without any
knowledge about the pretraining corpus or any additional training, departing
from previous detection methods that require training a reference model on data
that is similar to the pretraining data. Moreover, our experiments demonstrate
that Min-K% Prob achieves a 7.4% improvement on WIKIMIA over these previous
methods. We apply Min-K% Prob to three real-world scenarios, copyrighted book
detection, contaminated downstream example detection and privacy auditing of
machine unlearning, and find it a consistently effective solution. | null | cs.CL | [
"cs.CL",
"cs.CR",
"cs.LG"
] |
2409.00138 | HF | PrivacyLens: Evaluating Privacy Norm Awareness of Language Models in Action | [
"Yijia Shao",
"Tianshi Li",
"Weiyan Shi",
"Yanchen Liu",
"Diyi Yang"
] | 2024-08-29 | As language models (LMs) are widely utilized in personalized communication
scenarios (e.g., sending emails, writing social media posts) and endowed with a
certain level of agency, ensuring they act in accordance with the contextual
privacy norms becomes increasingly critical. However, quantifying the privacy
norm awareness of LMs and the emerging privacy risk in LM-mediated
communication is challenging due to (1) the contextual and long-tailed nature
of privacy-sensitive cases, and (2) the lack of evaluation approaches that
capture realistic application scenarios. To address these challenges, we
propose PrivacyLens, a novel framework designed to extend privacy-sensitive
seeds into expressive vignettes and further into agent trajectories, enabling
multi-level evaluation of privacy leakage in LM agents' actions. We instantiate
PrivacyLens with a collection of privacy norms grounded in privacy literature
and crowdsourced seeds. Using this dataset, we reveal a discrepancy between LM
performance in answering probing questions and their actual behavior when
executing user instructions in an agent setup. State-of-the-art LMs, like GPT-4
and Llama-3-70B, leak sensitive information in 25.68% and 38.69% of cases, even
when prompted with privacy-enhancing instructions. We also demonstrate the
dynamic nature of PrivacyLens by extending each seed into multiple trajectories
to red-team LM privacy leakage risk. Dataset and code are available at
https://github.com/SALT-NLP/PrivacyLens. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CR"
] |
2405.12250 | HF | Your Transformer is Secretly Linear | [
"Anton Razzhigaev",
"Matvey Mikhalchuk",
"Elizaveta Goncharova",
"Nikolai Gerasimenko",
"Ivan Oseledets",
"Denis Dimitrov",
"Andrey Kuznetsov"
] | 2024-05-19 | This paper reveals a novel linear characteristic exclusive to transformer
decoders, including models such as GPT, LLaMA, OPT, BLOOM and others. We
analyze embedding transformations between sequential layers, uncovering a
near-perfect linear relationship (Procrustes similarity score of 0.99).
However, linearity decreases when the residual component is removed due to a
consistently low output norm of the transformer layer. Our experiments show
that removing or linearly approximating some of the most linear blocks of
transformers does not affect significantly the loss or model performance.
Moreover, in our pretraining experiments on smaller models we introduce a
cosine-similarity-based regularization, aimed at reducing layer linearity. This
regularization improves performance metrics on benchmarks like Tiny Stories and
SuperGLUE and as well successfully decreases the linearity of the models. This
study challenges the existing understanding of transformer architectures,
suggesting that their operation may be more linear than previously assumed. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2306.12760 | HF | Blended-NeRF: Zero-Shot Object Generation and Blending in Existing Neural Radiance Fields | [
"Ori Gordon",
"Omri Avrahami",
"Dani Lischinski"
] | 2023-06-22 | Editing a local region or a specific object in a 3D scene represented by a
NeRF or consistently blending a new realistic object into the scene is
challenging, mainly due to the implicit nature of the scene representation. We
present Blended-NeRF, a robust and flexible framework for editing a specific
region of interest in an existing NeRF scene, based on text prompts, along with
a 3D ROI box. Our method leverages a pretrained language-image model to steer
the synthesis towards a user-provided text prompt, along with a 3D MLP model
initialized on an existing NeRF scene to generate the object and blend it into
a specified region in the original scene. We allow local editing by localizing
a 3D ROI box in the input scene, and blend the content synthesized inside the
ROI with the existing scene using a novel volumetric blending technique. To
obtain natural looking and view-consistent results, we leverage existing and
new geometric priors and 3D augmentations for improving the visual fidelity of
the final result. We test our framework both qualitatively and quantitatively
on a variety of real 3D scenes and text prompts, demonstrating realistic
multi-view consistent results with much flexibility and diversity compared to
the baselines. Finally, we show the applicability of our framework for several
3D editing applications, including adding new objects to a scene,
removing/replacing/altering existing objects, and texture conversion. | 10.1109/ICCVW60793.2023.00316 | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2212.08153 | AnswerAI | FiDO: Fusion-in-Decoder optimized for stronger performance and faster inference | [
"Michiel de Jong",
"Yury Zemlyanskiy",
"Joshua Ainslie",
"Nicholas FitzGerald",
"Sumit Sanghai",
"Fei Sha",
"William Cohen"
] | 2022-12-15 | Fusion-in-Decoder (FiD) is a powerful retrieval-augmented language model that
sets the state-of-the-art on many knowledge-intensive NLP tasks. However, the
architecture used for FiD was chosen by making minimal modifications to a
standard T5 model, which our analysis shows to be highly suboptimal for a
retrieval-augmented model. In particular, FiD allocates the bulk of FLOPs to
the encoder, while the majority of inference time results from memory bandwidth
constraints in the decoder. We propose two simple changes to the FiD
architecture to alleviate memory bandwidth constraints, and speed up inference
by 7x. This allows us to use a much larger decoder at modest cost. We denote
FiD with the above modifications as FiDO, and show that it strongly improves
performance over existing FiD models for a wide range of inference budgets. For
example, FiDO-Large-XXL performs faster inference than FiD-Base and achieves
better performance than FiD-Large. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.01694 | Both | Evaluating Language Models for Mathematics through Interactions | [
"Katherine M. Collins",
"Albert Q. Jiang",
"Simon Frieder",
"Lionel Wong",
"Miri Zilka",
"Umang Bhatt",
"Thomas Lukasiewicz",
"Yuhuai Wu",
"Joshua B. Tenenbaum",
"William Hart",
"Timothy Gowers",
"Wenda Li",
"Adrian Weller",
"Mateja Jamnik"
] | 2023-06-02 | There is much excitement about the opportunity to harness the power of large
language models (LLMs) when building problem-solving assistants. However, the
standard methodology of evaluating LLMs relies on static pairs of inputs and
outputs, and is insufficient for making an informed decision about which LLMs
and under which assistive settings can they be sensibly used. Static assessment
fails to account for the essential interactive element in LLM deployment, and
therefore limits how we understand language model capabilities. We introduce
CheckMate, an adaptable prototype platform for humans to interact with and
evaluate LLMs. We conduct a study with CheckMate to evaluate three language
models (InstructGPT, ChatGPT, and GPT-4) as assistants in proving
undergraduate-level mathematics, with a mixed cohort of participants from
undergraduate students to professors of mathematics. We release the resulting
interaction and rating dataset, MathConverse. By analysing MathConverse, we
derive a taxonomy of human behaviours and uncover that despite a generally
positive correlation, there are notable instances of divergence between
correctness and perceived helpfulness in LLM generations, amongst other
findings. Further, we garner a more granular understanding of GPT-4
mathematical problem-solving through a series of case studies, contributed by
expert mathematicians. We conclude with actionable takeaways for ML
practitioners and mathematicians: models that communicate uncertainty respond
well to user corrections, and are more interpretable and concise may constitute
better assistants. Interactive evaluation is a promising way to navigate the
capability of these models; humans should be aware of language models'
algebraic fallibility and discern where they are appropriate to use. | null | cs.LG | [
"cs.LG",
"cs.HC"
] |
2401.02038 | HF | Understanding LLMs: A Comprehensive Overview from Training to Inference | [
"Yiheng Liu",
"Hao He",
"Tianle Han",
"Xu Zhang",
"Mengyuan Liu",
"Jiaming Tian",
"Yutong Zhang",
"Jiaqi Wang",
"Xiaohui Gao",
"Tianyang Zhong",
"Yi Pan",
"Shaochen Xu",
"Zihao Wu",
"Zhengliang Liu",
"Xin Zhang",
"Shu Zhang",
"Xintao Hu",
"Tuo Zhang",
"Ning Qiang",
"Tianming Liu",
"Bao Ge"
] | 2024-01-04 | The introduction of ChatGPT has led to a significant increase in the
utilization of Large Language Models (LLMs) for addressing downstream tasks.
There's an increasing focus on cost-efficient training and deployment within
this context. Low-cost training and deployment of LLMs represent the future
development trend. This paper reviews the evolution of large language model
training techniques and inference deployment technologies aligned with this
emerging trend. The discussion on training includes various aspects, including
data preprocessing, training architecture, pre-training tasks, parallel
training, and relevant content related to model fine-tuning. On the inference
side, the paper covers topics such as model compression, parallel computation,
memory scheduling, and structural optimization. It also explores LLMs'
utilization and provides insights into their future development. | null | cs.CL | [
"cs.CL"
] |
2404.07616 | HF | Audio Dialogues: Dialogues dataset for audio and music understanding | [
"Arushi Goel",
"Zhifeng Kong",
"Rafael Valle",
"Bryan Catanzaro"
] | 2024-04-11 | Existing datasets for audio understanding primarily focus on single-turn
interactions (i.e. audio captioning, audio question answering) for describing
audio in natural language, thus limiting understanding audio via interactive
dialogue. To address this gap, we introduce Audio Dialogues: a multi-turn
dialogue dataset containing 163.8k samples for general audio sounds and music.
In addition to dialogues, Audio Dialogues also has question-answer pairs to
understand and compare multiple input audios together. Audio Dialogues
leverages a prompting-based approach and caption annotations from existing
datasets to generate multi-turn dialogues using a Large Language Model (LLM).
We evaluate existing audio-augmented large language models on our proposed
dataset to demonstrate the complexity and applicability of Audio Dialogues. Our
code for generating the dataset will be made publicly available. Detailed
prompts and generated dialogues can be found on the demo website
https://audiodialogues.github.io/. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2307.15199 | HF | PromptStyler: Prompt-driven Style Generation for Source-free Domain Generalization | [
"Junhyeong Cho",
"Gilhyun Nam",
"Sungyeon Kim",
"Hunmin Yang",
"Suha Kwak"
] | 2023-07-27 | In a joint vision-language space, a text feature (e.g., from "a photo of a
dog") could effectively represent its relevant image features (e.g., from dog
photos). Also, a recent study has demonstrated the cross-modal transferability
phenomenon of this joint space. From these observations, we propose
PromptStyler which simulates various distribution shifts in the joint space by
synthesizing diverse styles via prompts without using any images to deal with
source-free domain generalization. The proposed method learns to generate a
variety of style features (from "a S* style of a") via learnable style word
vectors for pseudo-words S*. To ensure that learned styles do not distort
content information, we force style-content features (from "a S* style of a
[class]") to be located nearby their corresponding content features (from
"[class]") in the joint vision-language space. After learning style word
vectors, we train a linear classifier using synthesized style-content features.
PromptStyler achieves the state of the art on PACS, VLCS, OfficeHome and
DomainNet, even though it does not require any images for training. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2407.10457 | HF | The Good, The Bad, and The Greedy: Evaluation of LLMs Should Not Ignore Non-Determinism | [
"Yifan Song",
"Guoyin Wang",
"Sujian Li",
"Bill Yuchen Lin"
] | 2024-07-15 | Current evaluations of large language models (LLMs) often overlook
non-determinism, typically focusing on a single output per example. This limits
our understanding of LLM performance variability in real-world applications.
Our study addresses this issue by exploring key questions about the performance
differences between greedy decoding and sampling, identifying benchmarks'
consistency regarding non-determinism, and examining unique model behaviors.
Through extensive experiments, we observe that greedy decoding generally
outperforms sampling methods for most evaluated tasks. We also observe
consistent performance across different LLM sizes and alignment methods, noting
that alignment can reduce sampling variance. Moreover, our best-of-N sampling
approach demonstrates that smaller LLMs can match or surpass larger models such
as GPT-4-Turbo, highlighting the untapped potential of smaller LLMs. This
research shows the importance of considering non-determinism in LLM evaluations
and provides insights for future LLM development and evaluation. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.06070 | HF | ControlNeXt: Powerful and Efficient Control for Image and Video Generation | [
"Bohao Peng",
"Jian Wang",
"Yuechen Zhang",
"Wenbo Li",
"Ming-Chang Yang",
"Jiaya Jia"
] | 2024-08-12 | Diffusion models have demonstrated remarkable and robust abilities in both
image and video generation. To achieve greater control over generated results,
researchers introduce additional architectures, such as ControlNet, Adapters
and ReferenceNet, to integrate conditioning controls. However, current
controllable generation methods often require substantial additional
computational resources, especially for video generation, and face challenges
in training or exhibit weak control. In this paper, we propose ControlNeXt: a
powerful and efficient method for controllable image and video generation. We
first design a more straightforward and efficient architecture, replacing heavy
additional branches with minimal additional cost compared to the base model.
Such a concise structure also allows our method to seamlessly integrate with
other LoRA weights, enabling style alteration without the need for additional
training. As for training, we reduce up to 90% of learnable parameters compared
to the alternatives. Furthermore, we propose another method called Cross
Normalization (CN) as a replacement for Zero-Convolution' to achieve fast and
stable training convergence. We have conducted various experiments with
different base models across images and videos, demonstrating the robustness of
our method. | null | cs.CV | [
"cs.CV"
] |
2311.07069 | HF | Music ControlNet: Multiple Time-varying Controls for Music Generation | [
"Shih-Lun Wu",
"Chris Donahue",
"Shinji Watanabe",
"Nicholas J. Bryan"
] | 2023-11-13 | Text-to-music generation models are now capable of generating high-quality
music audio in broad styles. However, text control is primarily suitable for
the manipulation of global musical attributes like genre, mood, and tempo, and
is less suitable for precise control over time-varying attributes such as the
positions of beats in time or the changing dynamics of the music. We propose
Music ControlNet, a diffusion-based music generation model that offers multiple
precise, time-varying controls over generated audio. To imbue text-to-music
models with time-varying control, we propose an approach analogous to
pixel-wise control of the image-domain ControlNet method. Specifically, we
extract controls from training audio yielding paired data, and fine-tune a
diffusion-based conditional generative model over audio spectrograms given
melody, dynamics, and rhythm controls. While the image-domain Uni-ControlNet
method already allows generation with any subset of controls, we devise a new
strategy to allow creators to input controls that are only partially specified
in time. We evaluate both on controls extracted from audio and controls we
expect creators to provide, demonstrating that we can generate realistic music
that corresponds to control inputs in both settings. While few comparable music
generation models exist, we benchmark against MusicGen, a recent model that
accepts text and melody input, and show that our model generates music that is
49% more faithful to input melodies despite having 35x fewer parameters,
training on 11x less data, and enabling two additional forms of time-varying
control. Sound examples can be found at https://MusicControlNet.github.io/web/. | null | cs.SD | [
"cs.SD",
"eess.AS"
] |
2306.07075 | Both | Large Language Models as Tax Attorneys: A Case Study in Legal Capabilities Emergence | [
"John J. Nay",
"David Karamardian",
"Sarah B. Lawsky",
"Wenting Tao",
"Meghana Bhat",
"Raghav Jain",
"Aaron Travis Lee",
"Jonathan H. Choi",
"Jungo Kasai"
] | 2023-06-12 | Better understanding of Large Language Models' (LLMs) legal analysis
abilities can contribute to improving the efficiency of legal services,
governing artificial intelligence, and leveraging LLMs to identify
inconsistencies in law. This paper explores LLM capabilities in applying tax
law. We choose this area of law because it has a structure that allows us to
set up automated validation pipelines across thousands of examples, requires
logical reasoning and maths skills, and enables us to test LLM capabilities in
a manner relevant to real-world economic lives of citizens and companies. Our
experiments demonstrate emerging legal understanding capabilities, with
improved performance in each subsequent OpenAI model release. We experiment
with retrieving and utilising the relevant legal authority to assess the impact
of providing additional legal context to LLMs. Few-shot prompting, presenting
examples of question-answer pairs, is also found to significantly enhance the
performance of the most advanced model, GPT-4. The findings indicate that LLMs,
particularly when combined with prompting enhancements and the correct legal
texts, can perform at high levels of accuracy but not yet at expert tax lawyer
levels. As LLMs continue to advance, their ability to reason about law
autonomously could have significant implications for the legal profession and
AI governance. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY"
] |
2406.10111 | HF | GaussianSR: 3D Gaussian Super-Resolution with 2D Diffusion Priors | [
"Xiqian Yu",
"Hanxin Zhu",
"Tianyu He",
"Zhibo Chen"
] | 2024-06-14 | Achieving high-resolution novel view synthesis (HRNVS) from low-resolution
input views is a challenging task due to the lack of high-resolution data.
Previous methods optimize high-resolution Neural Radiance Field (NeRF) from
low-resolution input views but suffer from slow rendering speed. In this work,
we base our method on 3D Gaussian Splatting (3DGS) due to its capability of
producing high-quality images at a faster rendering speed. To alleviate the
shortage of data for higher-resolution synthesis, we propose to leverage
off-the-shelf 2D diffusion priors by distilling the 2D knowledge into 3D with
Score Distillation Sampling (SDS). Nevertheless, applying SDS directly to
Gaussian-based 3D super-resolution leads to undesirable and redundant 3D
Gaussian primitives, due to the randomness brought by generative priors. To
mitigate this issue, we introduce two simple yet effective techniques to reduce
stochastic disturbances introduced by SDS. Specifically, we 1) shrink the range
of diffusion timestep in SDS with an annealing strategy; 2) randomly discard
redundant Gaussian primitives during densification. Extensive experiments have
demonstrated that our proposed GaussainSR can attain high-quality results for
HRNVS with only low-resolution inputs on both synthetic and real-world
datasets. Project page: https://chchnii.github.io/GaussianSR/ | null | cs.CV | [
"cs.CV"
] |
2308.01477 | HF | HANDAL: A Dataset of Real-World Manipulable Object Categories with Pose Annotations, Affordances, and Reconstructions | [
"Andrew Guo",
"Bowen Wen",
"Jianhe Yuan",
"Jonathan Tremblay",
"Stephen Tyree",
"Jeffrey Smith",
"Stan Birchfield"
] | 2023-08-02 | We present the HANDAL dataset for category-level object pose estimation and
affordance prediction. Unlike previous datasets, ours is focused on
robotics-ready manipulable objects that are of the proper size and shape for
functional grasping by robot manipulators, such as pliers, utensils, and
screwdrivers. Our annotation process is streamlined, requiring only a single
off-the-shelf camera and semi-automated processing, allowing us to produce
high-quality 3D annotations without crowd-sourcing. The dataset consists of
308k annotated image frames from 2.2k videos of 212 real-world objects in 17
categories. We focus on hardware and kitchen tool objects to facilitate
research in practical scenarios in which a robot manipulator needs to interact
with the environment beyond simple pushing or indiscriminate grasping. We
outline the usefulness of our dataset for 6-DoF category-level pose+scale
estimation and related tasks. We also provide 3D reconstructed meshes of all
objects, and we outline some of the bottlenecks to be addressed for
democratizing the collection of datasets like this one. | null | cs.RO | [
"cs.RO",
"cs.CV"
] |
2307.13383 | HF | Predicting Code Coverage without Execution | [
"Michele Tufano",
"Shubham Chandel",
"Anisha Agarwal",
"Neel Sundaresan",
"Colin Clement"
] | 2023-07-25 | Code coverage is a widely used metric for quantifying the extent to which
program elements, such as statements or branches, are executed during testing.
Calculating code coverage is resource-intensive, requiring code building and
execution with additional overhead for the instrumentation. Furthermore,
computing coverage of any snippet of code requires the whole program context.
Using Machine Learning to amortize this expensive process could lower the cost
of code coverage by requiring only the source code context, and the task of
code coverage prediction can be a novel benchmark for judging the ability of
models to understand code. We propose a novel benchmark task called Code
Coverage Prediction for Large Language Models (LLMs). We formalize this task to
evaluate the capability of LLMs in understanding code execution by determining
which lines of a method are executed by a given test case and inputs. We curate
and release a dataset we call COVERAGEEVAL by executing tests and code from the
HumanEval dataset and collecting code coverage information. We report the
performance of four state-of-the-art LLMs used for code-related tasks,
including OpenAI's GPT-4 and GPT-3.5-Turbo, Google's BARD, and Anthropic's
Claude, on the Code Coverage Prediction task. Finally, we argue that code
coverage as a metric and pre-training data source are valuable for overall LLM
performance on software engineering tasks. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2308.06103 | HF | Composable Function-preserving Expansions for Transformer Architectures | [
"Andrea Gesmundo",
"Kaitlin Maile"
] | 2023-08-11 | Training state-of-the-art neural networks requires a high cost in terms of
compute and time. Model scale is recognized to be a critical factor to achieve
and improve the state-of-the-art. Increasing the scale of a neural network
normally requires restarting from scratch by randomly initializing all the
parameters of the model, as this implies a change of architecture's parameters
that does not allow for a straightforward transfer of knowledge from smaller
size models. In this work, we propose six composable transformations to
incrementally increase the size of transformer-based neural networks while
preserving functionality, allowing to expand the capacity of the model as
needed. We provide proof of exact function preservation under minimal
initialization constraints for each transformation. The proposed methods may
enable efficient training pipelines for larger and more powerful models by
progressively expanding the architecture throughout training. | null | cs.LG | [
"cs.LG"
] |
2408.03314 | Both | Scaling LLM Test-Time Compute Optimally can be More Effective than Scaling Model Parameters | [
"Charlie Snell",
"Jaehoon Lee",
"Kelvin Xu",
"Aviral Kumar"
] | 2024-08-06 | Enabling LLMs to improve their outputs by using more test-time computation is
a critical step towards building generally self-improving agents that can
operate on open-ended natural language. In this paper, we study the scaling of
inference-time computation in LLMs, with a focus on answering the question: if
an LLM is allowed to use a fixed but non-trivial amount of inference-time
compute, how much can it improve its performance on a challenging prompt?
Answering this question has implications not only on the achievable performance
of LLMs, but also on the future of LLM pretraining and how one should tradeoff
inference-time and pre-training compute. Despite its importance, little
research attempted to understand the scaling behaviors of various test-time
inference methods. Moreover, current work largely provides negative results for
a number of these strategies. In this work, we analyze two primary mechanisms
to scale test-time computation: (1) searching against dense, process-based
verifier reward models; and (2) updating the model's distribution over a
response adaptively, given the prompt at test time. We find that in both cases,
the effectiveness of different approaches to scaling test-time compute
critically varies depending on the difficulty of the prompt. This observation
motivates applying a "compute-optimal" scaling strategy, which acts to most
effectively allocate test-time compute adaptively per prompt. Using this
compute-optimal strategy, we can improve the efficiency of test-time compute
scaling by more than 4x compared to a best-of-N baseline. Additionally, in a
FLOPs-matched evaluation, we find that on problems where a smaller base model
attains somewhat non-trivial success rates, test-time compute can be used to
outperform a 14x larger model. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2310.09520 | HF | Reward-Augmented Decoding: Efficient Controlled Text Generation With a Unidirectional Reward Model | [
"Haikang Deng",
"Colin Raffel"
] | 2023-10-14 | While large language models have proven effective in a huge range of
downstream applications, they often generate text that is problematic or lacks
a desired attribute. In this paper, we introduce Reward-Augmented Decoding
(RAD), a text generation procedure that uses a small unidirectional reward
model to encourage a language model to generate text that has certain
properties. Specifically, RAD uses the reward model to score generations as
they are produced and rescales sampling probabilities to favor high-reward
tokens. By using a unidirectional reward model, RAD can cache activations from
prior generation steps to decrease computational overhead. Through experiments
on generating non-toxic and sentiment-controlled text, we demonstrate that RAD
performs best among methods that change only the generation procedure and
matches the performance of state-of-the-art methods that involve re-training
the language model. We further validate that RAD is effective on very large
language models while incurring a minimal computational overhead. | 10.18653/v1/2023.emnlp-main.721 | cs.CL | [
"cs.CL"
] |
2405.09874 | HF | Dual3D: Efficient and Consistent Text-to-3D Generation with Dual-mode Multi-view Latent Diffusion | [
"Xinyang Li",
"Zhangyu Lai",
"Linning Xu",
"Jianfei Guo",
"Liujuan Cao",
"Shengchuan Zhang",
"Bo Dai",
"Rongrong Ji"
] | 2024-05-16 | We present Dual3D, a novel text-to-3D generation framework that generates
high-quality 3D assets from texts in only $1$ minute.The key component is a
dual-mode multi-view latent diffusion model. Given the noisy multi-view
latents, the 2D mode can efficiently denoise them with a single latent
denoising network, while the 3D mode can generate a tri-plane neural surface
for consistent rendering-based denoising. Most modules for both modes are tuned
from a pre-trained text-to-image latent diffusion model to circumvent the
expensive cost of training from scratch. To overcome the high rendering cost
during inference, we propose the dual-mode toggling inference strategy to use
only $1/10$ denoising steps with 3D mode, successfully generating a 3D asset in
just $10$ seconds without sacrificing quality. The texture of the 3D asset can
be further enhanced by our efficient texture refinement process in a short
time. Extensive experiments demonstrate that our method delivers
state-of-the-art performance while significantly reducing generation time. Our
project page is available at https://dual3d.github.io | null | cs.CV | [
"cs.CV"
] |
2305.06218 | HF | Multi-Task End-to-End Training Improves Conversational Recommendation | [
"Naveen Ram",
"Dima Kuzmin",
"Ellie Ka In Chio",
"Moustafa Farid Alzantot",
"Santiago Ontanon",
"Ambarish Jash",
"Judith Yue Li"
] | 2023-05-08 | In this paper, we analyze the performance of a multitask end-to-end
transformer model on the task of conversational recommendations, which aim to
provide recommendations based on a user's explicit preferences expressed in
dialogue. While previous works in this area adopt complex multi-component
approaches where the dialogue management and entity recommendation tasks are
handled by separate components, we show that a unified transformer model, based
on the T5 text-to-text transformer model, can perform competitively in both
recommending relevant items and generating conversation dialogue. We fine-tune
our model on the ReDIAL conversational movie recommendation dataset, and create
additional training tasks derived from MovieLens (such as the prediction of
movie attributes and related movies based on an input movie), in a multitask
learning setting. Using a series of probe studies, we demonstrate that the
learned knowledge in the additional tasks is transferred to the conversational
setting, where each task leads to a 9%-52% increase in its related probe score. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2407.07667 | HF | VEnhancer: Generative Space-Time Enhancement for Video Generation | [
"Jingwen He",
"Tianfan Xue",
"Dongyang Liu",
"Xinqi Lin",
"Peng Gao",
"Dahua Lin",
"Yu Qiao",
"Wanli Ouyang",
"Ziwei Liu"
] | 2024-07-10 | We present VEnhancer, a generative space-time enhancement framework that
improves the existing text-to-video results by adding more details in spatial
domain and synthetic detailed motion in temporal domain. Given a generated
low-quality video, our approach can increase its spatial and temporal
resolution simultaneously with arbitrary up-sampling space and time scales
through a unified video diffusion model. Furthermore, VEnhancer effectively
removes generated spatial artifacts and temporal flickering of generated
videos. To achieve this, basing on a pretrained video diffusion model, we train
a video ControlNet and inject it to the diffusion model as a condition on low
frame-rate and low-resolution videos. To effectively train this video
ControlNet, we design space-time data augmentation as well as video-aware
conditioning. Benefiting from the above designs, VEnhancer yields to be stable
during training and shares an elegant end-to-end training manner. Extensive
experiments show that VEnhancer surpasses existing state-of-the-art video
super-resolution and space-time super-resolution methods in enhancing
AI-generated videos. Moreover, with VEnhancer, exisiting open-source
state-of-the-art text-to-video method, VideoCrafter-2, reaches the top one in
video generation benchmark -- VBench. | null | cs.CV | [
"cs.CV",
"eess.IV"
] |
2307.04686 | HF | VampNet: Music Generation via Masked Acoustic Token Modeling | [
"Hugo Flores Garcia",
"Prem Seetharaman",
"Rithesh Kumar",
"Bryan Pardo"
] | 2023-07-10 | We introduce VampNet, a masked acoustic token modeling approach to music
synthesis, compression, inpainting, and variation. We use a variable masking
schedule during training which allows us to sample coherent music from the
model by applying a variety of masking approaches (called prompts) during
inference. VampNet is non-autoregressive, leveraging a bidirectional
transformer architecture that attends to all tokens in a forward pass. With
just 36 sampling passes, VampNet can generate coherent high-fidelity musical
waveforms. We show that by prompting VampNet in various ways, we can apply it
to tasks like music compression, inpainting, outpainting, continuation, and
looping with variation (vamping). Appropriately prompted, VampNet is capable of
maintaining style, genre, instrumentation, and other high-level aspects of the
music. This flexible prompting capability makes VampNet a powerful music
co-creation tool. Code and audio samples are available online. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2401.01854 | HF | Multilingual Instruction Tuning With Just a Pinch of Multilinguality | [
"Uri Shaham",
"Jonathan Herzig",
"Roee Aharoni",
"Idan Szpektor",
"Reut Tsarfaty",
"Matan Eyal"
] | 2024-01-03 | As instruction-tuned large language models (LLMs) gain global adoption, their
ability to follow instructions in multiple languages becomes increasingly
crucial. In this work, we investigate how multilinguality during instruction
tuning of a multilingual LLM affects instruction-following across languages
from the pre-training corpus. We first show that many languages transfer some
instruction-following capabilities to other languages from even monolingual
tuning. Furthermore, we find that only 40 multilingual examples integrated in
an English tuning set substantially improve multilingual instruction-following,
both in seen and unseen languages during tuning. In general, we observe that
models tuned on multilingual mixtures exhibit comparable or superior
performance in multiple languages compared to monolingually tuned models,
despite training on 10x fewer examples in those languages. Finally, we find
that diversifying the instruction tuning set with even just 2-4 languages
significantly improves cross-lingual generalization. Our results suggest that
building massively multilingual instruction-tuned models can be done with only
a very small set of multilingual instruction-responses. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2310.15147 | AnswerAI | S3Eval: A Synthetic, Scalable, Systematic Evaluation Suite for Large Language Models | [
"Fangyu Lei",
"Qian Liu",
"Yiming Huang",
"Shizhu He",
"Jun Zhao",
"Kang Liu"
] | 2023-10-23 | The rapid development of Large Language Models (LLMs) has led to great
strides in model capabilities like long-context understanding and reasoning.
However, as LLMs are able to process longer contexts, it becomes more
challenging to evaluate whether they have acquired certain capabilities, since
the length of text (e.g., 200K tokens) they can process far exceeds what humans
can reliably assess in a reasonable duration. In this paper, we propose using
complex synthetic tasks as a proxy evaluation method, and present S3Eval, a
Synthetic, Scalable, Systematic evaluation suite for LLMs evaluation. The
synthetic nature of S3Eval provides users full control over the dataset,
allowing them to systematically probe LLM capabilities by scaling text length
and varying task difficulty across diverse scenarios. The strong correlation
between S3Eval and real-world benchmarks demonstrates the soundness of using
S3Eval for evaluation of LLMs. S3Eval provides a flexible and infinite
long-context data generation method. We have generated a comprehensive dataset
called S3Eval-Standard, and experimental results have shown that it poses
significant challenges for all existing LLMs. | null | cs.CL | [
"cs.CL"
] |
2407.16674 | HF | KAN or MLP: A Fairer Comparison | [
"Runpeng Yu",
"Weihao Yu",
"Xinchao Wang"
] | 2024-07-23 | This paper does not introduce a novel method. Instead, it offers a fairer and
more comprehensive comparison of KAN and MLP models across various tasks,
including machine learning, computer vision, audio processing, natural language
processing, and symbolic formula representation. Specifically, we control the
number of parameters and FLOPs to compare the performance of KAN and MLP. Our
main observation is that, except for symbolic formula representation tasks, MLP
generally outperforms KAN. We also conduct ablation studies on KAN and find
that its advantage in symbolic formula representation mainly stems from its
B-spline activation function. When B-spline is applied to MLP, performance in
symbolic formula representation significantly improves, surpassing or matching
that of KAN. However, in other tasks where MLP already excels over KAN,
B-spline does not substantially enhance MLP's performance. Furthermore, we find
that KAN's forgetting issue is more severe than that of MLP in a standard
class-incremental continual learning setting, which differs from the findings
reported in the KAN paper. We hope these results provide insights for future
research on KAN and other MLP alternatives. Project link:
https://github.com/yu-rp/KANbeFair | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2403.06963 | AnswerAI | The pitfalls of next-token prediction | [
"Gregor Bachmann",
"Vaishnavh Nagarajan"
] | 2024-03-11 | Can a mere next-token predictor faithfully model human intelligence? We
crystallize this emerging concern and correct popular misconceptions
surrounding it, and advocate a simple multi-token objective.
As a starting point, we argue that the two often-conflated phases of
next-token prediction -- autoregressive inference and teacher-forced training
-- must be treated distinctly. The popular criticism that errors can compound
during autoregressive inference, crucially assumes that teacher-forcing has
learned an accurate next-token predictor. This assumption sidesteps a more
deep-rooted problem we expose: in certain classes of tasks, teacher-forcing can
simply fail to learn an accurate next-token predictor in the first place. We
describe a general mechanism of how teacher-forcing can fail, and design a
minimal planning task where both the Transformer and the Mamba architecture
empirically fail in that manner -- remarkably, despite the task being
straightforward to learn.
Finally, we provide preliminary evidence that this failure can be resolved
using a simple modification that predicts multiple tokens in advance. We hope
this finding can ground future debates and inspire explorations beyond the
next-token prediction paradigm. We make our code available under
https://github.com/gregorbachmann/Next-Token-Failures | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.01231 | HF | MIRAI: Evaluating LLM Agents for Event Forecasting | [
"Chenchen Ye",
"Ziniu Hu",
"Yihe Deng",
"Zijie Huang",
"Mingyu Derek Ma",
"Yanqiao Zhu",
"Wei Wang"
] | 2024-07-01 | Recent advancements in Large Language Models (LLMs) have empowered LLM agents
to autonomously collect world information, over which to conduct reasoning to
solve complex problems. Given this capability, increasing interests have been
put into employing LLM agents for predicting international events, which can
influence decision-making and shape policy development on an international
scale. Despite such a growing interest, there is a lack of a rigorous benchmark
of LLM agents' forecasting capability and reliability. To address this gap, we
introduce MIRAI, a novel benchmark designed to systematically evaluate LLM
agents as temporal forecasters in the context of international events. Our
benchmark features an agentic environment with tools for accessing an extensive
database of historical, structured events and textual news articles. We refine
the GDELT event database with careful cleaning and parsing to curate a series
of relational prediction tasks with varying forecasting horizons, assessing LLM
agents' abilities from short-term to long-term forecasting. We further
implement APIs to enable LLM agents to utilize different tools via a code-based
interface. In summary, MIRAI comprehensively evaluates the agents' capabilities
in three dimensions: 1) autonomously source and integrate critical information
from large global databases; 2) write codes using domain-specific APIs and
libraries for tool-use; and 3) jointly reason over historical knowledge from
diverse formats and time to accurately predict future events. Through
comprehensive benchmarking, we aim to establish a reliable framework for
assessing the capabilities of LLM agents in forecasting international events,
thereby contributing to the development of more accurate and trustworthy models
for international relation analysis. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2401.14367 | HF | Genie: Achieving Human Parity in Content-Grounded Datasets Generation | [
"Asaf Yehudai",
"Boaz Carmeli",
"Yosi Mass",
"Ofir Arviv",
"Nathaniel Mills",
"Assaf Toledo",
"Eyal Shnarch",
"Leshem Choshen"
] | 2024-01-25 | The lack of high-quality data for content-grounded generation tasks has been
identified as a major obstacle to advancing these tasks. To address this gap,
we propose Genie, a novel method for automatically generating high-quality
content-grounded data. It consists of three stages: (a) Content Preparation,
(b) Generation: creating task-specific examples from the content (e.g.,
question-answer pairs or summaries). (c) Filtering mechanism aiming to ensure
the quality and faithfulness of the generated data. We showcase this
methodology by generating three large-scale synthetic data, making wishes, for
Long-Form Question-Answering (LFQA), summarization, and information extraction.
In a human evaluation, our generated data was found to be natural and of high
quality. Furthermore, we compare models trained on our data with models trained
on human-written data -- ELI5 and ASQA for LFQA and CNN-DailyMail for
Summarization. We show that our models are on par with or outperforming models
trained on human-generated data and consistently outperforming them in
faithfulness. Finally, we applied our method to create LFQA data within the
medical domain and compared a model trained on it with models trained on other
domains. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
Subsets and Splits