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
|
---|---|---|---|---|---|---|---|---|
2309.07125 | HF | Text-Guided Generation and Editing of Compositional 3D Avatars | [
"Hao Zhang",
"Yao Feng",
"Peter Kulits",
"Yandong Wen",
"Justus Thies",
"Michael J. Black"
] | 2023-09-13 | Our goal is to create a realistic 3D facial avatar with hair and accessories
using only a text description. While this challenge has attracted significant
recent interest, existing methods either lack realism, produce unrealistic
shapes, or do not support editing, such as modifications to the hairstyle. We
argue that existing methods are limited because they employ a monolithic
modeling approach, using a single representation for the head, face, hair, and
accessories. Our observation is that the hair and face, for example, have very
different structural qualities that benefit from different representations.
Building on this insight, we generate avatars with a compositional model, in
which the head, face, and upper body are represented with traditional 3D
meshes, and the hair, clothing, and accessories with neural radiance fields
(NeRF). The model-based mesh representation provides a strong geometric prior
for the face region, improving realism while enabling editing of the person's
appearance. By using NeRFs to represent the remaining components, our method is
able to model and synthesize parts with complex geometry and appearance, such
as curly hair and fluffy scarves. Our novel system synthesizes these
high-quality compositional avatars from text descriptions. The experimental
results demonstrate that our method, Text-guided generation and Editing of
Compositional Avatars (TECA), produces avatars that are more realistic than
those of recent methods while being editable because of their compositional
nature. For example, our TECA enables the seamless transfer of compositional
features like hairstyles, scarves, and other accessories between avatars. This
capability supports applications such as virtual try-on. | null | cs.CV | [
"cs.CV"
] |
2401.05268 | AnswerAI | AutoAct: Automatic Agent Learning from Scratch for QA via Self-Planning | [
"Shuofei Qiao",
"Ningyu Zhang",
"Runnan Fang",
"Yujie Luo",
"Wangchunshu Zhou",
"Yuchen Eleanor Jiang",
"Chengfei Lv",
"Huajun Chen"
] | 2024-01-10 | Language agents have achieved considerable performance on various complex
question-answering tasks by planning with external tools. Despite the incessant
exploration in this field, existing language agent systems still struggle with
costly, non-reproducible data reliance and face the challenge of compelling a
single model for multiple functions. To this end, we introduce AutoAct, an
automatic agent learning framework for QA that does not rely on large-scale
annotated data and synthetic planning trajectories from closed-source models
(e.g., GPT-4). Given limited data with a tool library, AutoAct first
automatically synthesizes planning trajectories without any assistance from
humans or strong closed-source models. Then, AutoAct leverages a
division-of-labor strategy to automatically differentiate based on the target
task information and synthesized trajectories, producing a sub-agent group to
complete the task. We conduct comprehensive experiments with different LLMs,
which demonstrates that AutoAct yields better or parallel performance compared
to various strong baselines. Further analysis demonstrates the effectiveness of
the division-of-labor strategy, with the trajectory quality generated by
AutoAct generally outperforming that of others. Code will be available at
https://github.com/zjunlp/AutoAct. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.HC",
"cs.LG",
"cs.MA"
] |
2401.05749 | HF | A Shocking Amount of the Web is Machine Translated: Insights from Multi-Way Parallelism | [
"Brian Thompson",
"Mehak Preet Dhaliwal",
"Peter Frisch",
"Tobias Domhan",
"Marcello Federico"
] | 2024-01-11 | We show that content on the web is often translated into many languages, and
the low quality of these multi-way translations indicates they were likely
created using Machine Translation (MT). Multi-way parallel, machine generated
content not only dominates the translations in lower resource languages; it
also constitutes a large fraction of the total web content in those languages.
We also find evidence of a selection bias in the type of content which is
translated into many languages, consistent with low quality English content
being translated en masse into many lower resource languages, via MT. Our work
raises serious concerns about training models such as multilingual large
language models on both monolingual and bilingual data scraped from the web. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.16429 | HF | Diverse and Aligned Audio-to-Video Generation via Text-to-Video Model Adaptation | [
"Guy Yariv",
"Itai Gat",
"Sagie Benaim",
"Lior Wolf",
"Idan Schwartz",
"Yossi Adi"
] | 2023-09-28 | We consider the task of generating diverse and realistic videos guided by
natural audio samples from a wide variety of semantic classes. For this task,
the videos are required to be aligned both globally and temporally with the
input audio: globally, the input audio is semantically associated with the
entire output video, and temporally, each segment of the input audio is
associated with a corresponding segment of that video. We utilize an existing
text-conditioned video generation model and a pre-trained audio encoder model.
The proposed method is based on a lightweight adaptor network, which learns to
map the audio-based representation to the input representation expected by the
text-to-video generation model. As such, it also enables video generation
conditioned on text, audio, and, for the first time as far as we can ascertain,
on both text and audio. We validate our method extensively on three datasets
demonstrating significant semantic diversity of audio-video samples and further
propose a novel evaluation metric (AV-Align) to assess the alignment of
generated videos with input audio samples. AV-Align is based on the detection
and comparison of energy peaks in both modalities. In comparison to recent
state-of-the-art approaches, our method generates videos that are better
aligned with the input sound, both with respect to content and temporal axis.
We also show that videos produced by our method present higher visual quality
and are more diverse. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2308.03421 | HF | RecycleGPT: An Autoregressive Language Model with Recyclable Module | [
"Yufan Jiang",
"Qiaozhi He",
"Xiaomin Zhuang",
"Zhihua Wu",
"Kunpeng Wang",
"Wenlai Zhao",
"Guangwen Yang"
] | 2023-08-07 | Existing large language models have to run K times to generate a sequence of
K tokens. In this paper, we present RecycleGPT, a generative language model
with fast decoding speed by recycling pre-generated model states without
running the whole model in multiple steps. Our approach relies on the
observation that adjacent tokens in a sequence usually have strong correlations
and the next token in a sequence can be reasonably guessed or inferred based on
the preceding ones. Experiments and analysis demonstrate the effectiveness of
our approach in lowering inference latency, achieving up to 1.4x speedup while
preserving high performance. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.09727 | HF | A Human-Inspired Reading Agent with Gist Memory of Very Long Contexts | [
"Kuang-Huei Lee",
"Xinyun Chen",
"Hiroki Furuta",
"John Canny",
"Ian Fischer"
] | 2024-02-15 | Current Large Language Models (LLMs) are not only limited to some maximum
context length, but also are not able to robustly consume long inputs. To
address these limitations, we propose ReadAgent, an LLM agent system that
increases effective context length up to 20x in our experiments. Inspired by
how humans interactively read long documents, we implement ReadAgent as a
simple prompting system that uses the advanced language capabilities of LLMs to
(1) decide what content to store together in a memory episode, (2) compress
those memory episodes into short episodic memories called gist memories, and
(3) take actions to look up passages in the original text if ReadAgent needs to
remind itself of relevant details to complete a task. We evaluate ReadAgent
against baselines using retrieval methods, using the original long contexts,
and using the gist memories. These evaluations are performed on three
long-document reading comprehension tasks: QuALITY, NarrativeQA, and QMSum.
ReadAgent outperforms the baselines on all three tasks while extending the
effective context window by 3.5-20x. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2311.06243 | Both | Parameter-Efficient Orthogonal Finetuning via Butterfly Factorization | [
"Weiyang Liu",
"Zeju Qiu",
"Yao Feng",
"Yuliang Xiu",
"Yuxuan Xue",
"Longhui Yu",
"Haiwen Feng",
"Zhen Liu",
"Juyeon Heo",
"Songyou Peng",
"Yandong Wen",
"Michael J. Black",
"Adrian Weller",
"Bernhard Schölkopf"
] | 2023-11-10 | Large foundation models are becoming ubiquitous, but training them from
scratch is prohibitively expensive. Thus, efficiently adapting these powerful
models to downstream tasks is increasingly important. In this paper, we study a
principled finetuning paradigm -- Orthogonal Finetuning (OFT) -- for downstream
task adaptation. Despite demonstrating good generalizability, OFT still uses a
fairly large number of trainable parameters due to the high dimensionality of
orthogonal matrices. To address this, we start by examining OFT from an
information transmission perspective, and then identify a few key desiderata
that enable better parameter-efficiency. Inspired by how the Cooley-Tukey fast
Fourier transform algorithm enables efficient information transmission, we
propose an efficient orthogonal parameterization using butterfly structures. We
apply this parameterization to OFT, creating a novel parameter-efficient
finetuning method, called Orthogonal Butterfly (BOFT). By subsuming OFT as a
special case, BOFT introduces a generalized orthogonal finetuning framework.
Finally, we conduct an extensive empirical study of adapting large vision
transformers, large language models, and text-to-image diffusion models to
various downstream tasks in vision and language. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2407.04020 | HF | LLMAEL: Large Language Models are Good Context Augmenters for Entity Linking | [
"Amy Xin",
"Yunjia Qi",
"Zijun Yao",
"Fangwei Zhu",
"Kaisheng Zeng",
"Xu Bin",
"Lei Hou",
"Juanzi Li"
] | 2024-07-04 | Entity Linking (EL) models are well-trained at mapping mentions to their
corresponding entities according to a given context. However, EL models
struggle to disambiguate long-tail entities due to their limited training data.
Meanwhile, large language models (LLMs) are more robust at interpreting
uncommon mentions. Yet, due to a lack of specialized training, LLMs suffer at
generating correct entity IDs. Furthermore, training an LLM to perform EL is
cost-intensive. Building upon these insights, we introduce LLM-Augmented Entity
Linking LLMAEL, a plug-and-play approach to enhance entity linking through LLM
data augmentation. We leverage LLMs as knowledgeable context augmenters,
generating mention-centered descriptions as additional input, while preserving
traditional EL models for task specific processing. Experiments on 6 standard
datasets show that the vanilla LLMAEL outperforms baseline EL models in most
cases, while the fine-tuned LLMAEL set the new state-of-the-art results across
all 6 benchmarks. | null | cs.CL | [
"cs.CL"
] |
2311.03629 | HF | Random Field Augmentations for Self-Supervised Representation Learning | [
"Philip Andrew Mansfield",
"Arash Afkanpour",
"Warren Richard Morningstar",
"Karan Singhal"
] | 2023-11-07 | Self-supervised representation learning is heavily dependent on data
augmentations to specify the invariances encoded in representations. Previous
work has shown that applying diverse data augmentations is crucial to
downstream performance, but augmentation techniques remain under-explored. In
this work, we propose a new family of local transformations based on Gaussian
random fields to generate image augmentations for self-supervised
representation learning. These transformations generalize the well-established
affine and color transformations (translation, rotation, color jitter, etc.)
and greatly increase the space of augmentations by allowing transformation
parameter values to vary from pixel to pixel. The parameters are treated as
continuous functions of spatial coordinates, and modeled as independent
Gaussian random fields. Empirical results show the effectiveness of the new
transformations for self-supervised representation learning. Specifically, we
achieve a 1.7% top-1 accuracy improvement over baseline on ImageNet downstream
classification, and a 3.6% improvement on out-of-distribution iNaturalist
downstream classification. However, due to the flexibility of the new
transformations, learned representations are sensitive to hyperparameters.
While mild transformations improve representations, we observe that strong
transformations can degrade the structure of an image, indicating that
balancing the diversity and strength of augmentations is important for
improving generalization of learned representations. | null | cs.CV | [
"cs.CV",
"cs.LG",
"I.2.6; I.2.10; I.5.1"
] |
2404.04125 | HF | No "Zero-Shot" Without Exponential Data: Pretraining Concept Frequency Determines Multimodal Model Performance | [
"Vishaal Udandarao",
"Ameya Prabhu",
"Adhiraj Ghosh",
"Yash Sharma",
"Philip H. S. Torr",
"Adel Bibi",
"Samuel Albanie",
"Matthias Bethge"
] | 2024-04-04 | Web-crawled pretraining datasets underlie the impressive "zero-shot"
evaluation performance of multimodal models, such as CLIP for
classification/retrieval and Stable-Diffusion for image generation. However, it
is unclear how meaningful the notion of "zero-shot" generalization is for such
multimodal models, as it is not known to what extent their pretraining datasets
encompass the downstream concepts targeted for during "zero-shot" evaluation.
In this work, we ask: How is the performance of multimodal models on downstream
concepts influenced by the frequency of these concepts in their pretraining
datasets? We comprehensively investigate this question across 34 models and
five standard pretraining datasets (CC-3M, CC-12M, YFCC-15M, LAION-400M,
LAION-Aesthetics), generating over 300GB of data artifacts. We consistently
find that, far from exhibiting "zero-shot" generalization, multimodal models
require exponentially more data to achieve linear improvements in downstream
"zero-shot" performance, following a sample inefficient log-linear scaling
trend. This trend persists even when controlling for sample-level similarity
between pretraining and downstream datasets, and testing on purely synthetic
data distributions. Furthermore, upon benchmarking models on long-tailed data
sampled based on our analysis, we demonstrate that multimodal models across the
board perform poorly. We contribute this long-tail test set as the "Let it
Wag!" benchmark to further research in this direction. Taken together, our
study reveals an exponential need for training data which implies that the key
to "zero-shot" generalization capabilities under large-scale training paradigms
remains to be found. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2107.05720 | AnswerAI | SPLADE: Sparse Lexical and Expansion Model for First Stage Ranking | [
"Thibault Formal",
"Benjamin Piwowarski",
"Stéphane Clinchant"
] | 2021-07-12 | In neural Information Retrieval, ongoing research is directed towards
improving the first retriever in ranking pipelines. Learning dense embeddings
to conduct retrieval using efficient approximate nearest neighbors methods has
proven to work well. Meanwhile, there has been a growing interest in learning
sparse representations for documents and queries, that could inherit from the
desirable properties of bag-of-words models such as the exact matching of terms
and the efficiency of inverted indexes. In this work, we present a new
first-stage ranker based on explicit sparsity regularization and a
log-saturation effect on term weights, leading to highly sparse representations
and competitive results with respect to state-of-the-art dense and sparse
methods. Our approach is simple, trained end-to-end in a single stage. We also
explore the trade-off between effectiveness and efficiency, by controlling the
contribution of the sparsity regularization. | null | cs.IR | [
"cs.IR"
] |
2310.10944 | Both | TEQ: Trainable Equivalent Transformation for Quantization of LLMs | [
"Wenhua Cheng",
"Yiyang Cai",
"Kaokao Lv",
"Haihao Shen"
] | 2023-10-17 | As large language models (LLMs) become more prevalent, there is a growing
need for new and improved quantization methods that can meet the
computationalast layer demands of these modern architectures while maintaining
the accuracy. In this paper, we present TEQ, a trainable equivalent
transformation that preserves the FP32 precision of the model output while
taking advantage of low-precision quantization, especially 3 and 4 bits
weight-only quantization. The training process is lightweight, requiring only
1K steps and fewer than 0.1 percent of the original model's trainable
parameters. Furthermore, the transformation does not add any computational
overhead during inference. Our results are on-par with the state-of-the-art
(SOTA) methods on typical LLMs. Our approach can be combined with other methods
to achieve even better performance. The code is available at
https://github.com/intel/neural-compressor. | null | cs.CL | [
"cs.CL"
] |
2309.03130 | HF | MyoDex: A Generalizable Prior for Dexterous Manipulation | [
"Vittorio Caggiano",
"Sudeep Dasari",
"Vikash Kumar"
] | 2023-09-06 | Human dexterity is a hallmark of motor control. Our hands can rapidly
synthesize new behaviors despite the complexity (multi-articular and
multi-joints, with 23 joints controlled by more than 40 muscles) of
musculoskeletal sensory-motor circuits. In this work, we take inspiration from
how human dexterity builds on a diversity of prior experiences, instead of
being acquired through a single task. Motivated by this observation, we set out
to develop agents that can build upon their previous experience to quickly
acquire new (previously unattainable) behaviors. Specifically, our approach
leverages multi-task learning to implicitly capture task-agnostic behavioral
priors (MyoDex) for human-like dexterity, using a physiologically realistic
human hand model - MyoHand. We demonstrate MyoDex's effectiveness in few-shot
generalization as well as positive transfer to a large repertoire of unseen
dexterous manipulation tasks. Agents leveraging MyoDex can solve approximately
3x more tasks, and 4x faster in comparison to a distillation baseline. While
prior work has synthesized single musculoskeletal control behaviors, MyoDex is
the first generalizable manipulation prior that catalyzes the learning of
dexterous physiological control across a large variety of contact-rich
behaviors. We also demonstrate the effectiveness of our paradigms beyond
musculoskeletal control towards the acquisition of dexterity in 24 DoF Adroit
Hand. Website: https://sites.google.com/view/myodex | null | cs.RO | [
"cs.RO",
"cs.AI"
] |
2405.06694 | HF | SUTRA: Scalable Multilingual Language Model Architecture | [
"Abhijit Bendale",
"Michael Sapienza",
"Steven Ripplinger",
"Simon Gibbs",
"Jaewon Lee",
"Pranav Mistry"
] | 2024-05-07 | In this paper, we introduce SUTRA, multilingual Large Language Model
architecture capable of understanding, reasoning, and generating text in over
50 languages. SUTRA's design uniquely decouples core conceptual understanding
from language-specific processing, which facilitates scalable and efficient
multilingual alignment and learning. Employing a Mixture of Experts framework
both in language and concept processing, SUTRA demonstrates both computational
efficiency and responsiveness. Through extensive evaluations, SUTRA is
demonstrated to surpass existing models like GPT-3.5, Llama2 by 20-30% on
leading Massive Multitask Language Understanding (MMLU) benchmarks for
multilingual tasks. SUTRA models are also online LLMs that can use knowledge
from the internet to provide hallucination-free, factual and up-to-date
responses while retaining their multilingual capabilities. Furthermore, we
explore the broader implications of its architecture for the future of
multilingual AI, highlighting its potential to democratize access to AI
technology globally and to improve the equity and utility of AI in regions with
predominantly non-English languages. Our findings suggest that SUTRA not only
fills pivotal gaps in multilingual model capabilities but also establishes a
new benchmark for operational efficiency and scalability in AI applications. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.12570 | HF | Jamba-1.5: Hybrid Transformer-Mamba Models at Scale | [
"Jamba Team",
"Barak Lenz",
"Alan Arazi",
"Amir Bergman",
"Avshalom Manevich",
"Barak Peleg",
"Ben Aviram",
"Chen Almagor",
"Clara Fridman",
"Dan Padnos",
"Daniel Gissin",
"Daniel Jannai",
"Dor Muhlgay",
"Dor Zimberg",
"Edden M Gerber",
"Elad Dolev",
"Eran Krakovsky",
"Erez Safahi",
"Erez Schwartz",
"Gal Cohen",
"Gal Shachaf",
"Haim Rozenblum",
"Hofit Bata",
"Ido Blass",
"Inbal Magar",
"Itay Dalmedigos",
"Jhonathan Osin",
"Julie Fadlon",
"Maria Rozman",
"Matan Danos",
"Michael Gokhman",
"Mor Zusman",
"Naama Gidron",
"Nir Ratner",
"Noam Gat",
"Noam Rozen",
"Oded Fried",
"Ohad Leshno",
"Omer Antverg",
"Omri Abend",
"Opher Lieber",
"Or Dagan",
"Orit Cohavi",
"Raz Alon",
"Ro'i Belson",
"Roi Cohen",
"Rom Gilad",
"Roman Glozman",
"Shahar Lev",
"Shaked Meirom",
"Tal Delbari",
"Tal Ness",
"Tomer Asida",
"Tom Ben Gal",
"Tom Braude",
"Uriya Pumerantz",
"Yehoshua Cohen",
"Yonatan Belinkov",
"Yuval Globerson",
"Yuval Peleg Levy",
"Yoav Shoham"
] | 2024-08-22 | We present Jamba-1.5, new instruction-tuned large language models based on
our Jamba architecture. Jamba is a hybrid Transformer-Mamba mixture of experts
architecture, providing high throughput and low memory usage across context
lengths, while retaining the same or better quality as Transformer models. We
release two model sizes: Jamba-1.5-Large, with 94B active parameters, and
Jamba-1.5-Mini, with 12B active parameters. Both models are fine-tuned for a
variety of conversational and instruction-following capabilties, and have an
effective context length of 256K tokens, the largest amongst open-weight
models. To support cost-effective inference, we introduce ExpertsInt8, a novel
quantization technique that allows fitting Jamba-1.5-Large on a machine with 8
80GB GPUs when processing 256K-token contexts without loss of quality. When
evaluated on a battery of academic and chatbot benchmarks, Jamba-1.5 models
achieve excellent results while providing high throughput and outperforming
other open-weight models on long-context benchmarks. The model weights for both
sizes are publicly available under the Jamba Open Model License and we release
ExpertsInt8 as open source. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2405.18669 | HF | Zipper: A Multi-Tower Decoder Architecture for Fusing Modalities | [
"Vicky Zayats",
"Peter Chen",
"Melissa Ferrari",
"Dirk Padfield"
] | 2024-05-29 | Integrating multiple generative foundation models, especially those trained
on different modalities, into something greater than the sum of its parts poses
significant challenges. Two key hurdles are the availability of aligned data
(concepts that contain similar meaning but is expressed differently in
different modalities), and effectively leveraging unimodal representations in
cross-domain generative tasks, without compromising their original unimodal
capabilities.
We propose Zipper, a multi-tower decoder architecture that addresses these
concerns by using cross-attention to flexibly compose multimodal generative
models from independently pre-trained unimodal decoders. In our experiments
fusing speech and text modalities, we show the proposed architecture performs
very competitively in scenarios with limited aligned text-speech data. We also
showcase the flexibility of our model to selectively maintain unimodal (e.g.,
text-to-text generation) generation performance by freezing the corresponding
modal tower (e.g. text). In cross-modal tasks such as automatic speech
recognition (ASR) where the output modality is text, we show that freezing the
text backbone results in negligible performance degradation. In cross-modal
tasks such as text-to-speech generation (TTS) where the output modality is
speech, we show that using a pre-trained speech backbone results in superior
performance to the baseline. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"eess.AS"
] |
2403.18361 | HF | ViTAR: Vision Transformer with Any Resolution | [
"Qihang Fan",
"Quanzeng You",
"Xiaotian Han",
"Yongfei Liu",
"Yunzhe Tao",
"Huaibo Huang",
"Ran He",
"Hongxia Yang"
] | 2024-03-27 | This paper tackles a significant challenge faced by Vision Transformers
(ViTs): their constrained scalability across different image resolutions.
Typically, ViTs experience a performance decline when processing resolutions
different from those seen during training. Our work introduces two key
innovations to address this issue. Firstly, we propose a novel module for
dynamic resolution adjustment, designed with a single Transformer block,
specifically to achieve highly efficient incremental token integration.
Secondly, we introduce fuzzy positional encoding in the Vision Transformer to
provide consistent positional awareness across multiple resolutions, thereby
preventing overfitting to any single training resolution. Our resulting model,
ViTAR (Vision Transformer with Any Resolution), demonstrates impressive
adaptability, achieving 83.3\% top-1 accuracy at a 1120x1120 resolution and
80.4\% accuracy at a 4032x4032 resolution, all while reducing computational
costs. ViTAR also shows strong performance in downstream tasks such as instance
and semantic segmentation and can easily combined with self-supervised learning
techniques like Masked AutoEncoder. Our work provides a cost-effective solution
for enhancing the resolution scalability of ViTs, paving the way for more
versatile and efficient high-resolution image processing. | null | cs.CV | [
"cs.CV"
] |
2402.01306 | AnswerAI | KTO: Model Alignment as Prospect Theoretic Optimization | [
"Kawin Ethayarajh",
"Winnie Xu",
"Niklas Muennighoff",
"Dan Jurafsky",
"Douwe Kiela"
] | 2024-02-02 | Kahneman & Tversky's $\textit{prospect theory}$ tells us that humans perceive
random variables in a biased but well-defined manner (1992); for example,
humans are famously loss-averse. We show that objectives for aligning LLMs with
human feedback implicitly incorporate many of these biases -- the success of
these objectives (e.g., DPO) over cross-entropy minimization can partly be
ascribed to them belonging to a family of loss functions that we call
$\textit{human-aware losses}$ (HALOs). However, the utility functions these
methods attribute to humans still differ from those in the prospect theory
literature. Using a Kahneman-Tversky model of human utility, we propose a HALO
that directly maximizes the utility of generations instead of maximizing the
log-likelihood of preferences, as current methods do. We call this approach
KTO, and it matches or exceeds the performance of preference-based methods at
scales from 1B to 30B, despite only learning from a binary signal of whether an
output is desirable. More broadly, our work suggests that there is no one HALO
that is universally superior; the best loss depends on the inductive biases
most appropriate for a given setting, an oft-overlooked consideration. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2403.01432 | AnswerAI | Fine Tuning vs. Retrieval Augmented Generation for Less Popular Knowledge | [
"Heydar Soudani",
"Evangelos Kanoulas",
"Faegheh Hasibi"
] | 2024-03-03 | Large language models (LLMs) memorize a vast amount of factual knowledge,
exhibiting strong performance across diverse tasks and domains. However, it has
been observed that the performance diminishes when dealing with less-popular or
low-frequency concepts and entities, for example in domain specific
applications. The two prominent approaches to enhance the performance of LLMs
on low-frequent topics are: Retrieval Augmented Generation (RAG) and
fine-tuning (FT) over synthetic data. This paper explores and evaluates the
impact of RAG and FT on customizing LLMs in handling low-frequency entities on
question answering task. Our findings indicate that FT significantly boosts the
performance across entities of varying popularity, especially in the most and
least popular groups, while RAG surpasses other methods. Additionally, the
success of both RAG and FT approaches is amplified by advancements in retrieval
and data augmentation techniques. We release our data and code at
https://github.com/informagi/RAGvsFT. | null | cs.CL | [
"cs.CL"
] |
2405.01525 | HF | FLAME: Factuality-Aware Alignment for Large Language Models | [
"Sheng-Chieh Lin",
"Luyu Gao",
"Barlas Oguz",
"Wenhan Xiong",
"Jimmy Lin",
"Wen-tau Yih",
"Xilun Chen"
] | 2024-05-02 | Alignment is a standard procedure to fine-tune pre-trained large language
models (LLMs) to follow natural language instructions and serve as helpful AI
assistants. We have observed, however, that the conventional alignment process
fails to enhance the factual accuracy of LLMs, and often leads to the
generation of more false facts (i.e. hallucination). In this paper, we study
how to make the LLM alignment process more factual, by first identifying
factors that lead to hallucination in both alignment steps:\ supervised
fine-tuning (SFT) and reinforcement learning (RL). In particular, we find that
training the LLM on new knowledge or unfamiliar texts can encourage
hallucination. This makes SFT less factual as it trains on human labeled data
that may be novel to the LLM. Furthermore, reward functions used in standard RL
can also encourage hallucination, because it guides the LLM to provide more
helpful responses on a diverse set of instructions, often preferring longer and
more detailed responses. Based on these observations, we propose
factuality-aware alignment, comprised of factuality-aware SFT and
factuality-aware RL through direct preference optimization. Experiments show
that our proposed factuality-aware alignment guides LLMs to output more factual
responses while maintaining instruction-following capability. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.03837 | HF | WalledEval: A Comprehensive Safety Evaluation Toolkit for Large Language Models | [
"Prannaya Gupta",
"Le Qi Yau",
"Hao Han Low",
"I-Shiang Lee",
"Hugo Maximus Lim",
"Yu Xin Teoh",
"Jia Hng Koh",
"Dar Win Liew",
"Rishabh Bhardwaj",
"Rajat Bhardwaj",
"Soujanya Poria"
] | 2024-08-07 | WalledEval is a comprehensive AI safety testing toolkit designed to evaluate
large language models (LLMs). It accommodates a diverse range of models,
including both open-weight and API-based ones, and features over 35 safety
benchmarks covering areas such as multilingual safety, exaggerated safety, and
prompt injections. The framework supports both LLM and judge benchmarking and
incorporates custom mutators to test safety against various text-style
mutations, such as future tense and paraphrasing. Additionally, WalledEval
introduces WalledGuard, a new, small, and performant content moderation tool,
and two datasets: SGXSTest and HIXSTest, which serve as benchmarks for
assessing the exaggerated safety of LLMs and judges in cultural contexts. We
make WalledEval publicly available at https://github.com/walledai/walledeval. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2405.17430 | HF | Matryoshka Multimodal Models | [
"Mu Cai",
"Jianwei Yang",
"Jianfeng Gao",
"Yong Jae Lee"
] | 2024-05-27 | Large Multimodal Models (LMMs) such as LLaVA have shown strong performance in
visual-linguistic reasoning. These models first embed images into a fixed large
number of visual tokens and then feed them into a Large Language Model (LLM).
However, this design causes an excessive number of tokens for dense visual
scenarios such as high-resolution images and videos, leading to great
inefficiency. While token pruning/merging methods do exist, they produce a
single length output for each image and do not afford flexibility in trading
off information density v.s. efficiency. Inspired by the concept of Matryoshka
Dolls, we propose M3: Matryoshka Multimodal Models, which learns to represent
visual content as nested sets of visual tokens that capture information across
multiple coarse-to-fine granularities. Our approach offers several unique
benefits for LMMs: (1) One can explicitly control the visual granularity per
test instance during inference, e.g. , adjusting the number of tokens used to
represent an image based on the anticipated complexity or simplicity of the
content; (2) M3 provides a framework for analyzing the granularity needed for
existing datasets, where we find that COCO-style benchmarks only need around ~9
visual tokens to obtain accuracy similar to that of using all 576 tokens; (3)
Our approach provides a foundation to explore the best trade-off between
performance and visual token length at sample level, where our investigation
reveals that a large gap exists between the oracle upper bound and current
fixed-scale representations. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2312.07536 | HF | FreeControl: Training-Free Spatial Control of Any Text-to-Image Diffusion Model with Any Condition | [
"Sicheng Mo",
"Fangzhou Mu",
"Kuan Heng Lin",
"Yanli Liu",
"Bochen Guan",
"Yin Li",
"Bolei Zhou"
] | 2023-12-12 | Recent approaches such as ControlNet offer users fine-grained spatial control
over text-to-image (T2I) diffusion models. However, auxiliary modules have to
be trained for each type of spatial condition, model architecture, and
checkpoint, putting them at odds with the diverse intents and preferences a
human designer would like to convey to the AI models during the content
creation process. In this work, we present FreeControl, a training-free
approach for controllable T2I generation that supports multiple conditions,
architectures, and checkpoints simultaneously. FreeControl designs structure
guidance to facilitate the structure alignment with a guidance image, and
appearance guidance to enable the appearance sharing between images generated
using the same seed. Extensive qualitative and quantitative experiments
demonstrate the superior performance of FreeControl across a variety of
pre-trained T2I models. In particular, FreeControl facilitates convenient
training-free control over many different architectures and checkpoints, allows
the challenging input conditions on which most of the existing training-free
methods fail, and achieves competitive synthesis quality with training-based
approaches. | null | cs.CV | [
"cs.CV"
] |
2306.05426 | AnswerAI | SequenceMatch: Imitation Learning for Autoregressive Sequence Modelling with Backtracking | [
"Chris Cundy",
"Stefano Ermon"
] | 2023-06-08 | In many domains, autoregressive models can attain high likelihood on the task
of predicting the next observation. However, this maximum-likelihood (MLE)
objective does not necessarily match a downstream use-case of autoregressively
generating high-quality sequences. The MLE objective weights sequences
proportionally to their frequency under the data distribution, with no guidance
for the model's behaviour out of distribution (OOD): leading to compounding
error during autoregressive generation. In order to address this compounding
error problem, we formulate sequence generation as an imitation learning (IL)
problem. This allows us to minimize a variety of divergences between the
distribution of sequences generated by an autoregressive model and sequences
from a dataset, including divergences with weight on OOD generated sequences.
The IL framework also allows us to incorporate backtracking by introducing a
backspace action into the generation process. This further mitigates the
compounding error problem by allowing the model to revert a sampled token if it
takes the sequence OOD. Our resulting method, SequenceMatch, can be implemented
without adversarial training or architectural changes. We identify the
SequenceMatch-$\chi^2$ divergence as a more suitable training objective for
autoregressive models which are used for generation. We show that empirically,
SequenceMatch training leads to improvements over MLE on text generation with
language models and arithmetic. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2309.15091 | HF | VideoDirectorGPT: Consistent Multi-scene Video Generation via LLM-Guided Planning | [
"Han Lin",
"Abhay Zala",
"Jaemin Cho",
"Mohit Bansal"
] | 2023-09-26 | Recent text-to-video (T2V) generation methods have seen significant
advancements. However, the majority of these works focus on producing short
video clips of a single event (i.e., single-scene videos). Meanwhile, recent
large language models (LLMs) have demonstrated their capability in generating
layouts and programs to control downstream visual modules. This prompts an
important question: can we leverage the knowledge embedded in these LLMs for
temporally consistent long video generation? In this paper, we propose
VideoDirectorGPT, a novel framework for consistent multi-scene video generation
that uses the knowledge of LLMs for video content planning and grounded video
generation. Specifically, given a single text prompt, we first ask our video
planner LLM (GPT-4) to expand it into a 'video plan', which includes the scene
descriptions, the entities with their respective layouts, the background for
each scene, and consistency groupings of the entities. Next, guided by this
video plan, our video generator, named Layout2Vid, has explicit control over
spatial layouts and can maintain temporal consistency of entities across
multiple scenes, while being trained only with image-level annotations. Our
experiments demonstrate that our proposed VideoDirectorGPT framework
substantially improves layout and movement control in both single- and
multi-scene video generation and can generate multi-scene videos with
consistency, while achieving competitive performance with SOTAs in open-domain
single-scene T2V generation. Detailed ablation studies, including dynamic
adjustment of layout control strength with an LLM and video generation with
user-provided images, confirm the effectiveness of each component of our
framework and its future potential. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2408.06292 | HF | The AI Scientist: Towards Fully Automated Open-Ended Scientific Discovery | [
"Chris Lu",
"Cong Lu",
"Robert Tjarko Lange",
"Jakob Foerster",
"Jeff Clune",
"David Ha"
] | 2024-08-12 | One of the grand challenges of artificial general intelligence is developing
agents capable of conducting scientific research and discovering new knowledge.
While frontier models have already been used as aides to human scientists, e.g.
for brainstorming ideas, writing code, or prediction tasks, they still conduct
only a small part of the scientific process. This paper presents the first
comprehensive framework for fully automatic scientific discovery, enabling
frontier large language models to perform research independently and
communicate their findings. We introduce The AI Scientist, which generates
novel research ideas, writes code, executes experiments, visualizes results,
describes its findings by writing a full scientific paper, and then runs a
simulated review process for evaluation. In principle, this process can be
repeated to iteratively develop ideas in an open-ended fashion, acting like the
human scientific community. We demonstrate its versatility by applying it to
three distinct subfields of machine learning: diffusion modeling,
transformer-based language modeling, and learning dynamics. Each idea is
implemented and developed into a full paper at a cost of less than $15 per
paper. To evaluate the generated papers, we design and validate an automated
reviewer, which we show achieves near-human performance in evaluating paper
scores. The AI Scientist can produce papers that exceed the acceptance
threshold at a top machine learning conference as judged by our automated
reviewer. This approach signifies the beginning of a new era in scientific
discovery in machine learning: bringing the transformative benefits of AI
agents to the entire research process of AI itself, and taking us closer to a
world where endless affordable creativity and innovation can be unleashed on
the world's most challenging problems. Our code is open-sourced at
https://github.com/SakanaAI/AI-Scientist | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2407.20171 | HF | Diffusion Feedback Helps CLIP See Better | [
"Wenxuan Wang",
"Quan Sun",
"Fan Zhang",
"Yepeng Tang",
"Jing Liu",
"Xinlong Wang"
] | 2024-07-29 | Contrastive Language-Image Pre-training (CLIP), which excels at abstracting
open-world representations across domains and modalities, has become a
foundation for a variety of vision and multimodal tasks. However, recent
studies reveal that CLIP has severe visual shortcomings, such as which can
hardly distinguish orientation, quantity, color, structure, etc. These visual
shortcomings also limit the perception capabilities of multimodal large
language models (MLLMs) built on CLIP. The main reason could be that the
image-text pairs used to train CLIP are inherently biased, due to the lack of
the distinctiveness of the text and the diversity of images. In this work, we
present a simple post-training approach for CLIP models, which largely
overcomes its visual shortcomings via a self-supervised diffusion process. We
introduce DIVA, which uses the DIffusion model as a Visual Assistant for CLIP.
Specifically, DIVA leverages generative feedback from text-to-image diffusion
models to optimize CLIP representations, with only images (without
corresponding text). We demonstrate that DIVA improves CLIP's performance on
the challenging MMVP-VLM benchmark which assesses fine-grained visual abilities
to a large extent (e.g., 3-7%), and enhances the performance of MLLMs and
vision models on multimodal understanding and segmentation tasks. Extensive
evaluation on 29 image classification and retrieval benchmarks confirms that
our framework preserves CLIP's strong zero-shot capabilities. The code is
available at https://github.com/baaivision/DIVA. | null | cs.CV | [
"cs.CV"
] |
2312.11532 | HF | Topic-VQ-VAE: Leveraging Latent Codebooks for Flexible Topic-Guided Document Generation | [
"YoungJoon Yoo",
"Jongwon Choi"
] | 2023-12-15 | This paper introduces a novel approach for topic modeling utilizing latent
codebooks from Vector-Quantized Variational Auto-Encoder~(VQ-VAE), discretely
encapsulating the rich information of the pre-trained embeddings such as the
pre-trained language model. From the novel interpretation of the latent
codebooks and embeddings as conceptual bag-of-words, we propose a new
generative topic model called Topic-VQ-VAE~(TVQ-VAE) which inversely generates
the original documents related to the respective latent codebook. The TVQ-VAE
can visualize the topics with various generative distributions including the
traditional BoW distribution and the autoregressive image generation. Our
experimental results on document analysis and image generation demonstrate that
TVQ-VAE effectively captures the topic context which reveals the underlying
structures of the dataset and supports flexible forms of document generation.
Official implementation of the proposed TVQ-VAE is available at
https://github.com/clovaai/TVQ-VAE. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.13073 | HF | FusionFrames: Efficient Architectural Aspects for Text-to-Video Generation Pipeline | [
"Vladimir Arkhipkin",
"Zein Shaheen",
"Viacheslav Vasilev",
"Elizaveta Dakhova",
"Andrey Kuznetsov",
"Denis Dimitrov"
] | 2023-11-22 | Multimedia generation approaches occupy a prominent place in artificial
intelligence research. Text-to-image models achieved high-quality results over
the last few years. However, video synthesis methods recently started to
develop. This paper presents a new two-stage latent diffusion text-to-video
generation architecture based on the text-to-image diffusion model. The first
stage concerns keyframes synthesis to figure the storyline of a video, while
the second one is devoted to interpolation frames generation to make movements
of the scene and objects smooth. We compare several temporal conditioning
approaches for keyframes generation. The results show the advantage of using
separate temporal blocks over temporal layers in terms of metrics reflecting
video generation quality aspects and human preference. The design of our
interpolation model significantly reduces computational costs compared to other
masked frame interpolation approaches. Furthermore, we evaluate different
configurations of MoVQ-based video decoding scheme to improve consistency and
achieve higher PSNR, SSIM, MSE, and LPIPS scores. Finally, we compare our
pipeline with existing solutions and achieve top-2 scores overall and top-1
among open-source solutions: CLIPSIM = 0.2976 and FVD = 433.054. Project page:
https://ai-forever.github.io/kandinsky-video/ | null | cs.CV | [
"cs.CV",
"cs.LG",
"cs.MM"
] |
2306.07174 | Both | Augmenting Language Models with Long-Term Memory | [
"Weizhi Wang",
"Li Dong",
"Hao Cheng",
"Xiaodong Liu",
"Xifeng Yan",
"Jianfeng Gao",
"Furu Wei"
] | 2023-06-12 | Existing large language models (LLMs) can only afford fix-sized inputs due to
the input length limit, preventing them from utilizing rich long-context
information from past inputs. To address this, we propose a framework, Language
Models Augmented with Long-Term Memory (LongMem), which enables LLMs to
memorize long history. We design a novel decoupled network architecture with
the original backbone LLM frozen as a memory encoder and an adaptive residual
side-network as a memory retriever and reader. Such a decoupled memory design
can easily cache and update long-term past contexts for memory retrieval
without suffering from memory staleness. Enhanced with memory-augmented
adaptation training, LongMem can thus memorize long past context and use
long-term memory for language modeling. The proposed memory retrieval module
can handle unlimited-length context in its memory bank to benefit various
downstream tasks. Typically, LongMem can enlarge the long-form memory to 65k
tokens and thus cache many-shot extra demonstration examples as long-form
memory for in-context learning. Experiments show that our method outperforms
strong long-context models on ChapterBreak, a challenging long-context modeling
benchmark, and achieves remarkable improvements on memory-augmented in-context
learning over LLMs. The results demonstrate that the proposed method is
effective in helping language models to memorize and utilize long-form
contents. Our code is open-sourced at https://aka.ms/LongMem. | null | cs.CL | [
"cs.CL"
] |
2404.11018 | AnswerAI | Many-Shot In-Context Learning | [
"Rishabh Agarwal",
"Avi Singh",
"Lei M. Zhang",
"Bernd Bohnet",
"Luis Rosias",
"Stephanie Chan",
"Biao Zhang",
"Ankesh Anand",
"Zaheer Abbas",
"Azade Nova",
"John D. Co-Reyes",
"Eric Chu",
"Feryal Behbahani",
"Aleksandra Faust",
"Hugo Larochelle"
] | 2024-04-17 | Large language models (LLMs) excel at few-shot in-context learning (ICL) --
learning from a few examples provided in context at inference, without any
weight updates. Newly expanded context windows allow us to investigate ICL with
hundreds or thousands of examples -- the many-shot regime. Going from few-shot
to many-shot, we observe significant performance gains across a wide variety of
generative and discriminative tasks. While promising, many-shot ICL can be
bottlenecked by the available amount of human-generated examples. To mitigate
this limitation, we explore two new settings: Reinforced and Unsupervised ICL.
Reinforced ICL uses model-generated chain-of-thought rationales in place of
human examples. Unsupervised ICL removes rationales from the prompt altogether,
and prompts the model only with domain-specific questions. We find that both
Reinforced and Unsupervised ICL can be quite effective in the many-shot regime,
particularly on complex reasoning tasks. Finally, we demonstrate that, unlike
few-shot learning, many-shot learning is effective at overriding pretraining
biases, can learn high-dimensional functions with numerical inputs, and
performs comparably to fine-tuning. Our analysis also reveals the limitations
of next-token prediction loss as an indicator of downstream ICL performance. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2402.01622 | HF | TravelPlanner: A Benchmark for Real-World Planning with Language Agents | [
"Jian Xie",
"Kai Zhang",
"Jiangjie Chen",
"Tinghui Zhu",
"Renze Lou",
"Yuandong Tian",
"Yanghua Xiao",
"Yu Su"
] | 2024-02-02 | Planning has been part of the core pursuit for artificial intelligence since
its conception, but earlier AI agents mostly focused on constrained settings
because many of the cognitive substrates necessary for human-level planning
have been lacking. Recently, language agents powered by large language models
(LLMs) have shown interesting capabilities such as tool use and reasoning. Are
these language agents capable of planning in more complex settings that are out
of the reach of prior AI agents? To advance this investigation, we propose
TravelPlanner, a new planning benchmark that focuses on travel planning, a
common real-world planning scenario. It provides a rich sandbox environment,
various tools for accessing nearly four million data records, and 1,225
meticulously curated planning intents and reference plans. Comprehensive
evaluations show that the current language agents are not yet capable of
handling such complex planning tasks-even GPT-4 only achieves a success rate of
0.6%. Language agents struggle to stay on task, use the right tools to collect
information, or keep track of multiple constraints. However, we note that the
mere possibility for language agents to tackle such a complex problem is in
itself non-trivial progress. TravelPlanner provides a challenging yet
meaningful testbed for future language agents. | null | cs.CL | [
"cs.CL"
] |
2308.01904 | HF | DETR Doesn't Need Multi-Scale or Locality Design | [
"Yutong Lin",
"Yuhui Yuan",
"Zheng Zhang",
"Chen Li",
"Nanning Zheng",
"Han Hu"
] | 2023-08-03 | This paper presents an improved DETR detector that maintains a "plain"
nature: using a single-scale feature map and global cross-attention
calculations without specific locality constraints, in contrast to previous
leading DETR-based detectors that reintroduce architectural inductive biases of
multi-scale and locality into the decoder. We show that two simple technologies
are surprisingly effective within a plain design to compensate for the lack of
multi-scale feature maps and locality constraints. The first is a box-to-pixel
relative position bias (BoxRPB) term added to the cross-attention formulation,
which well guides each query to attend to the corresponding object region while
also providing encoding flexibility. The second is masked image modeling
(MIM)-based backbone pre-training which helps learn representation with
fine-grained localization ability and proves crucial for remedying dependencies
on the multi-scale feature maps. By incorporating these technologies and recent
advancements in training and problem formation, the improved "plain" DETR
showed exceptional improvements over the original DETR detector. By leveraging
the Object365 dataset for pre-training, it achieved 63.9 mAP accuracy using a
Swin-L backbone, which is highly competitive with state-of-the-art detectors
which all heavily rely on multi-scale feature maps and region-based feature
extraction. Code is available at https://github.com/impiga/Plain-DETR . | null | cs.CV | [
"cs.CV"
] |
2402.13349 | HF | Aria Everyday Activities Dataset | [
"Zhaoyang Lv",
"Nicholas Charron",
"Pierre Moulon",
"Alexander Gamino",
"Cheng Peng",
"Chris Sweeney",
"Edward Miller",
"Huixuan Tang",
"Jeff Meissner",
"Jing Dong",
"Kiran Somasundaram",
"Luis Pesqueira",
"Mark Schwesinger",
"Omkar Parkhi",
"Qiao Gu",
"Renzo De Nardi",
"Shangyi Cheng",
"Steve Saarinen",
"Vijay Baiyya",
"Yuyang Zou",
"Richard Newcombe",
"Jakob Julian Engel",
"Xiaqing Pan",
"Carl Ren"
] | 2024-02-20 | We present Aria Everyday Activities (AEA) Dataset, an egocentric multimodal
open dataset recorded using Project Aria glasses. AEA contains 143 daily
activity sequences recorded by multiple wearers in five geographically diverse
indoor locations. Each of the recording contains multimodal sensor data
recorded through the Project Aria glasses. In addition, AEA provides machine
perception data including high frequency globally aligned 3D trajectories,
scene point cloud, per-frame 3D eye gaze vector and time aligned speech
transcription. In this paper, we demonstrate a few exemplar research
applications enabled by this dataset, including neural scene reconstruction and
prompted segmentation. AEA is an open source dataset that can be downloaded
from https://www.projectaria.com/datasets/aea/. We are also providing
open-source implementations and examples of how to use the dataset in Project
Aria Tools https://github.com/facebookresearch/projectaria_tools. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.HC"
] |
2305.04789 | HF | AvatarReX: Real-time Expressive Full-body Avatars | [
"Zerong Zheng",
"Xiaochen Zhao",
"Hongwen Zhang",
"Boning Liu",
"Yebin Liu"
] | 2023-05-08 | We present AvatarReX, a new method for learning NeRF-based full-body avatars
from video data. The learnt avatar not only provides expressive control of the
body, hands and the face together, but also supports real-time animation and
rendering. To this end, we propose a compositional avatar representation, where
the body, hands and the face are separately modeled in a way that the
structural prior from parametric mesh templates is properly utilized without
compromising representation flexibility. Furthermore, we disentangle the
geometry and appearance for each part. With these technical designs, we propose
a dedicated deferred rendering pipeline, which can be executed in real-time
framerate to synthesize high-quality free-view images. The disentanglement of
geometry and appearance also allows us to design a two-pass training strategy
that combines volume rendering and surface rendering for network training. In
this way, patch-level supervision can be applied to force the network to learn
sharp appearance details on the basis of geometry estimation. Overall, our
method enables automatic construction of expressive full-body avatars with
real-time rendering capability, and can generate photo-realistic images with
dynamic details for novel body motions and facial expressions. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2401.06102 | HF | Patchscopes: A Unifying Framework for Inspecting Hidden Representations of Language Models | [
"Asma Ghandeharioun",
"Avi Caciularu",
"Adam Pearce",
"Lucas Dixon",
"Mor Geva"
] | 2024-01-11 | Understanding the internal representations of large language models (LLMs)
can help explain models' behavior and verify their alignment with human values.
Given the capabilities of LLMs in generating human-understandable text, we
propose leveraging the model itself to explain its internal representations in
natural language. We introduce a framework called Patchscopes and show how it
can be used to answer a wide range of questions about an LLM's computation. We
show that many prior interpretability methods based on projecting
representations into the vocabulary space and intervening on the LLM
computation can be viewed as instances of this framework. Moreover, several of
their shortcomings such as failure in inspecting early layers or lack of
expressivity can be mitigated by Patchscopes. Beyond unifying prior inspection
techniques, Patchscopes also opens up new possibilities such as using a more
capable model to explain the representations of a smaller model, and multihop
reasoning error correction. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2402.10110 | AnswerAI | Selective Reflection-Tuning: Student-Selected Data Recycling for LLM Instruction-Tuning | [
"Ming Li",
"Lichang Chen",
"Jiuhai Chen",
"Shwai He",
"Jiuxiang Gu",
"Tianyi Zhou"
] | 2024-02-15 | Instruction tuning is critical to large language models (LLMs) for achieving
better instruction following and task adaptation capabilities but its success
heavily relies on the training data quality. Many recent methods focus on
improving the data quality but often overlook the compatibility of the data
with the student model being finetuned. This paper introduces Selective
Reflection-Tuning, a novel paradigm that synergizes a teacher LLM's reflection
and introspection for improving existing data quality with the data selection
capability of the student LLM, to automatically refine existing
instruction-tuning data. This teacher-student collaboration produces
high-quality and student-compatible instruction-response pairs, resulting in
sample-efficient instruction tuning and LLMs of superior performance. Selective
Reflection-Tuning is a data augmentation and synthesis that generally improves
LLM finetuning and self-improvement without collecting brand-new data. We apply
our method to Alpaca and WizardLM data and achieve much stronger and top-tier
7B and 13B LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.08205 | HF | Agile Catching with Whole-Body MPC and Blackbox Policy Learning | [
"Saminda Abeyruwan",
"Alex Bewley",
"Nicholas M. Boffi",
"Krzysztof Choromanski",
"David D'Ambrosio",
"Deepali Jain",
"Pannag Sanketi",
"Anish Shankar",
"Vikas Sindhwani",
"Sumeet Singh",
"Jean-Jacques Slotine",
"Stephen Tu"
] | 2023-06-14 | We address a benchmark task in agile robotics: catching objects thrown at
high-speed. This is a challenging task that involves tracking, intercepting,
and cradling a thrown object with access only to visual observations of the
object and the proprioceptive state of the robot, all within a fraction of a
second. We present the relative merits of two fundamentally different solution
strategies: (i) Model Predictive Control using accelerated constrained
trajectory optimization, and (ii) Reinforcement Learning using zeroth-order
optimization. We provide insights into various performance trade-offs including
sample efficiency, sim-to-real transfer, robustness to distribution shifts, and
whole-body multimodality via extensive on-hardware experiments. We conclude
with proposals on fusing "classical" and "learning-based" techniques for agile
robot control. Videos of our experiments may be found at
https://sites.google.com/view/agile-catching | null | cs.RO | [
"cs.RO"
] |
2408.14765 | HF | CrossViewDiff: A Cross-View Diffusion Model for Satellite-to-Street View Synthesis | [
"Weijia Li",
"Jun He",
"Junyan Ye",
"Huaping Zhong",
"Zhimeng Zheng",
"Zilong Huang",
"Dahua Lin",
"Conghui He"
] | 2024-08-27 | Satellite-to-street view synthesis aims at generating a realistic street-view
image from its corresponding satellite-view image. Although stable diffusion
models have exhibit remarkable performance in a variety of image generation
applications, their reliance on similar-view inputs to control the generated
structure or texture restricts their application to the challenging cross-view
synthesis task. In this work, we propose CrossViewDiff, a cross-view diffusion
model for satellite-to-street view synthesis. To address the challenges posed
by the large discrepancy across views, we design the satellite scene structure
estimation and cross-view texture mapping modules to construct the structural
and textural controls for street-view image synthesis. We further design a
cross-view control guided denoising process that incorporates the above
controls via an enhanced cross-view attention module. To achieve a more
comprehensive evaluation of the synthesis results, we additionally design a
GPT-based scoring method as a supplement to standard evaluation metrics. We
also explore the effect of different data sources (e.g., text, maps, building
heights, and multi-temporal satellite imagery) on this task. Results on three
public cross-view datasets show that CrossViewDiff outperforms current
state-of-the-art on both standard and GPT-based evaluation metrics, generating
high-quality street-view panoramas with more realistic structures and textures
across rural, suburban, and urban scenes. The code and models of this work will
be released at https://opendatalab.github.io/CrossViewDiff/. | null | cs.CV | [
"cs.CV"
] |
2407.13301 | HF | CoD, Towards an Interpretable Medical Agent using Chain of Diagnosis | [
"Junying Chen",
"Chi Gui",
"Anningzhe Gao",
"Ke Ji",
"Xidong Wang",
"Xiang Wan",
"Benyou Wang"
] | 2024-07-18 | The field of medical diagnosis has undergone a significant transformation
with the advent of large language models (LLMs), yet the challenges of
interpretability within these models remain largely unaddressed. This study
introduces Chain-of-Diagnosis (CoD) to enhance the interpretability of
LLM-based medical diagnostics. CoD transforms the diagnostic process into a
diagnostic chain that mirrors a physician's thought process, providing a
transparent reasoning pathway. Additionally, CoD outputs the disease confidence
distribution to ensure transparency in decision-making. This interpretability
makes model diagnostics controllable and aids in identifying critical symptoms
for inquiry through the entropy reduction of confidences. With CoD, we
developed DiagnosisGPT, capable of diagnosing 9604 diseases. Experimental
results demonstrate that DiagnosisGPT outperforms other LLMs on diagnostic
benchmarks. Moreover, DiagnosisGPT provides interpretability while ensuring
controllability in diagnostic rigor. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.13663 | HF | Model Internals-based Answer Attribution for Trustworthy Retrieval-Augmented Generation | [
"Jirui Qi",
"Gabriele Sarti",
"Raquel Fernández",
"Arianna Bisazza"
] | 2024-06-19 | Ensuring the verifiability of model answers is a fundamental challenge for
retrieval-augmented generation (RAG) in the question answering (QA) domain.
Recently, self-citation prompting was proposed to make large language models
(LLMs) generate citations to supporting documents along with their answers.
However, self-citing LLMs often struggle to match the required format, refer to
non-existent sources, and fail to faithfully reflect LLMs' context usage
throughout the generation. In this work, we present MIRAGE --Model
Internals-based RAG Explanations -- a plug-and-play approach using model
internals for faithful answer attribution in RAG applications. MIRAGE detects
context-sensitive answer tokens and pairs them with retrieved documents
contributing to their prediction via saliency methods. We evaluate our proposed
approach on a multilingual extractive QA dataset, finding high agreement with
human answer attribution. On open-ended QA, MIRAGE achieves citation quality
and efficiency comparable to self-citation while also allowing for a
finer-grained control of attribution parameters. Our qualitative evaluation
highlights the faithfulness of MIRAGE's attributions and underscores the
promising application of model internals for RAG answer attribution. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.08692 | HF | Routing to the Expert: Efficient Reward-guided Ensemble of Large Language Models | [
"Keming Lu",
"Hongyi Yuan",
"Runji Lin",
"Junyang Lin",
"Zheng Yuan",
"Chang Zhou",
"Jingren Zhou"
] | 2023-11-15 | The complementary potential of Large Language Models (LLM) assumes
off-the-shelf LLMs have heterogeneous expertise in a wide range of domains and
tasks so that an ensemble of LLMs can achieve consistently better performance.
Existing ensemble methods for LLMs mainly focus on reward model ranking of
outputs, leading to significant computation overhead. To combat this issue, we
revisit the complementary potential of LLMs and further elaborate it by mining
latent expertise with off-the-shelf reward models. We propose Zooter, a
reward-guided routing method distilling rewards on training queries to train a
routing function, which can precisely distribute each query to the LLM with
expertise about it. We also integrate a tag-based label enhancement to mitigate
noise from uncertainty when using rewards as silver supervision. Zooter shows
computation efficiency in inference as it introduces only a minor computation
overhead of a routing function compared with reward model ranking methods. We
evaluate Zooter on a comprehensive benchmark collection with 26 subsets on
different domains and tasks. Zooter outperforms the best single model on
average and ranks first on 44% of tasks, even surpassing multiple reward model
ranking methods. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2308.08316 | HF | Dual-Stream Diffusion Net for Text-to-Video Generation | [
"Binhui Liu",
"Xin Liu",
"Anbo Dai",
"Zhiyong Zeng",
"Dan Wang",
"Zhen Cui",
"Jian Yang"
] | 2023-08-16 | With the emerging diffusion models, recently, text-to-video generation has
aroused increasing attention. But an important bottleneck therein is that
generative videos often tend to carry some flickers and artifacts. In this
work, we propose a dual-stream diffusion net (DSDN) to improve the consistency
of content variations in generating videos. In particular, the designed two
diffusion streams, video content and motion branches, could not only run
separately in their private spaces for producing personalized video variations
as well as content, but also be well-aligned between the content and motion
domains through leveraging our designed cross-transformer interaction module,
which would benefit the smoothness of generated videos. Besides, we also
introduce motion decomposer and combiner to faciliate the operation on video
motion. Qualitative and quantitative experiments demonstrate that our method
could produce amazing continuous videos with fewer flickers. | null | cs.CV | [
"cs.CV"
] |
2307.10168 | HF | LLMs as Workers in Human-Computational Algorithms? Replicating Crowdsourcing Pipelines with LLMs | [
"Tongshuang Wu",
"Haiyi Zhu",
"Maya Albayrak",
"Alexis Axon",
"Amanda Bertsch",
"Wenxing Deng",
"Ziqi Ding",
"Bill Guo",
"Sireesh Gururaja",
"Tzu-Sheng Kuo",
"Jenny T. Liang",
"Ryan Liu",
"Ihita Mandal",
"Jeremiah Milbauer",
"Xiaolin Ni",
"Namrata Padmanabhan",
"Subhashini Ramkumar",
"Alexis Sudjianto",
"Jordan Taylor",
"Ying-Jui Tseng",
"Patricia Vaidos",
"Zhijin Wu",
"Wei Wu",
"Chenyang Yang"
] | 2023-07-19 | LLMs have shown promise in replicating human-like behavior in crowdsourcing
tasks that were previously thought to be exclusive to human abilities. However,
current efforts focus mainly on simple atomic tasks. We explore whether LLMs
can replicate more complex crowdsourcing pipelines. We find that modern LLMs
can simulate some of crowdworkers' abilities in these "human computation
algorithms," but the level of success is variable and influenced by requesters'
understanding of LLM capabilities, the specific skills required for sub-tasks,
and the optimal interaction modality for performing these sub-tasks. We reflect
on human and LLMs' different sensitivities to instructions, stress the
importance of enabling human-facing safeguards for LLMs, and discuss the
potential of training humans and LLMs with complementary skill sets. Crucially,
we show that replicating crowdsourcing pipelines offers a valuable platform to
investigate (1) the relative strengths of LLMs on different tasks (by
cross-comparing their performances on sub-tasks) and (2) LLMs' potential in
complex tasks, where they can complete part of the tasks while leaving others
to humans. | null | cs.CL | [
"cs.CL",
"cs.HC"
] |
2203.03466 | AnswerAI | Tensor Programs V: Tuning Large Neural Networks via Zero-Shot Hyperparameter Transfer | [
"Greg Yang",
"Edward J. Hu",
"Igor Babuschkin",
"Szymon Sidor",
"Xiaodong Liu",
"David Farhi",
"Nick Ryder",
"Jakub Pachocki",
"Weizhu Chen",
"Jianfeng Gao"
] | 2022-03-07 | Hyperparameter (HP) tuning in deep learning is an expensive process,
prohibitively so for neural networks (NNs) with billions of parameters. We show
that, in the recently discovered Maximal Update Parametrization (muP), many
optimal HPs remain stable even as model size changes. This leads to a new HP
tuning paradigm we call muTransfer: parametrize the target model in muP, tune
the HP indirectly on a smaller model, and zero-shot transfer them to the
full-sized model, i.e., without directly tuning the latter at all. We verify
muTransfer on Transformer and ResNet. For example, 1) by transferring
pretraining HPs from a model of 13M parameters, we outperform published numbers
of BERT-large (350M parameters), with a total tuning cost equivalent to
pretraining BERT-large once; 2) by transferring from 40M parameters, we
outperform published numbers of the 6.7B GPT-3 model, with tuning cost only 7%
of total pretraining cost. A Pytorch implementation of our technique can be
found at github.com/microsoft/mup and installable via `pip install mup`. | null | cs.LG | [
"cs.LG",
"cond-mat.dis-nn",
"cs.NE"
] |
2408.16357 | HF | Law of Vision Representation in MLLMs | [
"Shijia Yang",
"Bohan Zhai",
"Quanzeng You",
"Jianbo Yuan",
"Hongxia Yang",
"Chenfeng Xu"
] | 2024-08-29 | We present the "Law of Vision Representation" in multimodal large language
models (MLLMs). It reveals a strong correlation between the combination of
cross-modal alignment, correspondence in vision representation, and MLLM
performance. We quantify the two factors using the cross-modal Alignment and
Correspondence score (AC score). Through extensive experiments involving
thirteen different vision representation settings and evaluations across eight
benchmarks, we find that the AC score is linearly correlated to model
performance. By leveraging this relationship, we are able to identify and train
the optimal vision representation only, which does not require finetuning the
language model every time, resulting in a 99.7% reduction in computational
cost. | null | cs.CV | [
"cs.CV"
] |
2401.15077 | Both | EAGLE: Speculative Sampling Requires Rethinking Feature Uncertainty | [
"Yuhui Li",
"Fangyun Wei",
"Chao Zhang",
"Hongyang Zhang"
] | 2024-01-26 | Autoregressive decoding makes the inference of Large Language Models (LLMs)
time-consuming. In this paper, we reconsider speculative sampling and derive
two key observations. Firstly, autoregression at the feature
(second-to-top-layer) level is more straightforward than at the token level.
Secondly, the inherent uncertainty in feature (second-to-top-layer) level
autoregression constrains its performance. Based on these insights, we
introduce EAGLE (Extrapolation Algorithm for Greater Language-model
Efficiency), a simple yet highly efficient speculative sampling framework. By
incorporating a token sequence advanced by one time step, EAGLE effectively
resolves the uncertainty, enabling precise second-to-top-layer feature
prediction with minimal overhead. We conducted comprehensive evaluations of
EAGLE, including all models from the Vicuna and LLaMA2-Chat series, the MoE
model Mixtral 8x7B Instruct, and tasks in dialogue, code generation,
mathematical reasoning, and instruction following. For LLaMA2-Chat 70B, EAGLE
achieved a latency speedup ratio of 2.7x-3.5x, doubled throughput, while
maintaining the distribution of the generated text. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2310.08278 | AnswerAI | Lag-Llama: Towards Foundation Models for Probabilistic Time Series Forecasting | [
"Kashif Rasul",
"Arjun Ashok",
"Andrew Robert Williams",
"Hena Ghonia",
"Rishika Bhagwatkar",
"Arian Khorasani",
"Mohammad Javad Darvishi Bayazi",
"George Adamopoulos",
"Roland Riachi",
"Nadhir Hassen",
"Marin Biloš",
"Sahil Garg",
"Anderson Schneider",
"Nicolas Chapados",
"Alexandre Drouin",
"Valentina Zantedeschi",
"Yuriy Nevmyvaka",
"Irina Rish"
] | 2023-10-12 | Over the past years, foundation models have caused a paradigm shift in
machine learning due to their unprecedented capabilities for zero-shot and
few-shot generalization. However, despite the success of foundation models in
modalities such as natural language processing and computer vision, the
development of foundation models for time series forecasting has lagged behind.
We present Lag-Llama, a general-purpose foundation model for univariate
probabilistic time series forecasting based on a decoder-only transformer
architecture that uses lags as covariates. Lag-Llama is pretrained on a large
corpus of diverse time series data from several domains, and demonstrates
strong zero-shot generalization capabilities compared to a wide range of
forecasting models on downstream datasets across domains. Moreover, when
fine-tuned on relatively small fractions of such previously unseen datasets,
Lag-Llama achieves state-of-the-art performance, outperforming prior deep
learning approaches, emerging as the best general-purpose model on average.
Lag-Llama serves as a strong contender to the current state-of-art in time
series forecasting and paves the way for future advancements in foundation
models tailored to time series data. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2401.05293 | HF | Score Distillation Sampling with Learned Manifold Corrective | [
"Thiemo Alldieck",
"Nikos Kolotouros",
"Cristian Sminchisescu"
] | 2024-01-10 | Score Distillation Sampling (SDS) is a recent but already widely popular
method that relies on an image diffusion model to control optimization problems
using text prompts. In this paper, we conduct an in-depth analysis of the SDS
loss function, identify an inherent problem with its formulation, and propose a
surprisingly easy but effective fix. Specifically, we decompose the loss into
different factors and isolate the component responsible for noisy gradients. In
the original formulation, high text guidance is used to account for the noise,
leading to unwanted side effects such as oversaturation or repeated detail.
Instead, we train a shallow network mimicking the timestep-dependent frequency
bias of the image diffusion model in order to effectively factor it out. We
demonstrate the versatility and the effectiveness of our novel loss formulation
through qualitative and quantitative experiments, including optimization-based
image synthesis and editing, zero-shot image translation network training, and
text-to-3D synthesis. | null | cs.CV | [
"cs.CV"
] |
2404.03543 | HF | CodeEditorBench: Evaluating Code Editing Capability of Large Language Models | [
"Jiawei Guo",
"Ziming Li",
"Xueling Liu",
"Kaijing Ma",
"Tianyu Zheng",
"Zhouliang Yu",
"Ding Pan",
"Yizhi LI",
"Ruibo Liu",
"Yue Wang",
"Shuyue Guo",
"Xingwei Qu",
"Xiang Yue",
"Ge Zhang",
"Wenhu Chen",
"Jie Fu"
] | 2024-04-04 | Large Language Models (LLMs) for code are rapidly evolving, with code editing
emerging as a critical capability. We introduce CodeEditorBench, an evaluation
framework designed to rigorously assess the performance of LLMs in code editing
tasks, including debugging, translating, polishing, and requirement switching.
Unlike existing benchmarks focusing solely on code generation, CodeEditorBench
emphasizes real-world scenarios and practical aspects of software development.
We curate diverse coding challenges and scenarios from five sources, covering
various programming languages, complexity levels, and editing tasks. Evaluation
of 19 LLMs reveals that closed-source models (particularly Gemini-Ultra and
GPT-4), outperform open-source models in CodeEditorBench, highlighting
differences in model performance based on problem types and prompt
sensitivities. CodeEditorBench aims to catalyze advancements in LLMs by
providing a robust platform for assessing code editing capabilities. We will
release all prompts and datasets to enable the community to expand the dataset
and benchmark emerging LLMs. By introducing CodeEditorBench, we contribute to
the advancement of LLMs in code editing and provide a valuable resource for
researchers and practitioners. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2406.05649 | HF | GTR: Improving Large 3D Reconstruction Models through Geometry and Texture Refinement | [
"Peiye Zhuang",
"Songfang Han",
"Chaoyang Wang",
"Aliaksandr Siarohin",
"Jiaxu Zou",
"Michael Vasilkovsky",
"Vladislav Shakhrai",
"Sergey Korolev",
"Sergey Tulyakov",
"Hsin-Ying Lee"
] | 2024-06-09 | We propose a novel approach for 3D mesh reconstruction from multi-view
images. Our method takes inspiration from large reconstruction models like LRM
that use a transformer-based triplane generator and a Neural Radiance Field
(NeRF) model trained on multi-view images. However, in our method, we introduce
several important modifications that allow us to significantly enhance 3D
reconstruction quality. First of all, we examine the original LRM architecture
and find several shortcomings. Subsequently, we introduce respective
modifications to the LRM architecture, which lead to improved multi-view image
representation and more computationally efficient training. Second, in order to
improve geometry reconstruction and enable supervision at full image
resolution, we extract meshes from the NeRF field in a differentiable manner
and fine-tune the NeRF model through mesh rendering. These modifications allow
us to achieve state-of-the-art performance on both 2D and 3D evaluation
metrics, such as a PSNR of 28.67 on Google Scanned Objects (GSO) dataset.
Despite these superior results, our feed-forward model still struggles to
reconstruct complex textures, such as text and portraits on assets. To address
this, we introduce a lightweight per-instance texture refinement procedure.
This procedure fine-tunes the triplane representation and the NeRF color
estimation model on the mesh surface using the input multi-view images in just
4 seconds. This refinement improves the PSNR to 29.79 and achieves faithful
reconstruction of complex textures, such as text. Additionally, our approach
enables various downstream applications, including text- or image-to-3D
generation. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2305.16411 | HF | ZeroAvatar: Zero-shot 3D Avatar Generation from a Single Image | [
"Zhenzhen Weng",
"Zeyu Wang",
"Serena Yeung"
] | 2023-05-25 | Recent advancements in text-to-image generation have enabled significant
progress in zero-shot 3D shape generation. This is achieved by score
distillation, a methodology that uses pre-trained text-to-image diffusion
models to optimize the parameters of a 3D neural presentation, e.g. Neural
Radiance Field (NeRF). While showing promising results, existing methods are
often not able to preserve the geometry of complex shapes, such as human
bodies. To address this challenge, we present ZeroAvatar, a method that
introduces the explicit 3D human body prior to the optimization process.
Specifically, we first estimate and refine the parameters of a parametric human
body from a single image. Then during optimization, we use the posed parametric
body as additional geometry constraint to regularize the diffusion model as
well as the underlying density field. Lastly, we propose a UV-guided texture
regularization term to further guide the completion of texture on invisible
body parts. We show that ZeroAvatar significantly enhances the robustness and
3D consistency of optimization-based image-to-3D avatar generation,
outperforming existing zero-shot image-to-3D methods. | null | cs.CV | [
"cs.CV"
] |
2305.17190 | AnswerAI | Multiplication-Free Transformer Training via Piecewise Affine Operations | [
"Atli Kosson",
"Martin Jaggi"
] | 2023-05-26 | Multiplications are responsible for most of the computational cost involved
in neural network training and inference. Recent research has thus looked for
ways to reduce the cost associated with them. Inspired by Mogami (2020), we
replace multiplication with a cheap piecewise affine approximation that is
achieved by adding the bit representation of the floating point numbers
together as integers. We show that transformers can be trained with the
resulting modified matrix multiplications on both vision and language tasks
with little to no performance impact, and without changes to the training
hyperparameters. We further replace all non-linearities in the networks making
them fully and jointly piecewise affine in both inputs and weights. Finally, we
show that we can eliminate all multiplications in the entire training process,
including operations in the forward pass, backward pass and optimizer update,
demonstrating the first successful training of modern neural network
architectures in a fully multiplication-free fashion. | null | cs.LG | [
"cs.LG"
] |
2305.07804 | HF | Improving Small Language Models on PubMedQA via Generative Data Augmentation | [
"Zhen Guo",
"Peiqi Wang",
"Yanwei Wang",
"Shangdi Yu"
] | 2023-05-12 | Large Language Models (LLMs) have made remarkable advancements in the field
of natural language processing. However, their increasing size poses challenges
in terms of computational cost. On the other hand, Small Language Models (SLMs)
are known for their efficiency, but they often struggle with limited capacity
and training data, especially in specific domains. In this paper, we introduce
a novel method aimed at improving SLMs in the medical domain using LLM-based
generative data augmentation. The objective of our approach is to develop more
efficient and capable models that are specifically tailored for specialized
applications. Through experiments conducted on the PubMedQA dataset, we
demonstrate the effectiveness of LLMs in refining and diversifying existing
question-answer pairs. This refinement process leads to improved performance in
a significantly smaller model after fine-tuning. Notably, our best SLM, with
under 1.6 billion parameters, outperforms the few-shot GPT-4 on the PubMedQA
dataset. Our code and generated data are publicly available to facilitate
further explorations. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2306.17492 | Both | Preference Ranking Optimization for Human Alignment | [
"Feifan Song",
"Bowen Yu",
"Minghao Li",
"Haiyang Yu",
"Fei Huang",
"Yongbin Li",
"Houfeng Wang"
] | 2023-06-30 | Large language models (LLMs) often contain misleading content, emphasizing
the need to align them with human values to ensure secure AI systems.
Reinforcement learning from human feedback (RLHF) has been employed to achieve
this alignment. However, it encompasses two main drawbacks: (1) RLHF exhibits
complexity, instability, and sensitivity to hyperparameters in contrast to SFT.
(2) Despite massive trial-and-error, multiple sampling is reduced to pair-wise
contrast, thus lacking contrasts from a macro perspective. In this paper, we
propose Preference Ranking Optimization (PRO) as an efficient SFT algorithm to
directly fine-tune LLMs for human alignment. PRO extends the pair-wise contrast
to accommodate preference rankings of any length. By iteratively contrasting
candidates, PRO instructs the LLM to prioritize the best response while
progressively ranking the rest responses. In this manner, PRO effectively
transforms human alignment into aligning the probability ranking of n responses
generated by LLM with the preference ranking of humans towards these responses.
Experiments have shown that PRO outperforms baseline algorithms, achieving
comparable results to ChatGPT and human responses through automatic-based,
reward-based, GPT-4, and human evaluations. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2310.13548 | Both | Towards Understanding Sycophancy in Language Models | [
"Mrinank Sharma",
"Meg Tong",
"Tomasz Korbak",
"David Duvenaud",
"Amanda Askell",
"Samuel R. Bowman",
"Newton Cheng",
"Esin Durmus",
"Zac Hatfield-Dodds",
"Scott R. Johnston",
"Shauna Kravec",
"Timothy Maxwell",
"Sam McCandlish",
"Kamal Ndousse",
"Oliver Rausch",
"Nicholas Schiefer",
"Da Yan",
"Miranda Zhang",
"Ethan Perez"
] | 2023-10-20 | Human feedback is commonly utilized to finetune AI assistants. But human
feedback may also encourage model responses that match user beliefs over
truthful ones, a behaviour known as sycophancy. We investigate the prevalence
of sycophancy in models whose finetuning procedure made use of human feedback,
and the potential role of human preference judgments in such behavior. We first
demonstrate that five state-of-the-art AI assistants consistently exhibit
sycophancy across four varied free-form text-generation tasks. To understand if
human preferences drive this broadly observed behavior, we analyze existing
human preference data. We find that when a response matches a user's views, it
is more likely to be preferred. Moreover, both humans and preference models
(PMs) prefer convincingly-written sycophantic responses over correct ones a
non-negligible fraction of the time. Optimizing model outputs against PMs also
sometimes sacrifices truthfulness in favor of sycophancy. Overall, our results
indicate that sycophancy is a general behavior of state-of-the-art AI
assistants, likely driven in part by human preference judgments favoring
sycophantic responses. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"stat.ML",
"I.2.6"
] |
2312.16812 | HF | Spacetime Gaussian Feature Splatting for Real-Time Dynamic View Synthesis | [
"Zhan Li",
"Zhang Chen",
"Zhong Li",
"Yi Xu"
] | 2023-12-28 | Novel view synthesis of dynamic scenes has been an intriguing yet challenging
problem. Despite recent advancements, simultaneously achieving high-resolution
photorealistic results, real-time rendering, and compact storage remains a
formidable task. To address these challenges, we propose Spacetime Gaussian
Feature Splatting as a novel dynamic scene representation, composed of three
pivotal components. First, we formulate expressive Spacetime Gaussians by
enhancing 3D Gaussians with temporal opacity and parametric motion/rotation.
This enables Spacetime Gaussians to capture static, dynamic, as well as
transient content within a scene. Second, we introduce splatted feature
rendering, which replaces spherical harmonics with neural features. These
features facilitate the modeling of view- and time-dependent appearance while
maintaining small size. Third, we leverage the guidance of training error and
coarse depth to sample new Gaussians in areas that are challenging to converge
with existing pipelines. Experiments on several established real-world datasets
demonstrate that our method achieves state-of-the-art rendering quality and
speed, while retaining compact storage. At 8K resolution, our lite-version
model can render at 60 FPS on an Nvidia RTX 4090 GPU. Our code is available at
https://github.com/oppo-us-research/SpacetimeGaussians. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2404.07972 | HF | OSWorld: Benchmarking Multimodal Agents for Open-Ended Tasks in Real Computer Environments | [
"Tianbao Xie",
"Danyang Zhang",
"Jixuan Chen",
"Xiaochuan Li",
"Siheng Zhao",
"Ruisheng Cao",
"Toh Jing Hua",
"Zhoujun Cheng",
"Dongchan Shin",
"Fangyu Lei",
"Yitao Liu",
"Yiheng Xu",
"Shuyan Zhou",
"Silvio Savarese",
"Caiming Xiong",
"Victor Zhong",
"Tao Yu"
] | 2024-04-11 | Autonomous agents that accomplish complex computer tasks with minimal human
interventions have the potential to transform human-computer interaction,
significantly enhancing accessibility and productivity. However, existing
benchmarks either lack an interactive environment or are limited to
environments specific to certain applications or domains, failing to reflect
the diverse and complex nature of real-world computer use, thereby limiting the
scope of tasks and agent scalability. To address this issue, we introduce
OSWorld, the first-of-its-kind scalable, real computer environment for
multimodal agents, supporting task setup, execution-based evaluation, and
interactive learning across various operating systems such as Ubuntu, Windows,
and macOS. OSWorld can serve as a unified, integrated computer environment for
assessing open-ended computer tasks that involve arbitrary applications.
Building upon OSWorld, we create a benchmark of 369 computer tasks involving
real web and desktop apps in open domains, OS file I/O, and workflows spanning
multiple applications. Each task example is derived from real-world computer
use cases and includes a detailed initial state setup configuration and a
custom execution-based evaluation script for reliable, reproducible evaluation.
Extensive evaluation of state-of-the-art LLM/VLM-based agents on OSWorld
reveals significant deficiencies in their ability to serve as computer
assistants. While humans can accomplish over 72.36% of the tasks, the best
model achieves only 12.24% success, primarily struggling with GUI grounding and
operational knowledge. Comprehensive analysis using OSWorld provides valuable
insights for developing multimodal generalist agents that were not possible
with previous benchmarks. Our code, environment, baseline models, and data are
publicly available at https://os-world.github.io. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2306.07629 | AnswerAI | SqueezeLLM: Dense-and-Sparse Quantization | [
"Sehoon Kim",
"Coleman Hooper",
"Amir Gholami",
"Zhen Dong",
"Xiuyu Li",
"Sheng Shen",
"Michael W. Mahoney",
"Kurt Keutzer"
] | 2023-06-13 | Generative Large Language Models (LLMs) have demonstrated remarkable results
for a wide range of tasks. However, deploying these models for inference has
been a significant challenge due to their unprecedented resource requirements.
This has forced existing deployment frameworks to use multi-GPU inference
pipelines, which are often complex and costly, or to use smaller and less
performant models. In this work, we demonstrate that the main bottleneck for
generative inference with LLMs is memory bandwidth, rather than compute,
specifically for single batch inference. While quantization has emerged as a
promising solution by representing weights with reduced precision, previous
efforts have often resulted in notable performance degradation. To address
this, we introduce SqueezeLLM, a post-training quantization framework that not
only enables lossless compression to ultra-low precisions of up to 3-bit, but
also achieves higher quantization performance under the same memory constraint.
Our framework incorporates two novel ideas: (i) sensitivity-based non-uniform
quantization, which searches for the optimal bit precision assignment based on
second-order information; and (ii) the Dense-and-Sparse decomposition that
stores outliers and sensitive weight values in an efficient sparse format. When
applied to the LLaMA models, our 3-bit quantization significantly reduces the
perplexity gap from the FP16 baseline by up to 2.1x as compared to the
state-of-the-art methods with the same memory requirement. Furthermore, when
deployed on an A6000 GPU, our quantized models achieve up to 2.3x speedup
compared to the baseline. Our code is available at
https://github.com/SqueezeAILab/SqueezeLLM. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.14233 | Both | Enhancing Chat Language Models by Scaling High-quality Instructional Conversations | [
"Ning Ding",
"Yulin Chen",
"Bokai Xu",
"Yujia Qin",
"Zhi Zheng",
"Shengding Hu",
"Zhiyuan Liu",
"Maosong Sun",
"Bowen Zhou"
] | 2023-05-23 | Fine-tuning on instruction data has been widely validated as an effective
practice for implementing chat language models like ChatGPT. Scaling the
diversity and quality of such data, although straightforward, stands a great
chance of leading to improved performance. This paper aims to improve the upper
bound of open-source models further. We first provide a systematically
designed, diverse, informative, large-scale dataset of instructional
conversations, UltraChat, which does not involve human queries. Our objective
is to capture the breadth of interactions that a human might have with an AI
assistant and employs a comprehensive framework to generate multi-turn
conversation iteratively. UltraChat contains 1.5 million high-quality
multi-turn dialogues and covers a wide range of topics and instructions. Our
statistical analysis of UltraChat reveals its superiority in various key
metrics, including scale, average length, diversity, coherence, etc.,
solidifying its position as a leading open-source dataset. Building upon
UltraChat, we fine-tune a LLaMA model to create a powerful conversational
model, UltraLLaMA. Our evaluations indicate that UltraLLaMA consistently
outperforms other open-source models, including Vicuna, the previously
recognized state-of-the-art open-source model. The dataset and the model will
be publicly released\footnote{\url{https://github.com/thunlp/UltraChat}}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.08344 | HF | FoundationPose: Unified 6D Pose Estimation and Tracking of Novel Objects | [
"Bowen Wen",
"Wei Yang",
"Jan Kautz",
"Stan Birchfield"
] | 2023-12-13 | We present FoundationPose, a unified foundation model for 6D object pose
estimation and tracking, supporting both model-based and model-free setups. Our
approach can be instantly applied at test-time to a novel object without
fine-tuning, as long as its CAD model is given, or a small number of reference
images are captured. We bridge the gap between these two setups with a neural
implicit representation that allows for effective novel view synthesis, keeping
the downstream pose estimation modules invariant under the same unified
framework. Strong generalizability is achieved via large-scale synthetic
training, aided by a large language model (LLM), a novel transformer-based
architecture, and contrastive learning formulation. Extensive evaluation on
multiple public datasets involving challenging scenarios and objects indicate
our unified approach outperforms existing methods specialized for each task by
a large margin. In addition, it even achieves comparable results to
instance-level methods despite the reduced assumptions. Project page:
https://nvlabs.github.io/FoundationPose/ | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.RO"
] |
2406.05370 | HF | VALL-E 2: Neural Codec Language Models are Human Parity Zero-Shot Text to Speech Synthesizers | [
"Sanyuan Chen",
"Shujie Liu",
"Long Zhou",
"Yanqing Liu",
"Xu Tan",
"Jinyu Li",
"Sheng Zhao",
"Yao Qian",
"Furu Wei"
] | 2024-06-08 | This paper introduces VALL-E 2, the latest advancement in neural codec
language models that marks a milestone in zero-shot text-to-speech synthesis
(TTS), achieving human parity for the first time. Based on its predecessor,
VALL-E, the new iteration introduces two significant enhancements: Repetition
Aware Sampling refines the original nucleus sampling process by accounting for
token repetition in the decoding history. It not only stabilizes the decoding
but also circumvents the infinite loop issue. Grouped Code Modeling organizes
codec codes into groups to effectively shorten the sequence length, which not
only boosts inference speed but also addresses the challenges of long sequence
modeling. Our experiments on the LibriSpeech and VCTK datasets show that VALL-E
2 surpasses previous systems in speech robustness, naturalness, and speaker
similarity. It is the first of its kind to reach human parity on these
benchmarks. Moreover, VALL-E 2 consistently synthesizes high-quality speech,
even for sentences that are traditionally challenging due to their complexity
or repetitive phrases. The advantages of this work could contribute to valuable
endeavors, such as generating speech for individuals with aphasia or people
with amyotrophic lateral sclerosis. See https://aka.ms/valle2 for demos of
VALL-E 2. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2406.07550 | Both | An Image is Worth 32 Tokens for Reconstruction and Generation | [
"Qihang Yu",
"Mark Weber",
"Xueqing Deng",
"Xiaohui Shen",
"Daniel Cremers",
"Liang-Chieh Chen"
] | 2024-06-11 | Recent advancements in generative models have highlighted the crucial role of
image tokenization in the efficient synthesis of high-resolution images.
Tokenization, which transforms images into latent representations, reduces
computational demands compared to directly processing pixels and enhances the
effectiveness and efficiency of the generation process. Prior methods, such as
VQGAN, typically utilize 2D latent grids with fixed downsampling factors.
However, these 2D tokenizations face challenges in managing the inherent
redundancies present in images, where adjacent regions frequently display
similarities. To overcome this issue, we introduce Transformer-based
1-Dimensional Tokenizer (TiTok), an innovative approach that tokenizes images
into 1D latent sequences. TiTok provides a more compact latent representation,
yielding substantially more efficient and effective representations than
conventional techniques. For example, a 256 x 256 x 3 image can be reduced to
just 32 discrete tokens, a significant reduction from the 256 or 1024 tokens
obtained by prior methods. Despite its compact nature, TiTok achieves
competitive performance to state-of-the-art approaches. Specifically, using the
same generator framework, TiTok attains 1.97 gFID, outperforming MaskGIT
baseline significantly by 4.21 at ImageNet 256 x 256 benchmark. The advantages
of TiTok become even more significant when it comes to higher resolution. At
ImageNet 512 x 512 benchmark, TiTok not only outperforms state-of-the-art
diffusion model DiT-XL/2 (gFID 2.74 vs. 3.04), but also reduces the image
tokens by 64x, leading to 410x faster generation process. Our best-performing
variant can significantly surpasses DiT-XL/2 (gFID 2.13 vs. 3.04) while still
generating high-quality samples 74x faster. | null | cs.CV | [
"cs.CV"
] |
2402.01521 | HF | K-Level Reasoning with Large Language Models | [
"Yadong Zhang",
"Shaoguang Mao",
"Tao Ge",
"Xun Wang",
"Yan Xia",
"Man Lan",
"Furu Wei"
] | 2024-02-02 | While Large Language Models (LLMs) have demonstrated their proficiency in
complex reasoning tasks, their performance in dynamic, interactive, and
competitive scenarios - such as business strategy and stock market analysis -
remains underexplored. To bridge this gap, we formally explore the dynamic
reasoning capabilities of LLMs for decision-making in rapidly evolving
environments. We introduce two game theory-based pilot challenges that mirror
the complexities of real-world dynamic decision-making. These challenges are
well-defined, enabling clear, controllable, and precise evaluation of LLMs'
dynamic reasoning abilities. Through extensive experiments, we find that
existing reasoning methods tend to falter in dynamic settings that require
k-level thinking - a key concept not tackled by previous works. To address
this, we propose a novel reasoning approach for LLMs, named "K-Level
Reasoning". This approach adopts the perspective of rivals to recursively
employ k-level thinking based on available historical information, which
significantly improves the prediction accuracy of rivals' subsequent moves and
informs more strategic decision-making. This research not only sets a robust
quantitative benchmark for the assessment of dynamic reasoning but also
markedly enhances the proficiency of LLMs in dynamic contexts. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2404.05875 | HF | CodecLM: Aligning Language Models with Tailored Synthetic Data | [
"Zifeng Wang",
"Chun-Liang Li",
"Vincent Perot",
"Long T. Le",
"Jin Miao",
"Zizhao Zhang",
"Chen-Yu Lee",
"Tomas Pfister"
] | 2024-04-08 | Instruction tuning has emerged as the key in aligning large language models
(LLMs) with specific task instructions, thereby mitigating the discrepancy
between the next-token prediction objective and users' actual goals. To reduce
the labor and time cost to collect or annotate data by humans, researchers
start to explore the use of LLMs to generate instruction-aligned synthetic
data. Recent works focus on generating diverse instructions and applying LLM to
increase instruction complexity, often neglecting downstream use cases. It
remains unclear how to tailor high-quality data to elicit better
instruction-following abilities in different target instruction distributions
and LLMs. To this end, we introduce CodecLM, a general framework for adaptively
generating high-quality synthetic data for LLM alignment with different
downstream instruction distributions and LLMs. Drawing on the Encode-Decode
principles, we use LLMs as codecs to guide the data generation process. We
first encode seed instructions into metadata, which are concise keywords
generated on-the-fly to capture the target instruction distribution, and then
decode metadata to create tailored instructions. We also introduce Self-Rubrics
and Contrastive Filtering during decoding to tailor data-efficient samples.
Extensive experiments on four open-domain instruction following benchmarks
validate the effectiveness of CodecLM over the current state-of-the-arts. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.16940 | HF | BEDLAM: A Synthetic Dataset of Bodies Exhibiting Detailed Lifelike Animated Motion | [
"Michael J. Black",
"Priyanka Patel",
"Joachim Tesch",
"Jinlong Yang"
] | 2023-06-29 | We show, for the first time, that neural networks trained only on synthetic
data achieve state-of-the-art accuracy on the problem of 3D human pose and
shape (HPS) estimation from real images. Previous synthetic datasets have been
small, unrealistic, or lacked realistic clothing. Achieving sufficient realism
is non-trivial and we show how to do this for full bodies in motion.
Specifically, our BEDLAM dataset contains monocular RGB videos with
ground-truth 3D bodies in SMPL-X format. It includes a diversity of body
shapes, motions, skin tones, hair, and clothing. The clothing is realistically
simulated on the moving bodies using commercial clothing physics simulation. We
render varying numbers of people in realistic scenes with varied lighting and
camera motions. We then train various HPS regressors using BEDLAM and achieve
state-of-the-art accuracy on real-image benchmarks despite training with
synthetic data. We use BEDLAM to gain insights into what model design choices
are important for accuracy. With good synthetic training data, we find that a
basic method like HMR approaches the accuracy of the current SOTA method
(CLIFF). BEDLAM is useful for a variety of tasks and all images, ground truth
bodies, 3D clothing, support code, and more are available for research
purposes. Additionally, we provide detailed information about our synthetic
data generation pipeline, enabling others to generate their own datasets. See
the project page: https://bedlam.is.tue.mpg.de/. | null | cs.CV | [
"cs.CV"
] |
1811.03600 | AnswerAI | Measuring the Effects of Data Parallelism on Neural Network Training | [
"Christopher J. Shallue",
"Jaehoon Lee",
"Joseph Antognini",
"Jascha Sohl-Dickstein",
"Roy Frostig",
"George E. Dahl"
] | 2018-11-08 | Recent hardware developments have dramatically increased the scale of data
parallelism available for neural network training. Among the simplest ways to
harness next-generation hardware is to increase the batch size in standard
mini-batch neural network training algorithms. In this work, we aim to
experimentally characterize the effects of increasing the batch size on
training time, as measured by the number of steps necessary to reach a goal
out-of-sample error. We study how this relationship varies with the training
algorithm, model, and data set, and find extremely large variation between
workloads. Along the way, we show that disagreements in the literature on how
batch size affects model quality can largely be explained by differences in
metaparameter tuning and compute budgets at different batch sizes. We find no
evidence that larger batch sizes degrade out-of-sample performance. Finally, we
discuss the implications of our results on efforts to train neural networks
much faster in the future. Our experimental data is publicly available as a
database of 71,638,836 loss measurements taken over the course of training for
168,160 individual models across 35 workloads. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2309.04663 | Both | FIAT: Fusing learning paradigms with Instruction-Accelerated Tuning | [
"Xinyi Wang",
"John Wieting",
"Jonathan H. Clark"
] | 2023-09-09 | Learning paradigms for large language models (LLMs) currently tend to fall
within either in-context learning (ICL) or full fine-tuning. Each of these
comes with their own trade-offs based on available data, model size, compute
cost, ease-of-use, and final quality with neither solution performing well
across-the-board. In this article, we first describe ICL and fine-tuning
paradigms in a way that highlights their natural connections. Based on these
connections, we propose a new learning paradigm called FIAT that fuses the best
of these paradigms together, enabling prompt-engineered instructions and
chain-of-thought reasoning with the very largest models while also using
similar methods to perform parameter updates on a modestly-sized LLM with
parameter-efficient tuning. We evaluate FIAT's effectiveness on a variety of
multilingual tasks and observe that FIAT performs better than both ICL and
fine-tuning at scales ranging from 100-10,000 training examples. We hope that
FIAT provides a practical way of harnessing the full potential of LLMs without
needing to make a hard choice between learning paradigms. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2308.05371 | HF | Flexible Isosurface Extraction for Gradient-Based Mesh Optimization | [
"Tianchang Shen",
"Jacob Munkberg",
"Jon Hasselgren",
"Kangxue Yin",
"Zian Wang",
"Wenzheng Chen",
"Zan Gojcic",
"Sanja Fidler",
"Nicholas Sharp",
"Jun Gao"
] | 2023-08-10 | This work considers gradient-based mesh optimization, where we iteratively
optimize for a 3D surface mesh by representing it as the isosurface of a scalar
field, an increasingly common paradigm in applications including
photogrammetry, generative modeling, and inverse physics. Existing
implementations adapt classic isosurface extraction algorithms like Marching
Cubes or Dual Contouring; these techniques were designed to extract meshes from
fixed, known fields, and in the optimization setting they lack the degrees of
freedom to represent high-quality feature-preserving meshes, or suffer from
numerical instabilities. We introduce FlexiCubes, an isosurface representation
specifically designed for optimizing an unknown mesh with respect to geometric,
visual, or even physical objectives. Our main insight is to introduce
additional carefully-chosen parameters into the representation, which allow
local flexible adjustments to the extracted mesh geometry and connectivity.
These parameters are updated along with the underlying scalar field via
automatic differentiation when optimizing for a downstream task. We base our
extraction scheme on Dual Marching Cubes for improved topological properties,
and present extensions to optionally generate tetrahedral and
hierarchically-adaptive meshes. Extensive experiments validate FlexiCubes on
both synthetic benchmarks and real-world applications, showing that it offers
significant improvements in mesh quality and geometric fidelity. | 10.1145/3592430 | cs.GR | [
"cs.GR",
"cs.CV",
"cs.LG"
] |
2305.03048 | HF | Personalize Segment Anything Model with One Shot | [
"Renrui Zhang",
"Zhengkai Jiang",
"Ziyu Guo",
"Shilin Yan",
"Junting Pan",
"Xianzheng Ma",
"Hao Dong",
"Peng Gao",
"Hongsheng Li"
] | 2023-05-04 | Driven by large-data pre-training, Segment Anything Model (SAM) has been
demonstrated as a powerful and promptable framework, revolutionizing the
segmentation models. Despite the generality, customizing SAM for specific
visual concepts without man-powered prompting is under explored, e.g.,
automatically segmenting your pet dog in different images. In this paper, we
propose a training-free Personalization approach for SAM, termed as PerSAM.
Given only a single image with a reference mask, PerSAM first localizes the
target concept by a location prior, and segments it within other images or
videos via three techniques: target-guided attention, target-semantic
prompting, and cascaded post-refinement. In this way, we effectively adapt SAM
for private use without any training. To further alleviate the mask ambiguity,
we present an efficient one-shot fine-tuning variant, PerSAM-F. Freezing the
entire SAM, we introduce two learnable weights for multi-scale masks, only
training 2 parameters within 10 seconds for improved performance. To
demonstrate our efficacy, we construct a new segmentation dataset, PerSeg, for
personalized evaluation, and test our methods on video object segmentation with
competitive performance. Besides, our approach can also enhance DreamBooth to
personalize Stable Diffusion for text-to-image generation, which discards the
background disturbance for better target appearance learning. Code is released
at https://github.com/ZrrSkywalker/Personalize-SAM | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.MM"
] |
2402.04494 | HF | Grandmaster-Level Chess Without Search | [
"Anian Ruoss",
"Grégoire Delétang",
"Sourabh Medapati",
"Jordi Grau-Moya",
"Li Kevin Wenliang",
"Elliot Catt",
"John Reid",
"Tim Genewein"
] | 2024-02-07 | The recent breakthrough successes in machine learning are mainly attributed
to scale: namely large-scale attention-based architectures and datasets of
unprecedented scale. This paper investigates the impact of training at scale
for chess. Unlike traditional chess engines that rely on complex heuristics,
explicit search, or a combination of both, we train a 270M parameter
transformer model with supervised learning on a dataset of 10 million chess
games. We annotate each board in the dataset with action-values provided by the
powerful Stockfish 16 engine, leading to roughly 15 billion data points. Our
largest model reaches a Lichess blitz Elo of 2895 against humans, and
successfully solves a series of challenging chess puzzles, without any
domain-specific tweaks or explicit search algorithms. We also show that our
model outperforms AlphaZero's policy and value networks (without MCTS) and
GPT-3.5-turbo-instruct. A systematic investigation of model and dataset size
shows that strong chess performance only arises at sufficient scale. To
validate our results, we perform an extensive series of ablations of design
choices and hyperparameters. | null | cs.LG | [
"cs.LG",
"cs.AI",
"stat.ML"
] |
2402.07033 | HF | Fiddler: CPU-GPU Orchestration for Fast Inference of Mixture-of-Experts Models | [
"Keisuke Kamahori",
"Yile Gu",
"Kan Zhu",
"Baris Kasikci"
] | 2024-02-10 | Large Language Models (LLMs) based on Mixture-of-Experts (MoE) architecture
are showing promising performance on various tasks. However, running them on
resource-constrained settings, where GPU memory resources are not abundant, is
challenging due to huge model sizes. Existing systems that offload model
weights to CPU memory suffer from the significant overhead of frequently moving
data between CPU and GPU. In this paper, we propose Fiddler, a
resource-efficient inference engine with CPU-GPU orchestration for MoE models.
The key idea of Fiddler is to use the computation ability of the CPU to
minimize the data movement between the CPU and GPU. Our evaluation shows that
Fiddler can run the uncompressed Mixtral-8x7B model, which exceeds 90GB in
parameters, to generate over $3$ tokens per second on a single GPU with 24GB
memory, showing an order of magnitude improvement over existing methods. The
code of Fiddler is publicly available at
\url{https://github.com/efeslab/fiddler} | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.DC",
"cs.OS"
] |
2406.12042 | HF | Not All Prompts Are Made Equal: Prompt-based Pruning of Text-to-Image Diffusion Models | [
"Alireza Ganjdanesh",
"Reza Shirkavand",
"Shangqian Gao",
"Heng Huang"
] | 2024-06-17 | Text-to-image (T2I) diffusion models have demonstrated impressive image
generation capabilities. Still, their computational intensity prohibits
resource-constrained organizations from deploying T2I models after fine-tuning
them on their internal target data. While pruning techniques offer a potential
solution to reduce the computational burden of T2I models, static pruning
methods use the same pruned model for all input prompts, overlooking the
varying capacity requirements of different prompts. Dynamic pruning addresses
this issue by utilizing a separate sub-network for each prompt, but it prevents
batch parallelism on GPUs. To overcome these limitations, we introduce Adaptive
Prompt-Tailored Pruning (APTP), a novel prompt-based pruning method designed
for T2I diffusion models. Central to our approach is a prompt router model,
which learns to determine the required capacity for an input text prompt and
routes it to an architecture code, given a total desired compute budget for
prompts. Each architecture code represents a specialized model tailored to the
prompts assigned to it, and the number of codes is a hyperparameter. We train
the prompt router and architecture codes using contrastive learning, ensuring
that similar prompts are mapped to nearby codes. Further, we employ optimal
transport to prevent the codes from collapsing into a single one. We
demonstrate APTP's effectiveness by pruning Stable Diffusion (SD) V2.1 using
CC3M and COCO as target datasets. APTP outperforms the single-model pruning
baselines in terms of FID, CLIP, and CMMD scores. Our analysis of the clusters
learned by APTP reveals they are semantically meaningful. We also show that
APTP can automatically discover previously empirically found challenging
prompts for SD, e.g., prompts for generating text images, assigning them to
higher capacity codes. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2307.04964 | HF | Secrets of RLHF in Large Language Models Part I: PPO | [
"Rui Zheng",
"Shihan Dou",
"Songyang Gao",
"Yuan Hua",
"Wei Shen",
"Binghai Wang",
"Yan Liu",
"Senjie Jin",
"Qin Liu",
"Yuhao Zhou",
"Limao Xiong",
"Lu Chen",
"Zhiheng Xi",
"Nuo Xu",
"Wenbin Lai",
"Minghao Zhu",
"Cheng Chang",
"Zhangyue Yin",
"Rongxiang Weng",
"Wensen Cheng",
"Haoran Huang",
"Tianxiang Sun",
"Hang Yan",
"Tao Gui",
"Qi Zhang",
"Xipeng Qiu",
"Xuanjing Huang"
] | 2023-07-11 | Large language models (LLMs) have formulated a blueprint for the advancement
of artificial general intelligence. Its primary objective is to function as a
human-centric (helpful, honest, and harmless) assistant. Alignment with humans
assumes paramount significance, and reinforcement learning with human feedback
(RLHF) emerges as the pivotal technological paradigm underpinning this pursuit.
Current technical routes usually include \textbf{reward models} to measure
human preferences, \textbf{Proximal Policy Optimization} (PPO) to optimize
policy model outputs, and \textbf{process supervision} to improve step-by-step
reasoning capabilities. However, due to the challenges of reward design,
environment interaction, and agent training, coupled with huge trial and error
cost of large language models, there is a significant barrier for AI
researchers to motivate the development of technical alignment and safe landing
of LLMs. The stable training of RLHF has still been a puzzle. In the first
report, we dissect the framework of RLHF, re-evaluate the inner workings of
PPO, and explore how the parts comprising PPO algorithms impact policy agent
training. We identify policy constraints being the key factor for the effective
implementation of the PPO algorithm. Therefore, we explore the PPO-max, an
advanced version of PPO algorithm, to efficiently improve the training
stability of the policy model. Based on our main results, we perform a
comprehensive analysis of RLHF abilities compared with SFT models and ChatGPT.
The absence of open-source implementations has posed significant challenges to
the investigation of LLMs alignment. Therefore, we are eager to release
technical reports, reward models and PPO codes, aiming to make modest
contributions to the advancement of LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2401.17053 | HF | BlockFusion: Expandable 3D Scene Generation using Latent Tri-plane Extrapolation | [
"Zhennan Wu",
"Yang Li",
"Han Yan",
"Taizhang Shang",
"Weixuan Sun",
"Senbo Wang",
"Ruikai Cui",
"Weizhe Liu",
"Hiroyuki Sato",
"Hongdong Li",
"Pan Ji"
] | 2024-01-30 | We present BlockFusion, a diffusion-based model that generates 3D scenes as
unit blocks and seamlessly incorporates new blocks to extend the scene.
BlockFusion is trained using datasets of 3D blocks that are randomly cropped
from complete 3D scene meshes. Through per-block fitting, all training blocks
are converted into the hybrid neural fields: with a tri-plane containing the
geometry features, followed by a Multi-layer Perceptron (MLP) for decoding the
signed distance values. A variational auto-encoder is employed to compress the
tri-planes into the latent tri-plane space, on which the denoising diffusion
process is performed. Diffusion applied to the latent representations allows
for high-quality and diverse 3D scene generation. To expand a scene during
generation, one needs only to append empty blocks to overlap with the current
scene and extrapolate existing latent tri-planes to populate new blocks. The
extrapolation is done by conditioning the generation process with the feature
samples from the overlapping tri-planes during the denoising iterations. Latent
tri-plane extrapolation produces semantically and geometrically meaningful
transitions that harmoniously blend with the existing scene. A 2D layout
conditioning mechanism is used to control the placement and arrangement of
scene elements. Experimental results indicate that BlockFusion is capable of
generating diverse, geometrically consistent and unbounded large 3D scenes with
unprecedented high-quality shapes in both indoor and outdoor scenarios. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2309.08963 | HF | Struc-Bench: Are Large Language Models Really Good at Generating Complex Structured Data? | [
"Xiangru Tang",
"Yiming Zong",
"Jason Phang",
"Yilun Zhao",
"Wangchunshu Zhou",
"Arman Cohan",
"Mark Gerstein"
] | 2023-09-16 | Despite the remarkable capabilities of Large Language Models (LLMs) like
GPT-4, producing complex, structured tabular data remains challenging. Our
study assesses LLMs' proficiency in structuring tables and introduces a novel
fine-tuning method, cognizant of data structures, to bolster their performance.
We unveil Struc-Bench, a comprehensive benchmark featuring prominent LLMs
(GPT-NeoX-20B, GPT-3.5, GPT-4, and Vicuna), which spans text tables, HTML, and
LaTeX formats. Our proposed FormatCoT aids in crafting format-specific
instructions from the intended outputs to populate this benchmark. Addressing
the gap in task-centered evaluation, we propose two innovative metrics, P-Score
(Prompting Score) and H-Score (Heuristical Score), to more accurately gauge LLM
performance. Our experiments show that applying our structure-aware fine-tuning
to LLaMA-7B leads to substantial performance gains, outshining its LLM
counterparts across most measures. In-depth error analysis and creating an
ability map across six dimensions -- coverage, formatting, reasoning,
comprehension, pragmatics, and hallucination -- highlight areas for future
enhancements and suggest forthcoming research trajectories. Our code and models
can be found at https://github.com/gersteinlab/Struc-Bench. | null | cs.CL | [
"cs.CL"
] |
2406.04329 | Both | Simplified and Generalized Masked Diffusion for Discrete Data | [
"Jiaxin Shi",
"Kehang Han",
"Zhe Wang",
"Arnaud Doucet",
"Michalis K. Titsias"
] | 2024-06-06 | Masked (or absorbing) diffusion is actively explored as an alternative to
autoregressive models for generative modeling of discrete data. However,
existing work in this area has been hindered by unnecessarily complex model
formulations and unclear relationships between different perspectives, leading
to suboptimal parameterization, training objectives, and ad hoc adjustments to
counteract these issues. In this work, we aim to provide a simple and general
framework that unlocks the full potential of masked diffusion models. We show
that the continuous-time variational objective of masked diffusion models is a
simple weighted integral of cross-entropy losses. Our framework also enables
training generalized masked diffusion models with state-dependent masking
schedules. When evaluated by perplexity, our models trained on OpenWebText
surpass prior diffusion language models at GPT-2 scale and demonstrate superior
performance on 4 out of 5 zero-shot language modeling tasks. Furthermore, our
models vastly outperform previous discrete diffusion models on pixel-level
image modeling, achieving 2.78~(CIFAR-10) and 3.42 (ImageNet 64$\times$64) bits
per dimension that are comparable or better than autoregressive models of
similar sizes. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2310.17157 | Both | Deja Vu: Contextual Sparsity for Efficient LLMs at Inference Time | [
"Zichang Liu",
"Jue Wang",
"Tri Dao",
"Tianyi Zhou",
"Binhang Yuan",
"Zhao Song",
"Anshumali Shrivastava",
"Ce Zhang",
"Yuandong Tian",
"Christopher Re",
"Beidi Chen"
] | 2023-10-26 | Large language models (LLMs) with hundreds of billions of parameters have
sparked a new wave of exciting AI applications. However, they are
computationally expensive at inference time. Sparsity is a natural approach to
reduce this cost, but existing methods either require costly retraining, have
to forgo LLM's in-context learning ability, or do not yield wall-clock time
speedup on modern hardware. We hypothesize that contextual sparsity, which are
small, input-dependent sets of attention heads and MLP parameters that yield
approximately the same output as the dense model for a given input, can address
these issues. We show that contextual sparsity exists, that it can be
accurately predicted, and that we can exploit it to speed up LLM inference in
wall-clock time without compromising LLM's quality or in-context learning
ability. Based on these insights, we propose DejaVu, a system that uses a
low-cost algorithm to predict contextual sparsity on the fly given inputs to
each layer, along with an asynchronous and hardware-aware implementation that
speeds up LLM inference. We validate that DejaVu can reduce the inference
latency of OPT-175B by over 2X compared to the state-of-the-art
FasterTransformer, and over 6X compared to the widely used Hugging Face
implementation, without compromising model quality. The code is available at
https://github.com/FMInference/DejaVu. | null | cs.LG | [
"cs.LG"
] |
2310.15308 | HF | SAM-CLIP: Merging Vision Foundation Models towards Semantic and Spatial Understanding | [
"Haoxiang Wang",
"Pavan Kumar Anasosalu Vasu",
"Fartash Faghri",
"Raviteja Vemulapalli",
"Mehrdad Farajtabar",
"Sachin Mehta",
"Mohammad Rastegari",
"Oncel Tuzel",
"Hadi Pouransari"
] | 2023-10-23 | The landscape of publicly available vision foundation models (VFMs), such as
CLIP and Segment Anything Model (SAM), is expanding rapidly. VFMs are endowed
with distinct capabilities stemming from their pre-training objectives. For
instance, CLIP excels in semantic understanding, while SAM specializes in
spatial understanding for segmentation. In this work, we introduce a simple
recipe to efficiently merge VFMs into a unified model that absorbs their
expertise. Our method integrates techniques of multi-task learning, continual
learning, and distillation. Further, it demands significantly less
computational cost compared to traditional multi-task training from scratch,
and it only needs a small fraction of the pre-training datasets that were
initially used to train individual models. By applying our method to SAM and
CLIP, we obtain SAM-CLIP: a unified model that combines the capabilities of SAM
and CLIP into a single vision transformer. Compared with deploying SAM and CLIP
independently, our merged model, SAM-CLIP, reduces storage and compute costs
for inference, making it well-suited for edge device applications. We show that
SAM-CLIP not only retains the foundational strengths of SAM and CLIP, but also
introduces synergistic functionalities, notably in zero-shot semantic
segmentation, where SAM-CLIP establishes new state-of-the-art results on 5
benchmarks. It outperforms previous models that are specifically designed for
this task by a large margin, including +6.8% and +5.9% mean IoU improvement on
Pascal-VOC and COCO-Stuff datasets, respectively. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2303.09859 | AnswerAI | Trained on 100 million words and still in shape: BERT meets British National Corpus | [
"David Samuel",
"Andrey Kutuzov",
"Lilja Øvrelid",
"Erik Velldal"
] | 2023-03-17 | While modern masked language models (LMs) are trained on ever larger corpora,
we here explore the effects of down-scaling training to a modestly-sized but
representative, well-balanced, and publicly available English text source --
the British National Corpus. We show that pre-training on this carefully
curated corpus can reach better performance than the original BERT model. We
argue that this type of corpora has great potential as a language modeling
benchmark. To showcase this potential, we present fair, reproducible and
data-efficient comparative studies of LMs, in which we evaluate several
training objectives and model architectures and replicate previous empirical
results in a systematic way. We propose an optimized LM architecture called
LTG-BERT. | null | cs.CL | [
"cs.CL"
] |
2407.05872 | AnswerAI | Scaling Exponents Across Parameterizations and Optimizers | [
"Katie Everett",
"Lechao Xiao",
"Mitchell Wortsman",
"Alexander A. Alemi",
"Roman Novak",
"Peter J. Liu",
"Izzeddin Gur",
"Jascha Sohl-Dickstein",
"Leslie Pack Kaelbling",
"Jaehoon Lee",
"Jeffrey Pennington"
] | 2024-07-08 | Robust and effective scaling of models from small to large width typically
requires the precise adjustment of many algorithmic and architectural details,
such as parameterization and optimizer choices. In this work, we propose a new
perspective on parameterization by investigating a key assumption in prior work
about the alignment between parameters and data and derive new theoretical
results under weaker assumptions and a broader set of optimizers. Our extensive
empirical investigation includes tens of thousands of models trained with all
combinations of three optimizers, four parameterizations, several alignment
assumptions, more than a dozen learning rates, and fourteen model sizes up to
26.8B parameters. We find that the best learning rate scaling prescription
would often have been excluded by the assumptions in prior work. Our results
show that all parameterizations, not just maximal update parameterization
(muP), can achieve hyperparameter transfer; moreover, our novel per-layer
learning rate prescription for standard parameterization outperforms muP.
Finally, we demonstrate that an overlooked aspect of parameterization, the
epsilon parameter in Adam, must be scaled correctly to avoid gradient underflow
and propose Adam-atan2, a new numerically stable, scale-invariant version of
Adam that eliminates the epsilon hyperparameter entirely. | null | cs.LG | [
"cs.LG"
] |
2404.12833 | HF | How Far Can We Go with Practical Function-Level Program Repair? | [
"Jiahong Xiang",
"Xiaoyang Xu",
"Fanchu Kong",
"Mingyuan Wu",
"Haotian Zhang",
"Yuqun Zhang"
] | 2024-04-19 | Recently, multiple Automated Program Repair (APR) techniques based on Large
Language Models (LLMs) have been proposed to enhance the repair performance.
While these techniques mainly focus on the single-line or hunk-level repair,
they face significant challenges in real-world application due to the limited
repair task scope and costly statement-level fault localization. However, the
more practical function-level APR, which broadens the scope of APR task to fix
entire buggy functions and requires only cost-efficient function-level fault
localization, remains underexplored. In this paper, we conduct the first
comprehensive study of LLM-based function-level APR including investigating the
effect of the few-shot learning mechanism and the auxiliary repair-relevant
information. Specifically, we adopt six widely-studied LLMs and construct a
benchmark in both the Defects4J 1.2 and 2.0 datasets. Our study demonstrates
that LLMs with zero-shot learning are already powerful function-level APR
techniques, while applying the few-shot learning mechanism leads to disparate
repair performance. Moreover, we find that directly applying the auxiliary
repair-relevant information to LLMs significantly increases function-level
repair performance. Inspired by our findings, we propose an LLM-based
function-level APR technique, namely SRepair, which adopts a dual-LLM framework
to leverage the power of the auxiliary repair-relevant information for
advancing the repair performance. The evaluation results demonstrate that
SRepair can correctly fix 300 single-function bugs in the Defects4J dataset,
largely surpassing all previous APR techniques by at least 85%, without the
need for the costly statement-level fault location information. Furthermore,
SRepair successfully fixes 32 multi-function bugs in the Defects4J dataset,
which is the first time achieved by any APR technique ever to our best
knowledge. | null | cs.SE | [
"cs.SE"
] |
2305.14540 | HF | LLMs as Factual Reasoners: Insights from Existing Benchmarks and Beyond | [
"Philippe Laban",
"Wojciech Kryściński",
"Divyansh Agarwal",
"Alexander R. Fabbri",
"Caiming Xiong",
"Shafiq Joty",
"Chien-Sheng Wu"
] | 2023-05-23 | With the recent appearance of LLMs in practical settings, having methods that
can effectively detect factual inconsistencies is crucial to reduce the
propagation of misinformation and improve trust in model outputs. When testing
on existing factual consistency benchmarks, we find that a few large language
models (LLMs) perform competitively on classification benchmarks for factual
inconsistency detection compared to traditional non-LLM methods. However, a
closer analysis reveals that most LLMs fail on more complex formulations of the
task and exposes issues with existing evaluation benchmarks, affecting
evaluation precision. To address this, we propose a new protocol for
inconsistency detection benchmark creation and implement it in a 10-domain
benchmark called SummEdits. This new benchmark is 20 times more cost-effective
per sample than previous benchmarks and highly reproducible, as we estimate
inter-annotator agreement at about 0.9. Most LLMs struggle on SummEdits, with
performance close to random chance. The best-performing model, GPT-4, is still
8\% below estimated human performance, highlighting the gaps in LLMs' ability
to reason about facts and detect inconsistencies when they occur. | null | cs.CL | [
"cs.CL"
] |
2401.10171 | HF | SHINOBI: Shape and Illumination using Neural Object Decomposition via BRDF Optimization In-the-wild | [
"Andreas Engelhardt",
"Amit Raj",
"Mark Boss",
"Yunzhi Zhang",
"Abhishek Kar",
"Yuanzhen Li",
"Deqing Sun",
"Ricardo Martin Brualla",
"Jonathan T. Barron",
"Hendrik P. A. Lensch",
"Varun Jampani"
] | 2024-01-18 | We present SHINOBI, an end-to-end framework for the reconstruction of shape,
material, and illumination from object images captured with varying lighting,
pose, and background. Inverse rendering of an object based on unconstrained
image collections is a long-standing challenge in computer vision and graphics
and requires a joint optimization over shape, radiance, and pose. We show that
an implicit shape representation based on a multi-resolution hash encoding
enables faster and robust shape reconstruction with joint camera alignment
optimization that outperforms prior work. Further, to enable the editing of
illumination and object reflectance (i.e. material) we jointly optimize BRDF
and illumination together with the object's shape. Our method is class-agnostic
and works on in-the-wild image collections of objects to produce relightable 3D
assets for several use cases such as AR/VR, movies, games, etc. Project page:
https://shinobi.aengelhardt.com Video:
https://www.youtube.com/watch?v=iFENQ6AcYd8&feature=youtu.be | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2408.00735 | HF | TurboEdit: Text-Based Image Editing Using Few-Step Diffusion Models | [
"Gilad Deutch",
"Rinon Gal",
"Daniel Garibi",
"Or Patashnik",
"Daniel Cohen-Or"
] | 2024-08-01 | Diffusion models have opened the path to a wide range of text-based image
editing frameworks. However, these typically build on the multi-step nature of
the diffusion backwards process, and adapting them to distilled, fast-sampling
methods has proven surprisingly challenging. Here, we focus on a popular line
of text-based editing frameworks - the ``edit-friendly'' DDPM-noise inversion
approach. We analyze its application to fast sampling methods and categorize
its failures into two classes: the appearance of visual artifacts, and
insufficient editing strength. We trace the artifacts to mismatched noise
statistics between inverted noises and the expected noise schedule, and suggest
a shifted noise schedule which corrects for this offset. To increase editing
strength, we propose a pseudo-guidance approach that efficiently increases the
magnitude of edits without introducing new artifacts. All in all, our method
enables text-based image editing with as few as three diffusion steps, while
providing novel insights into the mechanisms behind popular text-based editing
approaches. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2306.16793 | HF | Benchmarking Large Language Model Capabilities for Conditional Generation | [
"Joshua Maynez",
"Priyanka Agrawal",
"Sebastian Gehrmann"
] | 2023-06-29 | Pre-trained large language models (PLMs) underlie most new developments in
natural language processing. They have shifted the field from
application-specific model pipelines to a single model that is adapted to a
wide range of tasks. Autoregressive PLMs like GPT-3 or PaLM, alongside
techniques like few-shot learning, have additionally shifted the output
modality to generation instead of classification or regression. Despite their
ubiquitous use, the generation quality of language models is rarely evaluated
when these models are introduced. Additionally, it is unclear how existing
generation tasks--while they can be used to compare systems at a high
level--relate to the real world use cases for which people have been adopting
them. In this work, we discuss how to adapt existing application-specific
generation benchmarks to PLMs and provide an in-depth, empirical study of the
limitations and capabilities of PLMs in natural language generation tasks along
dimensions such as scale, architecture, input and output language. Our results
show that PLMs differ in their applicability to different data regimes and
their generalization to multiple languages and inform which PLMs to use for a
given generation task setup. We share best practices to be taken into
consideration when benchmarking generation capabilities during the development
of upcoming PLMs. | null | cs.CL | [
"cs.CL"
] |
2404.09204 | HF | TextHawk: Exploring Efficient Fine-Grained Perception of Multimodal Large Language Models | [
"Ya-Qi Yu",
"Minghui Liao",
"Jihao Wu",
"Yongxin Liao",
"Xiaoyu Zheng",
"Wei Zeng"
] | 2024-04-14 | Multimodal Large Language Models (MLLMs) have shown impressive results on
various multimodal tasks. However, most existing MLLMs are not well suited for
document-oriented tasks, which require fine-grained image perception and
information compression. In this paper, we present TextHawk, a MLLM that is
specifically designed for document-oriented tasks, while preserving the general
capabilities of MLLMs. TextHawk is aimed to explore efficient fine-grained
perception by designing four dedicated components. Firstly, a ReSampling and
ReArrangement (ReSA) module is proposed to reduce the redundancy in the
document texts and lower the computational cost of the MLLM. We explore
encoding the positions of each local feature by presenting Scalable Positional
Embeddings (SPEs), which can preserve the scalability of various image sizes. A
Query Proposal Network (QPN) is then adopted to initialize the queries
dynamically among different sub-images. To further enhance the fine-grained
visual perceptual ability of the MLLM, we design a Multi-Level Cross-Attention
(MLCA) mechanism that captures the hierarchical structure and semantic
relations of document images. Furthermore, we create a new instruction-tuning
dataset for document-oriented tasks by enriching the multimodal document data
with Gemini Pro. We conduct extensive experiments on both general and
document-oriented MLLM benchmarks, and show that TextHawk outperforms the
state-of-the-art methods, demonstrating its effectiveness and superiority in
fine-grained document perception and general abilities. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2306.04751 | Both | How Far Can Camels Go? Exploring the State of Instruction Tuning on Open Resources | [
"Yizhong Wang",
"Hamish Ivison",
"Pradeep Dasigi",
"Jack Hessel",
"Tushar Khot",
"Khyathi Raghavi Chandu",
"David Wadden",
"Kelsey MacMillan",
"Noah A. Smith",
"Iz Beltagy",
"Hannaneh Hajishirzi"
] | 2023-06-07 | In this work we explore recent advances in instruction-tuning language models
on a range of open instruction-following datasets. Despite recent claims that
open models can be on par with state-of-the-art proprietary models, these
claims are often accompanied by limited evaluation, making it difficult to
compare models across the board and determine the utility of various resources.
We provide a large set of instruction-tuned models from 6.7B to 65B parameters
in size, trained on 12 instruction datasets ranging from manually curated
(e.g., OpenAssistant) to synthetic and distilled (e.g., Alpaca) and
systematically evaluate them on their factual knowledge, reasoning,
multilinguality, coding, and open-ended instruction following abilities through
a collection of automatic, model-based, and human-based metrics. We further
introduce T\"ulu, our best performing instruction-tuned model suite finetuned
on a combination of high-quality open resources. Our experiments show that
different instruction-tuning datasets can uncover or enhance specific skills,
while no single dataset (or combination) provides the best performance across
all evaluations. Interestingly, we find that model and human preference-based
evaluations fail to reflect differences in model capabilities exposed by
benchmark-based evaluations, suggesting the need for the type of systemic
evaluation performed in this work. Our evaluations show that the best model in
any given evaluation reaches on average 87% of ChatGPT performance, and 73% of
GPT-4 performance, suggesting that further investment in building better base
models and instruction-tuning data is required to close the gap. We release our
instruction-tuned models, including a fully finetuned 65B T\"ulu, along with
our code, data, and evaluation framework at
https://github.com/allenai/open-instruct to facilitate future research. | null | cs.CL | [
"cs.CL"
] |
2006.16236 | AnswerAI | Transformers are RNNs: Fast Autoregressive Transformers with Linear Attention | [
"Angelos Katharopoulos",
"Apoorv Vyas",
"Nikolaos Pappas",
"François Fleuret"
] | 2020-06-29 | Transformers achieve remarkable performance in several tasks but due to their
quadratic complexity, with respect to the input's length, they are
prohibitively slow for very long sequences. To address this limitation, we
express the self-attention as a linear dot-product of kernel feature maps and
make use of the associativity property of matrix products to reduce the
complexity from $\mathcal{O}\left(N^2\right)$ to $\mathcal{O}\left(N\right)$,
where $N$ is the sequence length. We show that this formulation permits an
iterative implementation that dramatically accelerates autoregressive
transformers and reveals their relationship to recurrent neural networks. Our
linear transformers achieve similar performance to vanilla transformers and
they are up to 4000x faster on autoregressive prediction of very long
sequences. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2305.10400 | HF | What You See is What You Read? Improving Text-Image Alignment Evaluation | [
"Michal Yarom",
"Yonatan Bitton",
"Soravit Changpinyo",
"Roee Aharoni",
"Jonathan Herzig",
"Oran Lang",
"Eran Ofek",
"Idan Szpektor"
] | 2023-05-17 | Automatically determining whether a text and a corresponding image are
semantically aligned is a significant challenge for vision-language models,
with applications in generative text-to-image and image-to-text tasks. In this
work, we study methods for automatic text-image alignment evaluation. We first
introduce SeeTRUE: a comprehensive evaluation set, spanning multiple datasets
from both text-to-image and image-to-text generation tasks, with human
judgements for whether a given text-image pair is semantically aligned. We then
describe two automatic methods to determine alignment: the first involving a
pipeline based on question generation and visual question answering models, and
the second employing an end-to-end classification approach by finetuning
multimodal pretrained models. Both methods surpass prior approaches in various
text-image alignment tasks, with significant improvements in challenging cases
that involve complex composition or unnatural images. Finally, we demonstrate
how our approaches can localize specific misalignments between an image and a
given text, and how they can be used to automatically re-rank candidates in
text-to-image generation. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2408.12060 | HF | Evidence-backed Fact Checking using RAG and Few-Shot In-Context Learning with LLMs | [
"Ronit Singhal",
"Pransh Patwa",
"Parth Patwa",
"Aman Chadha",
"Amitava Das"
] | 2024-08-22 | Given the widespread dissemination of misinformation on social media,
implementing fact-checking mechanisms for online claims is essential. Manually
verifying every claim is highly challenging, underscoring the need for an
automated fact-checking system. This paper presents our system designed to
address this issue. We utilize the Averitec dataset to assess the veracity of
claims. In addition to veracity prediction, our system provides supporting
evidence, which is extracted from the dataset. We develop a Retrieve and
Generate (RAG) pipeline to extract relevant evidence sentences from a knowledge
base, which are then inputted along with the claim into a large language model
(LLM) for classification. We also evaluate the few-shot In-Context Learning
(ICL) capabilities of multiple LLMs. Our system achieves an 'Averitec' score of
0.33, which is a 22% absolute improvement over the baseline. All code will be
made available on All code will be made available on
https://github.com/ronit-singhal/evidence-backed-fact-checking-using-rag-and-few-shot-in-context-learning-with-llms. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2304.09355 | Both | To Compress or Not to Compress- Self-Supervised Learning and Information Theory: A Review | [
"Ravid Shwartz-Ziv",
"Yann LeCun"
] | 2023-04-19 | Deep neural networks excel in supervised learning tasks but are constrained
by the need for extensive labeled data. Self-supervised learning emerges as a
promising alternative, allowing models to learn without explicit labels.
Information theory, and notably the information bottleneck principle, has been
pivotal in shaping deep neural networks. This principle focuses on optimizing
the trade-off between compression and preserving relevant information,
providing a foundation for efficient network design in supervised contexts.
However, its precise role and adaptation in self-supervised learning remain
unclear. In this work, we scrutinize various self-supervised learning
approaches from an information-theoretic perspective, introducing a unified
framework that encapsulates the \textit{self-supervised information-theoretic
learning problem}. We weave together existing research into a cohesive
narrative, delve into contemporary self-supervised methodologies, and spotlight
potential research avenues and inherent challenges. Additionally, we discuss
the empirical evaluation of information-theoretic quantities and their
estimation methods. Overall, this paper furnishes an exhaustive review of the
intersection of information theory, self-supervised learning, and deep neural
networks. | null | cs.LG | [
"cs.LG",
"cs.IT",
"math.IT"
] |
2105.09938 | AnswerAI | Measuring Coding Challenge Competence With APPS | [
"Dan Hendrycks",
"Steven Basart",
"Saurav Kadavath",
"Mantas Mazeika",
"Akul Arora",
"Ethan Guo",
"Collin Burns",
"Samir Puranik",
"Horace He",
"Dawn Song",
"Jacob Steinhardt"
] | 2021-05-20 | While programming is one of the most broadly applicable skills in modern
society, modern machine learning models still cannot code solutions to basic
problems. Despite its importance, there has been surprisingly little work on
evaluating code generation, and it can be difficult to accurately assess code
generation performance rigorously. To meet this challenge, we introduce APPS, a
benchmark for code generation. Unlike prior work in more restricted settings,
our benchmark measures the ability of models to take an arbitrary natural
language specification and generate satisfactory Python code. Similar to how
companies assess candidate software developers, we then evaluate models by
checking their generated code on test cases. Our benchmark includes 10,000
problems, which range from having simple one-line solutions to being
substantial algorithmic challenges. We fine-tune large language models on both
GitHub and our training set, and we find that the prevalence of syntax errors
is decreasing exponentially as models improve. Recent models such as GPT-Neo
can pass approximately 20% of the test cases of introductory problems, so we
find that machine learning models are now beginning to learn how to code. As
the social significance of automatic code generation increases over the coming
years, our benchmark can provide an important measure for tracking
advancements. | null | cs.SE | [
"cs.SE",
"cs.CL",
"cs.LG"
] |
2306.04362 | HF | Youku-mPLUG: A 10 Million Large-scale Chinese Video-Language Dataset for Pre-training and Benchmarks | [
"Haiyang Xu",
"Qinghao Ye",
"Xuan Wu",
"Ming Yan",
"Yuan Miao",
"Jiabo Ye",
"Guohai Xu",
"Anwen Hu",
"Yaya Shi",
"Guangwei Xu",
"Chenliang Li",
"Qi Qian",
"Maofei Que",
"Ji Zhang",
"Xiao Zeng",
"Fei Huang"
] | 2023-06-07 | To promote the development of Vision-Language Pre-training (VLP) and
multimodal Large Language Model (LLM) in the Chinese community, we firstly
release the largest public Chinese high-quality video-language dataset named
Youku-mPLUG, which is collected from Youku, a well-known Chinese video-sharing
website, with strict criteria of safety, diversity, and quality. Youku-mPLUG
contains 10 million Chinese video-text pairs filtered from 400 million raw
videos across a wide range of 45 diverse categories for large-scale
pre-training. In addition, to facilitate a comprehensive evaluation of
video-language models, we carefully build the largest human-annotated Chinese
benchmarks covering three popular video-language tasks of cross-modal
retrieval, video captioning, and video category classification. Youku-mPLUG can
enable researchers to conduct more in-depth multimodal research and develop
better applications in the future. Furthermore, we release popular
video-language pre-training models, ALPRO and mPLUG-2, and our proposed
modularized decoder-only model mPLUG-video pre-trained on Youku-mPLUG.
Experiments show that models pre-trained on Youku-mPLUG gain up to 23.1%
improvement in video category classification. Besides, mPLUG-video achieves a
new state-of-the-art result on these benchmarks with 80.5% top-1 accuracy in
video category classification and 68.9 CIDEr score in video captioning,
respectively. Finally, we scale up mPLUG-video based on the frozen Bloomz with
only 1.7% trainable parameters as Chinese multimodal LLM, and demonstrate
impressive instruction and video understanding ability. The zero-shot
instruction understanding experiment indicates that pretraining with
Youku-mPLUG can enhance the ability to comprehend overall and detailed visual
semantics, recognize scene text, and leverage open-domain knowledge. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2404.15789 | HF | MotionMaster: Training-free Camera Motion Transfer For Video Generation | [
"Teng Hu",
"Jiangning Zhang",
"Ran Yi",
"Yating Wang",
"Hongrui Huang",
"Jieyu Weng",
"Yabiao Wang",
"Lizhuang Ma"
] | 2024-04-24 | The emergence of diffusion models has greatly propelled the progress in image
and video generation. Recently, some efforts have been made in controllable
video generation, including text-to-video generation and video motion control,
among which camera motion control is an important topic. However, existing
camera motion control methods rely on training a temporal camera module, and
necessitate substantial computation resources due to the large amount of
parameters in video generation models. Moreover, existing methods pre-define
camera motion types during training, which limits their flexibility in camera
control. Therefore, to reduce training costs and achieve flexible camera
control, we propose COMD, a novel training-free video motion transfer model,
which disentangles camera motions and object motions in source videos and
transfers the extracted camera motions to new videos. We first propose a
one-shot camera motion disentanglement method to extract camera motion from a
single source video, which separates the moving objects from the background and
estimates the camera motion in the moving objects region based on the motion in
the background by solving a Poisson equation. Furthermore, we propose a
few-shot camera motion disentanglement method to extract the common camera
motion from multiple videos with similar camera motions, which employs a
window-based clustering technique to extract the common features in temporal
attention maps of multiple videos. Finally, we propose a motion combination
method to combine different types of camera motions together, enabling our
model a more controllable and flexible camera control. Extensive experiments
demonstrate that our training-free approach can effectively decouple
camera-object motion and apply the decoupled camera motion to a wide range of
controllable video generation tasks, achieving flexible and diverse camera
motion control. | null | cs.CV | [
"cs.CV"
] |
2311.00945 | HF | E3 TTS: Easy End-to-End Diffusion-based Text to Speech | [
"Yuan Gao",
"Nobuyuki Morioka",
"Yu Zhang",
"Nanxin Chen"
] | 2023-11-02 | We propose Easy End-to-End Diffusion-based Text to Speech, a simple and
efficient end-to-end text-to-speech model based on diffusion. E3 TTS directly
takes plain text as input and generates an audio waveform through an iterative
refinement process. Unlike many prior work, E3 TTS does not rely on any
intermediate representations like spectrogram features or alignment
information. Instead, E3 TTS models the temporal structure of the waveform
through the diffusion process. Without relying on additional conditioning
information, E3 TTS could support flexible latent structure within the given
audio. This enables E3 TTS to be easily adapted for zero-shot tasks such as
editing without any additional training. Experiments show that E3 TTS can
generate high-fidelity audio, approaching the performance of a state-of-the-art
neural TTS system. Audio samples are available at https://e3tts.github.io. | null | cs.SD | [
"cs.SD",
"cs.CL",
"cs.LG",
"eess.AS"
] |
2206.13353 | AnswerAI | Is Power-Seeking AI an Existential Risk? | [
"Joseph Carlsmith"
] | 2022-06-16 | This report examines what I see as the core argument for concern about
existential risk from misaligned artificial intelligence. I proceed in two
stages. First, I lay out a backdrop picture that informs such concern. On this
picture, intelligent agency is an extremely powerful force, and creating agents
much more intelligent than us is playing with fire -- especially given that if
their objectives are problematic, such agents would plausibly have instrumental
incentives to seek power over humans. Second, I formulate and evaluate a more
specific six-premise argument that creating agents of this kind will lead to
existential catastrophe by 2070. On this argument, by 2070: (1) it will become
possible and financially feasible to build relevantly powerful and agentic AI
systems; (2) there will be strong incentives to do so; (3) it will be much
harder to build aligned (and relevantly powerful/agentic) AI systems than to
build misaligned (and relevantly powerful/agentic) AI systems that are still
superficially attractive to deploy; (4) some such misaligned systems will seek
power over humans in high-impact ways; (5) this problem will scale to the full
disempowerment of humanity; and (6) such disempowerment will constitute an
existential catastrophe. I assign rough subjective credences to the premises in
this argument, and I end up with an overall estimate of ~5% that an existential
catastrophe of this kind will occur by 2070. (May 2022 update: since making
this report public in April 2021, my estimate here has gone up, and is now at
>10%.) | null | cs.CY | [
"cs.CY",
"cs.AI",
"cs.LG"
] |
2312.05431 | HF | Efficient Quantization Strategies for Latent Diffusion Models | [
"Yuewei Yang",
"Xiaoliang Dai",
"Jialiang Wang",
"Peizhao Zhang",
"Hongbo Zhang"
] | 2023-12-09 | Latent Diffusion Models (LDMs) capture the dynamic evolution of latent
variables over time, blending patterns and multimodality in a generative
system. Despite the proficiency of LDM in various applications, such as
text-to-image generation, facilitated by robust text encoders and a variational
autoencoder, the critical need to deploy large generative models on edge
devices compels a search for more compact yet effective alternatives. Post
Training Quantization (PTQ), a method to compress the operational size of deep
learning models, encounters challenges when applied to LDM due to temporal and
structural complexities. This study proposes a quantization strategy that
efficiently quantize LDMs, leveraging Signal-to-Quantization-Noise Ratio (SQNR)
as a pivotal metric for evaluation. By treating the quantization discrepancy as
relative noise and identifying sensitive part(s) of a model, we propose an
efficient quantization approach encompassing both global and local strategies.
The global quantization process mitigates relative quantization noise by
initiating higher-precision quantization on sensitive blocks, while local
treatments address specific challenges in quantization-sensitive and
time-sensitive modules. The outcomes of our experiments reveal that the
implementation of both global and local treatments yields a highly efficient
and effective Post Training Quantization (PTQ) of LDMs. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2401.17256 | HF | Weak-to-Strong Jailbreaking on Large Language Models | [
"Xuandong Zhao",
"Xianjun Yang",
"Tianyu Pang",
"Chao Du",
"Lei Li",
"Yu-Xiang Wang",
"William Yang Wang"
] | 2024-01-30 | Large language models (LLMs) are vulnerable to jailbreak attacks - resulting
in harmful, unethical, or biased text generations. However, existing
jailbreaking methods are computationally costly. In this paper, we propose the
weak-to-strong jailbreaking attack, an efficient method to attack aligned LLMs
to produce harmful text. Our key intuition is based on the observation that
jailbroken and aligned models only differ in their initial decoding
distributions. The weak-to-strong attack's key technical insight is using two
smaller models (a safe and an unsafe one) to adversarially modify a
significantly larger safe model's decoding probabilities. We evaluate the
weak-to-strong attack on 5 diverse LLMs from 3 organizations. The results show
our method can increase the misalignment rate to over 99% on two datasets with
just one forward pass per example. Our study exposes an urgent safety issue
that needs to be addressed when aligning LLMs. As an initial attempt, we
propose a defense strategy to protect against such attacks, but creating more
advanced defenses remains challenging. The code for replicating the method is
available at https://github.com/XuandongZhao/weak-to-strong | null | cs.CL | [
"cs.CL"
] |
2305.18474 | HF | Make-An-Audio 2: Temporal-Enhanced Text-to-Audio Generation | [
"Jiawei Huang",
"Yi Ren",
"Rongjie Huang",
"Dongchao Yang",
"Zhenhui Ye",
"Chen Zhang",
"Jinglin Liu",
"Xiang Yin",
"Zejun Ma",
"Zhou Zhao"
] | 2023-05-29 | Large diffusion models have been successful in text-to-audio (T2A) synthesis
tasks, but they often suffer from common issues such as semantic misalignment
and poor temporal consistency due to limited natural language understanding and
data scarcity. Additionally, 2D spatial structures widely used in T2A works
lead to unsatisfactory audio quality when generating variable-length audio
samples since they do not adequately prioritize temporal information. To
address these challenges, we propose Make-an-Audio 2, a latent diffusion-based
T2A method that builds on the success of Make-an-Audio. Our approach includes
several techniques to improve semantic alignment and temporal consistency:
Firstly, we use pre-trained large language models (LLMs) to parse the text into
structured <event & order> pairs for better temporal information capture. We
also introduce another structured-text encoder to aid in learning semantic
alignment during the diffusion denoising process. To improve the performance of
variable length generation and enhance the temporal information extraction, we
design a feed-forward Transformer-based diffusion denoiser. Finally, we use
LLMs to augment and transform a large amount of audio-label data into
audio-text datasets to alleviate the problem of scarcity of temporal data.
Extensive experiments show that our method outperforms baseline models in both
objective and subjective metrics, and achieves significant gains in temporal
information understanding, semantic consistency, and sound quality. | null | cs.SD | [
"cs.SD",
"cs.LG",
"cs.MM",
"eess.AS"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.