arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2312.13314 | HF | Unlocking Pre-trained Image Backbones for Semantic Image Synthesis | [
"Tariq Berrada",
"Jakob Verbeek",
"Camille Couprie",
"Karteek Alahari"
] | 2023-12-20 | Semantic image synthesis, i.e., generating images from user-provided semantic
label maps, is an important conditional image generation task as it allows to
control both the content as well as the spatial layout of generated images.
Although diffusion models have pushed the state of the art in generative image
modeling, the iterative nature of their inference process makes them
computationally demanding. Other approaches such as GANs are more efficient as
they only need a single feed-forward pass for generation, but the image quality
tends to suffer on large and diverse datasets. In this work, we propose a new
class of GAN discriminators for semantic image synthesis that generates highly
realistic images by exploiting feature backbone networks pre-trained for tasks
such as image classification. We also introduce a new generator architecture
with better context modeling and using cross-attention to inject noise into
latent variables, leading to more diverse generated images. Our model, which we
dub DP-SIMS, achieves state-of-the-art results in terms of image quality and
consistency with the input label maps on ADE-20K, COCO-Stuff, and Cityscapes,
surpassing recent diffusion models while requiring two orders of magnitude less
compute for inference. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2210.07229 | AnswerAI | Mass-Editing Memory in a Transformer | [
"Kevin Meng",
"Arnab Sen Sharma",
"Alex Andonian",
"Yonatan Belinkov",
"David Bau"
] | 2022-10-13 | Recent work has shown exciting promise in updating large language models with
new memories, so as to replace obsolete information or add specialized
knowledge. However, this line of work is predominantly limited to updating
single associations. We develop MEMIT, a method for directly updating a
language model with many memories, demonstrating experimentally that it can
scale up to thousands of associations for GPT-J (6B) and GPT-NeoX (20B),
exceeding prior work by orders of magnitude. Our code and data are at
https://memit.baulab.info. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.01370 | HF | Summary of a Haystack: A Challenge to Long-Context LLMs and RAG Systems | [
"Philippe Laban",
"Alexander R. Fabbri",
"Caiming Xiong",
"Chien-Sheng Wu"
] | 2024-07-01 | LLMs and RAG systems are now capable of handling millions of input tokens or
more. However, evaluating the output quality of such systems on long-context
tasks remains challenging, as tasks like Needle-in-a-Haystack lack complexity.
In this work, we argue that summarization can play a central role in such
evaluation. We design a procedure to synthesize Haystacks of documents,
ensuring that specific \textit{insights} repeat across documents. The "Summary
of a Haystack" (SummHay) task then requires a system to process the Haystack
and generate, given a query, a summary that identifies the relevant insights
and precisely cites the source documents. Since we have precise knowledge of
what insights should appear in a haystack summary and what documents should be
cited, we implement a highly reproducible automatic evaluation that can score
summaries on two aspects - Coverage and Citation. We generate Haystacks in two
domains (conversation, news), and perform a large-scale evaluation of 10 LLMs
and corresponding 50 RAG systems. Our findings indicate that SummHay is an open
challenge for current systems, as even systems provided with an Oracle signal
of document relevance lag our estimate of human performance (56\%) by 10+
points on a Joint Score. Without a retriever, long-context LLMs like GPT-4o and
Claude 3 Opus score below 20% on SummHay. We show SummHay can also be used to
study enterprise RAG systems and position bias in long-context models. We hope
future systems can equal and surpass human performance on SummHay. | null | cs.CL | [
"cs.CL"
] |
2302.07842 | AnswerAI | Augmented Language Models: a Survey | [
"Grégoire Mialon",
"Roberto Dessì",
"Maria Lomeli",
"Christoforos Nalmpantis",
"Ram Pasunuru",
"Roberta Raileanu",
"Baptiste Rozière",
"Timo Schick",
"Jane Dwivedi-Yu",
"Asli Celikyilmaz",
"Edouard Grave",
"Yann LeCun",
"Thomas Scialom"
] | 2023-02-15 | This survey reviews works in which language models (LMs) are augmented with
reasoning skills and the ability to use tools. The former is defined as
decomposing a potentially complex task into simpler subtasks while the latter
consists in calling external modules such as a code interpreter. LMs can
leverage these augmentations separately or in combination via heuristics, or
learn to do so from demonstrations. While adhering to a standard missing tokens
prediction objective, such augmented LMs can use various, possibly
non-parametric external modules to expand their context processing ability,
thus departing from the pure language modeling paradigm. We therefore refer to
them as Augmented Language Models (ALMs). The missing token objective allows
ALMs to learn to reason, use tools, and even act, while still performing
standard natural language tasks and even outperforming most regular LMs on
several benchmarks. In this work, after reviewing current advance in ALMs, we
conclude that this new research direction has the potential to address common
limitations of traditional LMs such as interpretability, consistency, and
scalability issues. | null | cs.CL | [
"cs.CL"
] |
2307.00117 | HF | Goal Representations for Instruction Following: A Semi-Supervised Language Interface to Control | [
"Vivek Myers",
"Andre He",
"Kuan Fang",
"Homer Walke",
"Philippe Hansen-Estruch",
"Ching-An Cheng",
"Mihai Jalobeanu",
"Andrey Kolobov",
"Anca Dragan",
"Sergey Levine"
] | 2023-06-30 | Our goal is for robots to follow natural language instructions like "put the
towel next to the microwave." But getting large amounts of labeled data, i.e.
data that contains demonstrations of tasks labeled with the language
instruction, is prohibitive. In contrast, obtaining policies that respond to
image goals is much easier, because any autonomous trial or demonstration can
be labeled in hindsight with its final state as the goal. In this work, we
contribute a method that taps into joint image- and goal- conditioned policies
with language using only a small amount of language data. Prior work has made
progress on this using vision-language models or by jointly training
language-goal-conditioned policies, but so far neither method has scaled
effectively to real-world robot tasks without significant human annotation. Our
method achieves robust performance in the real world by learning an embedding
from the labeled data that aligns language not to the goal image, but rather to
the desired change between the start and goal images that the instruction
corresponds to. We then train a policy on this embedding: the policy benefits
from all the unlabeled data, but the aligned embedding provides an interface
for language to steer the policy. We show instruction following across a
variety of manipulation tasks in different scenes, with generalization to
language instructions outside of the labeled data. Videos and code for our
approach can be found on our website: https://rail-berkeley.github.io/grif/ . | null | cs.RO | [
"cs.RO",
"cs.LG"
] |
2302.03169 | AnswerAI | Data Selection for Language Models via Importance Resampling | [
"Sang Michael Xie",
"Shibani Santurkar",
"Tengyu Ma",
"Percy Liang"
] | 2023-02-06 | Selecting a suitable pretraining dataset is crucial for both general-domain
(e.g., GPT-3) and domain-specific (e.g., Codex) language models (LMs). We
formalize this problem as selecting a subset of a large raw unlabeled dataset
to match a desired target distribution given unlabeled target samples. Due to
the scale and dimensionality of the raw text data, existing methods use simple
heuristics or require human experts to manually curate data. Instead, we extend
the classic importance resampling approach used in low-dimensions for LM data
selection. We propose Data Selection with Importance Resampling (DSIR), an
efficient and scalable framework that estimates importance weights in a reduced
feature space for tractability and selects data with importance resampling
according to these weights. We instantiate the DSIR framework with hashed
n-gram features for efficiency, enabling the selection of 100M documents from
the full Pile dataset in 4.5 hours. To measure whether hashed n-gram features
preserve the aspects of the data that are relevant to the target, we define KL
reduction, a data metric that measures the proximity between the selected
pretraining data and the target on some feature space. Across 8 data selection
methods (including expert selection), KL reduction on hashed n-gram features
highly correlates with average downstream accuracy (r=0.82). When selecting
data for continued pretraining on a specific domain, DSIR performs comparably
to expert curation across 8 target distributions. When pretraining
general-domain models (target is Wikipedia and books), DSIR improves over
random selection and heuristic filtering baselines by 2-2.5% on the GLUE
benchmark. Code is available at https://github.com/p-lambda/dsir. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.01282 | HF | FlashDecoding++: Faster Large Language Model Inference on GPUs | [
"Ke Hong",
"Guohao Dai",
"Jiaming Xu",
"Qiuli Mao",
"Xiuhong Li",
"Jun Liu",
"Kangdi Chen",
"Yuhan Dong",
"Yu Wang"
] | 2023-11-02 | As the Large Language Model (LLM) becomes increasingly important in various
domains. However, the following challenges still remain unsolved in
accelerating LLM inference: (1) Synchronized partial softmax update. The
softmax operation requires a synchronized update operation among each partial
softmax result, leading to ~20% overheads for the attention computation in
LLMs. (2) Under-utilized computation of flat GEMM. The shape of matrices
performing GEMM in LLM inference is flat, leading to under-utilized computation
and >50% performance loss after padding zeros in previous designs. (3)
Performance loss due to static dataflow. Kernel performance in LLM depends on
varied input data features, hardware configurations, etc. A single and static
dataflow may lead to a 50.25% performance loss for GEMMs of different shapes in
LLM inference.
We present FlashDecoding++, a fast LLM inference engine supporting mainstream
LLMs and hardware back-ends. To tackle the above challenges, FlashDecoding++
creatively proposes: (1) Asynchronized softmax with unified max value.
FlashDecoding++ introduces a unified max value technique for different partial
softmax computations to avoid synchronization. (2) Flat GEMM optimization with
double buffering. FlashDecoding++ points out that flat GEMMs with different
shapes face varied bottlenecks. Then, techniques like double buffering are
introduced. (3) Heuristic dataflow with hardware resource adaptation.
FlashDecoding++ heuristically optimizes dataflow using different hardware
resource considering input dynamics. Due to the versatility of optimizations in
FlashDecoding++, FlashDecoding++ can achieve up to 4.86x and 2.18x speedup on
both NVIDIA and AMD GPUs compared to Hugging Face implementations.
FlashDecoding++ also achieves an average speedup of 1.37x compared to
state-of-the-art LLM inference engines on mainstream LLMs. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2305.11175 | HF | VisionLLM: Large Language Model is also an Open-Ended Decoder for Vision-Centric Tasks | [
"Wenhai Wang",
"Zhe Chen",
"Xiaokang Chen",
"Jiannan Wu",
"Xizhou Zhu",
"Gang Zeng",
"Ping Luo",
"Tong Lu",
"Jie Zhou",
"Yu Qiao",
"Jifeng Dai"
] | 2023-05-18 | Large language models (LLMs) have notably accelerated progress towards
artificial general intelligence (AGI), with their impressive zero-shot capacity
for user-tailored tasks, endowing them with immense potential across a range of
applications. However, in the field of computer vision, despite the
availability of numerous powerful vision foundation models (VFMs), they are
still restricted to tasks in a pre-defined form, struggling to match the
open-ended task capabilities of LLMs. In this work, we present an LLM-based
framework for vision-centric tasks, termed VisionLLM. This framework provides a
unified perspective for vision and language tasks by treating images as a
foreign language and aligning vision-centric tasks with language tasks that can
be flexibly defined and managed using language instructions. An LLM-based
decoder can then make appropriate predictions based on these instructions for
open-ended tasks. Extensive experiments show that the proposed VisionLLM can
achieve different levels of task customization through language instructions,
from fine-grained object-level to coarse-grained task-level customization, all
with good results. It's noteworthy that, with a generalist LLM-based framework,
our model can achieve over 60\% mAP on COCO, on par with detection-specific
models. We hope this model can set a new baseline for generalist vision and
language models. The demo shall be released based on
https://github.com/OpenGVLab/InternGPT. The code shall be released at
https://github.com/OpenGVLab/VisionLLM. | null | cs.CV | [
"cs.CV"
] |
2302.04761 | AnswerAI | Toolformer: Language Models Can Teach Themselves to Use Tools | [
"Timo Schick",
"Jane Dwivedi-Yu",
"Roberto Dessì",
"Roberta Raileanu",
"Maria Lomeli",
"Luke Zettlemoyer",
"Nicola Cancedda",
"Thomas Scialom"
] | 2023-02-09 | Language models (LMs) exhibit remarkable abilities to solve new tasks from
just a few examples or textual instructions, especially at scale. They also,
paradoxically, struggle with basic functionality, such as arithmetic or factual
lookup, where much simpler and smaller models excel. In this paper, we show
that LMs can teach themselves to use external tools via simple APIs and achieve
the best of both worlds. We introduce Toolformer, a model trained to decide
which APIs to call, when to call them, what arguments to pass, and how to best
incorporate the results into future token prediction. This is done in a
self-supervised way, requiring nothing more than a handful of demonstrations
for each API. We incorporate a range of tools, including a calculator, a Q\&A
system, two different search engines, a translation system, and a calendar.
Toolformer achieves substantially improved zero-shot performance across a
variety of downstream tasks, often competitive with much larger models, without
sacrificing its core language modeling abilities. | null | cs.CL | [
"cs.CL"
] |
2406.02900 | HF | Scaling Laws for Reward Model Overoptimization in Direct Alignment Algorithms | [
"Rafael Rafailov",
"Yaswanth Chittepu",
"Ryan Park",
"Harshit Sikchi",
"Joey Hejna",
"Bradley Knox",
"Chelsea Finn",
"Scott Niekum"
] | 2024-06-05 | Reinforcement Learning from Human Feedback (RLHF) has been crucial to the
recent success of Large Language Models (LLMs), however, it is often a complex
and brittle process. In the classical RLHF framework, a reward model is first
trained to represent human preferences, which is in turn used by an online
reinforcement learning (RL) algorithm to optimize the LLM. A prominent issue
with such methods is \emph{reward over-optimization} or \emph{reward hacking},
where performance as measured by the learned proxy reward model increases, but
true quality plateaus or even deteriorates. Direct Alignment Algorithms (DDAs)
like Direct Preference Optimization have emerged as alternatives to the
classical RLHF pipeline by circumventing the reward modeling phase. However,
although DAAs do not use a separate proxy reward model, they still commonly
deteriorate from over-optimization. While the so-called reward hacking
phenomenon is not well-defined for DAAs, we still uncover similar trends: at
higher KL budgets, DAA algorithms exhibit similar degradation patterns to their
classic RLHF counterparts. In particular, we find that DAA methods deteriorate
not only across a wide range of KL budgets but also often before even a single
epoch of the dataset is completed. Through extensive empirical experimentation,
this work formulates and formalizes the reward over-optimization or hacking
problem for DAAs and explores its consequences across objectives, training
regimes, and model scales. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2405.20519 | AnswerAI | Diffusion On Syntax Trees For Program Synthesis | [
"Shreyas Kapur",
"Erik Jenner",
"Stuart Russell"
] | 2024-05-30 | Large language models generate code one token at a time. Their autoregressive
generation process lacks the feedback of observing the program's output.
Training LLMs to suggest edits directly can be challenging due to the scarcity
of rich edit data. To address these problems, we propose neural diffusion
models that operate on syntax trees of any context-free grammar. Similar to
image diffusion models, our method also inverts ``noise'' applied to syntax
trees. Rather than generating code sequentially, we iteratively edit it while
preserving syntactic validity, which makes it easy to combine this neural model
with search. We apply our approach to inverse graphics tasks, where our model
learns to convert images into programs that produce those images. Combined with
search, our model is able to write graphics programs, see the execution result,
and debug them to meet the required specifications. We additionally show how
our system can write graphics programs for hand-drawn sketches. | null | cs.AI | [
"cs.AI"
] |
2310.03744 | HF | Improved Baselines with Visual Instruction Tuning | [
"Haotian Liu",
"Chunyuan Li",
"Yuheng Li",
"Yong Jae Lee"
] | 2023-10-05 | Large multimodal models (LMM) have recently shown encouraging progress with
visual instruction tuning. In this note, we show that the fully-connected
vision-language cross-modal connector in LLaVA is surprisingly powerful and
data-efficient. With simple modifications to LLaVA, namely, using
CLIP-ViT-L-336px with an MLP projection and adding academic-task-oriented VQA
data with simple response formatting prompts, we establish stronger baselines
that achieve state-of-the-art across 11 benchmarks. Our final 13B checkpoint
uses merely 1.2M publicly available data, and finishes full training in ~1 day
on a single 8-A100 node. We hope this can make state-of-the-art LMM research
more accessible. Code and model will be publicly available. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2312.13102 | HF | SpecNeRF: Gaussian Directional Encoding for Specular Reflections | [
"Li Ma",
"Vasu Agrawal",
"Haithem Turki",
"Changil Kim",
"Chen Gao",
"Pedro Sander",
"Michael Zollhöfer",
"Christian Richardt"
] | 2023-12-20 | Neural radiance fields have achieved remarkable performance in modeling the
appearance of 3D scenes. However, existing approaches still struggle with the
view-dependent appearance of glossy surfaces, especially under complex lighting
of indoor environments. Unlike existing methods, which typically assume distant
lighting like an environment map, we propose a learnable Gaussian directional
encoding to better model the view-dependent effects under near-field lighting
conditions. Importantly, our new directional encoding captures the
spatially-varying nature of near-field lighting and emulates the behavior of
prefiltered environment maps. As a result, it enables the efficient evaluation
of preconvolved specular color at any 3D location with varying roughness
coefficients. We further introduce a data-driven geometry prior that helps
alleviate the shape radiance ambiguity in reflection modeling. We show that our
Gaussian directional encoding and geometry prior significantly improve the
modeling of challenging specular reflections in neural radiance fields, which
helps decompose appearance into more physically meaningful components. | null | cs.CV | [
"cs.CV"
] |
2408.16444 | HF | SurveySum: A Dataset for Summarizing Multiple Scientific Articles into a Survey Section | [
"Leandro Carísio Fernandes",
"Gustavo Bartz Guedes",
"Thiago Soares Laitz",
"Thales Sales Almeida",
"Rodrigo Nogueira",
"Roberto Lotufo",
"Jayr Pereira"
] | 2024-08-29 | Document summarization is a task to shorten texts into concise and
informative summaries. This paper introduces a novel dataset designed for
summarizing multiple scientific articles into a section of a survey. Our
contributions are: (1) SurveySum, a new dataset addressing the gap in
domain-specific summarization tools; (2) two specific pipelines to summarize
scientific articles into a section of a survey; and (3) the evaluation of these
pipelines using multiple metrics to compare their performance. Our results
highlight the importance of high-quality retrieval stages and the impact of
different configurations on the quality of generated summaries. | null | cs.CL | [
"cs.CL"
] |
2310.10971 | HF | Context-Aware Meta-Learning | [
"Christopher Fifty",
"Dennis Duan",
"Ronald G. Junkins",
"Ehsan Amid",
"Jure Leskovec",
"Christopher Re",
"Sebastian Thrun"
] | 2023-10-17 | Large Language Models like ChatGPT demonstrate a remarkable capacity to learn
new concepts during inference without any fine-tuning. However, visual models
trained to detect new objects during inference have been unable to replicate
this ability, and instead either perform poorly or require meta-training and/or
fine-tuning on similar objects. In this work, we propose a meta-learning
algorithm that emulates Large Language Models by learning new visual concepts
during inference without fine-tuning. Our approach leverages a frozen
pre-trained feature extractor, and analogous to in-context learning, recasts
visual meta-learning as sequence modeling over datapoints with known labels and
a test datapoint with an unknown label. On 8 out of 11 meta-learning
benchmarks, our approach -- without meta-training or fine-tuning -- exceeds or
matches the state-of-the-art algorithm, P>M>F, which is meta-trained on these
benchmarks. Our code is available at https://github.com/cfifty/CAML. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2401.04695 | HF | Narrowing the Knowledge Evaluation Gap: Open-Domain Question Answering with Multi-Granularity Answers | [
"Gal Yona",
"Roee Aharoni",
"Mor Geva"
] | 2024-01-09 | Factual questions typically can be answered correctly at different levels of
granularity. For example, both ``August 4, 1961'' and ``1961'' are correct
answers to the question ``When was Barack Obama born?''. Standard question
answering (QA) evaluation protocols, however, do not explicitly take this into
account and compare a predicted answer against answers of a single granularity
level. In this work, we propose GRANOLA QA, a novel evaluation setting where a
predicted answer is evaluated in terms of accuracy and informativeness against
a set of multi-granularity answers. We present a simple methodology for
enriching existing datasets with multi-granularity answers, and create
GRANOLA-EQ, a multi-granularity version of the EntityQuestions dataset. We
evaluate a range of decoding methods on GRANOLA-EQ, including a new algorithm,
called Decoding with Response Aggregation (DRAG), that is geared towards
aligning the response granularity with the model's uncertainty. Our experiments
show that large language models with standard decoding tend to generate
specific answers, which are often incorrect. In contrast, when evaluated on
multi-granularity answers, DRAG yields a nearly 20 point increase in accuracy
on average, which further increases for rare entities. Overall, this reveals
that standard evaluation and decoding schemes may significantly underestimate
the knowledge encapsulated in LMs. | null | cs.CL | [
"cs.CL"
] |
2405.18634 | AnswerAI | A Theoretical Understanding of Self-Correction through In-context Alignment | [
"Yifei Wang",
"Yuyang Wu",
"Zeming Wei",
"Stefanie Jegelka",
"Yisen Wang"
] | 2024-05-28 | Going beyond mimicking limited human experiences, recent studies show initial
evidence that, like humans, large language models (LLMs) are capable of
improving their abilities purely by self-correction, i.e., correcting previous
responses through self-examination, in certain circumstances. Nevertheless,
little is known about how such capabilities arise. In this work, based on a
simplified setup akin to an alignment task, we theoretically analyze
self-correction from an in-context learning perspective, showing that when LLMs
give relatively accurate self-examinations as rewards, they are capable of
refining responses in an in-context way. Notably, going beyond previous
theories on over-simplified linear transformers, our theoretical construction
underpins the roles of several key designs of realistic transformers for
self-correction: softmax attention, multi-head attention, and the MLP block. We
validate these findings extensively on synthetic datasets. Inspired by these
findings, we also illustrate novel applications of self-correction, such as
defending against LLM jailbreaks, where a simple self-correction step does make
a large difference. We believe that these findings will inspire further
research on understanding, exploiting, and enhancing self-correction for
building better foundation models. | null | cs.LG | [
"cs.LG",
"cs.CL",
"stat.ML"
] |
2310.00035 | AnswerAI | LoRA ensembles for large language model fine-tuning | [
"Xi Wang",
"Laurence Aitchison",
"Maja Rudolph"
] | 2023-09-29 | Finetuned LLMs often exhibit poor uncertainty quantification, manifesting as
overconfidence, poor calibration, and unreliable prediction results on test
data or out-of-distribution samples. One approach commonly used in vision for
alleviating this issue is a deep ensemble, which constructs an ensemble by
training the same model multiple times using different random initializations.
However, there is a huge challenge to ensembling LLMs: the most effective LLMs
are very, very large. Keeping a single LLM in memory is already challenging
enough: keeping an ensemble of e.g. 5 LLMs in memory is impossible in many
settings. To address these issues, we propose an ensemble approach using
Low-Rank Adapters (LoRA), a parameter-efficient fine-tuning technique.
Critically, these low-rank adapters represent a very small number of
parameters, orders of magnitude less than the underlying pre-trained model.
Thus, it is possible to construct large ensembles of LoRA adapters with almost
the same computational overhead as using the original model. We find that LoRA
ensembles, applied on its own or on top of pre-existing regularization
techniques, gives consistent improvements in predictive accuracy and
uncertainty quantification. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2402.13991 | AnswerAI | Analysing The Impact of Sequence Composition on Language Model Pre-Training | [
"Yu Zhao",
"Yuanbin Qu",
"Konrad Staniszewski",
"Szymon Tworkowski",
"Wei Liu",
"Piotr Miłoś",
"Yuxiang Wu",
"Pasquale Minervini"
] | 2024-02-21 | Most language model pre-training frameworks concatenate multiple documents
into fixed-length sequences and use causal masking to compute the likelihood of
each token given its context; this strategy is widely adopted due to its
simplicity and efficiency. However, to this day, the influence of the
pre-training sequence composition strategy on the generalisation properties of
the model remains under-explored. In this work, we find that applying causal
masking can lead to the inclusion of distracting information from previous
documents during pre-training, which negatively impacts the performance of the
models on language modelling and downstream tasks. In intra-document causal
masking, the likelihood of each token is only conditioned on the previous
tokens in the same document, eliminating potential distracting information from
previous documents and significantly improving performance. Furthermore, we
find that concatenating related documents can reduce some potential
distractions during pre-training, and our proposed efficient retrieval-based
sequence construction method, BM25Chunk, can improve in-context learning
(+11.6\%), knowledge memorisation (+9.8\%), and context utilisation (+7.2\%)
abilities of language models without sacrificing efficiency. | null | cs.CL | [
"cs.CL"
] |
2004.12832 | AnswerAI | ColBERT: Efficient and Effective Passage Search via Contextualized Late Interaction over BERT | [
"Omar Khattab",
"Matei Zaharia"
] | 2020-04-27 | Recent progress in Natural Language Understanding (NLU) is driving fast-paced
advances in Information Retrieval (IR), largely owed to fine-tuning deep
language models (LMs) for document ranking. While remarkably effective, the
ranking models based on these LMs increase computational cost by orders of
magnitude over prior approaches, particularly as they must feed each
query-document pair through a massive neural network to compute a single
relevance score. To tackle this, we present ColBERT, a novel ranking model that
adapts deep LMs (in particular, BERT) for efficient retrieval. ColBERT
introduces a late interaction architecture that independently encodes the query
and the document using BERT and then employs a cheap yet powerful interaction
step that models their fine-grained similarity. By delaying and yet retaining
this fine-granular interaction, ColBERT can leverage the expressiveness of deep
LMs while simultaneously gaining the ability to pre-compute document
representations offline, considerably speeding up query processing. Beyond
reducing the cost of re-ranking the documents retrieved by a traditional model,
ColBERT's pruning-friendly interaction mechanism enables leveraging
vector-similarity indexes for end-to-end retrieval directly from a large
document collection. We extensively evaluate ColBERT using two recent passage
search datasets. Results show that ColBERT's effectiveness is competitive with
existing BERT-based models (and outperforms every non-BERT baseline), while
executing two orders-of-magnitude faster and requiring four orders-of-magnitude
fewer FLOPs per query. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2402.12366 | AnswerAI | A Critical Evaluation of AI Feedback for Aligning Large Language Models | [
"Archit Sharma",
"Sedrick Keh",
"Eric Mitchell",
"Chelsea Finn",
"Kushal Arora",
"Thomas Kollar"
] | 2024-02-19 | Reinforcement learning with AI feedback (RLAIF) is a popular paradigm for
improving the instruction-following abilities of powerful pre-trained language
models. RLAIF first performs supervised fine-tuning (SFT) using demonstrations
from a teacher model and then further fine-tunes the model with reinforcement
learning (RL), using feedback from a critic model. While recent popular
open-source models have demonstrated substantial improvements in performance
from the RL step, in this paper we question whether the complexity of this RL
step is truly warranted for AI feedback. We show that the improvements of the
RL step are virtually entirely due to the widespread practice of using a weaker
teacher model (e.g. GPT-3.5) for SFT data collection than the critic (e.g.,
GPT-4) used for AI feedback generation. Specifically, we show that simple
supervised fine-tuning with GPT-4 as the teacher outperforms existing RLAIF
pipelines. More generally, we find that the gains from RLAIF vary substantially
across base model families, test-time evaluation protocols, and critic models.
Finally, we provide a mechanistic explanation for when SFT may outperform the
full two-step RLAIF pipeline as well as suggestions for making RLAIF maximally
useful in practice. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2210.11610 | AnswerAI | Large Language Models Can Self-Improve | [
"Jiaxin Huang",
"Shixiang Shane Gu",
"Le Hou",
"Yuexin Wu",
"Xuezhi Wang",
"Hongkun Yu",
"Jiawei Han"
] | 2022-10-20 | Large Language Models (LLMs) have achieved excellent performances in various
tasks. However, fine-tuning an LLM requires extensive supervision. Human, on
the other hand, may improve their reasoning abilities by self-thinking without
external inputs. In this work, we demonstrate that an LLM is also capable of
self-improving with only unlabeled datasets. We use a pre-trained LLM to
generate "high-confidence" rationale-augmented answers for unlabeled questions
using Chain-of-Thought prompting and self-consistency, and fine-tune the LLM
using those self-generated solutions as target outputs. We show that our
approach improves the general reasoning ability of a 540B-parameter LLM
(74.4%->82.1% on GSM8K, 78.2%->83.0% on DROP, 90.0%->94.4% on OpenBookQA, and
63.4%->67.9% on ANLI-A3) and achieves state-of-the-art-level performance,
without any ground truth label. We conduct ablation studies and show that
fine-tuning on reasoning is critical for self-improvement. | null | cs.CL | [
"cs.CL"
] |
2408.13413 | HF | TVG: A Training-free Transition Video Generation Method with Diffusion Models | [
"Rui Zhang",
"Yaosen Chen",
"Yuegen Liu",
"Wei Wang",
"Xuming Wen",
"Hongxia Wang"
] | 2024-08-24 | Transition videos play a crucial role in media production, enhancing the flow
and coherence of visual narratives. Traditional methods like morphing often
lack artistic appeal and require specialized skills, limiting their
effectiveness. Recent advances in diffusion model-based video generation offer
new possibilities for creating transitions but face challenges such as poor
inter-frame relationship modeling and abrupt content changes. We propose a
novel training-free Transition Video Generation (TVG) approach using
video-level diffusion models that addresses these limitations without
additional training. Our method leverages Gaussian Process Regression
($\mathcal{GPR}$) to model latent representations, ensuring smooth and dynamic
transitions between frames. Additionally, we introduce interpolation-based
conditional controls and a Frequency-aware Bidirectional Fusion (FBiF)
architecture to enhance temporal control and transition reliability.
Evaluations of benchmark datasets and custom image pairs demonstrate the
effectiveness of our approach in generating high-quality smooth transition
videos. The code are provided in https://sobeymil.github.io/tvg.com. | null | cs.CV | [
"cs.CV"
] |
2009.14109 | AnswerAI | Improving Low Compute Language Modeling with In-Domain Embedding Initialisation | [
"Charles Welch",
"Rada Mihalcea",
"Jonathan K. Kummerfeld"
] | 2020-09-29 | Many NLP applications, such as biomedical data and technical support, have
10-100 million tokens of in-domain data and limited computational resources for
learning from it. How should we train a language model in this scenario? Most
language modeling research considers either a small dataset with a closed
vocabulary (like the standard 1 million token Penn Treebank), or the whole web
with byte-pair encoding. We show that for our target setting in English,
initialising and freezing input embeddings using in-domain data can improve
language model performance by providing a useful representation of rare words,
and this pattern holds across several different domains. In the process, we
show that the standard convention of tying input and output embeddings does not
improve perplexity when initializing with embeddings trained on in-domain data. | null | cs.CL | [
"cs.CL",
"I.2.7"
] |
1812.06162 | AnswerAI | An Empirical Model of Large-Batch Training | [
"Sam McCandlish",
"Jared Kaplan",
"Dario Amodei",
"OpenAI Dota Team"
] | 2018-12-14 | In an increasing number of domains it has been demonstrated that deep
learning models can be trained using relatively large batch sizes without
sacrificing data efficiency. However the limits of this massive data
parallelism seem to differ from domain to domain, ranging from batches of tens
of thousands in ImageNet to batches of millions in RL agents that play the game
Dota 2. To our knowledge there is limited conceptual understanding of why these
limits to batch size differ or how we might choose the correct batch size in a
new domain. In this paper, we demonstrate that a simple and easy-to-measure
statistic called the gradient noise scale predicts the largest useful batch
size across many domains and applications, including a number of supervised
learning datasets (MNIST, SVHN, CIFAR-10, ImageNet, Billion Word),
reinforcement learning domains (Atari and Dota), and even generative model
training (autoencoders on SVHN). We find that the noise scale increases as the
loss decreases over a training run and depends on the model size primarily
through improved model performance. Our empirically-motivated theory also
describes the tradeoff between compute-efficiency and time-efficiency, and
provides a rough model of the benefits of adaptive batch-size training. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2405.18515 | HF | Atlas3D: Physically Constrained Self-Supporting Text-to-3D for Simulation and Fabrication | [
"Yunuo Chen",
"Tianyi Xie",
"Zeshun Zong",
"Xuan Li",
"Feng Gao",
"Yin Yang",
"Ying Nian Wu",
"Chenfanfu Jiang"
] | 2024-05-28 | Existing diffusion-based text-to-3D generation methods primarily focus on
producing visually realistic shapes and appearances, often neglecting the
physical constraints necessary for downstream tasks. Generated models
frequently fail to maintain balance when placed in physics-based simulations or
3D printed. This balance is crucial for satisfying user design intentions in
interactive gaming, embodied AI, and robotics, where stable models are needed
for reliable interaction. Additionally, stable models ensure that 3D-printed
objects, such as figurines for home decoration, can stand on their own without
requiring additional supports. To fill this gap, we introduce Atlas3D, an
automatic and easy-to-implement method that enhances existing Score
Distillation Sampling (SDS)-based text-to-3D tools. Atlas3D ensures the
generation of self-supporting 3D models that adhere to physical laws of
stability under gravity, contact, and friction. Our approach combines a novel
differentiable simulation-based loss function with physically inspired
regularization, serving as either a refinement or a post-processing module for
existing frameworks. We verify Atlas3D's efficacy through extensive generation
tasks and validate the resulting 3D models in both simulated and real-world
environments. | null | cs.LG | [
"cs.LG"
] |
2403.11901 | HF | Larimar: Large Language Models with Episodic Memory Control | [
"Payel Das",
"Subhajit Chaudhury",
"Elliot Nelson",
"Igor Melnyk",
"Sarath Swaminathan",
"Sihui Dai",
"Aurélie Lozano",
"Georgios Kollias",
"Vijil Chenthamarakshan",
"Jiří",
"Navrátil",
"Soham Dan",
"Pin-Yu Chen"
] | 2024-03-18 | Efficient and accurate updating of knowledge stored in Large Language Models
(LLMs) is one of the most pressing research challenges today. This paper
presents Larimar - a novel, brain-inspired architecture for enhancing LLMs with
a distributed episodic memory. Larimar's memory allows for dynamic, one-shot
updates of knowledge without the need for computationally expensive re-training
or fine-tuning. Experimental results on multiple fact editing benchmarks
demonstrate that Larimar attains accuracy comparable to most competitive
baselines, even in the challenging sequential editing setup, but also excels in
speed - yielding speed-ups of 8-10x depending on the base LLM - as well as
flexibility due to the proposed architecture being simple, LLM-agnostic, and
hence general. We further provide mechanisms for selective fact forgetting,
information leakage prevention, and input context length generalization with
Larimar and show their effectiveness. Our code is available at
https://github.com/IBM/larimar | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2401.11708 | HF | Mastering Text-to-Image Diffusion: Recaptioning, Planning, and Generating with Multimodal LLMs | [
"Ling Yang",
"Zhaochen Yu",
"Chenlin Meng",
"Minkai Xu",
"Stefano Ermon",
"Bin Cui"
] | 2024-01-22 | Diffusion models have exhibit exceptional performance in text-to-image
generation and editing. However, existing methods often face challenges when
handling complex text prompts that involve multiple objects with multiple
attributes and relationships. In this paper, we propose a brand new
training-free text-to-image generation/editing framework, namely Recaption,
Plan and Generate (RPG), harnessing the powerful chain-of-thought reasoning
ability of multimodal LLMs to enhance the compositionality of text-to-image
diffusion models. Our approach employs the MLLM as a global planner to
decompose the process of generating complex images into multiple simpler
generation tasks within subregions. We propose complementary regional diffusion
to enable region-wise compositional generation. Furthermore, we integrate
text-guided image generation and editing within the proposed RPG in a
closed-loop fashion, thereby enhancing generalization ability. Extensive
experiments demonstrate our RPG outperforms state-of-the-art text-to-image
diffusion models, including DALL-E 3 and SDXL, particularly in multi-category
object composition and text-image semantic alignment. Notably, our RPG
framework exhibits wide compatibility with various MLLM architectures (e.g.,
MiniGPT-4) and diffusion backbones (e.g., ControlNet). Our code is available
at: https://github.com/YangLing0818/RPG-DiffusionMaster | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2402.19472 | AnswerAI | Lifelong Benchmarks: Efficient Model Evaluation in an Era of Rapid Progress | [
"Ameya Prabhu",
"Vishaal Udandarao",
"Philip Torr",
"Matthias Bethge",
"Adel Bibi",
"Samuel Albanie"
] | 2024-02-29 | Standardized benchmarks drive progress in machine learning. However, with
repeated testing, the risk of overfitting grows as algorithms over-exploit
benchmark idiosyncrasies. In our work, we seek to mitigate this challenge by
compiling ever-expanding large-scale benchmarks called Lifelong Benchmarks. As
exemplars of our approach, we create Lifelong-CIFAR10 and Lifelong-ImageNet,
containing (for now) 1.69M and 1.98M test samples, respectively. While reducing
overfitting, lifelong benchmarks introduce a key challenge: the high cost of
evaluating a growing number of models across an ever-expanding sample set. To
address this challenge, we also introduce an efficient evaluation framework:
Sort \& Search (S&S), which reuses previously evaluated models by leveraging
dynamic programming algorithms to selectively rank and sub-select test samples,
enabling cost-effective lifelong benchmarking. Extensive empirical evaluations
across 31,000 models demonstrate that S&S achieves highly-efficient approximate
accuracy measurement, reducing compute cost from 180 GPU days to 5 GPU hours
(1000x reduction) on a single A100 GPU, with low approximation error. As such,
lifelong benchmarks offer a robust, practical solution to the "benchmark
exhaustion" problem. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2404.16221 | HF | NeRF-XL: Scaling NeRFs with Multiple GPUs | [
"Ruilong Li",
"Sanja Fidler",
"Angjoo Kanazawa",
"Francis Williams"
] | 2024-04-24 | We present NeRF-XL, a principled method for distributing Neural Radiance
Fields (NeRFs) across multiple GPUs, thus enabling the training and rendering
of NeRFs with an arbitrarily large capacity. We begin by revisiting existing
multi-GPU approaches, which decompose large scenes into multiple independently
trained NeRFs, and identify several fundamental issues with these methods that
hinder improvements in reconstruction quality as additional computational
resources (GPUs) are used in training. NeRF-XL remedies these issues and
enables the training and rendering of NeRFs with an arbitrary number of
parameters by simply using more hardware. At the core of our method lies a
novel distributed training and rendering formulation, which is mathematically
equivalent to the classic single-GPU case and minimizes communication between
GPUs. By unlocking NeRFs with arbitrarily large parameter counts, our approach
is the first to reveal multi-GPU scaling laws for NeRFs, showing improvements
in reconstruction quality with larger parameter counts and speed improvements
with more GPUs. We demonstrate the effectiveness of NeRF-XL on a wide variety
of datasets, including the largest open-source dataset to date, MatrixCity,
containing 258K images covering a 25km^2 city area. | null | cs.CV | [
"cs.CV",
"cs.DC",
"cs.GR"
] |
2307.08041 | HF | Planting a SEED of Vision in Large Language Model | [
"Yuying Ge",
"Yixiao Ge",
"Ziyun Zeng",
"Xintao Wang",
"Ying Shan"
] | 2023-07-16 | We present SEED, an elaborate image tokenizer that empowers Large Language
Models (LLMs) with the emergent ability to SEE and Draw at the same time.
Research on image tokenizers has previously reached an impasse, as frameworks
employing quantized visual tokens have lost prominence due to subpar
performance and convergence in multimodal comprehension (compared to BLIP-2,
etc.) or generation (compared to Stable Diffusion, etc.). Despite the
limitations, we remain confident in its natural capacity to unify visual and
textual representations, facilitating scalable multimodal training with LLM's
original recipe. In this study, we identify two crucial principles for the
architecture and training of SEED that effectively ease subsequent alignment
with LLMs. (1) Image tokens should be independent of 2D physical patch
positions and instead be produced with a 1D causal dependency, exhibiting
intrinsic interdependence that aligns with the left-to-right autoregressive
prediction mechanism in LLMs. (2) Image tokens should capture high-level
semantics consistent with the degree of semantic abstraction in words, and be
optimized for both discriminativeness and reconstruction during the tokenizer
training phase. As a result, the off-the-shelf LLM is able to perform both
image-to-text and text-to-image generation by incorporating our SEED through
efficient LoRA tuning. Comprehensive multimodal pretraining and instruction
tuning, which may yield improved results, are reserved for future
investigation. This version of SEED was trained in 5.7 days using only 64 V100
GPUs and 5M publicly available image-text pairs. Our preliminary study
emphasizes the great potential of discrete visual tokens in versatile
multimodal LLMs and the importance of proper image tokenizers in broader
research. | null | cs.CV | [
"cs.CV"
] |
2305.14314 | Both | QLoRA: Efficient Finetuning of Quantized LLMs | [
"Tim Dettmers",
"Artidoro Pagnoni",
"Ari Holtzman",
"Luke Zettlemoyer"
] | 2023-05-23 | We present QLoRA, an efficient finetuning approach that reduces memory usage
enough to finetune a 65B parameter model on a single 48GB GPU while preserving
full 16-bit finetuning task performance. QLoRA backpropagates gradients through
a frozen, 4-bit quantized pretrained language model into Low Rank
Adapters~(LoRA). Our best model family, which we name Guanaco, outperforms all
previous openly released models on the Vicuna benchmark, reaching 99.3% of the
performance level of ChatGPT while only requiring 24 hours of finetuning on a
single GPU. QLoRA introduces a number of innovations to save memory without
sacrificing performance: (a) 4-bit NormalFloat (NF4), a new data type that is
information theoretically optimal for normally distributed weights (b) double
quantization to reduce the average memory footprint by quantizing the
quantization constants, and (c) paged optimziers to manage memory spikes. We
use QLoRA to finetune more than 1,000 models, providing a detailed analysis of
instruction following and chatbot performance across 8 instruction datasets,
multiple model types (LLaMA, T5), and model scales that would be infeasible to
run with regular finetuning (e.g. 33B and 65B parameter models). Our results
show that QLoRA finetuning on a small high-quality dataset leads to
state-of-the-art results, even when using smaller models than the previous
SoTA. We provide a detailed analysis of chatbot performance based on both human
and GPT-4 evaluations showing that GPT-4 evaluations are a cheap and reasonable
alternative to human evaluation. Furthermore, we find that current chatbot
benchmarks are not trustworthy to accurately evaluate the performance levels of
chatbots. A lemon-picked analysis demonstrates where Guanaco fails compared to
ChatGPT. We release all of our models and code, including CUDA kernels for
4-bit training. | null | cs.LG | [
"cs.LG"
] |
2404.13686 | HF | Hyper-SD: Trajectory Segmented Consistency Model for Efficient Image Synthesis | [
"Yuxi Ren",
"Xin Xia",
"Yanzuo Lu",
"Jiacheng Zhang",
"Jie Wu",
"Pan Xie",
"Xing Wang",
"Xuefeng Xiao"
] | 2024-04-21 | Recently, a series of diffusion-aware distillation algorithms have emerged to
alleviate the computational overhead associated with the multi-step inference
process of Diffusion Models (DMs). Current distillation techniques often
dichotomize into two distinct aspects: i) ODE Trajectory Preservation; and ii)
ODE Trajectory Reformulation. However, these approaches suffer from severe
performance degradation or domain shifts. To address these limitations, we
propose Hyper-SD, a novel framework that synergistically amalgamates the
advantages of ODE Trajectory Preservation and Reformulation, while maintaining
near-lossless performance during step compression. Firstly, we introduce
Trajectory Segmented Consistency Distillation to progressively perform
consistent distillation within pre-defined time-step segments, which
facilitates the preservation of the original ODE trajectory from a higher-order
perspective. Secondly, we incorporate human feedback learning to boost the
performance of the model in a low-step regime and mitigate the performance loss
incurred by the distillation process. Thirdly, we integrate score distillation
to further improve the low-step generation capability of the model and offer
the first attempt to leverage a unified LoRA to support the inference process
at all steps. Extensive experiments and user studies demonstrate that Hyper-SD
achieves SOTA performance from 1 to 8 inference steps for both SDXL and SD1.5.
For example, Hyper-SDXL surpasses SDXL-Lightning by +0.68 in CLIP Score and
+0.51 in Aes Score in the 1-step inference. | null | cs.CV | [
"cs.CV"
] |
2403.03954 | HF | 3D Diffusion Policy: Generalizable Visuomotor Policy Learning via Simple 3D Representations | [
"Yanjie Ze",
"Gu Zhang",
"Kangning Zhang",
"Chenyuan Hu",
"Muhan Wang",
"Huazhe Xu"
] | 2024-03-06 | Imitation learning provides an efficient way to teach robots dexterous
skills; however, learning complex skills robustly and generalizablely usually
consumes large amounts of human demonstrations. To tackle this challenging
problem, we present 3D Diffusion Policy (DP3), a novel visual imitation
learning approach that incorporates the power of 3D visual representations into
diffusion policies, a class of conditional action generative models. The core
design of DP3 is the utilization of a compact 3D visual representation,
extracted from sparse point clouds with an efficient point encoder. In our
experiments involving 72 simulation tasks, DP3 successfully handles most tasks
with just 10 demonstrations and surpasses baselines with a 24.2% relative
improvement. In 4 real robot tasks, DP3 demonstrates precise control with a
high success rate of 85%, given only 40 demonstrations of each task, and shows
excellent generalization abilities in diverse aspects, including space,
viewpoint, appearance, and instance. Interestingly, in real robot experiments,
DP3 rarely violates safety requirements, in contrast to baseline methods which
frequently do, necessitating human intervention. Our extensive evaluation
highlights the critical importance of 3D representations in real-world robot
learning. Videos, code, and data are available on
https://3d-diffusion-policy.github.io . | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2402.16671 | HF | StructLM: Towards Building Generalist Models for Structured Knowledge Grounding | [
"Alex Zhuang",
"Ge Zhang",
"Tianyu Zheng",
"Xinrun Du",
"Junjie Wang",
"Weiming Ren",
"Stephen W. Huang",
"Jie Fu",
"Xiang Yue",
"Wenhu Chen"
] | 2024-02-26 | Structured data sources, such as tables, graphs, and databases, are
ubiquitous knowledge sources. Despite the demonstrated capabilities of large
language models (LLMs) on plain text, their proficiency in interpreting and
utilizing structured data remains limited. Our investigation reveals a notable
deficiency in LLMs' ability to process structured data, e.g., ChatGPT lags
behind state-of-the-art (SoTA) model by an average of 35%. To augment the
Structured Knowledge Grounding (SKG) capabilities in LLMs, we have developed a
comprehensive instruction tuning dataset comprising 1.1 million examples.
Utilizing this dataset, we train a series of models, referred to as StructLM,
based on the Mistral and the CodeLlama model family, ranging from 7B to 34B
parameters. Our StructLM series surpasses task-specific models on 16 out of 18
evaluated datasets and establishes new SoTA performance on 8 SKG tasks.
Furthermore, StructLM demonstrates strong generalization across 6 novel
held-out SKG tasks, outperforming TableLlama by an average of 35\% and Flan-UL2
20B by an average of 10\%. Contrary to expectations, we observe that scaling
model size offers marginal benefits, with StructLM-34B showing only slight
improvements over StructLM-7B. This suggests that structured knowledge
grounding is still a challenging task and requires more innovative design to
push to a new level. | null | cs.CL | [
"cs.CL"
] |
2402.03300 | Both | DeepSeekMath: Pushing the Limits of Mathematical Reasoning in Open Language Models | [
"Zhihong Shao",
"Peiyi Wang",
"Qihao Zhu",
"Runxin Xu",
"Junxiao Song",
"Xiao Bi",
"Haowei Zhang",
"Mingchuan Zhang",
"Y. K. Li",
"Y. Wu",
"Daya Guo"
] | 2024-02-05 | Mathematical reasoning poses a significant challenge for language models due
to its complex and structured nature. In this paper, we introduce DeepSeekMath
7B, which continues pre-training DeepSeek-Coder-Base-v1.5 7B with 120B
math-related tokens sourced from Common Crawl, together with natural language
and code data. DeepSeekMath 7B has achieved an impressive score of 51.7% on the
competition-level MATH benchmark without relying on external toolkits and
voting techniques, approaching the performance level of Gemini-Ultra and GPT-4.
Self-consistency over 64 samples from DeepSeekMath 7B achieves 60.9% on MATH.
The mathematical reasoning capability of DeepSeekMath is attributed to two key
factors: First, we harness the significant potential of publicly available web
data through a meticulously engineered data selection pipeline. Second, we
introduce Group Relative Policy Optimization (GRPO), a variant of Proximal
Policy Optimization (PPO), that enhances mathematical reasoning abilities while
concurrently optimizing the memory usage of PPO. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.04235 | HF | MobileNMT: Enabling Translation in 15MB and 30ms | [
"Ye Lin",
"Xiaohui Wang",
"Zhexi Zhang",
"Mingxuan Wang",
"Tong Xiao",
"Jingbo Zhu"
] | 2023-06-07 | Deploying NMT models on mobile devices is essential for privacy, low latency,
and offline scenarios. For high model capacity, NMT models are rather large.
Running these models on devices is challenging with limited storage, memory,
computation, and power consumption. Existing work either only focuses on a
single metric such as FLOPs or general engine which is not good at
auto-regressive decoding. In this paper, we present MobileNMT, a system that
can translate in 15MB and 30ms on devices. We propose a series of principles
for model compression when combined with quantization. Further, we implement an
engine that is friendly to INT8 and decoding. With the co-design of model and
engine, compared with the existing system, we speed up 47.0x and save 99.5% of
memory with only 11.6% loss of BLEU. The code is publicly available at
https://github.com/zjersey/Lightseq-ARM. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2303.06349 | AnswerAI | Resurrecting Recurrent Neural Networks for Long Sequences | [
"Antonio Orvieto",
"Samuel L Smith",
"Albert Gu",
"Anushan Fernando",
"Caglar Gulcehre",
"Razvan Pascanu",
"Soham De"
] | 2023-03-11 | Recurrent Neural Networks (RNNs) offer fast inference on long sequences but
are hard to optimize and slow to train. Deep state-space models (SSMs) have
recently been shown to perform remarkably well on long sequence modeling tasks,
and have the added benefits of fast parallelizable training and RNN-like fast
inference. However, while SSMs are superficially similar to RNNs, there are
important differences that make it unclear where their performance boost over
RNNs comes from. In this paper, we show that careful design of deep RNNs using
standard signal propagation arguments can recover the impressive performance of
deep SSMs on long-range reasoning tasks, while also matching their training
speed. To achieve this, we analyze and ablate a series of changes to standard
RNNs including linearizing and diagonalizing the recurrence, using better
parameterizations and initializations, and ensuring proper normalization of the
forward pass. Our results provide new insights on the origins of the impressive
performance of deep SSMs, while also introducing an RNN block called the Linear
Recurrent Unit that matches both their performance on the Long Range Arena
benchmark and their computational efficiency. | null | cs.LG | [
"cs.LG"
] |
2309.03450 | HF | XGen-7B Technical Report | [
"Erik Nijkamp",
"Tian Xie",
"Hiroaki Hayashi",
"Bo Pang",
"Congying Xia",
"Chen Xing",
"Jesse Vig",
"Semih Yavuz",
"Philippe Laban",
"Ben Krause",
"Senthil Purushwalkam",
"Tong Niu",
"Wojciech Kryściński",
"Lidiya Murakhovs'ka",
"Prafulla Kumar Choubey",
"Alex Fabbri",
"Ye Liu",
"Rui Meng",
"Lifu Tu",
"Meghana Bhat",
"Chien-Sheng Wu",
"Silvio Savarese",
"Yingbo Zhou",
"Shafiq Joty",
"Caiming Xiong"
] | 2023-09-07 | Large Language Models (LLMs) have become ubiquitous across various domains,
transforming the way we interact with information and conduct research.
However, most high-performing LLMs remain confined behind proprietary walls,
hindering scientific progress. Most open-source LLMs, on the other hand, are
limited in their ability to support longer sequence lengths, which is a key
requirement for many tasks that require inference over an input context. To
address this, we have trained XGen, a series of 7B parameter models on up to 8K
sequence length for up to 1.5T tokens. We have also finetuned the XGen models
on public-domain instructional data, creating their instruction-tuned
counterparts (XGen-Inst). We open-source our models for both research
advancements and commercial applications. Our evaluation on standard benchmarks
shows that XGen models achieve comparable or better results when compared with
state-of-the-art open-source LLMs. Our targeted evaluation on long sequence
modeling tasks shows the benefits of our 8K-sequence models over 2K-sequence
open-source LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.12962 | HF | FRESCO: Spatial-Temporal Correspondence for Zero-Shot Video Translation | [
"Shuai Yang",
"Yifan Zhou",
"Ziwei Liu",
"Chen Change Loy"
] | 2024-03-19 | The remarkable efficacy of text-to-image diffusion models has motivated
extensive exploration of their potential application in video domains.
Zero-shot methods seek to extend image diffusion models to videos without
necessitating model training. Recent methods mainly focus on incorporating
inter-frame correspondence into attention mechanisms. However, the soft
constraint imposed on determining where to attend to valid features can
sometimes be insufficient, resulting in temporal inconsistency. In this paper,
we introduce FRESCO, intra-frame correspondence alongside inter-frame
correspondence to establish a more robust spatial-temporal constraint. This
enhancement ensures a more consistent transformation of semantically similar
content across frames. Beyond mere attention guidance, our approach involves an
explicit update of features to achieve high spatial-temporal consistency with
the input video, significantly improving the visual coherence of the resulting
translated videos. Extensive experiments demonstrate the effectiveness of our
proposed framework in producing high-quality, coherent videos, marking a
notable improvement over existing zero-shot methods. | null | cs.CV | [
"cs.CV"
] |
2308.03291 | HF | SynJax: Structured Probability Distributions for JAX | [
"Miloš Stanojević",
"Laurent Sartran"
] | 2023-08-07 | The development of deep learning software libraries enabled significant
progress in the field by allowing users to focus on modeling, while letting the
library to take care of the tedious and time-consuming task of optimizing
execution for modern hardware accelerators. However, this has benefited only
particular types of deep learning models, such as Transformers, whose
primitives map easily to the vectorized computation. The models that explicitly
account for structured objects, such as trees and segmentations, did not
benefit equally because they require custom algorithms that are difficult to
implement in a vectorized form.
SynJax directly addresses this problem by providing an efficient vectorized
implementation of inference algorithms for structured distributions covering
alignment, tagging, segmentation, constituency trees and spanning trees. This
is done by exploiting the connection between algorithms for automatic
differentiation and probabilistic inference. With SynJax we can build
large-scale differentiable models that explicitly model structure in the data.
The code is available at https://github.com/google-deepmind/synjax | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2312.13913 | HF | Paint3D: Paint Anything 3D with Lighting-Less Texture Diffusion Models | [
"Xianfang Zeng",
"Xin Chen",
"Zhongqi Qi",
"Wen Liu",
"Zibo Zhao",
"Zhibin Wang",
"Bin Fu",
"Yong Liu",
"Gang Yu"
] | 2023-12-21 | This paper presents Paint3D, a novel coarse-to-fine generative framework that
is capable of producing high-resolution, lighting-less, and diverse 2K UV
texture maps for untextured 3D meshes conditioned on text or image inputs. The
key challenge addressed is generating high-quality textures without embedded
illumination information, which allows the textures to be re-lighted or
re-edited within modern graphics pipelines. To achieve this, our method first
leverages a pre-trained depth-aware 2D diffusion model to generate
view-conditional images and perform multi-view texture fusion, producing an
initial coarse texture map. However, as 2D models cannot fully represent 3D
shapes and disable lighting effects, the coarse texture map exhibits incomplete
areas and illumination artifacts. To resolve this, we train separate UV
Inpainting and UVHD diffusion models specialized for the shape-aware refinement
of incomplete areas and the removal of illumination artifacts. Through this
coarse-to-fine process, Paint3D can produce high-quality 2K UV textures that
maintain semantic consistency while being lighting-less, significantly
advancing the state-of-the-art in texturing 3D objects. | null | cs.CV | [
"cs.CV"
] |
2402.05403 | HF | In-Context Principle Learning from Mistakes | [
"Tianjun Zhang",
"Aman Madaan",
"Luyu Gao",
"Steven Zheng",
"Swaroop Mishra",
"Yiming Yang",
"Niket Tandon",
"Uri Alon"
] | 2024-02-08 | In-context learning (ICL, also known as few-shot prompting) has been the
standard method of adapting LLMs to downstream tasks, by learning from a few
input-output examples. Nonetheless, all ICL-based approaches only learn from
correct input-output pairs. In this paper, we revisit this paradigm, by
learning more from the few given input-output examples. We introduce Learning
Principles (LEAP): First, we intentionally induce the model to make mistakes on
these few examples; then we reflect on these mistakes, and learn explicit
task-specific "principles" from them, which help solve similar problems and
avoid common mistakes; finally, we prompt the model to answer unseen test
questions using the original few-shot examples and these learned general
principles. We evaluate LEAP on a wide range of benchmarks, including multi-hop
question answering (Hotpot QA), textual QA (DROP), Big-Bench Hard reasoning,
and math problems (GSM8K and MATH); in all these benchmarks, LEAP improves the
strongest available LLMs such as GPT-3.5-turbo, GPT-4, GPT-4 turbo and
Claude-2.1. For example, LEAP improves over the standard few-shot prompting
using GPT-4 by 7.5% in DROP, and by 3.3% in HotpotQA. Importantly, LEAP does
not require any more input or examples than the standard few-shot prompting
settings. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2307.10802 | HF | Meta-Transformer: A Unified Framework for Multimodal Learning | [
"Yiyuan Zhang",
"Kaixiong Gong",
"Kaipeng Zhang",
"Hongsheng Li",
"Yu Qiao",
"Wanli Ouyang",
"Xiangyu Yue"
] | 2023-07-20 | Multimodal learning aims to build models that can process and relate
information from multiple modalities. Despite years of development in this
field, it still remains challenging to design a unified network for processing
various modalities ($\textit{e.g.}$ natural language, 2D images, 3D point
clouds, audio, video, time series, tabular data) due to the inherent gaps among
them. In this work, we propose a framework, named Meta-Transformer, that
leverages a $\textbf{frozen}$ encoder to perform multimodal perception without
any paired multimodal training data. In Meta-Transformer, the raw input data
from various modalities are mapped into a shared token space, allowing a
subsequent encoder with frozen parameters to extract high-level semantic
features of the input data. Composed of three main components: a unified data
tokenizer, a modality-shared encoder, and task-specific heads for downstream
tasks, Meta-Transformer is the first framework to perform unified learning
across 12 modalities with unpaired data. Experiments on different benchmarks
reveal that Meta-Transformer can handle a wide range of tasks including
fundamental perception (text, image, point cloud, audio, video), practical
application (X-Ray, infrared, hyperspectral, and IMU), and data mining (graph,
tabular, and time-series). Meta-Transformer indicates a promising future for
developing unified multimodal intelligence with transformers. Code will be
available at https://github.com/invictus717/MetaTransformer | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.MM"
] |
2403.04116 | HF | Radiative Gaussian Splatting for Efficient X-ray Novel View Synthesis | [
"Yuanhao Cai",
"Yixun Liang",
"Jiahao Wang",
"Angtian Wang",
"Yulun Zhang",
"Xiaokang Yang",
"Zongwei Zhou",
"Alan Yuille"
] | 2024-03-07 | X-ray is widely applied for transmission imaging due to its stronger
penetration than natural light. When rendering novel view X-ray projections,
existing methods mainly based on NeRF suffer from long training time and slow
inference speed. In this paper, we propose a 3D Gaussian splatting-based
framework, namely X-Gaussian, for X-ray novel view synthesis. Firstly, we
redesign a radiative Gaussian point cloud model inspired by the isotropic
nature of X-ray imaging. Our model excludes the influence of view direction
when learning to predict the radiation intensity of 3D points. Based on this
model, we develop a Differentiable Radiative Rasterization (DRR) with CUDA
implementation. Secondly, we customize an Angle-pose Cuboid Uniform
Initialization (ACUI) strategy that directly uses the parameters of the X-ray
scanner to compute the camera information and then uniformly samples point
positions within a cuboid enclosing the scanned object. Experiments show that
our X-Gaussian outperforms state-of-the-art methods by 6.5 dB while enjoying
less than 15% training time and over 73x inference speed. The application on
sparse-view CT reconstruction also reveals the practical values of our method.
Code is publicly available at https://github.com/caiyuanhao1998/X-Gaussian . A
video demo of the training process visualization is at
https://www.youtube.com/watch?v=gDVf_Ngeghg . | null | eess.IV | [
"eess.IV",
"cs.CV"
] |
2309.05858 | Both | Uncovering mesa-optimization algorithms in Transformers | [
"Johannes von Oswald",
"Eyvind Niklasson",
"Maximilian Schlegel",
"Seijin Kobayashi",
"Nicolas Zucchet",
"Nino Scherrer",
"Nolan Miller",
"Mark Sandler",
"Blaise Agüera y Arcas",
"Max Vladymyrov",
"Razvan Pascanu",
"João Sacramento"
] | 2023-09-11 | Transformers have become the dominant model in deep learning, but the reason
for their superior performance is poorly understood. Here, we hypothesize that
the strong performance of Transformers stems from an architectural bias towards
mesa-optimization, a learned process running within the forward pass of a model
consisting of the following two steps: (i) the construction of an internal
learning objective, and (ii) its corresponding solution found through
optimization. To test this hypothesis, we reverse-engineer a series of
autoregressive Transformers trained on simple sequence modeling tasks,
uncovering underlying gradient-based mesa-optimization algorithms driving the
generation of predictions. Moreover, we show that the learned forward-pass
optimization algorithm can be immediately repurposed to solve supervised
few-shot tasks, suggesting that mesa-optimization might underlie the in-context
learning capabilities of large language models. Finally, we propose a novel
self-attention layer, the mesa-layer, that explicitly and efficiently solves
optimization problems specified in context. We find that this layer can lead to
improved performance in synthetic and preliminary language modeling
experiments, adding weight to our hypothesis that mesa-optimization is an
important operation hidden within the weights of trained Transformers. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2308.02487 | HF | Convolutions Die Hard: Open-Vocabulary Segmentation with Single Frozen Convolutional CLIP | [
"Qihang Yu",
"Ju He",
"Xueqing Deng",
"Xiaohui Shen",
"Liang-Chieh Chen"
] | 2023-08-04 | Open-vocabulary segmentation is a challenging task requiring segmenting and
recognizing objects from an open set of categories. One way to address this
challenge is to leverage multi-modal models, such as CLIP, to provide image and
text features in a shared embedding space, which bridges the gap between
closed-vocabulary and open-vocabulary recognition. Hence, existing methods
often adopt a two-stage framework to tackle the problem, where the inputs first
go through a mask generator and then through the CLIP model along with the
predicted masks. This process involves extracting features from images multiple
times, which can be ineffective and inefficient. By contrast, we propose to
build everything into a single-stage framework using a shared Frozen
Convolutional CLIP backbone, which not only significantly simplifies the
current two-stage pipeline, but also remarkably yields a better accuracy-cost
trade-off. The proposed FC-CLIP, benefits from the following observations: the
frozen CLIP backbone maintains the ability of open-vocabulary classification
and can also serve as a strong mask generator, and the convolutional CLIP
generalizes well to a larger input resolution than the one used during
contrastive image-text pretraining. When training on COCO panoptic data only
and testing in a zero-shot manner, FC-CLIP achieve 26.8 PQ, 16.8 AP, and 34.1
mIoU on ADE20K, 18.2 PQ, 27.9 mIoU on Mapillary Vistas, 44.0 PQ, 26.8 AP, 56.2
mIoU on Cityscapes, outperforming the prior art by +4.2 PQ, +2.4 AP, +4.2 mIoU
on ADE20K, +4.0 PQ on Mapillary Vistas and +20.1 PQ on Cityscapes,
respectively. Additionally, the training and testing time of FC-CLIP is 7.5x
and 6.6x significantly faster than the same prior art, while using 5.9x fewer
parameters. FC-CLIP also sets a new state-of-the-art performance across various
open-vocabulary semantic segmentation datasets. Code at
https://github.com/bytedance/fc-clip | null | cs.CV | [
"cs.CV"
] |
2403.18421 | HF | BioMedLM: A 2.7B Parameter Language Model Trained On Biomedical Text | [
"Elliot Bolton",
"Abhinav Venigalla",
"Michihiro Yasunaga",
"David Hall",
"Betty Xiong",
"Tony Lee",
"Roxana Daneshjou",
"Jonathan Frankle",
"Percy Liang",
"Michael Carbin",
"Christopher D. Manning"
] | 2024-03-27 | Models such as GPT-4 and Med-PaLM 2 have demonstrated impressive performance
on a wide variety of biomedical NLP tasks. However, these models have hundreds
of billions of parameters, are computationally expensive to run, require users
to send their input data over the internet, and are trained on unknown data
sources. Can smaller, more targeted models compete? To address this question,
we build and release BioMedLM, a 2.7 billion parameter GPT-style autoregressive
model trained exclusively on PubMed abstracts and full articles. When
fine-tuned, BioMedLM can produce strong multiple-choice biomedical
question-answering results competitive with much larger models, such as
achieving a score of 57.3% on MedMCQA (dev) and 69.0% on the MMLU Medical
Genetics exam. BioMedLM can also be fine-tuned to produce useful answers to
patient questions on medical topics. This demonstrates that smaller models can
potentially serve as transparent, privacy-preserving, economical and
environmentally friendly foundations for particular NLP applications, such as
in biomedicine. The model is available on the Hugging Face Hub:
https://huggingface.co/stanford-crfm/BioMedLM. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.11147 | HF | UniControl: A Unified Diffusion Model for Controllable Visual Generation In the Wild | [
"Can Qin",
"Shu Zhang",
"Ning Yu",
"Yihao Feng",
"Xinyi Yang",
"Yingbo Zhou",
"Huan Wang",
"Juan Carlos Niebles",
"Caiming Xiong",
"Silvio Savarese",
"Stefano Ermon",
"Yun Fu",
"Ran Xu"
] | 2023-05-18 | Achieving machine autonomy and human control often represent divergent
objectives in the design of interactive AI systems. Visual generative
foundation models such as Stable Diffusion show promise in navigating these
goals, especially when prompted with arbitrary languages. However, they often
fall short in generating images with spatial, structural, or geometric
controls. The integration of such controls, which can accommodate various
visual conditions in a single unified model, remains an unaddressed challenge.
In response, we introduce UniControl, a new generative foundation model that
consolidates a wide array of controllable condition-to-image (C2I) tasks within
a singular framework, while still allowing for arbitrary language prompts.
UniControl enables pixel-level-precise image generation, where visual
conditions primarily influence the generated structures and language prompts
guide the style and context. To equip UniControl with the capacity to handle
diverse visual conditions, we augment pretrained text-to-image diffusion models
and introduce a task-aware HyperNet to modulate the diffusion models, enabling
the adaptation to different C2I tasks simultaneously. Trained on nine unique
C2I tasks, UniControl demonstrates impressive zero-shot generation abilities
with unseen visual conditions. Experimental results show that UniControl often
surpasses the performance of single-task-controlled methods of comparable model
sizes. This control versatility positions UniControl as a significant
advancement in the realm of controllable visual generation. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.01531 | HF | SANeRF-HQ: Segment Anything for NeRF in High Quality | [
"Yichen Liu",
"Benran Hu",
"Chi-Keung Tang",
"Yu-Wing Tai"
] | 2023-12-03 | Recently, the Segment Anything Model (SAM) has showcased remarkable
capabilities of zero-shot segmentation, while NeRF (Neural Radiance Fields) has
gained popularity as a method for various 3D problems beyond novel view
synthesis. Though there exist initial attempts to incorporate these two methods
into 3D segmentation, they face the challenge of accurately and consistently
segmenting objects in complex scenarios. In this paper, we introduce the
Segment Anything for NeRF in High Quality (SANeRF-HQ) to achieve high-quality
3D segmentation of any target object in a given scene. SANeRF-HQ utilizes SAM
for open-world object segmentation guided by user-supplied prompts, while
leveraging NeRF to aggregate information from different viewpoints. To overcome
the aforementioned challenges, we employ density field and RGB similarity to
enhance the accuracy of segmentation boundary during the aggregation.
Emphasizing on segmentation accuracy, we evaluate our method on multiple NeRF
datasets where high-quality ground-truths are available or manually annotated.
SANeRF-HQ shows a significant quality improvement over state-of-the-art methods
in NeRF object segmentation, provides higher flexibility for object
localization, and enables more consistent object segmentation across multiple
views. Results and code are available at the project site:
https://lyclyc52.github.io/SANeRF-HQ/. | null | cs.CV | [
"cs.CV"
] |
2407.15187 | HF | HoloDreamer: Holistic 3D Panoramic World Generation from Text Descriptions | [
"Haiyang Zhou",
"Xinhua Cheng",
"Wangbo Yu",
"Yonghong Tian",
"Li Yuan"
] | 2024-07-21 | 3D scene generation is in high demand across various domains, including
virtual reality, gaming, and the film industry. Owing to the powerful
generative capabilities of text-to-image diffusion models that provide reliable
priors, the creation of 3D scenes using only text prompts has become viable,
thereby significantly advancing researches in text-driven 3D scene generation.
In order to obtain multiple-view supervision from 2D diffusion models,
prevailing methods typically employ the diffusion model to generate an initial
local image, followed by iteratively outpainting the local image using
diffusion models to gradually generate scenes. Nevertheless, these
outpainting-based approaches prone to produce global inconsistent scene
generation results without high degree of completeness, restricting their
broader applications. To tackle these problems, we introduce HoloDreamer, a
framework that first generates high-definition panorama as a holistic
initialization of the full 3D scene, then leverage 3D Gaussian Splatting
(3D-GS) to quickly reconstruct the 3D scene, thereby facilitating the creation
of view-consistent and fully enclosed 3D scenes. Specifically, we propose
Stylized Equirectangular Panorama Generation, a pipeline that combines multiple
diffusion models to enable stylized and detailed equirectangular panorama
generation from complex text prompts. Subsequently, Enhanced Two-Stage Panorama
Reconstruction is introduced, conducting a two-stage optimization of 3D-GS to
inpaint the missing region and enhance the integrity of the scene.
Comprehensive experiments demonstrated that our method outperforms prior works
in terms of overall visual consistency and harmony as well as reconstruction
quality and rendering robustness when generating fully enclosed scenes. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2311.10678 | HF | Distilling and Retrieving Generalizable Knowledge for Robot Manipulation via Language Corrections | [
"Lihan Zha",
"Yuchen Cui",
"Li-Heng Lin",
"Minae Kwon",
"Montserrat Gonzalez Arenas",
"Andy Zeng",
"Fei Xia",
"Dorsa Sadigh"
] | 2023-11-17 | Today's robot policies exhibit subpar performance when faced with the
challenge of generalizing to novel environments. Human corrective feedback is a
crucial form of guidance to enable such generalization. However, adapting to
and learning from online human corrections is a non-trivial endeavor: not only
do robots need to remember human feedback over time to retrieve the right
information in new settings and reduce the intervention rate, but also they
would need to be able to respond to feedback that can be arbitrary corrections
about high-level human preferences to low-level adjustments to skill
parameters. In this work, we present Distillation and Retrieval of Online
Corrections (DROC), a large language model (LLM)-based system that can respond
to arbitrary forms of language feedback, distill generalizable knowledge from
corrections, and retrieve relevant past experiences based on textual and visual
similarity for improving performance in novel settings. DROC is able to respond
to a sequence of online language corrections that address failures in both
high-level task plans and low-level skill primitives. We demonstrate that DROC
effectively distills the relevant information from the sequence of online
corrections in a knowledge base and retrieves that knowledge in settings with
new task or object instances. DROC outperforms other techniques that directly
generate robot code via LLMs by using only half of the total number of
corrections needed in the first round and requires little to no corrections
after two iterations. We show further results, videos, prompts and code on
https://sites.google.com/stanford.edu/droc . | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2404.06212 | HF | OmniFusion Technical Report | [
"Elizaveta Goncharova",
"Anton Razzhigaev",
"Matvey Mikhalchuk",
"Maxim Kurkin",
"Irina Abdullaeva",
"Matvey Skripkin",
"Ivan Oseledets",
"Denis Dimitrov",
"Andrey Kuznetsov"
] | 2024-04-09 | Last year, multimodal architectures served up a revolution in AI-based
approaches and solutions, extending the capabilities of large language models
(LLM). We propose an \textit{OmniFusion} model based on a pretrained LLM and
adapters for visual modality. We evaluated and compared several architecture
design principles for better text and visual data coupling: MLP and transformer
adapters, various CLIP ViT-based encoders (SigLIP, InternVIT, etc.), and their
fusing approach, image encoding method (whole image or tiles encoding) and two
7B LLMs (the proprietary one and open-source Mistral). Experiments on 8
visual-language benchmarks show the top score for the best OmniFusion setup in
terms of different VQA tasks in comparison with open-source LLaVA-like
solutions: VizWiz, Pope, MM-Vet, ScienceQA, MMBench, TextVQA, VQAv2, MMMU. We
also propose a variety of situations, where OmniFusion provides highly-detailed
answers in different domains: housekeeping, sightseeing, culture, medicine,
handwritten and scanned equations recognition, etc. Mistral-based OmniFusion
model is an open-source solution with weights, training and inference scripts
available at https://github.com/AIRI-Institute/OmniFusion. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"6804, 68T50 (Primary)",
"I.2.7; I.2.10; I.4.9"
] |
2404.13950 | AnswerAI | SPLATE: Sparse Late Interaction Retrieval | [
"Thibault Formal",
"Stéphane Clinchant",
"Hervé Déjean",
"Carlos Lassance"
] | 2024-04-22 | The late interaction paradigm introduced with ColBERT stands out in the
neural Information Retrieval space, offering a compelling
effectiveness-efficiency trade-off across many benchmarks. Efficient late
interaction retrieval is based on an optimized multi-step strategy, where an
approximate search first identifies a set of candidate documents to re-rank
exactly. In this work, we introduce SPLATE, a simple and lightweight adaptation
of the ColBERTv2 model which learns an ``MLM adapter'', mapping its frozen
token embeddings to a sparse vocabulary space with a partially learned SPLADE
module. This allows us to perform the candidate generation step in late
interaction pipelines with traditional sparse retrieval techniques, making it
particularly appealing for running ColBERT in CPU environments. Our SPLATE
ColBERTv2 pipeline achieves the same effectiveness as the PLAID ColBERTv2
engine by re-ranking 50 documents that can be retrieved under 10ms. | null | cs.IR | [
"cs.IR"
] |
2306.11698 | HF | DecodingTrust: A Comprehensive Assessment of Trustworthiness in GPT Models | [
"Boxin Wang",
"Weixin Chen",
"Hengzhi Pei",
"Chulin Xie",
"Mintong Kang",
"Chenhui Zhang",
"Chejian Xu",
"Zidi Xiong",
"Ritik Dutta",
"Rylan Schaeffer",
"Sang T. Truong",
"Simran Arora",
"Mantas Mazeika",
"Dan Hendrycks",
"Zinan Lin",
"Yu Cheng",
"Sanmi Koyejo",
"Dawn Song",
"Bo Li"
] | 2023-06-20 | Generative Pre-trained Transformer (GPT) models have exhibited exciting
progress in their capabilities, capturing the interest of practitioners and the
public alike. Yet, while the literature on the trustworthiness of GPT models
remains limited, practitioners have proposed employing capable GPT models for
sensitive applications such as healthcare and finance -- where mistakes can be
costly. To this end, this work proposes a comprehensive trustworthiness
evaluation for large language models with a focus on GPT-4 and GPT-3.5,
considering diverse perspectives -- including toxicity, stereotype bias,
adversarial robustness, out-of-distribution robustness, robustness on
adversarial demonstrations, privacy, machine ethics, and fairness. Based on our
evaluations, we discover previously unpublished vulnerabilities to
trustworthiness threats. For instance, we find that GPT models can be easily
misled to generate toxic and biased outputs and leak private information in
both training data and conversation history. We also find that although GPT-4
is usually more trustworthy than GPT-3.5 on standard benchmarks, GPT-4 is more
vulnerable given jailbreaking system or user prompts, potentially because GPT-4
follows (misleading) instructions more precisely. Our work illustrates a
comprehensive trustworthiness evaluation of GPT models and sheds light on the
trustworthiness gaps. Our benchmark is publicly available at
https://decodingtrust.github.io/ ; our dataset can be previewed at
https://huggingface.co/datasets/AI-Secure/DecodingTrust ; a concise version of
this work is at https://openreview.net/pdf?id=kaHpo8OZw2 . | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CR"
] |
2308.16271 | HF | Emergence of Segmentation with Minimalistic White-Box Transformers | [
"Yaodong Yu",
"Tianzhe Chu",
"Shengbang Tong",
"Ziyang Wu",
"Druv Pai",
"Sam Buchanan",
"Yi Ma"
] | 2023-08-30 | Transformer-like models for vision tasks have recently proven effective for a
wide range of downstream applications such as segmentation and detection.
Previous works have shown that segmentation properties emerge in vision
transformers (ViTs) trained using self-supervised methods such as DINO, but not
in those trained on supervised classification tasks. In this study, we probe
whether segmentation emerges in transformer-based models solely as a result of
intricate self-supervised learning mechanisms, or if the same emergence can be
achieved under much broader conditions through proper design of the model
architecture. Through extensive experimental results, we demonstrate that when
employing a white-box transformer-like architecture known as CRATE, whose
design explicitly models and pursues low-dimensional structures in the data
distribution, segmentation properties, at both the whole and parts levels,
already emerge with a minimalistic supervised training recipe. Layer-wise
finer-grained analysis reveals that the emergent properties strongly
corroborate the designed mathematical functions of the white-box network. Our
results suggest a path to design white-box foundation models that are
simultaneously highly performant and mathematically fully interpretable. Code
is at \url{https://github.com/Ma-Lab-Berkeley/CRATE}. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2312.09237 | HF | Pixel Aligned Language Models | [
"Jiarui Xu",
"Xingyi Zhou",
"Shen Yan",
"Xiuye Gu",
"Anurag Arnab",
"Chen Sun",
"Xiaolong Wang",
"Cordelia Schmid"
] | 2023-12-14 | Large language models have achieved great success in recent years, so as
their variants in vision. Existing vision-language models can describe images
in natural languages, answer visual-related questions, or perform complex
reasoning about the image. However, it is yet unclear how localization tasks,
such as word grounding or referring localization, can be performed using large
language models. In this work, we aim to develop a vision-language model that
can take locations, for example, a set of points or boxes, as either inputs or
outputs. When taking locations as inputs, the model performs
location-conditioned captioning, which generates captions for the indicated
object or region. When generating locations as outputs, our model regresses
pixel coordinates for each output word generated by the language model, and
thus performs dense word grounding. Our model is pre-trained on the Localized
Narrative dataset, which contains pixel-word-aligned captioning from human
attention. We show our model can be applied to various location-aware
vision-language tasks, including referring localization, location-conditioned
captioning, and dense object captioning, archiving state-of-the-art performance
on RefCOCO and Visual Genome. Project page: https://jerryxu.net/PixelLLM . | null | cs.CV | [
"cs.CV"
] |
2306.06805 | AnswerAI | Unlocking Feature Visualization for Deeper Networks with MAgnitude Constrained Optimization | [
"Thomas Fel",
"Thibaut Boissin",
"Victor Boutin",
"Agustin Picard",
"Paul Novello",
"Julien Colin",
"Drew Linsley",
"Tom Rousseau",
"Rémi Cadène",
"Laurent Gardes",
"Thomas Serre"
] | 2023-06-11 | Feature visualization has gained substantial popularity, particularly after
the influential work by Olah et al. in 2017, which established it as a crucial
tool for explainability. However, its widespread adoption has been limited due
to a reliance on tricks to generate interpretable images, and corresponding
challenges in scaling it to deeper neural networks. Here, we describe MACO, a
simple approach to address these shortcomings. The main idea is to generate
images by optimizing the phase spectrum while keeping the magnitude constant to
ensure that generated explanations lie in the space of natural images. Our
approach yields significantly better results (both qualitatively and
quantitatively) and unlocks efficient and interpretable feature visualizations
for large state-of-the-art neural networks. We also show that our approach
exhibits an attribution mechanism allowing us to augment feature visualizations
with spatial importance. We validate our method on a novel benchmark for
comparing feature visualization methods, and release its visualizations for all
classes of the ImageNet dataset on https://serre-lab.github.io/Lens/.
Overall, our approach unlocks, for the first time, feature visualizations for
large, state-of-the-art deep neural networks without resorting to any
parametric prior image model. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2305.10722 | HF | Discffusion: Discriminative Diffusion Models as Few-shot Vision and Language Learners | [
"Xuehai He",
"Weixi Feng",
"Tsu-Jui Fu",
"Varun Jampani",
"Arjun Akula",
"Pradyumna Narayana",
"Sugato Basu",
"William Yang Wang",
"Xin Eric Wang"
] | 2023-05-18 | Diffusion models, such as Stable Diffusion, have shown incredible performance
on text-to-image generation. Since text-to-image generation often requires
models to generate visual concepts with fine-grained details and attributes
specified in text prompts, can we leverage the powerful representations learned
by pre-trained diffusion models for discriminative tasks such as image-text
matching? To answer this question, we propose a novel approach, Discriminative
Stable Diffusion (DSD), which turns pre-trained text-to-image diffusion models
into few-shot discriminative learners. Our approach mainly uses the
cross-attention score of a Stable Diffusion model to capture the mutual
influence between visual and textual information and fine-tune the model via
efficient attention-based prompt learning to perform image-text matching. By
comparing DSD with state-of-the-art methods on several benchmark datasets, we
demonstrate the potential of using pre-trained diffusion models for
discriminative tasks with superior results on few-shot image-text matching. | null | cs.CV | [
"cs.CV"
] |
2404.19427 | HF | InstantFamily: Masked Attention for Zero-shot Multi-ID Image Generation | [
"Chanran Kim",
"Jeongin Lee",
"Shichang Joung",
"Bongmo Kim",
"Yeul-Min Baek"
] | 2024-04-30 | In the field of personalized image generation, the ability to create images
preserving concepts has significantly improved. Creating an image that
naturally integrates multiple concepts in a cohesive and visually appealing
composition can indeed be challenging. This paper introduces "InstantFamily,"
an approach that employs a novel masked cross-attention mechanism and a
multimodal embedding stack to achieve zero-shot multi-ID image generation. Our
method effectively preserves ID as it utilizes global and local features from a
pre-trained face recognition model integrated with text conditions.
Additionally, our masked cross-attention mechanism enables the precise control
of multi-ID and composition in the generated images. We demonstrate the
effectiveness of InstantFamily through experiments showing its dominance in
generating images with multi-ID, while resolving well-known multi-ID generation
problems. Additionally, our model achieves state-of-the-art performance in both
single-ID and multi-ID preservation. Furthermore, our model exhibits remarkable
scalability with a greater number of ID preservation than it was originally
trained with. | null | cs.CV | [
"cs.CV"
] |
2408.01584 | HF | GPUDrive: Data-driven, multi-agent driving simulation at 1 million FPS | [
"Saman Kazemkhani",
"Aarav Pandya",
"Daphne Cornelisse",
"Brennan Shacklett",
"Eugene Vinitsky"
] | 2024-08-02 | Multi-agent learning algorithms have been successful at generating superhuman
planning in a wide variety of games but have had little impact on the design of
deployed multi-agent planners. A key bottleneck in applying these techniques to
multi-agent planning is that they require billions of steps of experience. To
enable the study of multi-agent planning at this scale, we present GPUDrive, a
GPU-accelerated, multi-agent simulator built on top of the Madrona Game Engine
that can generate over a million steps of experience per second. Observation,
reward, and dynamics functions are written directly in C++, allowing users to
define complex, heterogeneous agent behaviors that are lowered to
high-performance CUDA. We show that using GPUDrive we are able to effectively
train reinforcement learning agents over many scenes in the Waymo Motion
dataset, yielding highly effective goal-reaching agents in minutes for
individual scenes and generally capable agents in a few hours. We ship these
trained agents as part of the code base at
https://github.com/Emerge-Lab/gpudrive. | null | cs.AI | [
"cs.AI",
"cs.AR",
"cs.GR",
"cs.PF"
] |
2310.02226 | AnswerAI | Think before you speak: Training Language Models With Pause Tokens | [
"Sachin Goyal",
"Ziwei Ji",
"Ankit Singh Rawat",
"Aditya Krishna Menon",
"Sanjiv Kumar",
"Vaishnavh Nagarajan"
] | 2023-10-03 | Language models generate responses by producing a series of tokens in
immediate succession: the $(K+1)^{th}$ token is an outcome of manipulating $K$
hidden vectors per layer, one vector per preceding token. What if instead we
were to let the model manipulate say, $K+10$ hidden vectors, before it outputs
the $(K+1)^{th}$ token? We operationalize this idea by performing training and
inference on language models with a (learnable) $\textit{pause}$ token, a
sequence of which is appended to the input prefix. We then delay extracting the
model's outputs until the last pause token is seen, thereby allowing the model
to process extra computation before committing to an answer. We empirically
evaluate $\textit{pause-training}$ on decoder-only models of 1B and 130M
parameters with causal pretraining on C4, and on downstream tasks covering
reasoning, question-answering, general understanding and fact recall. Our main
finding is that inference-time delays show gains when the model is both
pre-trained and finetuned with delays. For the 1B model, we witness gains on 8
of 9 tasks, most prominently, a gain of $18\%$ EM score on the QA task of
SQuAD, $8\%$ on CommonSenseQA and $1\%$ accuracy on the reasoning task of
GSM8k. Our work raises a range of conceptual and practical future research
questions on making delayed next-token prediction a widely applicable new
paradigm. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.02147 | HF | Rejuvenating image-GPT as Strong Visual Representation Learners | [
"Sucheng Ren",
"Zeyu Wang",
"Hongru Zhu",
"Junfei Xiao",
"Alan Yuille",
"Cihang Xie"
] | 2023-12-04 | This paper enhances image-GPT (iGPT), one of the pioneering works that
introduce autoregressive pretraining to predict the next pixels for visual
representation learning. Two simple yet essential changes are made. First, we
shift the prediction target from raw pixels to semantic tokens, enabling a
higher-level understanding of visual content. Second, we supplement the
autoregressive modeling by instructing the model to predict not only the next
tokens but also the visible tokens. This pipeline is particularly effective
when semantic tokens are encoded by discriminatively trained models, such as
CLIP. We introduce this novel approach as D-iGPT. Extensive experiments
showcase that D-iGPT excels as a strong learner of visual representations: A
notable achievement is its compelling performance on the ImageNet-1K dataset --
by training on publicly available datasets, D-iGPT unprecedentedly achieves
\textbf{90.0\%} top-1 accuracy with a vanilla ViT-H. Additionally, D-iGPT shows
strong generalization on the downstream task. Code is available at
https://github.com/OliverRensu/D-iGPT. | null | cs.CV | [
"cs.CV"
] |
2307.09702 | AnswerAI | Efficient Guided Generation for Large Language Models | [
"Brandon T. Willard",
"Rémi Louf"
] | 2023-07-19 | In this article we show how the problem of neural text generation can be
constructively reformulated in terms of transitions between the states of a
finite-state machine. This framework leads to an efficient approach to guiding
text generation with regular expressions and context-free grammars by allowing
the construction of an index over a language model's vocabulary. The approach
is model agnostic, allows one to enforce domain-specific knowledge and
constraints, and enables the construction of reliable interfaces by
guaranteeing the structure of the generated text. It adds little overhead to
the token sequence generation process and significantly outperforms existing
solutions. An implementation is provided in the open source Python library
Outlines | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.07788 | HF | BiGym: A Demo-Driven Mobile Bi-Manual Manipulation Benchmark | [
"Nikita Chernyadev",
"Nicholas Backshall",
"Xiao Ma",
"Yunfan Lu",
"Younggyo Seo",
"Stephen James"
] | 2024-07-10 | We introduce BiGym, a new benchmark and learning environment for mobile
bi-manual demo-driven robotic manipulation. BiGym features 40 diverse tasks set
in home environments, ranging from simple target reaching to complex kitchen
cleaning. To capture the real-world performance accurately, we provide
human-collected demonstrations for each task, reflecting the diverse modalities
found in real-world robot trajectories. BiGym supports a variety of
observations, including proprioceptive data and visual inputs such as RGB, and
depth from 3 camera views. To validate the usability of BiGym, we thoroughly
benchmark the state-of-the-art imitation learning algorithms and demo-driven
reinforcement learning algorithms within the environment and discuss the future
opportunities. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV",
"cs.LG"
] |
2406.11817 | HF | Iterative Length-Regularized Direct Preference Optimization: A Case Study on Improving 7B Language Models to GPT-4 Level | [
"Jie Liu",
"Zhanhui Zhou",
"Jiaheng Liu",
"Xingyuan Bu",
"Chao Yang",
"Han-Sen Zhong",
"Wanli Ouyang"
] | 2024-06-17 | Direct Preference Optimization (DPO), a standard method for aligning language
models with human preferences, is traditionally applied to offline preferences.
Recent studies show that DPO benefits from iterative training with online
preferences labeled by a trained reward model. In this work, we identify a
pitfall of vanilla iterative DPO - improved response quality can lead to
increased verbosity. To address this, we introduce iterative length-regularized
DPO (iLR-DPO) to penalize response length. Our empirical results show that
iLR-DPO can enhance a 7B model to perform on par with GPT-4 without increasing
verbosity. Specifically, our 7B model achieves a $50.5\%$ length-controlled win
rate against $\texttt{GPT-4 Preview}$ on AlpacaEval 2.0, and excels across
standard benchmarks including MT-Bench, Arena-Hard and OpenLLM Leaderboard.
These results demonstrate the effectiveness of iterative DPO in aligning
language models with human feedback. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.02179 | HF | Open-Source LLMs for Text Annotation: A Practical Guide for Model Setting and Fine-Tuning | [
"Meysam Alizadeh",
"Maël Kubli",
"Zeynab Samei",
"Shirin Dehghani",
"Mohammadmasiha Zahedivafa",
"Juan Diego Bermeo",
"Maria Korobeynikova",
"Fabrizio Gilardi"
] | 2023-07-05 | This paper studies the performance of open-source Large Language Models
(LLMs) in text classification tasks typical for political science research. By
examining tasks like stance, topic, and relevance classification, we aim to
guide scholars in making informed decisions about their use of LLMs for text
analysis. Specifically, we conduct an assessment of both zero-shot and
fine-tuned LLMs across a range of text annotation tasks using news articles and
tweets datasets. Our analysis shows that fine-tuning improves the performance
of open-source LLMs, allowing them to match or even surpass zero-shot GPT-3.5
and GPT-4, though still lagging behind fine-tuned GPT-3.5. We further establish
that fine-tuning is preferable to few-shot training with a relatively modest
quantity of annotated text. Our findings show that fine-tuned open-source LLMs
can be effectively deployed in a broad spectrum of text annotation
applications. We provide a Python notebook facilitating the application of LLMs
in text annotation for other researchers. | null | cs.CL | [
"cs.CL"
] |
2401.12178 | AnswerAI | In-Context Learning for Extreme Multi-Label Classification | [
"Karel D'Oosterlinck",
"Omar Khattab",
"François Remy",
"Thomas Demeester",
"Chris Develder",
"Christopher Potts"
] | 2024-01-22 | Multi-label classification problems with thousands of classes are hard to
solve with in-context learning alone, as language models (LMs) might lack prior
knowledge about the precise classes or how to assign them, and it is generally
infeasible to demonstrate every class in a prompt. We propose a general
program, $\texttt{Infer--Retrieve--Rank}$, that defines multi-step interactions
between LMs and retrievers to efficiently tackle such problems. We implement
this program using the $\texttt{DSPy}$ programming model, which specifies
in-context systems in a declarative manner, and use $\texttt{DSPy}$ optimizers
to tune it towards specific datasets by bootstrapping only tens of few-shot
examples. Our primary extreme classification program, optimized separately for
each task, attains state-of-the-art results across three benchmarks (HOUSE,
TECH, TECHWOLF). We apply the same program to a benchmark with vastly different
characteristics and attain competitive performance as well (BioDEX). Unlike
prior work, our proposed solution requires no finetuning, is easily applicable
to new tasks, alleviates prompt engineering, and requires only tens of labeled
examples. Our code is public at https://github.com/KarelDO/xmc.dspy. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.15234 | AnswerAI | Towards Efficient Generative Large Language Model Serving: A Survey from Algorithms to Systems | [
"Xupeng Miao",
"Gabriele Oliaro",
"Zhihao Zhang",
"Xinhao Cheng",
"Hongyi Jin",
"Tianqi Chen",
"Zhihao Jia"
] | 2023-12-23 | In the rapidly evolving landscape of artificial intelligence (AI), generative
large language models (LLMs) stand at the forefront, revolutionizing how we
interact with our data. However, the computational intensity and memory
consumption of deploying these models present substantial challenges in terms
of serving efficiency, particularly in scenarios demanding low latency and high
throughput. This survey addresses the imperative need for efficient LLM serving
methodologies from a machine learning system (MLSys) research perspective,
standing at the crux of advanced AI innovations and practical system
optimizations. We provide in-depth analysis, covering a spectrum of solutions,
ranging from cutting-edge algorithmic modifications to groundbreaking changes
in system designs. The survey aims to provide a comprehensive understanding of
the current state and future directions in efficient LLM serving, offering
valuable insights for researchers and practitioners in overcoming the barriers
of effective LLM deployment, thereby reshaping the future of AI. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.DC",
"cs.PF"
] |
2401.09135 | HF | Asynchronous Local-SGD Training for Language Modeling | [
"Bo Liu",
"Rachita Chhaparia",
"Arthur Douillard",
"Satyen Kale",
"Andrei A. Rusu",
"Jiajun Shen",
"Arthur Szlam",
"Marc'Aurelio Ranzato"
] | 2024-01-17 | Local stochastic gradient descent (Local-SGD), also referred to as federated
averaging, is an approach to distributed optimization where each device
performs more than one SGD update per communication. This work presents an
empirical study of {\it asynchronous} Local-SGD for training language models;
that is, each worker updates the global parameters as soon as it has finished
its SGD steps. We conduct a comprehensive investigation by examining how worker
hardware heterogeneity, model size, number of workers, and optimizer could
impact the learning performance. We find that with naive implementations,
asynchronous Local-SGD takes more iterations to converge than its synchronous
counterpart despite updating the (global) model parameters more frequently. We
identify momentum acceleration on the global parameters when worker gradients
are stale as a key challenge. We propose a novel method that utilizes a delayed
Nesterov momentum update and adjusts the workers' local training steps based on
their computation speed. This approach, evaluated with models up to 150M
parameters on the C4 dataset, matches the performance of synchronous Local-SGD
in terms of perplexity per update step, and significantly surpasses it in terms
of wall clock time. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2402.10294 | HF | LAVE: LLM-Powered Agent Assistance and Language Augmentation for Video Editing | [
"Bryan Wang",
"Yuliang Li",
"Zhaoyang Lv",
"Haijun Xia",
"Yan Xu",
"Raj Sodhi"
] | 2024-02-15 | Video creation has become increasingly popular, yet the expertise and effort
required for editing often pose barriers to beginners. In this paper, we
explore the integration of large language models (LLMs) into the video editing
workflow to reduce these barriers. Our design vision is embodied in LAVE, a
novel system that provides LLM-powered agent assistance and language-augmented
editing features. LAVE automatically generates language descriptions for the
user's footage, serving as the foundation for enabling the LLM to process
videos and assist in editing tasks. When the user provides editing objectives,
the agent plans and executes relevant actions to fulfill them. Moreover, LAVE
allows users to edit videos through either the agent or direct UI manipulation,
providing flexibility and enabling manual refinement of agent actions. Our user
study, which included eight participants ranging from novices to proficient
editors, demonstrated LAVE's effectiveness. The results also shed light on user
perceptions of the proposed LLM-assisted editing paradigm and its impact on
users' creativity and sense of co-creation. Based on these findings, we propose
design implications to inform the future development of agent-assisted content
editing. | null | cs.HC | [
"cs.HC",
"cs.AI",
"cs.CL",
"cs.MM"
] |
2309.10150 | HF | Q-Transformer: Scalable Offline Reinforcement Learning via Autoregressive Q-Functions | [
"Yevgen Chebotar",
"Quan Vuong",
"Alex Irpan",
"Karol Hausman",
"Fei Xia",
"Yao Lu",
"Aviral Kumar",
"Tianhe Yu",
"Alexander Herzog",
"Karl Pertsch",
"Keerthana Gopalakrishnan",
"Julian Ibarz",
"Ofir Nachum",
"Sumedh Sontakke",
"Grecia Salazar",
"Huong T Tran",
"Jodilyn Peralta",
"Clayton Tan",
"Deeksha Manjunath",
"Jaspiar Singht",
"Brianna Zitkovich",
"Tomas Jackson",
"Kanishka Rao",
"Chelsea Finn",
"Sergey Levine"
] | 2023-09-18 | In this work, we present a scalable reinforcement learning method for
training multi-task policies from large offline datasets that can leverage both
human demonstrations and autonomously collected data. Our method uses a
Transformer to provide a scalable representation for Q-functions trained via
offline temporal difference backups. We therefore refer to the method as
Q-Transformer. By discretizing each action dimension and representing the
Q-value of each action dimension as separate tokens, we can apply effective
high-capacity sequence modeling techniques for Q-learning. We present several
design decisions that enable good performance with offline RL training, and
show that Q-Transformer outperforms prior offline RL algorithms and imitation
learning techniques on a large diverse real-world robotic manipulation task
suite. The project's website and videos can be found at
https://qtransformer.github.io | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2305.18373 | HF | KAFA: Rethinking Image Ad Understanding with Knowledge-Augmented Feature Adaptation of Vision-Language Models | [
"Zhiwei Jia",
"Pradyumna Narayana",
"Arjun R. Akula",
"Garima Pruthi",
"Hao Su",
"Sugato Basu",
"Varun Jampani"
] | 2023-05-28 | Image ad understanding is a crucial task with wide real-world applications.
Although highly challenging with the involvement of diverse atypical scenes,
real-world entities, and reasoning over scene-texts, how to interpret image ads
is relatively under-explored, especially in the era of foundational
vision-language models (VLMs) featuring impressive generalizability and
adaptability. In this paper, we perform the first empirical study of image ad
understanding through the lens of pre-trained VLMs. We benchmark and reveal
practical challenges in adapting these VLMs to image ad understanding. We
propose a simple feature adaptation strategy to effectively fuse multimodal
information for image ads and further empower it with knowledge of real-world
entities. We hope our study draws more attention to image ad understanding
which is broadly relevant to the advertising industry. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2407.12982 | HF | Retrieval-Enhanced Machine Learning: Synthesis and Opportunities | [
"To Eun Kim",
"Alireza Salemi",
"Andrew Drozdov",
"Fernando Diaz",
"Hamed Zamani"
] | 2024-07-17 | In the field of language modeling, models augmented with retrieval components
have emerged as a promising solution to address several challenges faced in the
natural language processing (NLP) field, including knowledge grounding,
interpretability, and scalability. Despite the primary focus on NLP, we posit
that the paradigm of retrieval-enhancement can be extended to a broader
spectrum of machine learning (ML) such as computer vision, time series
prediction, and computational biology. Therefore, this work introduces a formal
framework of this paradigm, Retrieval-Enhanced Machine Learning (REML), by
synthesizing the literature in various domains in ML with consistent notations
which is missing from the current literature. Also, we found that while a
number of studies employ retrieval components to augment their models, there is
a lack of integration with foundational Information Retrieval (IR) research. We
bridge this gap between the seminal IR research and contemporary REML studies
by investigating each component that comprises the REML framework. Ultimately,
the goal of this work is to equip researchers across various disciplines with a
comprehensive, formally structured framework of retrieval-enhanced models,
thereby fostering interdisciplinary future research. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.IR"
] |
2408.12503 | HF | The Russian-focused embedders' exploration: ruMTEB benchmark and Russian embedding model design | [
"Artem Snegirev",
"Maria Tikhonova",
"Anna Maksimova",
"Alena Fenogenova",
"Alexander Abramov"
] | 2024-08-22 | Embedding models play a crucial role in Natural Language Processing (NLP) by
creating text embeddings used in various tasks such as information retrieval
and assessing semantic text similarity. This paper focuses on research related
to embedding models in the Russian language. It introduces a new
Russian-focused embedding model called ru-en-RoSBERTa and the ruMTEB benchmark,
the Russian version extending the Massive Text Embedding Benchmark (MTEB). Our
benchmark includes seven categories of tasks, such as semantic textual
similarity, text classification, reranking, and retrieval. The research also
assesses a representative set of Russian and multilingual models on the
proposed benchmark. The findings indicate that the new model achieves results
that are on par with state-of-the-art models in Russian. We release the model
ru-en-RoSBERTa, and the ruMTEB framework comes with open-source code,
integration into the original framework and a public leaderboard. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2409.08278 | HF | DreamHOI: Subject-Driven Generation of 3D Human-Object Interactions with Diffusion Priors | [
"Thomas Hanwen Zhu",
"Ruining Li",
"Tomas Jakab"
] | 2024-09-12 | We present DreamHOI, a novel method for zero-shot synthesis of human-object
interactions (HOIs), enabling a 3D human model to realistically interact with
any given object based on a textual description. This task is complicated by
the varying categories and geometries of real-world objects and the scarcity of
datasets encompassing diverse HOIs. To circumvent the need for extensive data,
we leverage text-to-image diffusion models trained on billions of image-caption
pairs. We optimize the articulation of a skinned human mesh using Score
Distillation Sampling (SDS) gradients obtained from these models, which predict
image-space edits. However, directly backpropagating image-space gradients into
complex articulation parameters is ineffective due to the local nature of such
gradients. To overcome this, we introduce a dual implicit-explicit
representation of a skinned mesh, combining (implicit) neural radiance fields
(NeRFs) with (explicit) skeleton-driven mesh articulation. During optimization,
we transition between implicit and explicit forms, grounding the NeRF
generation while refining the mesh articulation. We validate our approach
through extensive experiments, demonstrating its effectiveness in generating
realistic HOIs. | null | cs.CV | [
"cs.CV"
] |
2408.10998 | HF | Audio Match Cutting: Finding and Creating Matching Audio Transitions in Movies and Videos | [
"Dennis Fedorishin",
"Lie Lu",
"Srirangaraj Setlur",
"Venu Govindaraju"
] | 2024-08-20 | A "match cut" is a common video editing technique where a pair of shots that
have a similar composition transition fluidly from one to another. Although
match cuts are often visual, certain match cuts involve the fluid transition of
audio, where sounds from different sources merge into one indistinguishable
transition between two shots. In this paper, we explore the ability to
automatically find and create "audio match cuts" within videos and movies. We
create a self-supervised audio representation for audio match cutting and
develop a coarse-to-fine audio match pipeline that recommends matching shots
and creates the blended audio. We further annotate a dataset for the proposed
audio match cut task and compare the ability of multiple audio representations
to find audio match cut candidates. Finally, we evaluate multiple methods to
blend two matching audio candidates with the goal of creating a smooth
transition. Project page and examples are available at:
https://denfed.github.io/audiomatchcut/ | 10.1109/ICASSP48485.2024.10447306 | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS"
] |
2401.04658 | Both | Lightning Attention-2: A Free Lunch for Handling Unlimited Sequence Lengths in Large Language Models | [
"Zhen Qin",
"Weigao Sun",
"Dong Li",
"Xuyang Shen",
"Weixuan Sun",
"Yiran Zhong"
] | 2024-01-09 | Linear attention is an efficient attention mechanism that has recently
emerged as a promising alternative to conventional softmax attention. With its
ability to process tokens in linear computational complexities, linear
attention, in theory, can handle sequences of unlimited length without
sacrificing speed, i.e., maintaining a constant training speed for various
sequence lengths with a fixed memory consumption. However, due to the issue
with cumulative summation (cumsum), current linear attention algorithms cannot
demonstrate their theoretical advantage in a causal setting. In this paper, we
present Lightning Attention-2, the first linear attention implementation that
enables linear attention to realize its theoretical computational benefits. To
achieve this, we leverage the thought of tiling, separately handling the
intra-block and inter-block components in linear attention calculation.
Specifically, we utilize the conventional attention computation mechanism for
the intra-blocks and apply linear attention kernel tricks for the inter-blocks.
A tiling technique is adopted through both forward and backward procedures to
take full advantage of the GPU hardware. We implement our algorithm in Triton
to make it IO-aware and hardware-friendly. Various experiments are conducted on
different model sizes and sequence lengths. Lightning Attention-2 retains
consistent training and inference speed regardless of input sequence length and
is significantly faster than other attention mechanisms. The source code is
available at https://github.com/OpenNLPLab/lightning-attention. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2308.01907 | HF | The All-Seeing Project: Towards Panoptic Visual Recognition and Understanding of the Open World | [
"Weiyun Wang",
"Min Shi",
"Qingyun Li",
"Wenhai Wang",
"Zhenhang Huang",
"Linjie Xing",
"Zhe Chen",
"Hao Li",
"Xizhou Zhu",
"Zhiguo Cao",
"Yushi Chen",
"Tong Lu",
"Jifeng Dai",
"Yu Qiao"
] | 2023-08-03 | We present the All-Seeing (AS) project: a large-scale data and model for
recognizing and understanding everything in the open world. Using a scalable
data engine that incorporates human feedback and efficient models in the loop,
we create a new dataset (AS-1B) with over 1 billion regions annotated with
semantic tags, question-answering pairs, and detailed captions. It covers a
wide range of 3.5 million common and rare concepts in the real world, and has
132.2 billion tokens that describe the concepts and their attributes.
Leveraging this new dataset, we develop the All-Seeing model (ASM), a unified
framework for panoptic visual recognition and understanding. The model is
trained with open-ended language prompts and locations, which allows it to
generalize to various vision and language tasks with remarkable zero-shot
performance, including region-text retrieval, region recognition, captioning,
and question-answering. We hope that this project can serve as a foundation for
vision-language artificial general intelligence research. Models and the
dataset shall be released at https://github.com/OpenGVLab/All-Seeing, and demo
can be seen at https://huggingface.co/spaces/OpenGVLab/all-seeing. | null | cs.CV | [
"cs.CV"
] |
2409.01071 | HF | VideoLLaMB: Long-context Video Understanding with Recurrent Memory Bridges | [
"Yuxuan Wang",
"Cihang Xie",
"Yang Liu",
"Zilong Zheng"
] | 2024-09-02 | Recent advancements in large-scale video-language models have shown
significant potential for real-time planning and detailed interactions.
However, their high computational demands and the scarcity of annotated
datasets limit their practicality for academic researchers. In this work, we
introduce VideoLLaMB, a novel framework that utilizes temporal memory tokens
within bridge layers to allow for the encoding of entire video sequences
alongside historical visual data, effectively preserving semantic continuity
and enhancing model performance across various tasks. This approach includes
recurrent memory tokens and a SceneTilling algorithm, which segments videos
into independent semantic units to preserve semantic integrity. Empirically,
VideoLLaMB significantly outstrips existing video-language models,
demonstrating a 5.5 points improvement over its competitors across three
VideoQA benchmarks, and 2.06 points on egocentric planning. Comprehensive
results on the MVBench show that VideoLLaMB-7B achieves markedly better results
than previous 7B models of same LLM. Remarkably, it maintains robust
performance as PLLaVA even as video length increases up to 8 times. Besides,
the frame retrieval results on our specialized Needle in a Video Haystack
(NIAVH) benchmark, further validate VideoLLaMB's prowess in accurately
identifying specific frames within lengthy videos. Our SceneTilling algorithm
also enables the generation of streaming video captions directly, without
necessitating additional training. In terms of efficiency, VideoLLaMB, trained
on 16 frames, supports up to 320 frames on a single Nvidia A100 GPU with linear
GPU memory scaling, ensuring both high performance and cost-effectiveness,
thereby setting a new foundation for long-form video-language models in both
academic and practical applications. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2305.13301 | HF | Training Diffusion Models with Reinforcement Learning | [
"Kevin Black",
"Michael Janner",
"Yilun Du",
"Ilya Kostrikov",
"Sergey Levine"
] | 2023-05-22 | Diffusion models are a class of flexible generative models trained with an
approximation to the log-likelihood objective. However, most use cases of
diffusion models are not concerned with likelihoods, but instead with
downstream objectives such as human-perceived image quality or drug
effectiveness. In this paper, we investigate reinforcement learning methods for
directly optimizing diffusion models for such objectives. We describe how
posing denoising as a multi-step decision-making problem enables a class of
policy gradient algorithms, which we refer to as denoising diffusion policy
optimization (DDPO), that are more effective than alternative reward-weighted
likelihood approaches. Empirically, DDPO is able to adapt text-to-image
diffusion models to objectives that are difficult to express via prompting,
such as image compressibility, and those derived from human feedback, such as
aesthetic quality. Finally, we show that DDPO can improve prompt-image
alignment using feedback from a vision-language model without the need for
additional data collection or human annotation. The project's website can be
found at http://rl-diffusion.github.io . | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2306.01708 | AnswerAI | TIES-Merging: Resolving Interference When Merging Models | [
"Prateek Yadav",
"Derek Tam",
"Leshem Choshen",
"Colin Raffel",
"Mohit Bansal"
] | 2023-06-02 | Transfer learning - i.e., further fine-tuning a pre-trained model on a
downstream task - can confer significant advantages, including improved
downstream performance, faster convergence, and better sample efficiency. These
advantages have led to a proliferation of task-specific fine-tuned models,
which typically can only perform a single task and do not benefit from one
another. Recently, model merging techniques have emerged as a solution to
combine multiple task-specific models into a single multitask model without
performing additional training. However, existing merging methods often ignore
the interference between parameters of different models, resulting in large
performance drops when merging multiple models. In this paper, we demonstrate
that prior merging techniques inadvertently lose valuable information due to
two major sources of interference: (a) interference due to redundant parameter
values and (b) disagreement on the sign of a given parameter's values across
models. To address this, we propose our method, TRIM, ELECT SIGN & MERGE
(TIES-Merging), which introduces three novel steps when merging models: (1)
resetting parameters that only changed a small amount during fine-tuning, (2)
resolving sign conflicts, and (3) merging only the parameters that are in
alignment with the final agreed-upon sign. We find that TIES-Merging
outperforms several existing methods in diverse settings covering a range of
modalities, domains, number of tasks, model sizes, architectures, and
fine-tuning settings. We further analyze the impact of different types of
interference on model parameters, and highlight the importance of resolving
sign interference. Our code is available at
https://github.com/prateeky2806/ties-merging | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2306.07473 | HF | 3D molecule generation by denoising voxel grids | [
"Pedro O. Pinheiro",
"Joshua Rackers",
"Joseph Kleinhenz",
"Michael Maser",
"Omar Mahmood",
"Andrew Martin Watkins",
"Stephen Ra",
"Vishnu Sresht",
"Saeed Saremi"
] | 2023-06-13 | We propose a new score-based approach to generate 3D molecules represented as
atomic densities on regular grids. First, we train a denoising neural network
that learns to map from a smooth distribution of noisy molecules to the
distribution of real molecules. Then, we follow the neural empirical Bayes
framework (Saremi and Hyvarinen, 19) and generate molecules in two steps: (i)
sample noisy density grids from a smooth distribution via underdamped Langevin
Markov chain Monte Carlo, and (ii) recover the "clean" molecule by denoising
the noisy grid with a single step. Our method, VoxMol, generates molecules in a
fundamentally different way than the current state of the art (ie, diffusion
models applied to atom point clouds). It differs in terms of the data
representation, the noise model, the network architecture and the generative
modeling algorithm. Our experiments show that VoxMol captures the distribution
of drug-like molecules better than state of the art, while being faster to
generate samples. | null | cs.LG | [
"cs.LG",
"q-bio.QM"
] |
2402.07876 | HF | Policy Improvement using Language Feedback Models | [
"Victor Zhong",
"Dipendra Misra",
"Xingdi Yuan",
"Marc-Alexandre Côté"
] | 2024-02-12 | We introduce Language Feedback Models (LFMs) that identify desirable
behaviour - actions that help achieve tasks specified in the instruction - for
imitation learning in instruction following. To train LFMs, we obtain feedback
from Large Language Models (LLMs) on visual trajectories verbalized to language
descriptions. First, by using LFMs to identify desirable behaviour to imitate,
we improve in task-completion rate over strong behavioural cloning baselines on
three distinct language grounding environments (Touchdown, ScienceWorld, and
ALFWorld). Second, LFMs outperform using LLMs as experts to directly predict
actions, when controlling for the number of LLM output tokens. Third, LFMs
generalize to unseen environments, improving task-completion rate by 3.5-12.0%
through one round of adaptation. Finally, LFM can be modified to provide
human-interpretable feedback without performance loss, allowing human
verification of desirable behaviour for imitation learning. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2309.00986 | HF | ModelScope-Agent: Building Your Customizable Agent System with Open-source Large Language Models | [
"Chenliang Li",
"Hehong Chen",
"Ming Yan",
"Weizhou Shen",
"Haiyang Xu",
"Zhikai Wu",
"Zhicheng Zhang",
"Wenmeng Zhou",
"Yingda Chen",
"Chen Cheng",
"Hongzhu Shi",
"Ji Zhang",
"Fei Huang",
"Jingren Zhou"
] | 2023-09-02 | Large language models (LLMs) have recently demonstrated remarkable
capabilities to comprehend human intentions, engage in reasoning, and design
planning-like behavior. To further unleash the power of LLMs to accomplish
complex tasks, there is a growing trend to build agent framework that equips
LLMs, such as ChatGPT, with tool-use abilities to connect with massive external
APIs. In this work, we introduce ModelScope-Agent, a general and customizable
agent framework for real-world applications, based on open-source LLMs as
controllers. It provides a user-friendly system library, with customizable
engine design to support model training on multiple open-source LLMs, while
also enabling seamless integration with both model APIs and common APIs in a
unified way. To equip the LLMs with tool-use abilities, a comprehensive
framework has been proposed spanning over tool-use data collection, tool
retrieval, tool registration, memory control, customized model training, and
evaluation for practical real-world applications. Finally, we showcase
ModelScopeGPT, a real-world intelligent assistant of ModelScope Community based
on the ModelScope-Agent framework, which is able to connect open-source LLMs
with more than 1000 public AI models and localized community knowledge in
ModelScope. The ModelScope-Agent
library\footnote{https://github.com/modelscope/modelscope-agent} and online
demo\footnote{https://modelscope.cn/studios/damo/ModelScopeGPT/summary} are now
publicly available. | null | cs.CL | [
"cs.CL"
] |
2211.10831 | AnswerAI | Joint Embedding Predictive Architectures Focus on Slow Features | [
"Vlad Sobal",
"Jyothir S V",
"Siddhartha Jalagam",
"Nicolas Carion",
"Kyunghyun Cho",
"Yann LeCun"
] | 2022-11-20 | Many common methods for learning a world model for pixel-based environments
use generative architectures trained with pixel-level reconstruction
objectives. Recently proposed Joint Embedding Predictive Architectures (JEPA)
offer a reconstruction-free alternative. In this work, we analyze performance
of JEPA trained with VICReg and SimCLR objectives in the fully offline setting
without access to rewards, and compare the results to the performance of the
generative architecture. We test the methods in a simple environment with a
moving dot with various background distractors, and probe learned
representations for the dot's location. We find that JEPA methods perform on
par or better than reconstruction when distractor noise changes every time
step, but fail when the noise is fixed. Furthermore, we provide a theoretical
explanation for the poor performance of JEPA-based methods with fixed noise,
highlighting an important limitation. | null | cs.LG | [
"cs.LG"
] |
2404.11565 | HF | MoA: Mixture-of-Attention for Subject-Context Disentanglement in Personalized Image Generation | [
"Kuan-Chieh Wang",
"Daniil Ostashev",
"Yuwei Fang",
"Sergey Tulyakov",
"Kfir Aberman"
] | 2024-04-17 | We introduce a new architecture for personalization of text-to-image
diffusion models, coined Mixture-of-Attention (MoA). Inspired by the
Mixture-of-Experts mechanism utilized in large language models (LLMs), MoA
distributes the generation workload between two attention pathways: a
personalized branch and a non-personalized prior branch. MoA is designed to
retain the original model's prior by fixing its attention layers in the prior
branch, while minimally intervening in the generation process with the
personalized branch that learns to embed subjects in the layout and context
generated by the prior branch. A novel routing mechanism manages the
distribution of pixels in each layer across these branches to optimize the
blend of personalized and generic content creation. Once trained, MoA
facilitates the creation of high-quality, personalized images featuring
multiple subjects with compositions and interactions as diverse as those
generated by the original model. Crucially, MoA enhances the distinction
between the model's pre-existing capability and the newly augmented
personalized intervention, thereby offering a more disentangled subject-context
control that was previously unattainable. Project page:
https://snap-research.github.io/mixture-of-attention | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2311.00871 | AnswerAI | Pretraining Data Mixtures Enable Narrow Model Selection Capabilities in Transformer Models | [
"Steve Yadlowsky",
"Lyric Doshi",
"Nilesh Tripuraneni"
] | 2023-11-01 | Transformer models, notably large language models (LLMs), have the remarkable
ability to perform in-context learning (ICL) -- to perform new tasks when
prompted with unseen input-output examples without any explicit model training.
In this work, we study how effectively transformers can bridge between their
pretraining data mixture, comprised of multiple distinct task families, to
identify and learn new tasks in-context which are both inside and outside the
pretraining distribution. Building on previous work, we investigate this
question in a controlled setting, where we study transformer models trained on
sequences of $(x, f(x))$ pairs rather than natural language. Our empirical
results show transformers demonstrate near-optimal unsupervised model selection
capabilities, in their ability to first in-context identify different task
families and in-context learn within them when the task families are
well-represented in their pretraining data. However when presented with tasks
or functions which are out-of-domain of their pretraining data, we demonstrate
various failure modes of transformers and degradation of their generalization
for even simple extrapolation tasks. Together our results highlight that the
impressive ICL abilities of high-capacity sequence models may be more closely
tied to the coverage of their pretraining data mixtures than inductive biases
that create fundamental generalization capabilities. | null | cs.LG | [
"cs.LG",
"cs.CL",
"stat.ML"
] |
2402.04252 | HF | EVA-CLIP-18B: Scaling CLIP to 18 Billion Parameters | [
"Quan Sun",
"Jinsheng Wang",
"Qiying Yu",
"Yufeng Cui",
"Fan Zhang",
"Xiaosong Zhang",
"Xinlong Wang"
] | 2024-02-06 | Scaling up contrastive language-image pretraining (CLIP) is critical for
empowering both vision and multimodal models. We present EVA-CLIP-18B, the
largest and most powerful open-source CLIP model to date, with 18-billion
parameters. With only 6-billion training samples seen, EVA-CLIP-18B achieves an
exceptional 80.7% zero-shot top-1 accuracy averaged across 27 widely recognized
image classification benchmarks, outperforming its forerunner EVA-CLIP
(5-billion parameters) and other open-source CLIP models by a large margin.
Remarkably, we observe a consistent performance improvement with the model size
scaling of EVA-CLIP, despite maintaining a constant training dataset of
2-billion image-text pairs from LAION-2B and COYO-700M. This dataset is openly
available and much smaller than the in-house datasets (e.g., DFN-5B, WebLI-10B)
employed in other state-of-the-art CLIP models. EVA-CLIP-18B demonstrates the
potential of EVA-style weak-to-strong visual model scaling. With our model
weights made publicly available, we hope to facilitate future research in
vision and multimodal foundation models. | null | cs.CV | [
"cs.CV"
] |
2312.17172 | HF | Unified-IO 2: Scaling Autoregressive Multimodal Models with Vision, Language, Audio, and Action | [
"Jiasen Lu",
"Christopher Clark",
"Sangho Lee",
"Zichen Zhang",
"Savya Khosla",
"Ryan Marten",
"Derek Hoiem",
"Aniruddha Kembhavi"
] | 2023-12-28 | We present Unified-IO 2, the first autoregressive multimodal model that is
capable of understanding and generating image, text, audio, and action. To
unify different modalities, we tokenize inputs and outputs -- images, text,
audio, action, bounding boxes, etc., into a shared semantic space and then
process them with a single encoder-decoder transformer model. Since training
with such diverse modalities is challenging, we propose various architectural
improvements to stabilize model training. We train our model from scratch on a
large multimodal pre-training corpus from diverse sources with a multimodal
mixture of denoisers objective. To learn an expansive set of skills, such as
following multimodal instructions, we construct and finetune on an ensemble of
120 datasets with prompts and augmentations. With a single unified model,
Unified-IO 2 achieves state-of-the-art performance on the GRIT benchmark and
strong results in more than 35 benchmarks, including image generation and
understanding, natural language understanding, video and audio understanding,
and robotic manipulation. We release all our models to the research community. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2202.08906 | AnswerAI | ST-MoE: Designing Stable and Transferable Sparse Expert Models | [
"Barret Zoph",
"Irwan Bello",
"Sameer Kumar",
"Nan Du",
"Yanping Huang",
"Jeff Dean",
"Noam Shazeer",
"William Fedus"
] | 2022-02-17 | Scale has opened new frontiers in natural language processing -- but at a
high cost. In response, Mixture-of-Experts (MoE) and Switch Transformers have
been proposed as an energy efficient path to even larger and more capable
language models. But advancing the state-of-the-art across a broad set of
natural language tasks has been hindered by training instabilities and
uncertain quality during fine-tuning. Our work focuses on these issues and acts
as a design guide. We conclude by scaling a sparse model to 269B parameters,
with a computational cost comparable to a 32B dense encoder-decoder Transformer
(Stable and Transferable Mixture-of-Experts or ST-MoE-32B). For the first time,
a sparse model achieves state-of-the-art performance in transfer learning,
across a diverse set of tasks including reasoning (SuperGLUE, ARC Easy, ARC
Challenge), summarization (XSum, CNN-DM), closed book question answering
(WebQA, Natural Questions), and adversarially constructed tasks (Winogrande,
ANLI R3). | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2403.13793 | HF | Evaluating Frontier Models for Dangerous Capabilities | [
"Mary Phuong",
"Matthew Aitchison",
"Elliot Catt",
"Sarah Cogan",
"Alexandre Kaskasoli",
"Victoria Krakovna",
"David Lindner",
"Matthew Rahtz",
"Yannis Assael",
"Sarah Hodkinson",
"Heidi Howard",
"Tom Lieberum",
"Ramana Kumar",
"Maria Abi Raad",
"Albert Webson",
"Lewis Ho",
"Sharon Lin",
"Sebastian Farquhar",
"Marcus Hutter",
"Gregoire Deletang",
"Anian Ruoss",
"Seliem El-Sayed",
"Sasha Brown",
"Anca Dragan",
"Rohin Shah",
"Allan Dafoe",
"Toby Shevlane"
] | 2024-03-20 | To understand the risks posed by a new AI system, we must understand what it
can and cannot do. Building on prior work, we introduce a programme of new
"dangerous capability" evaluations and pilot them on Gemini 1.0 models. Our
evaluations cover four areas: (1) persuasion and deception; (2) cyber-security;
(3) self-proliferation; and (4) self-reasoning. We do not find evidence of
strong dangerous capabilities in the models we evaluated, but we flag early
warning signs. Our goal is to help advance a rigorous science of dangerous
capability evaluation, in preparation for future models. | null | cs.LG | [
"cs.LG"
] |
2408.05492 | HF | ZePo: Zero-Shot Portrait Stylization with Faster Sampling | [
"Jin Liu",
"Huaibo Huang",
"Jie Cao",
"Ran He"
] | 2024-08-10 | Diffusion-based text-to-image generation models have significantly advanced
the field of art content synthesis. However, current portrait stylization
methods generally require either model fine-tuning based on examples or the
employment of DDIM Inversion to revert images to noise space, both of which
substantially decelerate the image generation process. To overcome these
limitations, this paper presents an inversion-free portrait stylization
framework based on diffusion models that accomplishes content and style feature
fusion in merely four sampling steps. We observed that Latent Consistency
Models employing consistency distillation can effectively extract
representative Consistency Features from noisy images. To blend the Consistency
Features extracted from both content and style images, we introduce a Style
Enhancement Attention Control technique that meticulously merges content and
style features within the attention space of the target image. Moreover, we
propose a feature merging strategy to amalgamate redundant features in
Consistency Features, thereby reducing the computational load of attention
control. Extensive experiments have validated the effectiveness of our proposed
framework in enhancing stylization efficiency and fidelity. The code is
available at \url{https://github.com/liujin112/ZePo}. | 10.1145/3664647.3680676 | cs.CV | [
"cs.CV"
] |
2308.00436 | HF | SelfCheck: Using LLMs to Zero-Shot Check Their Own Step-by-Step Reasoning | [
"Ning Miao",
"Yee Whye Teh",
"Tom Rainforth"
] | 2023-08-01 | The recent progress in large language models (LLMs), especially the invention
of chain-of-thought prompting, has made it possible to automatically answer
questions by stepwise reasoning. However, when faced with more complicated
problems that require non-linear thinking, even the strongest LLMs make
mistakes. To address this, we explore whether LLMs are able to recognize errors
in their own step-by-step reasoning, without resorting to external resources.
To this end, we propose SelfCheck, a general-purpose zero-shot verification
schema for recognizing such errors. We then use the results of these checks to
improve question-answering performance by conducting weighted voting on
multiple solutions to the question. We test SelfCheck on three datasets (GSM8K,
MathQA, and MATH) and find that it successfully recognizes errors and, in turn,
increases final answer accuracies. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2206.10498 | AnswerAI | PlanBench: An Extensible Benchmark for Evaluating Large Language Models on Planning and Reasoning about Change | [
"Karthik Valmeekam",
"Matthew Marquez",
"Alberto Olmo",
"Sarath Sreedharan",
"Subbarao Kambhampati"
] | 2022-06-21 | Generating plans of action, and reasoning about change have long been
considered a core competence of intelligent agents. It is thus no surprise that
evaluating the planning and reasoning capabilities of large language models
(LLMs) has become a hot topic of research. Most claims about LLM planning
capabilities are however based on common sense tasks-where it becomes hard to
tell whether LLMs are planning or merely retrieving from their vast world
knowledge. There is a strong need for systematic and extensible planning
benchmarks with sufficient diversity to evaluate whether LLMs have innate
planning capabilities. Motivated by this, we propose PlanBench, an extensible
benchmark suite based on the kinds of domains used in the automated planning
community, especially in the International Planning Competition, to test the
capabilities of LLMs in planning or reasoning about actions and change.
PlanBench provides sufficient diversity in both the task domains and the
specific planning capabilities. Our studies also show that on many critical
capabilities-including plan generation-LLM performance falls quite short, even
with the SOTA models. PlanBench can thus function as a useful marker of
progress of LLMs in planning and reasoning. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
1606.03126 | AnswerAI | Key-Value Memory Networks for Directly Reading Documents | [
"Alexander Miller",
"Adam Fisch",
"Jesse Dodge",
"Amir-Hossein Karimi",
"Antoine Bordes",
"Jason Weston"
] | 2016-06-09 | Directly reading documents and being able to answer questions from them is an
unsolved challenge. To avoid its inherent difficulty, question answering (QA)
has been directed towards using Knowledge Bases (KBs) instead, which has proven
effective. Unfortunately KBs often suffer from being too restrictive, as the
schema cannot support certain types of answers, and too sparse, e.g. Wikipedia
contains much more information than Freebase. In this work we introduce a new
method, Key-Value Memory Networks, that makes reading documents more viable by
utilizing different encodings in the addressing and output stages of the memory
read operation. To compare using KBs, information extraction or Wikipedia
documents directly in a single framework we construct an analysis tool,
WikiMovies, a QA dataset that contains raw text alongside a preprocessed KB, in
the domain of movies. Our method reduces the gap between all three settings. It
also achieves state-of-the-art results on the existing WikiQA benchmark. | null | cs.CL | [
"cs.CL"
] |
2406.19238 | HF | Revealing Fine-Grained Values and Opinions in Large Language Models | [
"Dustin Wright",
"Arnav Arora",
"Nadav Borenstein",
"Srishti Yadav",
"Serge Belongie",
"Isabelle Augenstein"
] | 2024-06-27 | Uncovering latent values and opinions in large language models (LLMs) can
help identify biases and mitigate potential harm. Recently, this has been
approached by presenting LLMs with survey questions and quantifying their
stances towards morally and politically charged statements. However, the
stances generated by LLMs can vary greatly depending on how they are prompted,
and there are many ways to argue for or against a given position. In this work,
we propose to address this by analysing a large and robust dataset of 156k LLM
responses to the 62 propositions of the Political Compass Test (PCT) generated
by 6 LLMs using 420 prompt variations. We perform coarse-grained analysis of
their generated stances and fine-grained analysis of the plain text
justifications for those stances. For fine-grained analysis, we propose to
identify tropes in the responses: semantically similar phrases that are
recurrent and consistent across different prompts, revealing patterns in the
text that a given LLM is prone to produce. We find that demographic features
added to prompts significantly affect outcomes on the PCT, reflecting bias, as
well as disparities between the results of tests when eliciting closed-form vs.
open domain responses. Additionally, patterns in the plain text rationales via
tropes show that similar justifications are repeatedly generated across models
and prompts even with disparate stances. | null | cs.CL | [
"cs.CL",
"cs.CY",
"cs.LG"
] |
2406.16863 | HF | FreeTraj: Tuning-Free Trajectory Control in Video Diffusion Models | [
"Haonan Qiu",
"Zhaoxi Chen",
"Zhouxia Wang",
"Yingqing He",
"Menghan Xia",
"Ziwei Liu"
] | 2024-06-24 | Diffusion model has demonstrated remarkable capability in video generation,
which further sparks interest in introducing trajectory control into the
generation process. While existing works mainly focus on training-based methods
(e.g., conditional adapter), we argue that diffusion model itself allows decent
control over the generated content without requiring any training. In this
study, we introduce a tuning-free framework to achieve trajectory-controllable
video generation, by imposing guidance on both noise construction and attention
computation. Specifically, 1) we first show several instructive phenomenons and
analyze how initial noises influence the motion trajectory of generated
content. 2) Subsequently, we propose FreeTraj, a tuning-free approach that
enables trajectory control by modifying noise sampling and attention
mechanisms. 3) Furthermore, we extend FreeTraj to facilitate longer and larger
video generation with controllable trajectories. Equipped with these designs,
users have the flexibility to provide trajectories manually or opt for
trajectories automatically generated by the LLM trajectory planner. Extensive
experiments validate the efficacy of our approach in enhancing the trajectory
controllability of video diffusion models. | null | cs.CV | [
"cs.CV"
] |
2404.18928 | HF | Stylus: Automatic Adapter Selection for Diffusion Models | [
"Michael Luo",
"Justin Wong",
"Brandon Trabucco",
"Yanping Huang",
"Joseph E. Gonzalez",
"Zhifeng Chen",
"Ruslan Salakhutdinov",
"Ion Stoica"
] | 2024-04-29 | Beyond scaling base models with more data or parameters, fine-tuned adapters
provide an alternative way to generate high fidelity, custom images at reduced
costs. As such, adapters have been widely adopted by open-source communities,
accumulating a database of over 100K adapters-most of which are highly
customized with insufficient descriptions. This paper explores the problem of
matching the prompt to a set of relevant adapters, built on recent work that
highlight the performance gains of composing adapters. We introduce Stylus,
which efficiently selects and automatically composes task-specific adapters
based on a prompt's keywords. Stylus outlines a three-stage approach that first
summarizes adapters with improved descriptions and embeddings, retrieves
relevant adapters, and then further assembles adapters based on prompts'
keywords by checking how well they fit the prompt. To evaluate Stylus, we
developed StylusDocs, a curated dataset featuring 75K adapters with
pre-computed adapter embeddings. In our evaluation on popular Stable Diffusion
checkpoints, Stylus achieves greater CLIP-FID Pareto efficiency and is twice as
preferred, with humans and multimodal models as evaluators, over the base
model. See stylus-diffusion.github.io for more. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.GR",
"cs.LG"
] |
2209.12951 | AnswerAI | Liquid Structural State-Space Models | [
"Ramin Hasani",
"Mathias Lechner",
"Tsun-Hsuan Wang",
"Makram Chahine",
"Alexander Amini",
"Daniela Rus"
] | 2022-09-26 | A proper parametrization of state transition matrices of linear state-space
models (SSMs) followed by standard nonlinearities enables them to efficiently
learn representations from sequential data, establishing the state-of-the-art
on a large series of long-range sequence modeling benchmarks. In this paper, we
show that we can improve further when the structural SSM such as S4 is given by
a linear liquid time-constant (LTC) state-space model. LTC neural networks are
causal continuous-time neural networks with an input-dependent state transition
module, which makes them learn to adapt to incoming inputs at inference. We
show that by using a diagonal plus low-rank decomposition of the state
transition matrix introduced in S4, and a few simplifications, the LTC-based
structural state-space model, dubbed Liquid-S4, achieves the new
state-of-the-art generalization across sequence modeling tasks with long-term
dependencies such as image, text, audio, and medical time-series, with an
average performance of 87.32% on the Long-Range Arena benchmark. On the full
raw Speech Command recognition, dataset Liquid-S4 achieves 96.78% accuracy with
a 30% reduction in parameter counts compared to S4. The additional gain in
performance is the direct result of the Liquid-S4's kernel structure that takes
into account the similarities of the input sequence samples during training and
inference. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV",
"cs.NE"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.