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
|
---|---|---|---|---|---|---|---|---|
2407.19594 | HF | Meta-Rewarding Language Models: Self-Improving Alignment with LLM-as-a-Meta-Judge | [
"Tianhao Wu",
"Weizhe Yuan",
"Olga Golovneva",
"Jing Xu",
"Yuandong Tian",
"Jiantao Jiao",
"Jason Weston",
"Sainbayar Sukhbaatar"
] | 2024-07-28 | Large Language Models (LLMs) are rapidly surpassing human knowledge in many
domains. While improving these models traditionally relies on costly human
data, recent self-rewarding mechanisms (Yuan et al., 2024) have shown that LLMs
can improve by judging their own responses instead of relying on human
labelers. However, existing methods have primarily focused on improving model
responses rather than judgment capabilities, resulting in rapid saturation
during iterative training. To address this issue, we introduce a novel
Meta-Rewarding step to the self-improvement process, where the model judges its
own judgements and uses that feedback to refine its judgment skills.
Surprisingly, this unsupervised approach improves the model's ability to judge
{\em and} follow instructions, as demonstrated by a win rate improvement of
Llama-3-8B-Instruct from 22.9% to 39.4% on AlpacaEval 2, and 20.6% to 29.1% on
Arena-Hard. These results strongly suggest the potential for self-improving
models without human supervision. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2404.04526 | HF | DATENeRF: Depth-Aware Text-based Editing of NeRFs | [
"Sara Rojas",
"Julien Philip",
"Kai Zhang",
"Sai Bi",
"Fujun Luan",
"Bernard Ghanem",
"Kalyan Sunkavall"
] | 2024-04-06 | Recent advancements in diffusion models have shown remarkable proficiency in
editing 2D images based on text prompts. However, extending these techniques to
edit scenes in Neural Radiance Fields (NeRF) is complex, as editing individual
2D frames can result in inconsistencies across multiple views. Our crucial
insight is that a NeRF scene's geometry can serve as a bridge to integrate
these 2D edits. Utilizing this geometry, we employ a depth-conditioned
ControlNet to enhance the coherence of each 2D image modification. Moreover, we
introduce an inpainting approach that leverages the depth information of NeRF
scenes to distribute 2D edits across different images, ensuring robustness
against errors and resampling challenges. Our results reveal that this
methodology achieves more consistent, lifelike, and detailed edits than
existing leading methods for text-driven NeRF scene editing. | null | cs.CV | [
"cs.CV"
] |
2305.02665 | HF | Learning Language-Specific Layers for Multilingual Machine Translation | [
"Telmo Pessoa Pires",
"Robin M. Schmidt",
"Yi-Hsiu Liao",
"Stephan Peitz"
] | 2023-05-04 | Multilingual Machine Translation promises to improve translation quality
between non-English languages. This is advantageous for several reasons, namely
lower latency (no need to translate twice), and reduced error cascades (e.g.,
avoiding losing gender and formality information when translating through
English). On the downside, adding more languages reduces model capacity per
language, which is usually countered by increasing the overall model size,
making training harder and inference slower. In this work, we introduce
Language-Specific Transformer Layers (LSLs), which allow us to increase model
capacity, while keeping the amount of computation and the number of parameters
used in the forward pass constant. The key idea is to have some layers of the
encoder be source or target language-specific, while keeping the remaining
layers shared. We study the best way to place these layers using a neural
architecture search inspired approach, and achieve an improvement of 1.3 chrF
(1.5 spBLEU) points over not using LSLs on a separate decoder architecture, and
1.9 chrF (2.2 spBLEU) on a shared decoder one. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
1806.03377 | AnswerAI | PipeDream: Fast and Efficient Pipeline Parallel DNN Training | [
"Aaron Harlap",
"Deepak Narayanan",
"Amar Phanishayee",
"Vivek Seshadri",
"Nikhil Devanur",
"Greg Ganger",
"Phil Gibbons"
] | 2018-06-08 | PipeDream is a Deep Neural Network(DNN) training system for GPUs that
parallelizes computation by pipelining execution across multiple machines. Its
pipeline parallel computing model avoids the slowdowns faced by data-parallel
training when large models and/or limited network bandwidth induce high
communication-to-computation ratios. PipeDream reduces communication by up to
95% for large DNNs relative to data-parallel training, and allows perfect
overlap of communication and computation. PipeDream keeps all available GPUs
productive by systematically partitioning DNN layers among them to balance work
and minimize communication, versions model parameters for backward pass
correctness, and schedules the forward and backward passes of different inputs
in round-robin fashion to optimize "time to target accuracy". Experiments with
five different DNNs on two different clusters show that PipeDream is up to 5x
faster in time-to-accuracy compared to data-parallel training. | null | cs.DC | [
"cs.DC"
] |
2312.07231 | HF | Fast Training of Diffusion Transformer with Extreme Masking for 3D Point Clouds Generation | [
"Shentong Mo",
"Enze Xie",
"Yue Wu",
"Junsong Chen",
"Matthias Nießner",
"Zhenguo Li"
] | 2023-12-12 | Diffusion Transformers have recently shown remarkable effectiveness in
generating high-quality 3D point clouds. However, training voxel-based
diffusion models for high-resolution 3D voxels remains prohibitively expensive
due to the cubic complexity of attention operators, which arises from the
additional dimension of voxels. Motivated by the inherent redundancy of 3D
compared to 2D, we propose FastDiT-3D, a novel masked diffusion transformer
tailored for efficient 3D point cloud generation, which greatly reduces
training costs. Specifically, we draw inspiration from masked autoencoders to
dynamically operate the denoising process on masked voxelized point clouds. We
also propose a novel voxel-aware masking strategy to adaptively aggregate
background/foreground information from voxelized point clouds. Our method
achieves state-of-the-art performance with an extreme masking ratio of nearly
99%. Moreover, to improve multi-category 3D generation, we introduce
Mixture-of-Expert (MoE) in 3D diffusion model. Each category can learn a
distinct diffusion path with different experts, relieving gradient conflict.
Experimental results on the ShapeNet dataset demonstrate that our method
achieves state-of-the-art high-fidelity and diverse 3D point cloud generation
performance. Our FastDiT-3D improves 1-Nearest Neighbor Accuracy and Coverage
metrics when generating 128-resolution voxel point clouds, using only 6.5% of
the original training cost. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2312.07409 | HF | DiffMorpher: Unleashing the Capability of Diffusion Models for Image Morphing | [
"Kaiwen Zhang",
"Yifan Zhou",
"Xudong Xu",
"Xingang Pan",
"Bo Dai"
] | 2023-12-12 | Diffusion models have achieved remarkable image generation quality surpassing
previous generative models. However, a notable limitation of diffusion models,
in comparison to GANs, is their difficulty in smoothly interpolating between
two image samples, due to their highly unstructured latent space. Such a smooth
interpolation is intriguing as it naturally serves as a solution for the image
morphing task with many applications. In this work, we present DiffMorpher, the
first approach enabling smooth and natural image interpolation using diffusion
models. Our key idea is to capture the semantics of the two images by fitting
two LoRAs to them respectively, and interpolate between both the LoRA
parameters and the latent noises to ensure a smooth semantic transition, where
correspondence automatically emerges without the need for annotation. In
addition, we propose an attention interpolation and injection technique and a
new sampling schedule to further enhance the smoothness between consecutive
images. Extensive experiments demonstrate that DiffMorpher achieves starkly
better image morphing effects than previous methods across a variety of object
categories, bridging a critical functional gap that distinguished diffusion
models from GANs. | null | cs.CV | [
"cs.CV"
] |
2309.16650 | HF | ConceptGraphs: Open-Vocabulary 3D Scene Graphs for Perception and Planning | [
"Qiao Gu",
"Alihusein Kuwajerwala",
"Sacha Morin",
"Krishna Murthy Jatavallabhula",
"Bipasha Sen",
"Aditya Agarwal",
"Corban Rivera",
"William Paul",
"Kirsty Ellis",
"Rama Chellappa",
"Chuang Gan",
"Celso Miguel de Melo",
"Joshua B. Tenenbaum",
"Antonio Torralba",
"Florian Shkurti",
"Liam Paull"
] | 2023-09-28 | For robots to perform a wide variety of tasks, they require a 3D
representation of the world that is semantically rich, yet compact and
efficient for task-driven perception and planning. Recent approaches have
attempted to leverage features from large vision-language models to encode
semantics in 3D representations. However, these approaches tend to produce maps
with per-point feature vectors, which do not scale well in larger environments,
nor do they contain semantic spatial relationships between entities in the
environment, which are useful for downstream planning. In this work, we propose
ConceptGraphs, an open-vocabulary graph-structured representation for 3D
scenes. ConceptGraphs is built by leveraging 2D foundation models and fusing
their output to 3D by multi-view association. The resulting representations
generalize to novel semantic classes, without the need to collect large 3D
datasets or finetune models. We demonstrate the utility of this representation
through a number of downstream planning tasks that are specified through
abstract (language) prompts and require complex reasoning over spatial and
semantic concepts. (Project page: https://concept-graphs.github.io/ Explainer
video: https://youtu.be/mRhNkQwRYnc ) | null | cs.RO | [
"cs.RO",
"cs.CV"
] |
2407.21139 | HF | Enhancing Semantic Similarity Understanding in Arabic NLP with Nested Embedding Learning | [
"Omer Nacar",
"Anis Koubaa"
] | 2024-07-30 | This work presents a novel framework for training Arabic nested embedding
models through Matryoshka Embedding Learning, leveraging multilingual,
Arabic-specific, and English-based models, to highlight the power of nested
embeddings models in various Arabic NLP downstream tasks. Our innovative
contribution includes the translation of various sentence similarity datasets
into Arabic, enabling a comprehensive evaluation framework to compare these
models across different dimensions. We trained several nested embedding models
on the Arabic Natural Language Inference triplet dataset and assessed their
performance using multiple evaluation metrics, including Pearson and Spearman
correlations for cosine similarity, Manhattan distance, Euclidean distance, and
dot product similarity. The results demonstrate the superior performance of the
Matryoshka embedding models, particularly in capturing semantic nuances unique
to the Arabic language. Results demonstrated that Arabic Matryoshka embedding
models have superior performance in capturing semantic nuances unique to the
Arabic language, significantly outperforming traditional models by up to
20-25\% across various similarity metrics. These results underscore the
effectiveness of language-specific training and highlight the potential of
Matryoshka models in enhancing semantic textual similarity tasks for Arabic
NLP. | null | cs.CL | [
"cs.CL"
] |
2403.14148 | HF | Efficient Video Diffusion Models via Content-Frame Motion-Latent Decomposition | [
"Sihyun Yu",
"Weili Nie",
"De-An Huang",
"Boyi Li",
"Jinwoo Shin",
"Anima Anandkumar"
] | 2024-03-21 | Video diffusion models have recently made great progress in generation
quality, but are still limited by the high memory and computational
requirements. This is because current video diffusion models often attempt to
process high-dimensional videos directly. To tackle this issue, we propose
content-motion latent diffusion model (CMD), a novel efficient extension of
pretrained image diffusion models for video generation. Specifically, we
propose an autoencoder that succinctly encodes a video as a combination of a
content frame (like an image) and a low-dimensional motion latent
representation. The former represents the common content, and the latter
represents the underlying motion in the video, respectively. We generate the
content frame by fine-tuning a pretrained image diffusion model, and we
generate the motion latent representation by training a new lightweight
diffusion model. A key innovation here is the design of a compact latent space
that can directly utilizes a pretrained image diffusion model, which has not
been done in previous latent video diffusion models. This leads to considerably
better quality generation and reduced computational costs. For instance, CMD
can sample a video 7.7$\times$ faster than prior approaches by generating a
video of 512$\times$1024 resolution and length 16 in 3.1 seconds. Moreover, CMD
achieves an FVD score of 212.7 on WebVid-10M, 27.3% better than the previous
state-of-the-art of 292.4. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2310.11511 | Both | Self-RAG: Learning to Retrieve, Generate, and Critique through Self-Reflection | [
"Akari Asai",
"Zeqiu Wu",
"Yizhong Wang",
"Avirup Sil",
"Hannaneh Hajishirzi"
] | 2023-10-17 | Despite their remarkable capabilities, large language models (LLMs) often
produce responses containing factual inaccuracies due to their sole reliance on
the parametric knowledge they encapsulate. Retrieval-Augmented Generation
(RAG), an ad hoc approach that augments LMs with retrieval of relevant
knowledge, decreases such issues. However, indiscriminately retrieving and
incorporating a fixed number of retrieved passages, regardless of whether
retrieval is necessary, or passages are relevant, diminishes LM versatility or
can lead to unhelpful response generation. We introduce a new framework called
Self-Reflective Retrieval-Augmented Generation (Self-RAG) that enhances an LM's
quality and factuality through retrieval and self-reflection. Our framework
trains a single arbitrary LM that adaptively retrieves passages on-demand, and
generates and reflects on retrieved passages and its own generations using
special tokens, called reflection tokens. Generating reflection tokens makes
the LM controllable during the inference phase, enabling it to tailor its
behavior to diverse task requirements. Experiments show that Self-RAG (7B and
13B parameters) significantly outperforms state-of-the-art LLMs and
retrieval-augmented models on a diverse set of tasks. Specifically, Self-RAG
outperforms ChatGPT and retrieval-augmented Llama2-chat on Open-domain QA,
reasoning and fact verification tasks, and it shows significant gains in
improving factuality and citation accuracy for long-form generations relative
to these models. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2211.05102 | AnswerAI | Efficiently Scaling Transformer Inference | [
"Reiner Pope",
"Sholto Douglas",
"Aakanksha Chowdhery",
"Jacob Devlin",
"James Bradbury",
"Anselm Levskaya",
"Jonathan Heek",
"Kefan Xiao",
"Shivani Agrawal",
"Jeff Dean"
] | 2022-11-09 | We study the problem of efficient generative inference for Transformer
models, in one of its most challenging settings: large deep models, with tight
latency targets and long sequence lengths. Better understanding of the
engineering tradeoffs for inference for large Transformer-based models is
important as use cases of these models are growing rapidly throughout
application areas. We develop a simple analytical model for inference
efficiency to select the best multi-dimensional partitioning techniques
optimized for TPU v4 slices based on the application requirements. We combine
these with a suite of low-level optimizations to achieve a new Pareto frontier
on the latency and model FLOPS utilization (MFU) tradeoffs on 500B+ parameter
models that outperforms the FasterTransformer suite of benchmarks. We further
show that with appropriate partitioning, the lower memory requirements of
multiquery attention (i.e. multiple query heads share single key/value head)
enables scaling up to 32x larger context lengths. Finally, we achieve a
low-batch-size latency of 29ms per token during generation (using int8 weight
quantization) and a 76% MFU during large-batch-size processing of input tokens,
while supporting a long 2048-token context length on the PaLM 540B parameter
model. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2311.05821 | AnswerAI | Let's Reinforce Step by Step | [
"Sarah Pan",
"Vladislav Lialin",
"Sherin Muckatira",
"Anna Rumshisky"
] | 2023-11-10 | While recent advances have boosted LM proficiency in linguistic benchmarks,
LMs consistently struggle to reason correctly on complex tasks like
mathematics. We turn to Reinforcement Learning from Human Feedback (RLHF) as a
method with which to shape model reasoning processes. In particular, we explore
two reward schemes, outcome-supervised reward models (ORMs) and
process-supervised reward models (PRMs), to optimize for logical reasoning. Our
results show that the fine-grained reward provided by PRM-based methods
enhances accuracy on simple mathematical reasoning (GSM8K) while, unexpectedly,
reducing performance in complex tasks (MATH). Furthermore, we show the critical
role reward aggregation functions play in model performance. Providing
promising avenues for future research, our study underscores the need for
further exploration into fine-grained reward modeling for more reliable
language models. | null | cs.CL | [
"cs.CL"
] |
2201.06796 | AnswerAI | CoAuthor: Designing a Human-AI Collaborative Writing Dataset for Exploring Language Model Capabilities | [
"Mina Lee",
"Percy Liang",
"Qian Yang"
] | 2022-01-18 | Large language models (LMs) offer unprecedented language generation
capabilities and exciting opportunities for interaction design. However, their
highly context-dependent capabilities are difficult to grasp and are often
subjectively interpreted. In this paper, we argue that by curating and
analyzing large interaction datasets, the HCI community can foster more
incisive examinations of LMs' generative capabilities. Exemplifying this
approach, we present CoAuthor, a dataset designed for revealing GPT-3's
capabilities in assisting creative and argumentative writing. CoAuthor captures
rich interactions between 63 writers and four instances of GPT-3 across 1445
writing sessions. We demonstrate that CoAuthor can address questions about
GPT-3's language, ideation, and collaboration capabilities, and reveal its
contribution as a writing "collaborator" under various definitions of good
collaboration. Finally, we discuss how this work may facilitate a more
principled discussion around LMs' promises and pitfalls in relation to
interaction design. The dataset and an interface for replaying the writing
sessions are publicly available at https://coauthor.stanford.edu. | 10.1145/3491102.3502030 | cs.HC | [
"cs.HC",
"cs.CL"
] |
2306.00107 | HF | MERT: Acoustic Music Understanding Model with Large-Scale Self-supervised Training | [
"Yizhi Li",
"Ruibin Yuan",
"Ge Zhang",
"Yinghao Ma",
"Xingran Chen",
"Hanzhi Yin",
"Chenghao Xiao",
"Chenghua Lin",
"Anton Ragni",
"Emmanouil Benetos",
"Norbert Gyenge",
"Roger Dannenberg",
"Ruibo Liu",
"Wenhu Chen",
"Gus Xia",
"Yemin Shi",
"Wenhao Huang",
"Zili Wang",
"Yike Guo",
"Jie Fu"
] | 2023-05-31 | Self-supervised learning (SSL) has recently emerged as a promising paradigm
for training generalisable models on large-scale data in the fields of vision,
text, and speech. Although SSL has been proven effective in speech and audio,
its application to music audio has yet to be thoroughly explored. This is
partially due to the distinctive challenges associated with modelling musical
knowledge, particularly tonal and pitched characteristics of music. To address
this research gap, we propose an acoustic Music undERstanding model with
large-scale self-supervised Training (MERT), which incorporates teacher models
to provide pseudo labels in the masked language modelling (MLM) style acoustic
pre-training. In our exploration, we identified an effective combination of
teacher models, which outperforms conventional speech and audio approaches in
terms of performance. This combination includes an acoustic teacher based on
Residual Vector Quantisation - Variational AutoEncoder (RVQ-VAE) and a musical
teacher based on the Constant-Q Transform (CQT). Furthermore, we explore a wide
range of settings to overcome the instability in acoustic language model
pre-training, which allows our designed paradigm to scale from 95M to 330M
parameters. Experimental results indicate that our model can generalise and
perform well on 14 music understanding tasks and attain state-of-the-art (SOTA)
overall scores. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.CL",
"cs.LG",
"eess.AS"
] |
2407.08642 | HF | Towards Building Specialized Generalist AI with System 1 and System 2 Fusion | [
"Kaiyan Zhang",
"Biqing Qi",
"Bowen Zhou"
] | 2024-07-11 | In this perspective paper, we introduce the concept of Specialized Generalist
Artificial Intelligence (SGAI or simply SGI) as a crucial milestone toward
Artificial General Intelligence (AGI). Compared to directly scaling general
abilities, SGI is defined as AI that specializes in at least one task,
surpassing human experts, while also retaining general abilities. This fusion
path enables SGI to rapidly achieve high-value areas. We categorize SGI into
three stages based on the level of mastery over professional skills and
generality performance. Additionally, we discuss the necessity of SGI in
addressing issues associated with large language models, such as their
insufficient generality, specialized capabilities, uncertainty in innovation,
and practical applications. Furthermore, we propose a conceptual framework for
developing SGI that integrates the strengths of Systems 1 and 2 cognitive
processing. This framework comprises three layers and four key components,
which focus on enhancing individual abilities and facilitating collaborative
evolution. We conclude by summarizing the potential challenges and suggesting
future directions. We hope that the proposed SGI will provide insights into
further research and applications towards achieving AGI. | null | cs.CL | [
"cs.CL"
] |
2406.08414 | Both | Discovering Preference Optimization Algorithms with and for Large Language Models | [
"Chris Lu",
"Samuel Holt",
"Claudio Fanconi",
"Alex J. Chan",
"Jakob Foerster",
"Mihaela van der Schaar",
"Robert Tjarko Lange"
] | 2024-06-12 | Offline preference optimization is a key method for enhancing and controlling
the quality of Large Language Model (LLM) outputs. Typically, preference
optimization is approached as an offline supervised learning task using
manually-crafted convex loss functions. While these methods are based on
theoretical insights, they are inherently constrained by human creativity, so
the large search space of possible loss functions remains under explored. We
address this by performing LLM-driven objective discovery to automatically
discover new state-of-the-art preference optimization algorithms without
(expert) human intervention. Specifically, we iteratively prompt an LLM to
propose and implement new preference optimization loss functions based on
previously-evaluated performance metrics. This process leads to the discovery
of previously-unknown and performant preference optimization algorithms. The
best performing of these we call Discovered Preference Optimization (DiscoPOP),
a novel algorithm that adaptively blends logistic and exponential losses.
Experiments demonstrate the state-of-the-art performance of DiscoPOP and its
successful transfer to held-out tasks. | null | cs.LG | [
"cs.LG"
] |
2306.08543 | HF | MiniLLM: Knowledge Distillation of Large Language Models | [
"Yuxian Gu",
"Li Dong",
"Furu Wei",
"Minlie Huang"
] | 2023-06-14 | Knowledge Distillation (KD) is a promising technique for reducing the high
computational demand of large language models (LLMs). However, previous KD
methods are primarily applied to white-box classification models or training
small models to imitate black-box model APIs like ChatGPT. How to effectively
distill the knowledge of white-box LLMs into small models is still
under-explored, which becomes more important with the prosperity of open-source
LLMs. In this work, we propose a KD approach that distills LLMs into smaller
language models. We first replace the forward Kullback-Leibler divergence (KLD)
objective in the standard KD approaches with reverse KLD, which is more
suitable for KD on generative language models, to prevent the student model
from overestimating the low-probability regions of the teacher distribution.
Then, we derive an effective optimization approach to learn this objective. The
student models are named MiniLLM. Extensive experiments in the
instruction-following setting show that MiniLLM generates more precise
responses with higher overall quality, lower exposure bias, better calibration,
and higher long-text generation performance than the baselines. Our method is
scalable for different model families with 120M to 13B parameters. Our code,
data, and model checkpoints can be found in
https://github.com/microsoft/LMOps/tree/main/minillm. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.11727 | HF | Efficient Detection of Toxic Prompts in Large Language Models | [
"Yi Liu",
"Junzhe Yu",
"Huijia Sun",
"Ling Shi",
"Gelei Deng",
"Yuqi Chen",
"Yang Liu"
] | 2024-08-21 | Large language models (LLMs) like ChatGPT and Gemini have significantly
advanced natural language processing, enabling various applications such as
chatbots and automated content generation. However, these models can be
exploited by malicious individuals who craft toxic prompts to elicit harmful or
unethical responses. These individuals often employ jailbreaking techniques to
bypass safety mechanisms, highlighting the need for robust toxic prompt
detection methods. Existing detection techniques, both blackbox and whitebox,
face challenges related to the diversity of toxic prompts, scalability, and
computational efficiency. In response, we propose ToxicDetector, a lightweight
greybox method designed to efficiently detect toxic prompts in LLMs.
ToxicDetector leverages LLMs to create toxic concept prompts, uses embedding
vectors to form feature vectors, and employs a Multi-Layer Perceptron (MLP)
classifier for prompt classification. Our evaluation on various versions of the
LLama models, Gemma-2, and multiple datasets demonstrates that ToxicDetector
achieves a high accuracy of 96.39\% and a low false positive rate of 2.00\%,
outperforming state-of-the-art methods. Additionally, ToxicDetector's
processing time of 0.0780 seconds per prompt makes it highly suitable for
real-time applications. ToxicDetector achieves high accuracy, efficiency, and
scalability, making it a practical method for toxic prompt detection in LLMs. | null | cs.CR | [
"cs.CR",
"cs.AI",
"cs.CL",
"cs.SE"
] |
2305.16960 | HF | Training Socially Aligned Language Models on Simulated Social Interactions | [
"Ruibo Liu",
"Ruixin Yang",
"Chenyan Jia",
"Ge Zhang",
"Denny Zhou",
"Andrew M. Dai",
"Diyi Yang",
"Soroush Vosoughi"
] | 2023-05-26 | Social alignment in AI systems aims to ensure that these models behave
according to established societal values. However, unlike humans, who derive
consensus on value judgments through social interaction, current language
models (LMs) are trained to rigidly replicate their training corpus in
isolation, leading to subpar generalization in unfamiliar scenarios and
vulnerability to adversarial attacks. This work presents a novel training
paradigm that permits LMs to learn from simulated social interactions. In
comparison to existing methodologies, our approach is considerably more
scalable and efficient, demonstrating superior performance in alignment
benchmarks and human evaluations. This paradigm shift in the training of LMs
brings us a step closer to developing AI systems that can robustly and
accurately reflect societal norms and values. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY",
"cs.HC"
] |
1704.04368 | AnswerAI | Get To The Point: Summarization with Pointer-Generator Networks | [
"Abigail See",
"Peter J. Liu",
"Christopher D. Manning"
] | 2017-04-14 | Neural sequence-to-sequence models have provided a viable new approach for
abstractive text summarization (meaning they are not restricted to simply
selecting and rearranging passages from the original text). However, these
models have two shortcomings: they are liable to reproduce factual details
inaccurately, and they tend to repeat themselves. In this work we propose a
novel architecture that augments the standard sequence-to-sequence attentional
model in two orthogonal ways. First, we use a hybrid pointer-generator network
that can copy words from the source text via pointing, which aids accurate
reproduction of information, while retaining the ability to produce novel words
through the generator. Second, we use coverage to keep track of what has been
summarized, which discourages repetition. We apply our model to the CNN / Daily
Mail summarization task, outperforming the current abstractive state-of-the-art
by at least 2 ROUGE points. | null | cs.CL | [
"cs.CL"
] |
2406.07480 | AnswerAI | Image Neural Field Diffusion Models | [
"Yinbo Chen",
"Oliver Wang",
"Richard Zhang",
"Eli Shechtman",
"Xiaolong Wang",
"Michael Gharbi"
] | 2024-06-11 | Diffusion models have shown an impressive ability to model complex data
distributions, with several key advantages over GANs, such as stable training,
better coverage of the training distribution's modes, and the ability to solve
inverse problems without extra training. However, most diffusion models learn
the distribution of fixed-resolution images. We propose to learn the
distribution of continuous images by training diffusion models on image neural
fields, which can be rendered at any resolution, and show its advantages over
fixed-resolution models. To achieve this, a key challenge is to obtain a latent
space that represents photorealistic image neural fields. We propose a simple
and effective method, inspired by several recent techniques but with key
changes to make the image neural fields photorealistic. Our method can be used
to convert existing latent diffusion autoencoders into image neural field
autoencoders. We show that image neural field diffusion models can be trained
using mixed-resolution image datasets, outperform fixed-resolution diffusion
models followed by super-resolution models, and can solve inverse problems with
conditions applied at different scales efficiently. | null | cs.CV | [
"cs.CV"
] |
2409.08831 | HF | Breaking reCAPTCHAv2 | [
"Andreas Plesner",
"Tobias Vontobel",
"Roger Wattenhofer"
] | 2024-09-13 | Our work examines the efficacy of employing advanced machine learning methods
to solve captchas from Google's reCAPTCHAv2 system. We evaluate the
effectiveness of automated systems in solving captchas by utilizing advanced
YOLO models for image segmentation and classification. Our main result is that
we can solve 100% of the captchas, while previous work only solved 68-71%.
Furthermore, our findings suggest that there is no significant difference in
the number of challenges humans and bots must solve to pass the captchas in
reCAPTCHAv2. This implies that current AI technologies can exploit advanced
image-based captchas. We also look under the hood of reCAPTCHAv2, and find
evidence that reCAPTCHAv2 is heavily based on cookie and browser history data
when evaluating whether a user is human or not. The code is provided alongside
this paper. | 10.1109/COMPSAC61105.2024.00142 | cs.CV | [
"cs.CV"
] |
2305.10912 | HF | A Generalist Dynamics Model for Control | [
"Ingmar Schubert",
"Jingwei Zhang",
"Jake Bruce",
"Sarah Bechtle",
"Emilio Parisotto",
"Martin Riedmiller",
"Jost Tobias Springenberg",
"Arunkumar Byravan",
"Leonard Hasenclever",
"Nicolas Heess"
] | 2023-05-18 | We investigate the use of transformer sequence models as dynamics models
(TDMs) for control. We find that TDMs exhibit strong generalization
capabilities to unseen environments, both in a few-shot setting, where a
generalist TDM is fine-tuned with small amounts of data from the target
environment, and in a zero-shot setting, where a generalist TDM is applied to
an unseen environment without any further training. Here, we demonstrate that
generalizing system dynamics can work much better than generalizing optimal
behavior directly as a policy. Additional results show that TDMs also perform
well in a single-environment learning setting when compared to a number of
baseline models. These properties make TDMs a promising ingredient for a
foundation model of control. | null | cs.AI | [
"cs.AI",
"cs.RO"
] |
2210.11416 | AnswerAI | Scaling Instruction-Finetuned Language Models | [
"Hyung Won Chung",
"Le Hou",
"Shayne Longpre",
"Barret Zoph",
"Yi Tay",
"William Fedus",
"Yunxuan Li",
"Xuezhi Wang",
"Mostafa Dehghani",
"Siddhartha Brahma",
"Albert Webson",
"Shixiang Shane Gu",
"Zhuyun Dai",
"Mirac Suzgun",
"Xinyun Chen",
"Aakanksha Chowdhery",
"Alex Castro-Ros",
"Marie Pellat",
"Kevin Robinson",
"Dasha Valter",
"Sharan Narang",
"Gaurav Mishra",
"Adams Yu",
"Vincent Zhao",
"Yanping Huang",
"Andrew Dai",
"Hongkun Yu",
"Slav Petrov",
"Ed H. Chi",
"Jeff Dean",
"Jacob Devlin",
"Adam Roberts",
"Denny Zhou",
"Quoc V. Le",
"Jason Wei"
] | 2022-10-20 | Finetuning language models on a collection of datasets phrased as
instructions has been shown to improve model performance and generalization to
unseen tasks. In this paper we explore instruction finetuning with a particular
focus on (1) scaling the number of tasks, (2) scaling the model size, and (3)
finetuning on chain-of-thought data. We find that instruction finetuning with
the above aspects dramatically improves performance on a variety of model
classes (PaLM, T5, U-PaLM), prompting setups (zero-shot, few-shot, CoT), and
evaluation benchmarks (MMLU, BBH, TyDiQA, MGSM, open-ended generation). For
instance, Flan-PaLM 540B instruction-finetuned on 1.8K tasks outperforms PALM
540B by a large margin (+9.4% on average). Flan-PaLM 540B achieves
state-of-the-art performance on several benchmarks, such as 75.2% on five-shot
MMLU. We also publicly release Flan-T5 checkpoints, which achieve strong
few-shot performance even compared to much larger models, such as PaLM 62B.
Overall, instruction finetuning is a general method for improving the
performance and usability of pretrained language models. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2306.02982 | HF | PolyVoice: Language Models for Speech to Speech Translation | [
"Qianqian Dong",
"Zhiying Huang",
"Qiao Tian",
"Chen Xu",
"Tom Ko",
"Yunlong Zhao",
"Siyuan Feng",
"Tang Li",
"Kexin Wang",
"Xuxin Cheng",
"Fengpeng Yue",
"Ye Bai",
"Xi Chen",
"Lu Lu",
"Zejun Ma",
"Yuping Wang",
"Mingxuan Wang",
"Yuxuan Wang"
] | 2023-06-05 | We propose PolyVoice, a language model-based framework for speech-to-speech
translation (S2ST) system. Our framework consists of two language models: a
translation language model and a speech synthesis language model. We use
discretized speech units, which are generated in a fully unsupervised way, and
thus our framework can be used for unwritten languages. For the speech
synthesis part, we adopt the existing VALL-E X approach and build a unit-based
audio language model. This grants our framework the ability to preserve the
voice characteristics and the speaking style of the original speech. We examine
our system on Chinese $\rightarrow$ English and English $\rightarrow$ Spanish
pairs. Experimental results show that our system can generate speech with high
translation quality and audio quality. Speech samples are available at
https://speechtranslation.github.io/polyvoice. | null | cs.CL | [
"cs.CL",
"eess.AS"
] |
2401.12208 | HF | CheXagent: Towards a Foundation Model for Chest X-Ray Interpretation | [
"Zhihong Chen",
"Maya Varma",
"Jean-Benoit Delbrouck",
"Magdalini Paschali",
"Louis Blankemeier",
"Dave Van Veen",
"Jeya Maria Jose Valanarasu",
"Alaa Youssef",
"Joseph Paul Cohen",
"Eduardo Pontes Reis",
"Emily B. Tsai",
"Andrew Johnston",
"Cameron Olsen",
"Tanishq Mathew Abraham",
"Sergios Gatidis",
"Akshay S. Chaudhari",
"Curtis Langlotz"
] | 2024-01-22 | Chest X-rays (CXRs) are the most frequently performed imaging test in
clinical practice. Recent advances in the development of vision-language
foundation models (FMs) give rise to the possibility of performing automated
CXR interpretation, which can assist physicians with clinical decision-making
and improve patient outcomes. However, developing FMs that can accurately
interpret CXRs is challenging due to the (1) limited availability of
large-scale vision-language datasets in the medical image domain, (2) lack of
vision and language encoders that can capture the complexities of medical data,
and (3) absence of evaluation frameworks for benchmarking the abilities of FMs
on CXR interpretation. In this work, we address these challenges by first
introducing \emph{CheXinstruct} - a large-scale instruction-tuning dataset
curated from 28 publicly-available datasets. We then present \emph{CheXagent} -
an instruction-tuned FM capable of analyzing and summarizing CXRs. To build
CheXagent, we design a clinical large language model (LLM) for parsing
radiology reports, a vision encoder for representing CXR images, and a network
to bridge the vision and language modalities. Finally, we introduce
\emph{CheXbench} - a novel benchmark designed to systematically evaluate FMs
across 8 clinically-relevant CXR interpretation tasks. Extensive quantitative
evaluations and qualitative reviews with five expert radiologists demonstrate
that CheXagent outperforms previously-developed general- and medical-domain FMs
on CheXbench tasks. Furthermore, in an effort to improve model transparency, we
perform a fairness evaluation across factors of sex, race and age to highlight
potential performance disparities. Our project is at
\url{https://stanford-aimi.github.io/chexagent.html}. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2301.13856 | AnswerAI | Simplex Random Features | [
"Isaac Reid",
"Krzysztof Choromanski",
"Valerii Likhosherstov",
"Adrian Weller"
] | 2023-01-31 | We present Simplex Random Features (SimRFs), a new random feature (RF)
mechanism for unbiased approximation of the softmax and Gaussian kernels by
geometrical correlation of random projection vectors. We prove that SimRFs
provide the smallest possible mean square error (MSE) on unbiased estimates of
these kernels among the class of weight-independent geometrically-coupled
positive random feature (PRF) mechanisms, substantially outperforming the
previously most accurate Orthogonal Random Features at no observable extra
cost. We present a more computationally expensive SimRFs+ variant, which we
prove is asymptotically optimal in the broader family of weight-dependent
geometrical coupling schemes (which permit correlations between random vector
directions and norms). In extensive empirical studies, we show consistent gains
provided by SimRFs in settings including pointwise kernel estimation,
nonparametric classification and scalable Transformers. | null | stat.ML | [
"stat.ML",
"cs.LG"
] |
1807.03819 | AnswerAI | Universal Transformers | [
"Mostafa Dehghani",
"Stephan Gouws",
"Oriol Vinyals",
"Jakob Uszkoreit",
"Łukasz Kaiser"
] | 2018-07-10 | Recurrent neural networks (RNNs) sequentially process data by updating their
state with each new data point, and have long been the de facto choice for
sequence modeling tasks. However, their inherently sequential computation makes
them slow to train. Feed-forward and convolutional architectures have recently
been shown to achieve superior results on some sequence modeling tasks such as
machine translation, with the added advantage that they concurrently process
all inputs in the sequence, leading to easy parallelization and faster training
times. Despite these successes, however, popular feed-forward sequence models
like the Transformer fail to generalize in many simple tasks that recurrent
models handle with ease, e.g. copying strings or even simple logical inference
when the string or formula lengths exceed those observed at training time. We
propose the Universal Transformer (UT), a parallel-in-time self-attentive
recurrent sequence model which can be cast as a generalization of the
Transformer model and which addresses these issues. UTs combine the
parallelizability and global receptive field of feed-forward sequence models
like the Transformer with the recurrent inductive bias of RNNs. We also add a
dynamic per-position halting mechanism and find that it improves accuracy on
several tasks. In contrast to the standard Transformer, under certain
assumptions, UTs can be shown to be Turing-complete. Our experiments show that
UTs outperform standard Transformers on a wide range of algorithmic and
language understanding tasks, including the challenging LAMBADA language
modeling task where UTs achieve a new state of the art, and machine translation
where UTs achieve a 0.9 BLEU improvement over Transformers on the WMT14 En-De
dataset. | null | cs.CL | [
"cs.CL",
"cs.LG",
"stat.ML"
] |
2407.06938 | HF | RodinHD: High-Fidelity 3D Avatar Generation with Diffusion Models | [
"Bowen Zhang",
"Yiji Cheng",
"Chunyu Wang",
"Ting Zhang",
"Jiaolong Yang",
"Yansong Tang",
"Feng Zhao",
"Dong Chen",
"Baining Guo"
] | 2024-07-09 | We present RodinHD, which can generate high-fidelity 3D avatars from a
portrait image. Existing methods fail to capture intricate details such as
hairstyles which we tackle in this paper. We first identify an overlooked
problem of catastrophic forgetting that arises when fitting triplanes
sequentially on many avatars, caused by the MLP decoder sharing scheme. To
overcome this issue, we raise a novel data scheduling strategy and a weight
consolidation regularization term, which improves the decoder's capability of
rendering sharper details. Additionally, we optimize the guiding effect of the
portrait image by computing a finer-grained hierarchical representation that
captures rich 2D texture cues, and injecting them to the 3D diffusion model at
multiple layers via cross-attention. When trained on 46K avatars with a noise
schedule optimized for triplanes, the resulting model can generate 3D avatars
with notably better details than previous methods and can generalize to
in-the-wild portrait input. | null | cs.CV | [
"cs.CV"
] |
2409.04057 | HF | Self-Harmonized Chain of Thought | [
"Ziqi Jin",
"Wei Lu"
] | 2024-09-06 | Chain-of-Thought (CoT) prompting reveals that large language models are
capable of performing complex reasoning via intermediate steps. CoT prompting
is primarily categorized into three approaches. The first approach utilizes
straightforward prompts like ``Let's think step by step'' to generate a
sequential thought process before yielding an answer. The second approach makes
use of human-crafted, step-by-step demonstrations to guide the model's
reasoning process. The third automates the generation of reasoned
demonstrations with the 'Let's think step by step'.This approach sometimes
leads to reasoning errors, highlighting the need to diversify demonstrations to
mitigate its misleading effects. However, diverse demonstrations pose
challenges for effective representations. In this work, we propose ECHO, a
self-harmonized chain-of-thought prompting method. It consolidates diverse
solution paths into a uniform and effective solution pattern.ECHO demonstrates
the best overall performance across three reasoning domains. | null | cs.CL | [
"cs.CL"
] |
2305.11598 | HF | Introspective Tips: Large Language Model for In-Context Decision Making | [
"Liting Chen",
"Lu Wang",
"Hang Dong",
"Yali Du",
"Jie Yan",
"Fangkai Yang",
"Shuang Li",
"Pu Zhao",
"Si Qin",
"Saravan Rajmohan",
"Qingwei Lin",
"Dongmei Zhang"
] | 2023-05-19 | The emergence of large language models (LLMs) has substantially influenced
natural language processing, demonstrating exceptional results across various
tasks. In this study, we employ ``Introspective Tips" to facilitate LLMs in
self-optimizing their decision-making. By introspectively examining
trajectories, LLM refines its policy by generating succinct and valuable tips.
Our method enhances the agent's performance in both few-shot and zero-shot
learning situations by considering three essential scenarios: learning from the
agent's past experiences, integrating expert demonstrations, and generalizing
across diverse games. Importantly, we accomplish these improvements without
fine-tuning the LLM parameters; rather, we adjust the prompt to generalize
insights from the three aforementioned situations. Our framework not only
supports but also emphasizes the advantage of employing LLM in in-contxt
decision-making. Experiments involving over 100 games in TextWorld illustrate
the superior performance of our approach. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2305.04966 | HF | NerfAcc: Efficient Sampling Accelerates NeRFs | [
"Ruilong Li",
"Hang Gao",
"Matthew Tancik",
"Angjoo Kanazawa"
] | 2023-05-08 | Optimizing and rendering Neural Radiance Fields is computationally expensive
due to the vast number of samples required by volume rendering. Recent works
have included alternative sampling approaches to help accelerate their methods,
however, they are often not the focus of the work. In this paper, we
investigate and compare multiple sampling approaches and demonstrate that
improved sampling is generally applicable across NeRF variants under an unified
concept of transmittance estimator. To facilitate future experiments, we
develop NerfAcc, a Python toolbox that provides flexible APIs for incorporating
advanced sampling methods into NeRF related methods. We demonstrate its
flexibility by showing that it can reduce the training time of several recent
NeRF methods by 1.5x to 20x with minimal modifications to the existing
codebase. Additionally, highly customized NeRFs, such as Instant-NGP, can be
implemented in native PyTorch using NerfAcc. | null | cs.CV | [
"cs.CV"
] |
2310.07931 | AnswerAI | D2 Pruning: Message Passing for Balancing Diversity and Difficulty in Data Pruning | [
"Adyasha Maharana",
"Prateek Yadav",
"Mohit Bansal"
] | 2023-10-11 | Analytical theories suggest that higher-quality data can lead to lower test
errors in models trained on a fixed data budget. Moreover, a model can be
trained on a lower compute budget without compromising performance if a dataset
can be stripped of its redundancies. Coreset selection (or data pruning) seeks
to select a subset of the training data so as to maximize the performance of
models trained on this subset, also referred to as coreset. There are two
dominant approaches: (1) geometry-based data selection for maximizing data
diversity in the coreset, and (2) functions that assign difficulty scores to
samples based on training dynamics. Optimizing for data diversity leads to a
coreset that is biased towards easier samples, whereas, selection by difficulty
ranking omits easy samples that are necessary for the training of deep learning
models. This demonstrates that data diversity and importance scores are two
complementary factors that need to be jointly considered during coreset
selection. We represent a dataset as an undirected graph and propose a novel
pruning algorithm, D2 Pruning, that uses forward and reverse message passing
over this dataset graph for coreset selection. D2 Pruning updates the
difficulty scores of each example by incorporating the difficulty of its
neighboring examples in the dataset graph. Then, these updated difficulty
scores direct a graph-based sampling method to select a coreset that
encapsulates both diverse and difficult regions of the dataset space. We
evaluate supervised and self-supervised versions of our method on various
vision and language datasets. Results show that D2 Pruning improves coreset
selection over previous state-of-the-art methods for up to 70% pruning rates.
Additionally, we find that using D2 Pruning for filtering large multimodal
datasets leads to increased diversity in the dataset and improved
generalization of pretrained models. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2305.20050 | AnswerAI | Let's Verify Step by Step | [
"Hunter Lightman",
"Vineet Kosaraju",
"Yura Burda",
"Harri Edwards",
"Bowen Baker",
"Teddy Lee",
"Jan Leike",
"John Schulman",
"Ilya Sutskever",
"Karl Cobbe"
] | 2023-05-31 | In recent years, large language models have greatly improved in their ability
to perform complex multi-step reasoning. However, even state-of-the-art models
still regularly produce logical mistakes. To train more reliable models, we can
turn either to outcome supervision, which provides feedback for a final result,
or process supervision, which provides feedback for each intermediate reasoning
step. Given the importance of training reliable models, and given the high cost
of human feedback, it is important to carefully compare the both methods.
Recent work has already begun this comparison, but many questions still remain.
We conduct our own investigation, finding that process supervision
significantly outperforms outcome supervision for training models to solve
problems from the challenging MATH dataset. Our process-supervised model solves
78% of problems from a representative subset of the MATH test set.
Additionally, we show that active learning significantly improves the efficacy
of process supervision. To support related research, we also release PRM800K,
the complete dataset of 800,000 step-level human feedback labels used to train
our best reward model. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.17535 | HF | LAMBDA: A Large Model Based Data Agent | [
"Maojun Sun",
"Ruijian Han",
"Binyan Jiang",
"Houduo Qi",
"Defeng Sun",
"Yancheng Yuan",
"Jian Huang"
] | 2024-07-24 | We introduce LArge Model Based Data Agent (LAMBDA), a novel open-source,
code-free multi-agent data analysis system that leverages the power of large
models. LAMBDA is designed to address data analysis challenges in complex
data-driven applications through innovatively designed data agents that operate
iteratively and generatively using natural language. At the core of LAMBDA are
two key agent roles: the programmer and the inspector, which are engineered to
work together seamlessly. Specifically, the programmer generates code based on
the user's instructions and domain-specific knowledge, enhanced by advanced
models. Meanwhile, the inspector debugs the code when necessary. To ensure
robustness and handle adverse scenarios, LAMBDA features a user interface that
allows direct user intervention in the operational loop. Additionally, LAMBDA
can flexibly integrate external models and algorithms through our proposed
Knowledge Integration Mechanism, catering to the needs of customized data
analysis. LAMBDA has demonstrated strong performance on various data analysis
tasks. It has the potential to enhance data analysis paradigms by seamlessly
integrating human and artificial intelligence, making it more accessible,
effective, and efficient for users from diverse backgrounds. The strong
performance of LAMBDA in solving data analysis problems is demonstrated using
real-world data examples. Videos of several case studies are available at
https://xxxlambda.github.io/lambda_webpage. | null | cs.AI | [
"cs.AI",
"cs.LG",
"cs.SE",
"62-04, 62-08, 68T01, 68T09"
] |
2304.02643 | AnswerAI | Segment Anything | [
"Alexander Kirillov",
"Eric Mintun",
"Nikhila Ravi",
"Hanzi Mao",
"Chloe Rolland",
"Laura Gustafson",
"Tete Xiao",
"Spencer Whitehead",
"Alexander C. Berg",
"Wan-Yen Lo",
"Piotr Dollár",
"Ross Girshick"
] | 2023-04-05 | We introduce the Segment Anything (SA) project: a new task, model, and
dataset for image segmentation. Using our efficient model in a data collection
loop, we built the largest segmentation dataset to date (by far), with over 1
billion masks on 11M licensed and privacy respecting images. The model is
designed and trained to be promptable, so it can transfer zero-shot to new
image distributions and tasks. We evaluate its capabilities on numerous tasks
and find that its zero-shot performance is impressive -- often competitive with
or even superior to prior fully supervised results. We are releasing the
Segment Anything Model (SAM) and corresponding dataset (SA-1B) of 1B masks and
11M images at https://segment-anything.com to foster research into foundation
models for computer vision. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2111.10952 | AnswerAI | ExT5: Towards Extreme Multi-Task Scaling for Transfer Learning | [
"Vamsi Aribandi",
"Yi Tay",
"Tal Schuster",
"Jinfeng Rao",
"Huaixiu Steven Zheng",
"Sanket Vaibhav Mehta",
"Honglei Zhuang",
"Vinh Q. Tran",
"Dara Bahri",
"Jianmo Ni",
"Jai Gupta",
"Kai Hui",
"Sebastian Ruder",
"Donald Metzler"
] | 2021-11-22 | Despite the recent success of multi-task learning and transfer learning for
natural language processing (NLP), few works have systematically studied the
effect of scaling up the number of tasks during pre-training. Towards this
goal, this paper introduces ExMix (Extreme Mixture): a massive collection of
107 supervised NLP tasks across diverse domains and task-families. Using ExMix,
we study the effect of multi-task pre-training at the largest scale to date,
and analyze co-training transfer amongst common families of tasks. Through this
analysis, we show that manually curating an ideal set of tasks for multi-task
pre-training is not straightforward, and that multi-task scaling can vastly
improve models on its own. Finally, we propose ExT5: a model pre-trained using
a multi-task objective of self-supervised span denoising and supervised ExMix.
Via extensive experiments, we show that ExT5 outperforms strong T5 baselines on
SuperGLUE, GEM, Rainbow, Closed-Book QA tasks, and several tasks outside of
ExMix. ExT5 also significantly improves sample efficiency while pre-training. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2406.02528 | AnswerAI | Scalable MatMul-free Language Modeling | [
"Rui-Jie Zhu",
"Yu Zhang",
"Ethan Sifferman",
"Tyler Sheaves",
"Yiqiao Wang",
"Dustin Richmond",
"Peng Zhou",
"Jason K. Eshraghian"
] | 2024-06-04 | Matrix multiplication (MatMul) typically dominates the overall computational
cost of large language models (LLMs). This cost only grows as LLMs scale to
larger embedding dimensions and context lengths. In this work, we show that
MatMul operations can be completely eliminated from LLMs while maintaining
strong performance at billion-parameter scales. Our experiments show that our
proposed MatMul-free models achieve performance on-par with state-of-the-art
Transformers that require far more memory during inference at a scale up to at
least 2.7B parameters. We investigate the scaling laws and find that the
performance gap between our MatMul-free models and full precision Transformers
narrows as the model size increases. We also provide a GPU-efficient
implementation of this model which reduces memory usage by up to 61% over an
unoptimized baseline during training. By utilizing an optimized kernel during
inference, our model's memory consumption can be reduced by more than 10x
compared to unoptimized models. To properly quantify the efficiency of our
architecture, we build a custom hardware solution on an FPGA which exploits
lightweight operations beyond what GPUs are capable of. We processed
billion-parameter scale models at 13W beyond human readable throughput, moving
LLMs closer to brain-like efficiency. This work not only shows how far LLMs can
be stripped back while still performing effectively, but also points at the
types of operations future accelerators should be optimized for in processing
the next generation of lightweight LLMs. Our code implementation is available
at https://github.com/ridgerchu/matmulfreellm. | null | cs.CL | [
"cs.CL"
] |
2303.07295 | AnswerAI | Meet in the Middle: A New Pre-training Paradigm | [
"Anh Nguyen",
"Nikos Karampatziakis",
"Weizhu Chen"
] | 2023-03-13 | Most language models (LMs) are trained and applied in an autoregressive
left-to-right fashion, assuming that the next token only depends on the
preceding ones. However, this assumption ignores the potential benefits of
using the full sequence information during training, and the possibility of
having context from both sides during inference. In this paper, we propose a
new pre-training paradigm with techniques that jointly improve the training
data efficiency and the capabilities of the LMs in the infilling task. The
first is a training objective that aligns the predictions of a left-to-right LM
with those of a right-to-left LM, trained on the same data but in reverse
order. The second is a bidirectional inference procedure that enables both LMs
to meet in the middle. We show the effectiveness of our pre-training paradigm
with extensive experiments on both programming and natural language models,
outperforming strong baselines. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2408.09085 | HF | Segment Anything with Multiple Modalities | [
"Aoran Xiao",
"Weihao Xuan",
"Heli Qi",
"Yun Xing",
"Naoto Yokoya",
"Shijian Lu"
] | 2024-08-17 | Robust and accurate segmentation of scenes has become one core functionality
in various visual recognition and navigation tasks. This has inspired the
recent development of Segment Anything Model (SAM), a foundation model for
general mask segmentation. However, SAM is largely tailored for single-modal
RGB images, limiting its applicability to multi-modal data captured with
widely-adopted sensor suites, such as LiDAR plus RGB, depth plus RGB, thermal
plus RGB, etc. We develop MM-SAM, an extension and expansion of SAM that
supports cross-modal and multi-modal processing for robust and enhanced
segmentation with different sensor suites. MM-SAM features two key designs,
namely, unsupervised cross-modal transfer and weakly-supervised multi-modal
fusion, enabling label-efficient and parameter-efficient adaptation toward
various sensor modalities. It addresses three main challenges: 1) adaptation
toward diverse non-RGB sensors for single-modal processing, 2) synergistic
processing of multi-modal data via sensor fusion, and 3) mask-free training for
different downstream tasks. Extensive experiments show that MM-SAM consistently
outperforms SAM by large margins, demonstrating its effectiveness and
robustness across various sensors and data modalities. | null | cs.CV | [
"cs.CV"
] |
2305.10874 | HF | Swap Attention in Spatiotemporal Diffusions for Text-to-Video Generation | [
"Wenjing Wang",
"Huan Yang",
"Zixi Tuo",
"Huiguo He",
"Junchen Zhu",
"Jianlong Fu",
"Jiaying Liu"
] | 2023-05-18 | With the explosive popularity of AI-generated content (AIGC), video
generation has recently received a lot of attention. Generating videos guided
by text instructions poses significant challenges, such as modeling the complex
relationship between space and time, and the lack of large-scale text-video
paired data. Existing text-video datasets suffer from limitations in both
content quality and scale, or they are not open-source, rendering them
inaccessible for study and use. For model design, previous approaches extend
pretrained text-to-image generation models by adding temporal 1D
convolution/attention modules for video generation. However, these approaches
overlook the importance of jointly modeling space and time, inevitably leading
to temporal distortions and misalignment between texts and videos. In this
paper, we propose a novel approach that strengthens the interaction between
spatial and temporal perceptions. In particular, we utilize a swapped
cross-attention mechanism in 3D windows that alternates the "query" role
between spatial and temporal blocks, enabling mutual reinforcement for each
other. Moreover, to fully unlock model capabilities for high-quality video
generation and promote the development of the field, we curate a large-scale
and open-source video dataset called HD-VG-130M. This dataset comprises 130
million text-video pairs from the open-domain, ensuring high-definition,
widescreen and watermark-free characters. A smaller-scale yet more meticulously
cleaned subset further enhances the data quality, aiding models in achieving
superior performance. Experimental quantitative and qualitative results
demonstrate the superiority of our approach in terms of per-frame quality,
temporal correlation, and text-video alignment, with clear margins. | null | cs.CV | [
"cs.CV"
] |
2309.15426 | HF | NeuRBF: A Neural Fields Representation with Adaptive Radial Basis Functions | [
"Zhang Chen",
"Zhong Li",
"Liangchen Song",
"Lele Chen",
"Jingyi Yu",
"Junsong Yuan",
"Yi Xu"
] | 2023-09-27 | We present a novel type of neural fields that uses general radial bases for
signal representation. State-of-the-art neural fields typically rely on
grid-based representations for storing local neural features and N-dimensional
linear kernels for interpolating features at continuous query points. The
spatial positions of their neural features are fixed on grid nodes and cannot
well adapt to target signals. Our method instead builds upon general radial
bases with flexible kernel position and shape, which have higher spatial
adaptivity and can more closely fit target signals. To further improve the
channel-wise capacity of radial basis functions, we propose to compose them
with multi-frequency sinusoid functions. This technique extends a radial basis
to multiple Fourier radial bases of different frequency bands without requiring
extra parameters, facilitating the representation of details. Moreover, by
marrying adaptive radial bases with grid-based ones, our hybrid combination
inherits both adaptivity and interpolation smoothness. We carefully designed
weighting schemes to let radial bases adapt to different types of signals
effectively. Our experiments on 2D image and 3D signed distance field
representation demonstrate the higher accuracy and compactness of our method
than prior arts. When applied to neural radiance field reconstruction, our
method achieves state-of-the-art rendering quality, with small model size and
comparable training speed. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2402.13232 | HF | A Touch, Vision, and Language Dataset for Multimodal Alignment | [
"Letian Fu",
"Gaurav Datta",
"Huang Huang",
"William Chung-Ho Panitch",
"Jaimyn Drake",
"Joseph Ortiz",
"Mustafa Mukadam",
"Mike Lambeta",
"Roberto Calandra",
"Ken Goldberg"
] | 2024-02-20 | Touch is an important sensing modality for humans, but it has not yet been
incorporated into a multimodal generative language model. This is partially due
to the difficulty of obtaining natural language labels for tactile data and the
complexity of aligning tactile readings with both visual observations and
language descriptions. As a step towards bridging that gap, this work
introduces a new dataset of 44K in-the-wild vision-touch pairs, with English
language labels annotated by humans (10%) and textual pseudo-labels from GPT-4V
(90%). We use this dataset to train a vision-language-aligned tactile encoder
for open-vocabulary classification and a touch-vision-language (TVL) model for
text generation using the trained encoder. Results suggest that by
incorporating touch, the TVL model improves (+29% classification accuracy)
touch-vision-language alignment over existing models trained on any pair of
those modalities. Although only a small fraction of the dataset is
human-labeled, the TVL model demonstrates improved visual-tactile understanding
over GPT-4V (+12%) and open-source vision-language models (+32%) on a new
touch-vision understanding benchmark. Code and data:
https://tactile-vlm.github.io. | null | cs.CV | [
"cs.CV",
"cs.RO"
] |
2401.13303 | HF | MaLA-500: Massive Language Adaptation of Large Language Models | [
"Peiqin Lin",
"Shaoxiong Ji",
"Jörg Tiedemann",
"André F. T. Martins",
"Hinrich Schütze"
] | 2024-01-24 | Large language models (LLMs) have advanced the state of the art in natural
language processing. However, their predominant design for English or a limited
set of languages creates a substantial gap in their effectiveness for
low-resource languages. To bridge this gap, we introduce MaLA-500, a novel
large language model designed to cover an extensive range of 534 languages. To
train MaLA-500, we employ vocabulary extension and continued pretraining on
LLaMA 2 with Glot500-c. Our intrinsic evaluation demonstrates that MaLA-500 is
better at predicting the given texts of low-resource languages than existing
multilingual LLMs. Moreover, the extrinsic evaluation of in-context learning
shows that MaLA-500 outperforms previous LLMs on SIB200 and Taxi1500 by a
significant margin, i.e., 11.68% and 4.82% marco-average accuracy across
languages. We release MaLA-500 at https://huggingface.co/MaLA-LM | null | cs.CL | [
"cs.CL"
] |
2308.04556 | HF | FocalFormer3D : Focusing on Hard Instance for 3D Object Detection | [
"Yilun Chen",
"Zhiding Yu",
"Yukang Chen",
"Shiyi Lan",
"Animashree Anandkumar",
"Jiaya Jia",
"Jose Alvarez"
] | 2023-08-08 | False negatives (FN) in 3D object detection, {\em e.g.}, missing predictions
of pedestrians, vehicles, or other obstacles, can lead to potentially dangerous
situations in autonomous driving. While being fatal, this issue is understudied
in many current 3D detection methods. In this work, we propose Hard Instance
Probing (HIP), a general pipeline that identifies \textit{FN} in a multi-stage
manner and guides the models to focus on excavating difficult instances. For 3D
object detection, we instantiate this method as FocalFormer3D, a simple yet
effective detector that excels at excavating difficult objects and improving
prediction recall. FocalFormer3D features a multi-stage query generation to
discover hard objects and a box-level transformer decoder to efficiently
distinguish objects from massive object candidates. Experimental results on the
nuScenes and Waymo datasets validate the superior performance of FocalFormer3D.
The advantage leads to strong performance on both detection and tracking, in
both LiDAR and multi-modal settings. Notably, FocalFormer3D achieves a 70.5 mAP
and 73.9 NDS on nuScenes detection benchmark, while the nuScenes tracking
benchmark shows 72.1 AMOTA, both ranking 1st place on the nuScenes LiDAR
leaderboard. Our code is available at
\url{https://github.com/NVlabs/FocalFormer3D}. | null | cs.CV | [
"cs.CV"
] |
2306.01741 | HF | GPT Models Meet Robotic Applications: Co-Speech Gesturing Chat System | [
"Naoki Wake",
"Atsushi Kanehira",
"Kazuhiro Sasabuchi",
"Jun Takamatsu",
"Katsushi Ikeuchi"
] | 2023-05-10 | This technical paper introduces a chatting robot system that utilizes recent
advancements in large-scale language models (LLMs) such as GPT-3 and ChatGPT.
The system is integrated with a co-speech gesture generation system, which
selects appropriate gestures based on the conceptual meaning of speech. Our
motivation is to explore ways of utilizing the recent progress in LLMs for
practical robotic applications, which benefits the development of both chatbots
and LLMs. Specifically, it enables the development of highly responsive chatbot
systems by leveraging LLMs and adds visual effects to the user interface of
LLMs as an additional value. The source code for the system is available on
GitHub for our in-house robot
(https://github.com/microsoft/LabanotationSuite/tree/master/MSRAbotChatSimulation)
and GitHub for Toyota HSR
(https://github.com/microsoft/GPT-Enabled-HSR-CoSpeechGestures). | null | cs.RO | [
"cs.RO",
"cs.CL"
] |
2402.06149 | HF | HeadStudio: Text to Animatable Head Avatars with 3D Gaussian Splatting | [
"Zhenglin Zhou",
"Fan Ma",
"Hehe Fan",
"Yi Yang"
] | 2024-02-09 | Creating digital avatars from textual prompts has long been a desirable yet
challenging task. Despite the promising outcomes obtained through 2D diffusion
priors in recent works, current methods face challenges in achieving
high-quality and animated avatars effectively. In this paper, we present
$\textbf{HeadStudio}$, a novel framework that utilizes 3D Gaussian splatting to
generate realistic and animated avatars from text prompts. Our method drives 3D
Gaussians semantically to create a flexible and achievable appearance through
the intermediate FLAME representation. Specifically, we incorporate the FLAME
into both 3D representation and score distillation: 1) FLAME-based 3D Gaussian
splatting, driving 3D Gaussian points by rigging each point to a FLAME mesh. 2)
FLAME-based score distillation sampling, utilizing FLAME-based fine-grained
control signal to guide score distillation from the text prompt. Extensive
experiments demonstrate the efficacy of HeadStudio in generating animatable
avatars from textual prompts, exhibiting visually appealing appearances. The
avatars are capable of rendering high-quality real-time ($\geq 40$ fps) novel
views at a resolution of 1024. They can be smoothly controlled by real-world
speech and video. We hope that HeadStudio can advance digital avatar creation
and that the present method can widely be applied across various domains. | null | cs.CV | [
"cs.CV"
] |
2309.07062 | HF | Large Language Models for Compiler Optimization | [
"Chris Cummins",
"Volker Seeker",
"Dejan Grubisic",
"Mostafa Elhoushi",
"Youwei Liang",
"Baptiste Roziere",
"Jonas Gehring",
"Fabian Gloeckle",
"Kim Hazelwood",
"Gabriel Synnaeve",
"Hugh Leather"
] | 2023-09-11 | We explore the novel application of Large Language Models to code
optimization. We present a 7B-parameter transformer model trained from scratch
to optimize LLVM assembly for code size. The model takes as input unoptimized
assembly and outputs a list of compiler options to best optimize the program.
Crucially, during training, we ask the model to predict the instruction counts
before and after optimization, and the optimized code itself. These auxiliary
learning tasks significantly improve the optimization performance of the model
and improve the model's depth of understanding.
We evaluate on a large suite of test programs. Our approach achieves a 3.0%
improvement in reducing instruction counts over the compiler, outperforming two
state-of-the-art baselines that require thousands of compilations. Furthermore,
the model shows surprisingly strong code reasoning abilities, generating
compilable code 91% of the time and perfectly emulating the output of the
compiler 70% of the time. | null | cs.PL | [
"cs.PL",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2306.05425 | HF | MIMIC-IT: Multi-Modal In-Context Instruction Tuning | [
"Bo Li",
"Yuanhan Zhang",
"Liangyu Chen",
"Jinghao Wang",
"Fanyi Pu",
"Jingkang Yang",
"Chunyuan Li",
"Ziwei Liu"
] | 2023-06-08 | High-quality instructions and responses are essential for the zero-shot
performance of large language models on interactive natural language tasks. For
interactive vision-language tasks involving intricate visual scenes, a large
quantity of diverse and creative instruction-response pairs should be
imperative to tune vision-language models (VLMs). Nevertheless, the current
availability of vision-language instruction-response pairs in terms of
quantity, diversity, and creativity remains limited, posing challenges to the
generalization of interactive VLMs. Here we present MultI-Modal In-Context
Instruction Tuning (MIMIC-IT), a dataset comprising 2.8 million multimodal
instruction-response pairs, with 2.2 million unique instructions derived from
images and videos. Each pair is accompanied by multi-modal in-context
information, forming conversational contexts aimed at empowering VLMs in
perception, reasoning, and planning. The instruction-response collection
process, dubbed as Syphus, is scaled using an automatic annotation pipeline
that combines human expertise with GPT's capabilities. Using the MIMIC-IT
dataset, we train a large VLM named Otter. Based on extensive evaluations
conducted on vision-language benchmarks, it has been observed that Otter
demonstrates remarkable proficiency in multi-modal perception, reasoning, and
in-context learning. Human evaluation reveals it effectively aligns with the
user's intentions. We release the MIMIC-IT dataset, instruction-response
collection pipeline, benchmarks, and the Otter model. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.HC"
] |
2301.12597 | AnswerAI | BLIP-2: Bootstrapping Language-Image Pre-training with Frozen Image Encoders and Large Language Models | [
"Junnan Li",
"Dongxu Li",
"Silvio Savarese",
"Steven Hoi"
] | 2023-01-30 | The cost of vision-and-language pre-training has become increasingly
prohibitive due to end-to-end training of large-scale models. This paper
proposes BLIP-2, a generic and efficient pre-training strategy that bootstraps
vision-language pre-training from off-the-shelf frozen pre-trained image
encoders and frozen large language models. BLIP-2 bridges the modality gap with
a lightweight Querying Transformer, which is pre-trained in two stages. The
first stage bootstraps vision-language representation learning from a frozen
image encoder. The second stage bootstraps vision-to-language generative
learning from a frozen language model. BLIP-2 achieves state-of-the-art
performance on various vision-language tasks, despite having significantly
fewer trainable parameters than existing methods. For example, our model
outperforms Flamingo80B by 8.7% on zero-shot VQAv2 with 54x fewer trainable
parameters. We also demonstrate the model's emerging capabilities of zero-shot
image-to-text generation that can follow natural language instructions. | null | cs.CV | [
"cs.CV"
] |
2209.01188 | AnswerAI | Petals: Collaborative Inference and Fine-tuning of Large Models | [
"Alexander Borzunov",
"Dmitry Baranchuk",
"Tim Dettmers",
"Max Ryabinin",
"Younes Belkada",
"Artem Chumachenko",
"Pavel Samygin",
"Colin Raffel"
] | 2022-09-02 | Many NLP tasks benefit from using large language models (LLMs) that often
have more than 100 billion parameters. With the release of BLOOM-176B and
OPT-175B, everyone can download pretrained models of this scale. Still, using
these models requires high-end hardware unavailable to many researchers. In
some cases, LLMs can be used more affordably via RAM offloading or hosted APIs.
However, these techniques have innate limitations: offloading is too slow for
interactive inference, while APIs are not flexible enough for research that
requires access to weights, attention or logits. In this work, we propose
Petals - a system for inference and fine-tuning of large models collaboratively
by joining the resources of multiple parties. We demonstrate that this strategy
outperforms offloading for very large models, running inference of BLOOM-176B
on consumer GPUs with $\approx$ 1 step per second, which is enough for many
interactive LLM applications. Unlike most inference APIs, Petals also natively
exposes hidden states of served models, allowing to train and share custom
model extensions based on efficient fine-tuning methods. | null | cs.LG | [
"cs.LG",
"cs.DC"
] |
2409.07146 | HF | Gated Slot Attention for Efficient Linear-Time Sequence Modeling | [
"Yu Zhang",
"Songlin Yang",
"Ruijie Zhu",
"Yue Zhang",
"Leyang Cui",
"Yiqiao Wang",
"Bolun Wang",
"Freda Shi",
"Bailin Wang",
"Wei Bi",
"Peng Zhou",
"Guohong Fu"
] | 2024-09-11 | Linear attention Transformers and their gated variants, celebrated for
enabling parallel training and efficient recurrent inference, still fall short
in recall-intensive tasks compared to traditional Transformers and demand
significant resources for training from scratch. This paper introduces Gated
Slot Attention (GSA), which enhances Attention with Bounded-memory-Control
(ABC) by incorporating a gating mechanism inspired by Gated Linear Attention
(GLA). Essentially, GSA comprises a two-layer GLA linked via softmax, utilizing
context-aware memory reading and adaptive forgetting to improve memory capacity
while maintaining compact recurrent state size. This design greatly enhances
both training and inference efficiency through GLA's hardware-efficient
training algorithm and reduced state size. Additionally, retaining the softmax
operation is particularly beneficial in "finetuning pretrained Transformers to
RNNs" (T2R) settings, reducing the need for extensive training from scratch.
Extensive experiments confirm GSA's superior performance in scenarios requiring
in-context recall and in T2R settings. | null | cs.CL | [
"cs.CL"
] |
2307.00804 | HF | SketchMetaFace: A Learning-based Sketching Interface for High-fidelity 3D Character Face Modeling | [
"Zhongjin Luo",
"Dong Du",
"Heming Zhu",
"Yizhou Yu",
"Hongbo Fu",
"Xiaoguang Han"
] | 2023-07-03 | Modeling 3D avatars benefits various application scenarios such as AR/VR,
gaming, and filming. Character faces contribute significant diversity and
vividity as a vital component of avatars. However, building 3D character face
models usually requires a heavy workload with commercial tools, even for
experienced artists. Various existing sketch-based tools fail to support
amateurs in modeling diverse facial shapes and rich geometric details. In this
paper, we present SketchMetaFace - a sketching system targeting amateur users
to model high-fidelity 3D faces in minutes. We carefully design both the user
interface and the underlying algorithm. First, curvature-aware strokes are
adopted to better support the controllability of carving facial details.
Second, considering the key problem of mapping a 2D sketch map to a 3D model,
we develop a novel learning-based method termed "Implicit and Depth Guided Mesh
Modeling" (IDGMM). It fuses the advantages of mesh, implicit, and depth
representations to achieve high-quality results with high efficiency. In
addition, to further support usability, we present a coarse-to-fine 2D
sketching interface design and a data-driven stroke suggestion tool. User
studies demonstrate the superiority of our system over existing modeling tools
in terms of the ease to use and visual quality of results. Experimental
analyses also show that IDGMM reaches a better trade-off between accuracy and
efficiency. SketchMetaFace is available at
https://zhongjinluo.github.io/SketchMetaFace/. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.HC"
] |
2203.16634 | AnswerAI | Transformer Language Models without Positional Encodings Still Learn Positional Information | [
"Adi Haviv",
"Ori Ram",
"Ofir Press",
"Peter Izsak",
"Omer Levy"
] | 2022-03-30 | Causal transformer language models (LMs), such as GPT-3, typically require
some form of positional encoding, such as positional embeddings. However, we
show that LMs without any explicit positional encoding are still competitive
with standard models, and that this phenomenon is robust across different
datasets, model sizes, and sequence lengths. Probing experiments reveal that
such models acquire an implicit notion of absolute positions throughout the
network, effectively compensating for the missing information. We conjecture
that causal attention enables the model to infer the number of predecessors
that each token can attend to, thereby approximating its absolute position. Our
findings indicate that causal LMs might derive positional awareness not only
from the explicit positioning mechanism, but also from the effects of the
causal mask. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.03166 | HF | VideoGLUE: Video General Understanding Evaluation of Foundation Models | [
"Liangzhe Yuan",
"Nitesh Bharadwaj Gundavarapu",
"Long Zhao",
"Hao Zhou",
"Yin Cui",
"Lu Jiang",
"Xuan Yang",
"Menglin Jia",
"Tobias Weyand",
"Luke Friedman",
"Mikhail Sirotenko",
"Huisheng Wang",
"Florian Schroff",
"Hartwig Adam",
"Ming-Hsuan Yang",
"Ting Liu",
"Boqing Gong"
] | 2023-07-06 | We evaluate existing foundation models video understanding capabilities using
a carefully designed experiment protocol consisting of three hallmark tasks
(action recognition, temporal localization, and spatiotemporal localization),
eight datasets well received by the community, and four adaptation methods
tailoring a foundation model (FM) for a downstream task. Moreover, we propose a
scalar VideoGLUE score (VGS) to measure an FMs efficacy and efficiency when
adapting to general video understanding tasks. Our main findings are as
follows. First, task-specialized models significantly outperform the six FMs
studied in this work, in sharp contrast to what FMs have achieved in natural
language and image understanding. Second,video-native FMs, whose pretraining
data contains the video modality, are generally better than image-native FMs in
classifying motion-rich videos, localizing actions in time, and understanding a
video of more than one action. Third, the video-native FMs can perform well on
video tasks under light adaptations to downstream tasks(e.g., freezing the FM
backbones), while image-native FMs win in full end-to-end finetuning. The first
two observations reveal the need and tremendous opportunities to conduct
research on video-focused FMs, and the last confirms that both tasks and
adaptation methods matter when it comes to the evaluation of FMs. Our code is
released under:
https://github.com/tensorflow/models/tree/master/official/projects/videoglue. | null | cs.CV | [
"cs.CV"
] |
2409.00729 | HF | ContextCite: Attributing Model Generation to Context | [
"Benjamin Cohen-Wang",
"Harshay Shah",
"Kristian Georgiev",
"Aleksander Madry"
] | 2024-09-01 | How do language models use information provided as context when generating a
response? Can we infer whether a particular generated statement is actually
grounded in the context, a misinterpretation, or fabricated? To help answer
these questions, we introduce the problem of context attribution: pinpointing
the parts of the context (if any) that led a model to generate a particular
statement. We then present ContextCite, a simple and scalable method for
context attribution that can be applied on top of any existing language model.
Finally, we showcase the utility of ContextCite through three applications: (1)
helping verify generated statements (2) improving response quality by pruning
the context and (3) detecting poisoning attacks. We provide code for
ContextCite at https://github.com/MadryLab/context-cite. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2402.11078 | AnswerAI | Model Editing by Standard Fine-Tuning | [
"Govind Gangadhar",
"Karl Stratos"
] | 2024-02-16 | Standard fine-tuning is considered not as effective as specialized methods
for model editing due to its comparatively poor performance. However, it is
simple, agnostic to the architectural details of the model being edited, and
able to leverage advances in standard training techniques with no additional
work (e.g., black-box PEFT for computational efficiency), making it an
appealing choice for a model editor. In this work, we show that standard
fine-tuning alone can yield competitive model editing performance with two
minor modifications. First, we optimize the conditional likelihood rather than
the full likelihood. Second, in addition to the typical practice of training on
randomly paraphrased edit prompts to encourage generalization, we also train on
random or similar unedited facts to encourage locality. Our experiments on the
ZsRE and CounterFact datasets demonstrate that these simple modifications allow
standard fine-tuning to match or outperform highly specialized editors in terms
of edit score. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2409.06029 | HF | SongCreator: Lyrics-based Universal Song Generation | [
"Shun Lei",
"Yixuan Zhou",
"Boshi Tang",
"Max W. Y. Lam",
"Feng Liu",
"Hangyu Liu",
"Jingcheng Wu",
"Shiyin Kang",
"Zhiyong Wu",
"Helen Meng"
] | 2024-09-09 | Music is an integral part of human culture, embodying human intelligence and
creativity, of which songs compose an essential part. While various aspects of
song generation have been explored by previous works, such as singing voice,
vocal composition and instrumental arrangement, etc., generating songs with
both vocals and accompaniment given lyrics remains a significant challenge,
hindering the application of music generation models in the real world. In this
light, we propose SongCreator, a song-generation system designed to tackle this
challenge. The model features two novel designs: a meticulously designed
dual-sequence language model (DSLM) to capture the information of vocals and
accompaniment for song generation, and an additional attention mask strategy
for DSLM, which allows our model to understand, generate and edit songs, making
it suitable for various song-related generation tasks. Extensive experiments
demonstrate the effectiveness of SongCreator by achieving state-of-the-art or
competitive performances on all eight tasks. Notably, it surpasses previous
works by a large margin in lyrics-to-song and lyrics-to-vocals. Additionally,
it is able to independently control the acoustic conditions of the vocals and
accompaniment in the generated song through different prompts, exhibiting its
potential applicability. Our samples are available at
https://songcreator.github.io/. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2404.08197 | HF | Scaling (Down) CLIP: A Comprehensive Analysis of Data, Architecture, and Training Strategies | [
"Zichao Li",
"Cihang Xie",
"Ekin Dogus Cubuk"
] | 2024-04-12 | This paper investigates the performance of the Contrastive Language-Image
Pre-training (CLIP) when scaled down to limited computation budgets. We explore
CLIP along three dimensions: data, architecture, and training strategies. With
regards to data, we demonstrate the significance of high-quality training data
and show that a smaller dataset of high-quality data can outperform a larger
dataset with lower quality. We also examine how model performance varies with
different dataset sizes, suggesting that smaller ViT models are better suited
for smaller datasets, while larger models perform better on larger datasets
with fixed compute. Additionally, we provide guidance on when to choose a
CNN-based architecture or a ViT-based architecture for CLIP training. We
compare four CLIP training strategies - SLIP, FLIP, CLIP, and CLIP+Data
Augmentation - and show that the choice of training strategy depends on the
available compute resource. Our analysis reveals that CLIP+Data Augmentation
can achieve comparable performance to CLIP using only half of the training
data. This work provides practical insights into how to effectively train and
deploy CLIP models, making them more accessible and affordable for practical
use in various applications. | null | cs.CV | [
"cs.CV"
] |
2307.05300 | Both | Unleashing the Emergent Cognitive Synergy in Large Language Models: A Task-Solving Agent through Multi-Persona Self-Collaboration | [
"Zhenhailong Wang",
"Shaoguang Mao",
"Wenshan Wu",
"Tao Ge",
"Furu Wei",
"Heng Ji"
] | 2023-07-11 | Human intelligence thrives on cognitive synergy, where collaboration among
different minds yield superior outcomes compared to isolated individuals. In
this work, we propose Solo Performance Prompting (SPP), which transforms a
single LLM into a cognitive synergist by engaging in multi-turn
self-collaboration with multiple personas. A cognitive synergist is an
intelligent agent that collaboratively combines multiple minds' strengths and
knowledge to enhance problem-solving in complex tasks. By dynamically
identifying and simulating different personas based on task inputs, SPP
unleashes the potential of cognitive synergy in LLMs. Our in-depth analysis
shows that assigning multiple fine-grained personas in LLMs improves
problem-solving abilities compared to using a single or fixed number of
personas. We evaluate SPP on three challenging tasks: Trivia Creative Writing,
Codenames Collaborative, and Logic Grid Puzzle, encompassing both
knowledge-intensive and reasoning-intensive types. Unlike previous works, such
as Chain-of-Thought, that solely enhance the reasoning abilities in LLMs,
experimental results demonstrate that SPP effectively reduces factual
hallucination, and maintains strong reasoning capabilities. Additionally,
comparative experiments show that cognitive synergy only emerges in GPT-4 and
does not appear in less capable models, such as GPT-3.5-turbo and
Llama2-13b-chat, which draws an interesting analogy to human development. Code,
data, and prompts can be found at:
https://github.com/MikeWangWZHL/Solo-Performance-Prompting.git. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2310.20700 | HF | SEINE: Short-to-Long Video Diffusion Model for Generative Transition and Prediction | [
"Xinyuan Chen",
"Yaohui Wang",
"Lingjun Zhang",
"Shaobin Zhuang",
"Xin Ma",
"Jiashuo Yu",
"Yali Wang",
"Dahua Lin",
"Yu Qiao",
"Ziwei Liu"
] | 2023-10-31 | Recently video generation has achieved substantial progress with realistic
results. Nevertheless, existing AI-generated videos are usually very short
clips ("shot-level") depicting a single scene. To deliver a coherent long video
("story-level"), it is desirable to have creative transition and prediction
effects across different clips. This paper presents a short-to-long video
diffusion model, SEINE, that focuses on generative transition and prediction.
The goal is to generate high-quality long videos with smooth and creative
transitions between scenes and varying lengths of shot-level videos.
Specifically, we propose a random-mask video diffusion model to automatically
generate transitions based on textual descriptions. By providing the images of
different scenes as inputs, combined with text-based control, our model
generates transition videos that ensure coherence and visual quality.
Furthermore, the model can be readily extended to various tasks such as
image-to-video animation and autoregressive video prediction. To conduct a
comprehensive evaluation of this new generative task, we propose three
assessing criteria for smooth and creative transition: temporal consistency,
semantic similarity, and video-text semantic alignment. Extensive experiments
validate the effectiveness of our approach over existing methods for generative
transition and prediction, enabling the creation of story-level long videos.
Project page: https://vchitect.github.io/SEINE-project/ . | null | cs.CV | [
"cs.CV"
] |
2405.14224 | HF | DiM: Diffusion Mamba for Efficient High-Resolution Image Synthesis | [
"Yao Teng",
"Yue Wu",
"Han Shi",
"Xuefei Ning",
"Guohao Dai",
"Yu Wang",
"Zhenguo Li",
"Xihui Liu"
] | 2024-05-23 | Diffusion models have achieved great success in image generation, with the
backbone evolving from U-Net to Vision Transformers. However, the computational
cost of Transformers is quadratic to the number of tokens, leading to
significant challenges when dealing with high-resolution images. In this work,
we propose Diffusion Mamba (DiM), which combines the efficiency of Mamba, a
sequence model based on State Space Models (SSM), with the expressive power of
diffusion models for efficient high-resolution image synthesis. To address the
challenge that Mamba cannot generalize to 2D signals, we make several
architecture designs including multi-directional scans, learnable padding
tokens at the end of each row and column, and lightweight local feature
enhancement. Our DiM architecture achieves inference-time efficiency for
high-resolution images. In addition, to further improve training efficiency for
high-resolution image generation with DiM, we investigate "weak-to-strong"
training strategy that pretrains DiM on low-resolution images ($256\times 256$)
and then finetune it on high-resolution images ($512 \times 512$). We further
explore training-free upsampling strategies to enable the model to generate
higher-resolution images (e.g., $1024\times 1024$ and $1536\times 1536$)
without further fine-tuning. Experiments demonstrate the effectiveness and
efficiency of our DiM. The code of our work is available here:
{\url{https://github.com/tyshiwo1/DiM-DiffusionMamba/}}. | null | cs.CV | [
"cs.CV"
] |
2308.06259 | Both | Self-Alignment with Instruction Backtranslation | [
"Xian Li",
"Ping Yu",
"Chunting Zhou",
"Timo Schick",
"Omer Levy",
"Luke Zettlemoyer",
"Jason Weston",
"Mike Lewis"
] | 2023-08-11 | We present a scalable method to build a high quality instruction following
language model by automatically labelling human-written text with corresponding
instructions. Our approach, named instruction backtranslation, starts with a
language model finetuned on a small amount of seed data, and a given web
corpus. The seed model is used to construct training examples by generating
instruction prompts for web documents (self-augmentation), and then selecting
high quality examples from among these candidates (self-curation). This data is
then used to finetune a stronger model. Finetuning LLaMa on two iterations of
our approach yields a model that outperforms all other LLaMa-based models on
the Alpaca leaderboard not relying on distillation data, demonstrating highly
effective self-alignment. | null | cs.CL | [
"cs.CL"
] |
2310.10134 | AnswerAI | CLIN: A Continually Learning Language Agent for Rapid Task Adaptation and Generalization | [
"Bodhisattwa Prasad Majumder",
"Bhavana Dalvi Mishra",
"Peter Jansen",
"Oyvind Tafjord",
"Niket Tandon",
"Li Zhang",
"Chris Callison-Burch",
"Peter Clark"
] | 2023-10-16 | Language agents have shown some ability to interact with an external
environment, e.g., a virtual world such as ScienceWorld, to perform complex
tasks, e.g., growing a plant, without the startup costs of reinforcement
learning. However, despite their zero-shot capabilities, these agents to date
do not continually improve over time beyond performance refinement on a
specific task. Here we present CLIN, the first language-based agent to achieve
this, so that it continually improves over multiple trials, including when both
the environment and task are varied, and without requiring parameter updates.
Our approach is to use a persistent, dynamic, textual memory centered on causal
abstractions (rather than general "helpful hints") that is regularly updated
after each trial so that the agent gradually learns useful knowledge for new
trials. In the ScienceWorld benchmark, CLIN is able to continually improve on
repeated trials on the same task and environment, outperforming
state-of-the-art reflective language agents like Reflexion by 23 absolute
points. CLIN can also transfer its learning to new environments (or new tasks),
improving its zero-shot performance by 4 points (13 for new tasks) and can
further improve performance there through continual memory updates, enhancing
performance by an additional 17 points (7 for new tasks). This suggests a new
architecture for agents built on frozen models that can still continually and
rapidly improve over time. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.15980 | HF | HarmonyView: Harmonizing Consistency and Diversity in One-Image-to-3D | [
"Sangmin Woo",
"Byeongjun Park",
"Hyojun Go",
"Jin-Young Kim",
"Changick Kim"
] | 2023-12-26 | Recent progress in single-image 3D generation highlights the importance of
multi-view coherency, leveraging 3D priors from large-scale diffusion models
pretrained on Internet-scale images. However, the aspect of novel-view
diversity remains underexplored within the research landscape due to the
ambiguity in converting a 2D image into 3D content, where numerous potential
shapes can emerge. Here, we aim to address this research gap by simultaneously
addressing both consistency and diversity. Yet, striking a balance between
these two aspects poses a considerable challenge due to their inherent
trade-offs. This work introduces HarmonyView, a simple yet effective diffusion
sampling technique adept at decomposing two intricate aspects in single-image
3D generation: consistency and diversity. This approach paves the way for a
more nuanced exploration of the two critical dimensions within the sampling
process. Moreover, we propose a new evaluation metric based on CLIP image and
text encoders to comprehensively assess the diversity of the generated views,
which closely aligns with human evaluators' judgments. In experiments,
HarmonyView achieves a harmonious balance, demonstrating a win-win scenario in
both consistency and diversity. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2405.08344 | HF | No Time to Waste: Squeeze Time into Channel for Mobile Video Understanding | [
"Yingjie Zhai",
"Wenshuo Li",
"Yehui Tang",
"Xinghao Chen",
"Yunhe Wang"
] | 2024-05-14 | Current architectures for video understanding mainly build upon 3D
convolutional blocks or 2D convolutions with additional operations for temporal
modeling. However, these methods all regard the temporal axis as a separate
dimension of the video sequence, which requires large computation and memory
budgets and thus limits their usage on mobile devices. In this paper, we
propose to squeeze the time axis of a video sequence into the channel dimension
and present a lightweight video recognition network, term as
\textit{SqueezeTime}, for mobile video understanding. To enhance the temporal
modeling capability of the proposed network, we design a Channel-Time Learning
(CTL) Block to capture temporal dynamics of the sequence. This module has two
complementary branches, in which one branch is for temporal importance learning
and another branch with temporal position restoring capability is to enhance
inter-temporal object modeling ability. The proposed SqueezeTime is much
lightweight and fast with high accuracies for mobile video understanding.
Extensive experiments on various video recognition and action detection
benchmarks, i.e., Kinetics400, Kinetics600, HMDB51, AVA2.1 and THUMOS14,
demonstrate the superiority of our model. For example, our SqueezeTime achieves
$+1.2\%$ accuracy and $+80\%$ GPU throughput gain on Kinetics400 than prior
methods. Codes are publicly available at
https://github.com/xinghaochen/SqueezeTime and
https://github.com/mindspore-lab/models/tree/master/research/huawei-noah/SqueezeTime. | null | cs.CV | [
"cs.CV"
] |
2401.17583 | HF | Agile But Safe: Learning Collision-Free High-Speed Legged Locomotion | [
"Tairan He",
"Chong Zhang",
"Wenli Xiao",
"Guanqi He",
"Changliu Liu",
"Guanya Shi"
] | 2024-01-31 | Legged robots navigating cluttered environments must be jointly agile for
efficient task execution and safe to avoid collisions with obstacles or humans.
Existing studies either develop conservative controllers (< 1.0 m/s) to ensure
safety, or focus on agility without considering potentially fatal collisions.
This paper introduces Agile But Safe (ABS), a learning-based control framework
that enables agile and collision-free locomotion for quadrupedal robots. ABS
involves an agile policy to execute agile motor skills amidst obstacles and a
recovery policy to prevent failures, collaboratively achieving high-speed and
collision-free navigation. The policy switch in ABS is governed by a learned
control-theoretic reach-avoid value network, which also guides the recovery
policy as an objective function, thereby safeguarding the robot in a closed
loop. The training process involves the learning of the agile policy, the
reach-avoid value network, the recovery policy, and an exteroception
representation network, all in simulation. These trained modules can be
directly deployed in the real world with onboard sensing and computation,
leading to high-speed and collision-free navigation in confined indoor and
outdoor spaces with both static and dynamic obstacles. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV",
"cs.LG",
"cs.SY",
"eess.SY"
] |
2312.14929 | HF | MACS: Mass Conditioned 3D Hand and Object Motion Synthesis | [
"Soshi Shimada",
"Franziska Mueller",
"Jan Bednarik",
"Bardia Doosti",
"Bernd Bickel",
"Danhang Tang",
"Vladislav Golyanik",
"Jonathan Taylor",
"Christian Theobalt",
"Thabo Beeler"
] | 2023-12-22 | The physical properties of an object, such as mass, significantly affect how
we manipulate it with our hands. Surprisingly, this aspect has so far been
neglected in prior work on 3D motion synthesis. To improve the naturalness of
the synthesized 3D hand object motions, this work proposes MACS the first MAss
Conditioned 3D hand and object motion Synthesis approach. Our approach is based
on cascaded diffusion models and generates interactions that plausibly adjust
based on the object mass and interaction type. MACS also accepts a manually
drawn 3D object trajectory as input and synthesizes the natural 3D hand motions
conditioned by the object mass. This flexibility enables MACS to be used for
various downstream applications, such as generating synthetic training data for
ML tasks, fast animation of hands for graphics workflows, and generating
character interactions for computer games. We show experimentally that a
small-scale dataset is sufficient for MACS to reasonably generalize across
interpolated and extrapolated object masses unseen during the training.
Furthermore, MACS shows moderate generalization to unseen objects, thanks to
the mass-conditioned contact labels generated by our surface contact synthesis
model ConNet. Our comprehensive user study confirms that the synthesized 3D
hand-object interactions are highly plausible and realistic. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2308.02560 | HF | From Discrete Tokens to High-Fidelity Audio Using Multi-Band Diffusion | [
"Robin San Roman",
"Yossi Adi",
"Antoine Deleforge",
"Romain Serizel",
"Gabriel Synnaeve",
"Alexandre Défossez"
] | 2023-08-02 | Deep generative models can generate high-fidelity audio conditioned on
various types of representations (e.g., mel-spectrograms, Mel-frequency
Cepstral Coefficients (MFCC)). Recently, such models have been used to
synthesize audio waveforms conditioned on highly compressed representations.
Although such methods produce impressive results, they are prone to generate
audible artifacts when the conditioning is flawed or imperfect. An alternative
modeling approach is to use diffusion models. However, these have mainly been
used as speech vocoders (i.e., conditioned on mel-spectrograms) or generating
relatively low sampling rate signals. In this work, we propose a high-fidelity
multi-band diffusion-based framework that generates any type of audio modality
(e.g., speech, music, environmental sounds) from low-bitrate discrete
representations. At equal bit rate, the proposed approach outperforms
state-of-the-art generative techniques in terms of perceptual quality. Training
and, evaluation code, along with audio samples, are available on the
facebookresearch/audiocraft Github page. | null | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS"
] |
2307.10159 | HF | FABRIC: Personalizing Diffusion Models with Iterative Feedback | [
"Dimitri von Rütte",
"Elisabetta Fedele",
"Jonathan Thomm",
"Lukas Wolf"
] | 2023-07-19 | In an era where visual content generation is increasingly driven by machine
learning, the integration of human feedback into generative models presents
significant opportunities for enhancing user experience and output quality.
This study explores strategies for incorporating iterative human feedback into
the generative process of diffusion-based text-to-image models. We propose
FABRIC, a training-free approach applicable to a wide range of popular
diffusion models, which exploits the self-attention layer present in the most
widely used architectures to condition the diffusion process on a set of
feedback images. To ensure a rigorous assessment of our approach, we introduce
a comprehensive evaluation methodology, offering a robust mechanism to quantify
the performance of generative visual models that integrate human feedback. We
show that generation results improve over multiple rounds of iterative feedback
through exhaustive analysis, implicitly optimizing arbitrary user preferences.
The potential applications of these findings extend to fields such as
personalized content creation and customization. | null | cs.CV | [
"cs.CV",
"I.2.10"
] |
2409.04828 | HF | POINTS: Improving Your Vision-language Model with Affordable Strategies | [
"Yuan Liu",
"Zhongyin Zhao",
"Ziyuan Zhuang",
"Le Tian",
"Xiao Zhou",
"Jie Zhou"
] | 2024-09-07 | In recent years, vision-language models have made significant strides,
excelling in tasks like optical character recognition and geometric
problem-solving. However, several critical issues remain: 1) Proprietary models
often lack transparency about their architectures, while open-source models
need more detailed ablations of their training strategies. 2) Pre-training data
in open-source works is under-explored, with datasets added empirically, making
the process cumbersome. 3) Fine-tuning often focuses on adding datasets,
leading to diminishing returns. To address these issues, we propose the
following contributions: 1) We trained a robust baseline model using the latest
advancements in vision-language models, introducing effective improvements and
conducting comprehensive ablation and validation for each technique. 2)
Inspired by recent work on large language models, we filtered pre-training data
using perplexity, selecting the lowest perplexity data for training. This
approach allowed us to train on a curated 1M dataset, achieving competitive
performance. 3) During visual instruction tuning, we used model soup on
different datasets when adding more datasets yielded marginal improvements.
These innovations resulted in a 9B parameter model that performs competitively
with state-of-the-art models. Our strategies are efficient and lightweight,
making them easily adoptable by the community. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.MM"
] |
2312.00738 | HF | SeaLLMs -- Large Language Models for Southeast Asia | [
"Xuan-Phi Nguyen",
"Wenxuan Zhang",
"Xin Li",
"Mahani Aljunied",
"Zhiqiang Hu",
"Chenhui Shen",
"Yew Ken Chia",
"Xingxuan Li",
"Jianyu Wang",
"Qingyu Tan",
"Liying Cheng",
"Guanzheng Chen",
"Yue Deng",
"Sen Yang",
"Chaoqun Liu",
"Hang Zhang",
"Lidong Bing"
] | 2023-12-01 | Despite the remarkable achievements of large language models (LLMs) in
various tasks, there remains a linguistic bias that favors high-resource
languages, such as English, often at the expense of low-resource and regional
languages. To address this imbalance, we introduce SeaLLMs, an innovative
series of language models that specifically focuses on Southeast Asian (SEA)
languages. SeaLLMs are built upon the Llama-2 model and further advanced
through continued pre-training with an extended vocabulary, specialized
instruction and alignment tuning to better capture the intricacies of regional
languages. This allows them to respect and reflect local cultural norms,
customs, stylistic preferences, and legal considerations. Our comprehensive
evaluation demonstrates that SeaLLM-13b models exhibit superior performance
across a wide spectrum of linguistic tasks and assistant-style
instruction-following capabilities relative to comparable open-source models.
Moreover, they outperform ChatGPT-3.5 in non-Latin languages, such as Thai,
Khmer, Lao, and Burmese, by large margins while remaining lightweight and
cost-effective to operate. | null | cs.CL | [
"cs.CL"
] |
2310.16045 | HF | Woodpecker: Hallucination Correction for Multimodal Large Language Models | [
"Shukang Yin",
"Chaoyou Fu",
"Sirui Zhao",
"Tong Xu",
"Hao Wang",
"Dianbo Sui",
"Yunhang Shen",
"Ke Li",
"Xing Sun",
"Enhong Chen"
] | 2023-10-24 | Hallucination is a big shadow hanging over the rapidly evolving Multimodal
Large Language Models (MLLMs), referring to the phenomenon that the generated
text is inconsistent with the image content. In order to mitigate
hallucinations, existing studies mainly resort to an instruction-tuning manner
that requires retraining the models with specific data. In this paper, we pave
a different way, introducing a training-free method named Woodpecker. Like a
woodpecker heals trees, it picks out and corrects hallucinations from the
generated text. Concretely, Woodpecker consists of five stages: key concept
extraction, question formulation, visual knowledge validation, visual claim
generation, and hallucination correction. Implemented in a post-remedy manner,
Woodpecker can easily serve different MLLMs, while being interpretable by
accessing intermediate outputs of the five stages. We evaluate Woodpecker both
quantitatively and qualitatively and show the huge potential of this new
paradigm. On the POPE benchmark, our method obtains a 30.66%/24.33% improvement
in accuracy over the baseline MiniGPT-4/mPLUG-Owl. The source code is released
at https://github.com/BradyFU/Woodpecker. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2404.05829 | HF | SambaLingo: Teaching Large Language Models New Languages | [
"Zoltan Csaki",
"Bo Li",
"Jonathan Li",
"Qiantong Xu",
"Pian Pawakapan",
"Leon Zhang",
"Yun Du",
"Hengyu Zhao",
"Changran Hu",
"Urmish Thakker"
] | 2024-04-08 | Despite the widespread availability of LLMs, there remains a substantial gap
in their capabilities and availability across diverse languages. One approach
to address these issues has been to take an existing pre-trained LLM and
continue to train it on new languages. While prior works have experimented with
language adaptation, many questions around best practices and methodology have
not been covered. In this paper, we present a comprehensive investigation into
the adaptation of LLMs to new languages. Our study covers the key components in
this process, including vocabulary extension, direct preference optimization
and the data scarcity problem for human alignment in low-resource languages. We
scale these experiments across 9 languages and 2 parameter scales (7B and 70B).
We compare our models against Llama 2, Aya-101, XGLM, BLOOM and existing
language experts, outperforming all prior published baselines. Additionally,
all evaluation code and checkpoints are made public to facilitate future
research. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2402.08939 | HF | Premise Order Matters in Reasoning with Large Language Models | [
"Xinyun Chen",
"Ryan A. Chi",
"Xuezhi Wang",
"Denny Zhou"
] | 2024-02-14 | Large language models (LLMs) have accomplished remarkable reasoning
performance in various domains. However, in the domain of reasoning tasks, we
discover a frailty: LLMs are surprisingly brittle to the ordering of the
premises, despite the fact that such ordering does not alter the underlying
task. In particular, we observe that LLMs achieve the best performance when the
premise order aligns with the context required in intermediate reasoning steps.
For example, in deductive reasoning tasks, presenting the premises in the same
order as the ground truth proof in the prompt (as opposed to random ordering)
drastically increases the model's accuracy. We first examine the effect of
premise ordering on deductive reasoning on a variety of LLMs, and our
evaluation shows that permuting the premise order can cause a performance drop
of over 30%. In addition, we release the benchmark R-GSM, based on GSM8K, to
examine the ordering effect for mathematical problem-solving, and we again
observe a significant drop in accuracy, relative to the original GSM8K
benchmark. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2407.10223 | HF | Practical Unlearning for Large Language Models | [
"Chongyang Gao",
"Lixu Wang",
"Chenkai Weng",
"Xiao Wang",
"Qi Zhu"
] | 2024-07-14 | While LLMs have demonstrated impressive performance across various domains
and tasks, their security issues have become increasingly severe. Machine
unlearning (MU) has emerged as a promising solution to address these issues by
removing the influence of undesired data on the target model without
compromising its utility in other aspects. MU typically assumes full access to
the original training data to preserve utility, which is difficult to achieve
in LLM unlearning. Existing LLM unlearning methods often assume access to data
most affected by undesired data unlearning. However, this assumption
underestimates the entanglement among various LLM capabilities and ignores data
access limitations due to various issues. Moreover, these LLM unlearning
methods do not sufficiently consider that unlearning requests in real-world
scenarios are continuously emerging. To overcome these challenges and achieve
practical LLM unlearning, we propose the O3 framework. The O3 framework
includes an Out-Of-Distribution (OOD) detector to measure the similarity
between input and unlearning data, and an Orthogonal low-rank adapter (LoRA)
for continuously unlearning requested data. The OOD detector is trained with a
novel contrastive entropy loss and utilizes a local-global layer-aggregated
scoring mechanism. The orthogonal LoRA achieves parameter disentanglement among
continual unlearning requests. During inference, our O3 framework can smartly
decide whether and to what extent to load the unlearning LoRA based on the OOD
detector's predictions. Notably, O3's effectiveness does not rely on any
retained data. We conducted extensive experiments on O3 and state-of-the-art
LLM unlearning methods across three tasks and seven datasets. The results
indicate that O3 consistently achieves the best trade-off between unlearning
effectiveness and utility preservation, especially when facing continuous
unlearning requests. | null | cs.LG | [
"cs.LG",
"cs.CR"
] |
2308.15975 | HF | RoboTAP: Tracking Arbitrary Points for Few-Shot Visual Imitation | [
"Mel Vecerik",
"Carl Doersch",
"Yi Yang",
"Todor Davchev",
"Yusuf Aytar",
"Guangyao Zhou",
"Raia Hadsell",
"Lourdes Agapito",
"Jon Scholz"
] | 2023-08-30 | For robots to be useful outside labs and specialized factories we need a way
to teach them new useful behaviors quickly. Current approaches lack either the
generality to onboard new tasks without task-specific engineering, or else lack
the data-efficiency to do so in an amount of time that enables practical use.
In this work we explore dense tracking as a representational vehicle to allow
faster and more general learning from demonstration. Our approach utilizes
Track-Any-Point (TAP) models to isolate the relevant motion in a demonstration,
and parameterize a low-level controller to reproduce this motion across changes
in the scene configuration. We show this results in robust robot policies that
can solve complex object-arrangement tasks such as shape-matching, stacking,
and even full path-following tasks such as applying glue and sticking objects
together, all from demonstrations that can be collected in minutes. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV"
] |
2407.09298 | HF | Transformer Layers as Painters | [
"Qi Sun",
"Marc Pickett",
"Aakash Kumar Nain",
"Llion Jones"
] | 2024-07-12 | Despite their nearly universal adoption for large language models, the
internal workings of transformers are not well understood. We aim to better
understand the impact of removing or reorganizing information throughout the
layers of a pretrained transformer. Such an understanding could both yield
better usage of existing models as well as to make architectural improvements
to produce new variants. We present a series of empirical studies on frozen
models that show that the lower and final layers of pretrained transformers
differ from middle layers, but that middle layers have a surprising amount of
uniformity. We further show that some classes of problems have robustness to
skipping layers, running the layers in an order different from how they were
trained, or running the layers in parallel. Our observations suggest that even
frozen pretrained models may gracefully trade accuracy for latency by skipping
layers or running layers in parallel. | null | cs.CL | [
"cs.CL"
] |
2305.04990 | AnswerAI | Explanation-based Finetuning Makes Models More Robust to Spurious Cues | [
"Josh Magnus Ludan",
"Yixuan Meng",
"Tai Nguyen",
"Saurabh Shah",
"Qing Lyu",
"Marianna Apidianaki",
"Chris Callison-Burch"
] | 2023-05-08 | Large Language Models (LLMs) are so powerful that they sometimes learn
correlations between labels and features that are irrelevant to the task,
leading to poor generalization on out-of-distribution data. We propose
explanation-based finetuning as a general approach to mitigate LLMs' reliance
on spurious correlations. Unlike standard finetuning where the model only
predicts the answer given the input, we finetune the model to additionally
generate a free-text explanation supporting its answer. To evaluate our method,
we finetune the model on artificially constructed training sets containing
different types of spurious cues, and test it on a test set without these cues.
Compared to standard finetuning, our method makes GPT-3 (davinci) remarkably
more robust against spurious cues in terms of accuracy drop across four
classification tasks: ComVE (+1.2), CREAK (+9.1), e-SNLI (+15.4), and SBIC
(+6.5). The efficacy generalizes across multiple model families and scales,
with greater gains for larger models. Finally, our method also works well with
explanations generated by the model, implying its applicability to more
datasets without human-written explanations. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2408.15991 | HF | Distribution Backtracking Builds A Faster Convergence Trajectory for One-step Diffusion Distillation | [
"Shengyuan Zhang",
"Ling Yang",
"Zejian Li",
"An Zhao",
"Chenye Meng",
"Changyuan Yang",
"Guang Yang",
"Zhiyuan Yang",
"Lingyun Sun"
] | 2024-08-28 | Accelerating the sampling speed of diffusion models remains a significant
challenge. Recent score distillation methods distill a heavy teacher model into
an one-step student generator, which is optimized by calculating the difference
between the two score functions on the samples generated by the student model.
However, there is a score mismatch issue in the early stage of the distillation
process, because existing methods mainly focus on using the endpoint of
pre-trained diffusion models as teacher models, overlooking the importance of
the convergence trajectory between the student generator and the teacher model.
To address this issue, we extend the score distillation process by introducing
the entire convergence trajectory of teacher models and propose Distribution
Backtracking Distillation (DisBack) for distilling student generators. DisBask
is composed of two stages: Degradation Recording and Distribution Backtracking.
Degradation Recording is designed to obtain the convergence trajectory of
teacher models, which records the degradation path from the trained teacher
model to the untrained initial student generator. The degradation path
implicitly represents the intermediate distributions of teacher models. Then
Distribution Backtracking trains a student generator to backtrack the
intermediate distributions for approximating the convergence trajectory of
teacher models. Extensive experiments show that DisBack achieves faster and
better convergence than the existing distillation method and accomplishes
comparable generation performance. Notably, DisBack is easy to implement and
can be generalized to existing distillation methods to boost performance. Our
code is publicly available on https://github.com/SYZhang0805/DisBack. | null | cs.CV | [
"cs.CV"
] |
1701.06538 | AnswerAI | Outrageously Large Neural Networks: The Sparsely-Gated Mixture-of-Experts Layer | [
"Noam Shazeer",
"Azalia Mirhoseini",
"Krzysztof Maziarz",
"Andy Davis",
"Quoc Le",
"Geoffrey Hinton",
"Jeff Dean"
] | 2017-01-23 | The capacity of a neural network to absorb information is limited by its
number of parameters. Conditional computation, where parts of the network are
active on a per-example basis, has been proposed in theory as a way of
dramatically increasing model capacity without a proportional increase in
computation. In practice, however, there are significant algorithmic and
performance challenges. In this work, we address these challenges and finally
realize the promise of conditional computation, achieving greater than 1000x
improvements in model capacity with only minor losses in computational
efficiency on modern GPU clusters. We introduce a Sparsely-Gated
Mixture-of-Experts layer (MoE), consisting of up to thousands of feed-forward
sub-networks. A trainable gating network determines a sparse combination of
these experts to use for each example. We apply the MoE to the tasks of
language modeling and machine translation, where model capacity is critical for
absorbing the vast quantities of knowledge available in the training corpora.
We present model architectures in which a MoE with up to 137 billion parameters
is applied convolutionally between stacked LSTM layers. On large language
modeling and machine translation benchmarks, these models achieve significantly
better results than state-of-the-art at lower computational cost. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.NE",
"stat.ML"
] |
2307.06949 | HF | HyperDreamBooth: HyperNetworks for Fast Personalization of Text-to-Image Models | [
"Nataniel Ruiz",
"Yuanzhen Li",
"Varun Jampani",
"Wei Wei",
"Tingbo Hou",
"Yael Pritch",
"Neal Wadhwa",
"Michael Rubinstein",
"Kfir Aberman"
] | 2023-07-13 | Personalization has emerged as a prominent aspect within the field of
generative AI, enabling the synthesis of individuals in diverse contexts and
styles, while retaining high-fidelity to their identities. However, the process
of personalization presents inherent challenges in terms of time and memory
requirements. Fine-tuning each personalized model needs considerable GPU time
investment, and storing a personalized model per subject can be demanding in
terms of storage capacity. To overcome these challenges, we propose
HyperDreamBooth-a hypernetwork capable of efficiently generating a small set of
personalized weights from a single image of a person. By composing these
weights into the diffusion model, coupled with fast finetuning, HyperDreamBooth
can generate a person's face in various contexts and styles, with high subject
details while also preserving the model's crucial knowledge of diverse styles
and semantic modifications. Our method achieves personalization on faces in
roughly 20 seconds, 25x faster than DreamBooth and 125x faster than Textual
Inversion, using as few as one reference image, with the same quality and style
diversity as DreamBooth. Also our method yields a model that is 10000x smaller
than a normal DreamBooth model. Project page: https://hyperdreambooth.github.io | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2006.10901 | AnswerAI | Sparse GPU Kernels for Deep Learning | [
"Trevor Gale",
"Matei Zaharia",
"Cliff Young",
"Erich Elsen"
] | 2020-06-18 | Scientific workloads have traditionally exploited high levels of sparsity to
accelerate computation and reduce memory requirements. While deep neural
networks can be made sparse, achieving practical speedups on GPUs is difficult
because these applications have relatively moderate levels of sparsity that are
not sufficient for existing sparse kernels to outperform their dense
counterparts. In this work, we study sparse matrices from deep learning
applications and identify favorable properties that can be exploited to
accelerate computation. Based on these insights, we develop high-performance
GPU kernels for two sparse matrix operations widely applicable in neural
networks: sparse matrix-dense matrix multiplication and sampled dense-dense
matrix multiplication. Our kernels reach 27% of single-precision peak on Nvidia
V100 GPUs. Using our kernels, we demonstrate sparse Transformer and MobileNet
models that achieve 1.2-2.1x speedups and up to 12.8x memory savings without
sacrificing accuracy. | null | cs.LG | [
"cs.LG",
"cs.DC",
"stat.ML"
] |
2312.00860 | HF | Segment Any 3D Gaussians | [
"Jiazhong Cen",
"Jiemin Fang",
"Chen Yang",
"Lingxi Xie",
"Xiaopeng Zhang",
"Wei Shen",
"Qi Tian"
] | 2023-12-01 | This paper presents SAGA (Segment Any 3D GAussians), a highly efficient 3D
promptable segmentation method based on 3D Gaussian Splatting (3D-GS). Given 2D
visual prompts as input, SAGA can segment the corresponding 3D target
represented by 3D Gaussians within 4 ms. This is achieved by attaching an
scale-gated affinity feature to each 3D Gaussian to endow it a new property
towards multi-granularity segmentation. Specifically, a scale-aware contrastive
training strategy is proposed for the scale-gated affinity feature learning. It
1) distills the segmentation capability of the Segment Anything Model (SAM)
from 2D masks into the affinity features and 2) employs a soft scale gate
mechanism to deal with multi-granularity ambiguity in 3D segmentation through
adjusting the magnitude of each feature channel according to a specified 3D
physical scale. Evaluations demonstrate that SAGA achieves real-time
multi-granularity segmentation with quality comparable to state-of-the-art
methods. As one of the first methods addressing promptable segmentation in
3D-GS, the simplicity and effectiveness of SAGA pave the way for future
advancements in this field. Our code will be released. | null | cs.CV | [
"cs.CV"
] |
2407.00617 | HF | Iterative Nash Policy Optimization: Aligning LLMs with General Preferences via No-Regret Learning | [
"Yuheng Zhang",
"Dian Yu",
"Baolin Peng",
"Linfeng Song",
"Ye Tian",
"Mingyue Huo",
"Nan Jiang",
"Haitao Mi",
"Dong Yu"
] | 2024-06-30 | Reinforcement Learning with Human Feedback (RLHF) has achieved great success
in aligning large language models (LLMs) with human preferences. Prevalent RLHF
approaches are reward-based, following the Bradley-Terry (BT) model assumption,
which may not fully capture the complexity of human preferences. In this paper,
we explore RLHF under a general preference framework and approach it from a
game-theoretic perspective. Specifically, we formulate the problem as a
two-player game and propose a novel algorithm, iterative Nash policy
optimization (INPO). The key idea is to let the policy play against itself via
no-regret learning, thereby approximating the Nash policy. Unlike previous
methods, INPO bypasses the need for estimating the expected win rate for
individual responses, which typically incurs high computational or annotation
costs. Instead, we introduce a new loss objective that is directly minimized
over a preference dataset. We provide theoretical analysis for our approach and
demonstrate its effectiveness through experiments on various representative
benchmarks. With an LLaMA-3-8B-based SFT model, INPO achieves a 41.5%
length-controlled win rate on AlpacaEval 2.0 and a 38.3% win rate on
Arena-Hard, showing substantial improvement over the state-of-the-art iterative
algorithm [Dong et al., 2024] under the BT model assumption. Additionally, our
ablation study highlights the benefits of incorporating KL regularization for
response length control. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.GT"
] |
2310.01448 | AnswerAI | Meta Semantic Template for Evaluation of Large Language Models | [
"Yachuan Liu",
"Liang Chen",
"Jindong Wang",
"Qiaozhu Mei",
"Xing Xie"
] | 2023-10-01 | Do large language models (LLMs) genuinely understand the semantics of the
language, or just memorize the training data? The recent concern on potential
data contamination of LLMs has raised awareness of the community to conduct
research on LLMs evaluation. In this paper, we propose MSTemp, an approach that
creates meta semantic templates to evaluate the semantic understanding ability
of LLMs. The core of MSTemp is not to perform evaluation directly on existing
benchmark datasets, but to generate new out-of-distribution (OOD) evaluation
sets using existing datasets as seeds. Specifically, for a given sentence,
MSTemp leverages another language model to generate new samples while
preserving its semantics. The new samples are called semantic templates to the
original sentence. Then, MSTemp generates evaluation samples via sentence
parsing and random word replacement on the semantic templates. MSTemp is highly
flexible, dynamic, and cost-effective. Our initial experiments show that
MSTemp-generated samples can significantly reduce the performance of LLMs using
existing datasets as seeds. We hope this initial work can shed light on future
research of LLMs evaluation. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2401.12244 | HF | Large-scale Reinforcement Learning for Diffusion Models | [
"Yinan Zhang",
"Eric Tzeng",
"Yilun Du",
"Dmitry Kislyuk"
] | 2024-01-20 | Text-to-image diffusion models are a class of deep generative models that
have demonstrated an impressive capacity for high-quality image generation.
However, these models are susceptible to implicit biases that arise from
web-scale text-image training pairs and may inaccurately model aspects of
images we care about. This can result in suboptimal samples, model bias, and
images that do not align with human ethics and preferences. In this paper, we
present an effective scalable algorithm to improve diffusion models using
Reinforcement Learning (RL) across a diverse set of reward functions, such as
human preference, compositionality, and fairness over millions of images. We
illustrate how our approach substantially outperforms existing methods for
aligning diffusion models with human preferences. We further illustrate how
this substantially improves pretrained Stable Diffusion (SD) models, generating
samples that are preferred by humans 80.3% of the time over those from the base
SD model while simultaneously improving both the composition and diversity of
generated samples. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2407.12043 | HF | The Art of Saying No: Contextual Noncompliance in Language Models | [
"Faeze Brahman",
"Sachin Kumar",
"Vidhisha Balachandran",
"Pradeep Dasigi",
"Valentina Pyatkin",
"Abhilasha Ravichander",
"Sarah Wiegreffe",
"Nouha Dziri",
"Khyathi Chandu",
"Jack Hessel",
"Yulia Tsvetkov",
"Noah A. Smith",
"Yejin Choi",
"Hannaneh Hajishirzi"
] | 2024-07-02 | Chat-based language models are designed to be helpful, yet they should not
comply with every user request. While most existing work primarily focuses on
refusal of "unsafe" queries, we posit that the scope of noncompliance should be
broadened. We introduce a comprehensive taxonomy of contextual noncompliance
describing when and how models should not comply with user requests. Our
taxonomy spans a wide range of categories including incomplete, unsupported,
indeterminate, and humanizing requests (in addition to unsafe requests). To
test noncompliance capabilities of language models, we use this taxonomy to
develop a new evaluation suite of 1000 noncompliance prompts. We find that most
existing models show significantly high compliance rates in certain previously
understudied categories with models like GPT-4 incorrectly complying with as
many as 30% of requests. To address these gaps, we explore different training
strategies using a synthetically-generated training set of requests and
expected noncompliant responses. Our experiments demonstrate that while direct
finetuning of instruction-tuned models can lead to both over-refusal and a
decline in general capabilities, using parameter efficient methods like low
rank adapters helps to strike a good balance between appropriate noncompliance
and other capabilities. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.HC"
] |
2406.03344 | HF | Audio Mamba: Bidirectional State Space Model for Audio Representation Learning | [
"Mehmet Hamza Erol",
"Arda Senocak",
"Jiu Feng",
"Joon Son Chung"
] | 2024-06-05 | Transformers have rapidly become the preferred choice for audio
classification, surpassing methods based on CNNs. However, Audio Spectrogram
Transformers (ASTs) exhibit quadratic scaling due to self-attention. The
removal of this quadratic self-attention cost presents an appealing direction.
Recently, state space models (SSMs), such as Mamba, have demonstrated potential
in language and vision tasks in this regard. In this study, we explore whether
reliance on self-attention is necessary for audio classification tasks. By
introducing Audio Mamba (AuM), the first self-attention-free, purely SSM-based
model for audio classification, we aim to address this question. We evaluate
AuM on various audio datasets - comprising six different benchmarks - where it
achieves comparable or better performance compared to well-established AST
model. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2404.04478 | HF | Diffusion-RWKV: Scaling RWKV-Like Architectures for Diffusion Models | [
"Zhengcong Fei",
"Mingyuan Fan",
"Changqian Yu",
"Debang Li",
"Junshi Huang"
] | 2024-04-06 | Transformers have catalyzed advancements in computer vision and natural
language processing (NLP) fields. However, substantial computational complexity
poses limitations for their application in long-context tasks, such as
high-resolution image generation. This paper introduces a series of
architectures adapted from the RWKV model used in the NLP, with requisite
modifications tailored for diffusion model applied to image generation tasks,
referred to as Diffusion-RWKV. Similar to the diffusion with Transformers, our
model is designed to efficiently handle patchnified inputs in a sequence with
extra conditions, while also scaling up effectively, accommodating both
large-scale parameters and extensive datasets. Its distinctive advantage
manifests in its reduced spatial aggregation complexity, rendering it
exceptionally adept at processing high-resolution images, thereby eliminating
the necessity for windowing or group cached operations. Experimental results on
both condition and unconditional image generation tasks demonstrate that
Diffison-RWKV achieves performance on par with or surpasses existing CNN or
Transformer-based diffusion models in FID and IS metrics while significantly
reducing total computation FLOP usage. | null | cs.CV | [
"cs.CV"
] |
2312.02087 | HF | VideoSwap: Customized Video Subject Swapping with Interactive Semantic Point Correspondence | [
"Yuchao Gu",
"Yipin Zhou",
"Bichen Wu",
"Licheng Yu",
"Jia-Wei Liu",
"Rui Zhao",
"Jay Zhangjie Wu",
"David Junhao Zhang",
"Mike Zheng Shou",
"Kevin Tang"
] | 2023-12-04 | Current diffusion-based video editing primarily focuses on
structure-preserved editing by utilizing various dense correspondences to
ensure temporal consistency and motion alignment. However, these approaches are
often ineffective when the target edit involves a shape change. To embark on
video editing with shape change, we explore customized video subject swapping
in this work, where we aim to replace the main subject in a source video with a
target subject having a distinct identity and potentially different shape. In
contrast to previous methods that rely on dense correspondences, we introduce
the VideoSwap framework that exploits semantic point correspondences, inspired
by our observation that only a small number of semantic points are necessary to
align the subject's motion trajectory and modify its shape. We also introduce
various user-point interactions (\eg, removing points and dragging points) to
address various semantic point correspondence. Extensive experiments
demonstrate state-of-the-art video subject swapping results across a variety of
real-world videos. | null | cs.CV | [
"cs.CV"
] |
2408.10635 | HF | Strategist: Learning Strategic Skills by LLMs via Bi-Level Tree Search | [
"Jonathan Light",
"Min Cai",
"Weiqin Chen",
"Guanzhi Wang",
"Xiusi Chen",
"Wei Cheng",
"Yisong Yue",
"Ziniu Hu"
] | 2024-08-20 | In this paper, we propose a new method Strategist that utilizes LLMs to
acquire new skills for playing multi-agent games through a self-improvement
process. Our method gathers quality feedback through self-play simulations with
Monte Carlo tree search and LLM-based reflection, which can then be used to
learn high-level strategic skills such as how to evaluate states that guide the
low-level execution.We showcase how our method can be used in both action
planning and dialogue generation in the context of games, achieving good
performance on both tasks. Specifically, we demonstrate that our method can
help train agents with better performance than both traditional reinforcement
learning-based approaches and other LLM-based skill learning approaches in
games including the Game of Pure Strategy (GOPS) and The Resistance: Avalon. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2307.10558 | HF | Instruction-following Evaluation through Verbalizer Manipulation | [
"Shiyang Li",
"Jun Yan",
"Hai Wang",
"Zheng Tang",
"Xiang Ren",
"Vijay Srinivasan",
"Hongxia Jin"
] | 2023-07-20 | While instruction-tuned models have shown remarkable success in various
natural language processing tasks, accurately evaluating their ability to
follow instructions remains challenging. Existing benchmarks primarily focus on
common instructions that align well with what the model learned during
training. However, proficiency in responding to these instructions does not
necessarily imply strong ability in instruction following. In this paper, we
propose a novel instruction-following evaluation protocol called verbalizer
manipulation. It instructs the model to verbalize the task label with words
aligning with model priors to different extents, adopting verbalizers from
highly aligned (e.g., outputting ``postive'' for positive sentiment), to
minimally aligned (e.g., outputting ``negative'' for positive sentiment).
Verbalizer manipulation can be seamlessly integrated with any classification
benchmark to examine the model's reliance on priors and its ability to override
them to accurately follow the instructions. We conduct a comprehensive
evaluation of four major model families across nine datasets, employing twelve
sets of verbalizers for each of them. We observe that the instruction-following
abilities of models, across different families and scales, are significantly
distinguished by their performance on less natural verbalizers. Even the
strongest GPT-4 model struggles to perform better than random guessing on the
most challenging verbalizer, emphasizing the need for continued advancements to
improve their instruction-following abilities. | null | cs.CL | [
"cs.CL"
] |
2409.03137 | AnswerAI | The AdEMAMix Optimizer: Better, Faster, Older | [
"Matteo Pagliardini",
"Pierre Ablin",
"David Grangier"
] | 2024-09-05 | Momentum based optimizers are central to a wide range of machine learning
applications. These typically rely on an Exponential Moving Average (EMA) of
gradients, which decays exponentially the present contribution of older
gradients. This accounts for gradients being local linear approximations which
lose their relevance as the iterate moves along the loss landscape. This work
questions the use of a single EMA to accumulate past gradients and empirically
demonstrates how this choice can be sub-optimal: a single EMA cannot
simultaneously give a high weight to the immediate past, and a non-negligible
weight to older gradients. Building on this observation, we propose AdEMAMix, a
simple modification of the Adam optimizer with a mixture of two EMAs to better
take advantage of past gradients. Our experiments on language modeling and
image classification show -- quite surprisingly -- that gradients can stay
relevant for tens of thousands of steps. They help to converge faster, and
often to lower minima: e.g., a $1.3$B parameter AdEMAMix LLM trained on $101$B
tokens performs comparably to an AdamW model trained on $197$B tokens
($+95\%$). Moreover, our method significantly slows-down model forgetting
during training. Our work motivates further exploration of different types of
functions to leverage past gradients, beyond EMAs. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2303.01229 | AnswerAI | Almanac: Retrieval-Augmented Language Models for Clinical Medicine | [
"Cyril Zakka",
"Akash Chaurasia",
"Rohan Shad",
"Alex R. Dalal",
"Jennifer L. Kim",
"Michael Moor",
"Kevin Alexander",
"Euan Ashley",
"Jack Boyd",
"Kathleen Boyd",
"Karen Hirsch",
"Curt Langlotz",
"Joanna Nelson",
"William Hiesinger"
] | 2023-03-01 | Large-language models have recently demonstrated impressive zero-shot
capabilities in a variety of natural language tasks such as summarization,
dialogue generation, and question-answering. Despite many promising
applications in clinical medicine, adoption of these models in real-world
settings has been largely limited by their tendency to generate incorrect and
sometimes even toxic statements. In this study, we develop Almanac, a large
language model framework augmented with retrieval capabilities for medical
guideline and treatment recommendations. Performance on a novel dataset of
clinical scenarios (n = 130) evaluated by a panel of 5 board-certified and
resident physicians demonstrates significant increases in factuality (mean of
18% at p-value < 0.05) across all specialties, with improvements in
completeness and safety. Our results demonstrate the potential for large
language models to be effective tools in the clinical decision-making process,
while also emphasizing the importance of careful testing and deployment to
mitigate their shortcomings. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.00589 | HF | Merlin:Empowering Multimodal LLMs with Foresight Minds | [
"En Yu",
"Liang Zhao",
"Yana Wei",
"Jinrong Yang",
"Dongming Wu",
"Lingyu Kong",
"Haoran Wei",
"Tiancai Wang",
"Zheng Ge",
"Xiangyu Zhang",
"Wenbing Tao"
] | 2023-11-30 | Humans possess the remarkable ability to foresee the future to a certain
extent based on present observations, a skill we term as foresight minds.
However, this capability remains largely under explored within existing
Multimodal Large Language Models (MLLMs), hindering their capacity to learn the
fundamental principles of how things operate and the intentions behind the
observed subjects. To address this issue, we introduce the integration of
future modeling into the existing learning frameworks of MLLMs. By utilizing
the subject trajectory, a highly structured representation of a consecutive
frame sequence, as a learning objective, we aim to bridge the gap between the
past and the future. We propose two innovative methods to empower MLLMs with
foresight minds, Foresight Pre-Training (FPT) and Foresight Instruction-Tuning
(FIT), which are inspired by the modern learning paradigm of LLMs.
Specifically, FPT jointly training various tasks centered on trajectories,
enabling MLLMs to learn how to attend and predict entire trajectories from a
given initial observation. Then, FIT requires MLLMs to first predict
trajectories of related objects and then reason about potential future events
based on them. Aided by FPT and FIT, we build a novel and unified MLLM named
Merlin that supports multi-images input and analysis about potential actions of
multiple objects for the future reasoning. Experimental results show Merlin
powerful foresight minds with impressive performance on both future reasoning
and visual comprehension tasks. | null | cs.CV | [
"cs.CV"
] |
2406.11612 | HF | Long Code Arena: a Set of Benchmarks for Long-Context Code Models | [
"Egor Bogomolov",
"Aleksandra Eliseeva",
"Timur Galimzyanov",
"Evgeniy Glukhov",
"Anton Shapkin",
"Maria Tigina",
"Yaroslav Golubev",
"Alexander Kovrigin",
"Arie van Deursen",
"Maliheh Izadi",
"Timofey Bryksin"
] | 2024-06-17 | Nowadays, the fields of code and natural language processing are evolving
rapidly. In particular, models become better at processing long context windows
- supported context sizes have increased by orders of magnitude over the last
few years. However, there is a shortage of benchmarks for code processing that
go beyond a single file of context, while the most popular ones are limited to
a single method. With this work, we aim to close this gap by introducing Long
Code Arena, a suite of six benchmarks for code processing tasks that require
project-wide context. These tasks cover different aspects of code processing:
library-based code generation, CI builds repair, project-level code completion,
commit message generation, bug localization, and module summarization. For each
task, we provide a manually verified dataset for testing, an evaluation suite,
and open-source baseline solutions based on popular LLMs to showcase the usage
of the dataset and to simplify adoption by other researchers. We publish the
benchmark page on HuggingFace Spaces with the leaderboard, links to HuggingFace
Hub for all the datasets, and link to the GitHub repository with baselines:
https://huggingface.co/spaces/JetBrains-Research/long-code-arena. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.IR",
"cs.SE"
] |
2305.15586 | HF | Manifold Diffusion Fields | [
"Ahmed A. Elhag",
"Yuyang Wang",
"Joshua M. Susskind",
"Miguel Angel Bautista"
] | 2023-05-24 | We present Manifold Diffusion Fields (MDF), an approach that unlocks learning
of diffusion models of data in general non-Euclidean geometries. Leveraging
insights from spectral geometry analysis, we define an intrinsic coordinate
system on the manifold via the eigen-functions of the Laplace-Beltrami
Operator. MDF represents functions using an explicit parametrization formed by
a set of multiple input-output pairs. Our approach allows to sample continuous
functions on manifolds and is invariant with respect to rigid and isometric
transformations of the manifold. In addition, we show that MDF generalizes to
the case where the training set contains functions on different manifolds.
Empirical results on multiple datasets and manifolds including challenging
scientific problems like weather prediction or molecular conformation show that
MDF can capture distributions of such functions with better diversity and
fidelity than previous approaches. | null | cs.LG | [
"cs.LG"
] |
2312.17742 | HF | Learning Vision from Models Rivals Learning Vision from Data | [
"Yonglong Tian",
"Lijie Fan",
"Kaifeng Chen",
"Dina Katabi",
"Dilip Krishnan",
"Phillip Isola"
] | 2023-12-28 | We introduce SynCLR, a novel approach for learning visual representations
exclusively from synthetic images and synthetic captions, without any real
data. We synthesize a large dataset of image captions using LLMs, then use an
off-the-shelf text-to-image model to generate multiple images corresponding to
each synthetic caption. We perform visual representation learning on these
synthetic images via contrastive learning, treating images sharing the same
caption as positive pairs. The resulting representations transfer well to many
downstream tasks, competing favorably with other general-purpose visual
representation learners such as CLIP and DINO v2 in image classification tasks.
Furthermore, in dense prediction tasks such as semantic segmentation, SynCLR
outperforms previous self-supervised methods by a significant margin, e.g.,
improving over MAE and iBOT by 6.2 and 4.3 mIoU on ADE20k for ViT-B/16. | null | cs.CV | [
"cs.CV"
] |
2405.18426 | HF | GFlow: Recovering 4D World from Monocular Video | [
"Shizun Wang",
"Xingyi Yang",
"Qiuhong Shen",
"Zhenxiang Jiang",
"Xinchao Wang"
] | 2024-05-28 | Reconstructing 4D scenes from video inputs is a crucial yet challenging task.
Conventional methods usually rely on the assumptions of multi-view video
inputs, known camera parameters, or static scenes, all of which are typically
absent under in-the-wild scenarios. In this paper, we relax all these
constraints and tackle a highly ambitious but practical task, which we termed
as AnyV4D: we assume only one monocular video is available without any camera
parameters as input, and we aim to recover the dynamic 4D world alongside the
camera poses. To this end, we introduce GFlow, a new framework that utilizes
only 2D priors (depth and optical flow) to lift a video (3D) to a 4D explicit
representation, entailing a flow of Gaussian splatting through space and time.
GFlow first clusters the scene into still and moving parts, then applies a
sequential optimization process that optimizes camera poses and the dynamics of
3D Gaussian points based on 2D priors and scene clustering, ensuring fidelity
among neighboring points and smooth movement across frames. Since dynamic
scenes always introduce new content, we also propose a new pixel-wise
densification strategy for Gaussian points to integrate new visual content.
Moreover, GFlow transcends the boundaries of mere 4D reconstruction; it also
enables tracking of any points across frames without the need for prior
training and segments moving objects from the scene in an unsupervised way.
Additionally, the camera poses of each frame can be derived from GFlow,
allowing for rendering novel views of a video scene through changing camera
pose. By employing the explicit representation, we may readily conduct
scene-level or object-level editing as desired, underscoring its versatility
and power. Visit our project website at: https://littlepure2333.github.io/GFlow | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.