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
|
---|---|---|---|---|---|---|---|---|
2402.14034 | HF | AgentScope: A Flexible yet Robust Multi-Agent Platform | [
"Dawei Gao",
"Zitao Li",
"Xuchen Pan",
"Weirui Kuang",
"Zhijian Ma",
"Bingchen Qian",
"Fei Wei",
"Wenhao Zhang",
"Yuexiang Xie",
"Daoyuan Chen",
"Liuyi Yao",
"Hongyi Peng",
"Zeyu Zhang",
"Lin Zhu",
"Chen Cheng",
"Hongzhu Shi",
"Yaliang Li",
"Bolin Ding",
"Jingren Zhou"
] | 2024-02-21 | With the rapid advancement of Large Language Models (LLMs), significant
progress has been made in multi-agent applications. However, the complexities
in coordinating agents' cooperation and LLMs' erratic performance pose notable
challenges in developing robust and efficient multi-agent applications. To
tackle these challenges, we propose AgentScope, a developer-centric multi-agent
platform with message exchange as its core communication mechanism. The
abundant syntactic tools, built-in agents and service functions, user-friendly
interfaces for application demonstration and utility monitor, zero-code
programming workstation, and automatic prompt tuning mechanism significantly
lower the barriers to both development and deployment. Towards robust and
flexible multi-agent application, AgentScope provides both built-in and
customizable fault tolerance mechanisms. At the same time, it is also armed
with system-level support for managing and utilizing multi-modal data, tools,
and external knowledge. Additionally, we design an actor-based distribution
framework, enabling easy conversion between local and distributed deployments
and automatic parallel optimization without extra effort. With these features,
AgentScope empowers developers to build applications that fully realize the
potential of intelligent agents. We have released AgentScope at
https://github.com/modelscope/agentscope, and hope AgentScope invites wider
participation and innovation in this fast-moving field. | null | cs.MA | [
"cs.MA",
"cs.AI"
] |
2308.16824 | Both | Can Programming Languages Boost Each Other via Instruction Tuning? | [
"Daoguang Zan",
"Ailun Yu",
"Bo Shen",
"Jiaxin Zhang",
"Taihong Chen",
"Bing Geng",
"Bei Chen",
"Jichuan Ji",
"Yafen Yao",
"Yongji Wang",
"Qianxiang Wang"
] | 2023-08-31 | When human programmers have mastered a programming language, it would be
easier when they learn a new programming language. In this report, we focus on
exploring whether programming languages can boost each other during the
instruction fine-tuning phase of code large language models. We conduct
extensive experiments of 8 popular programming languages (Python, JavaScript,
TypeScript, C, C++, Java, Go, HTML) on StarCoder. Results demonstrate that
programming languages can significantly improve each other. For example,
CodeM-Python 15B trained on Python is able to increase Java by an absolute
17.95% pass@1 on HumanEval-X. More surprisingly, we found that CodeM-HTML 7B
trained on the HTML corpus can improve Java by an absolute 15.24% pass@1. Our
training data is released at https://github.com/NL2Code/CodeM. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.PL",
"cs.SE"
] |
2306.05427 | HF | Grounded Text-to-Image Synthesis with Attention Refocusing | [
"Quynh Phung",
"Songwei Ge",
"Jia-Bin Huang"
] | 2023-06-08 | Driven by the scalable diffusion models trained on large-scale datasets,
text-to-image synthesis methods have shown compelling results. However, these
models still fail to precisely follow the text prompt involving multiple
objects, attributes, or spatial compositions. In this paper, we reveal the
potential causes in the diffusion model's cross-attention and self-attention
layers. We propose two novel losses to refocus attention maps according to a
given spatial layout during sampling. Creating the layouts manually requires
additional effort and can be tedious. Therefore, we explore using large
language models (LLM) to produce these layouts for our method. We conduct
extensive experiments on the DrawBench, HRS, and TIFA benchmarks to evaluate
our proposed method. We show that our proposed attention refocusing effectively
improves the controllability of existing approaches. | null | cs.CV | [
"cs.CV"
] |
2305.15486 | HF | SPRING: Studying the Paper and Reasoning to Play Games | [
"Yue Wu",
"Shrimai Prabhumoye",
"So Yeon Min",
"Yonatan Bisk",
"Ruslan Salakhutdinov",
"Amos Azaria",
"Tom Mitchell",
"Yuanzhi Li"
] | 2023-05-24 | Open-world survival games pose significant challenges for AI algorithms due
to their multi-tasking, deep exploration, and goal prioritization requirements.
Despite reinforcement learning (RL) being popular for solving games, its high
sample complexity limits its effectiveness in complex open-world games like
Crafter or Minecraft. We propose a novel approach, SPRING, to read the game's
original academic paper and use the knowledge learned to reason and play the
game through a large language model (LLM). Prompted with the LaTeX source as
game context and a description of the agent's current observation, our SPRING
framework employs a directed acyclic graph (DAG) with game-related questions as
nodes and dependencies as edges. We identify the optimal action to take in the
environment by traversing the DAG and calculating LLM responses for each node
in topological order, with the LLM's answer to final node directly translating
to environment actions. In our experiments, we study the quality of in-context
"reasoning" induced by different forms of prompts under the setting of the
Crafter open-world environment. Our experiments suggest that LLMs, when
prompted with consistent chain-of-thought, have great potential in completing
sophisticated high-level trajectories. Quantitatively, SPRING with GPT-4
outperforms all state-of-the-art RL baselines, trained for 1M steps, without
any training. Finally, we show the potential of games as a test bed for LLMs. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2002.08909 | AnswerAI | REALM: Retrieval-Augmented Language Model Pre-Training | [
"Kelvin Guu",
"Kenton Lee",
"Zora Tung",
"Panupong Pasupat",
"Ming-Wei Chang"
] | 2020-02-10 | Language model pre-training has been shown to capture a surprising amount of
world knowledge, crucial for NLP tasks such as question answering. However,
this knowledge is stored implicitly in the parameters of a neural network,
requiring ever-larger networks to cover more facts.
To capture knowledge in a more modular and interpretable way, we augment
language model pre-training with a latent knowledge retriever, which allows the
model to retrieve and attend over documents from a large corpus such as
Wikipedia, used during pre-training, fine-tuning and inference. For the first
time, we show how to pre-train such a knowledge retriever in an unsupervised
manner, using masked language modeling as the learning signal and
backpropagating through a retrieval step that considers millions of documents.
We demonstrate the effectiveness of Retrieval-Augmented Language Model
pre-training (REALM) by fine-tuning on the challenging task of Open-domain
Question Answering (Open-QA). We compare against state-of-the-art models for
both explicit and implicit knowledge storage on three popular Open-QA
benchmarks, and find that we outperform all previous methods by a significant
margin (4-16% absolute accuracy), while also providing qualitative benefits
such as interpretability and modularity. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2409.09502 | HF | One missing piece in Vision and Language: A Survey on Comics Understanding | [
"Emanuele Vivoli",
"Andrey Barsky",
"Mohamed Ali Souibgui",
"Artemis LLabres",
"Marco Bertini",
"Dimosthenis Karatzas"
] | 2024-09-14 | Vision-language models have recently evolved into versatile systems capable
of high performance across a range of tasks, such as document understanding,
visual question answering, and grounding, often in zero-shot settings. Comics
Understanding, a complex and multifaceted field, stands to greatly benefit from
these advances. Comics, as a medium, combine rich visual and textual
narratives, challenging AI models with tasks that span image classification,
object detection, instance segmentation, and deeper narrative comprehension
through sequential panels. However, the unique structure of comics --
characterized by creative variations in style, reading order, and non-linear
storytelling -- presents a set of challenges distinct from those in other
visual-language domains. In this survey, we present a comprehensive review of
Comics Understanding from both dataset and task perspectives. Our contributions
are fivefold: (1) We analyze the structure of the comics medium, detailing its
distinctive compositional elements; (2) We survey the widely used datasets and
tasks in comics research, emphasizing their role in advancing the field; (3) We
introduce the Layer of Comics Understanding (LoCU) framework, a novel taxonomy
that redefines vision-language tasks within comics and lays the foundation for
future work; (4) We provide a detailed review and categorization of existing
methods following the LoCU framework; (5) Finally, we highlight current
research challenges and propose directions for future exploration, particularly
in the context of vision-language models applied to comics. This survey is the
first to propose a task-oriented framework for comics intelligence and aims to
guide future research by addressing critical gaps in data availability and task
definition. A project associated with this survey is available at
https://github.com/emanuelevivoli/awesome-comics-understanding. | null | cs.CV | [
"cs.CV"
] |
2102.12092 | AnswerAI | Zero-Shot Text-to-Image Generation | [
"Aditya Ramesh",
"Mikhail Pavlov",
"Gabriel Goh",
"Scott Gray",
"Chelsea Voss",
"Alec Radford",
"Mark Chen",
"Ilya Sutskever"
] | 2021-02-24 | Text-to-image generation has traditionally focused on finding better modeling
assumptions for training on a fixed dataset. These assumptions might involve
complex architectures, auxiliary losses, or side information such as object
part labels or segmentation masks supplied during training. We describe a
simple approach for this task based on a transformer that autoregressively
models the text and image tokens as a single stream of data. With sufficient
data and scale, our approach is competitive with previous domain-specific
models when evaluated in a zero-shot fashion. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2402.14797 | HF | Snap Video: Scaled Spatiotemporal Transformers for Text-to-Video Synthesis | [
"Willi Menapace",
"Aliaksandr Siarohin",
"Ivan Skorokhodov",
"Ekaterina Deyneka",
"Tsai-Shien Chen",
"Anil Kag",
"Yuwei Fang",
"Aleksei Stoliar",
"Elisa Ricci",
"Jian Ren",
"Sergey Tulyakov"
] | 2024-02-22 | Contemporary models for generating images show remarkable quality and
versatility. Swayed by these advantages, the research community repurposes them
to generate videos. Since video content is highly redundant, we argue that
naively bringing advances of image models to the video generation domain
reduces motion fidelity, visual quality and impairs scalability. In this work,
we build Snap Video, a video-first model that systematically addresses these
challenges. To do that, we first extend the EDM framework to take into account
spatially and temporally redundant pixels and naturally support video
generation. Second, we show that a U-Net - a workhorse behind image generation
- scales poorly when generating videos, requiring significant computational
overhead. Hence, we propose a new transformer-based architecture that trains
3.31 times faster than U-Nets (and is ~4.5 faster at inference). This allows us
to efficiently train a text-to-video model with billions of parameters for the
first time, reach state-of-the-art results on a number of benchmarks, and
generate videos with substantially higher quality, temporal consistency, and
motion complexity. The user studies showed that our model was favored by a
large margin over the most recent methods. See our website at
https://snap-research.github.io/snapvideo/. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2307.16890 | HF | Discovering Adaptable Symbolic Algorithms from Scratch | [
"Stephen Kelly",
"Daniel S. Park",
"Xingyou Song",
"Mitchell McIntire",
"Pranav Nashikkar",
"Ritam Guha",
"Wolfgang Banzhaf",
"Kalyanmoy Deb",
"Vishnu Naresh Boddeti",
"Jie Tan",
"Esteban Real"
] | 2023-07-31 | Autonomous robots deployed in the real world will need control policies that
rapidly adapt to environmental changes. To this end, we propose
AutoRobotics-Zero (ARZ), a method based on AutoML-Zero that discovers zero-shot
adaptable policies from scratch. In contrast to neural network adaptation
policies, where only model parameters are optimized, ARZ can build control
algorithms with the full expressive power of a linear register machine. We
evolve modular policies that tune their model parameters and alter their
inference algorithm on-the-fly to adapt to sudden environmental changes. We
demonstrate our method on a realistic simulated quadruped robot, for which we
evolve safe control policies that avoid falling when individual limbs suddenly
break. This is a challenging task in which two popular neural network baselines
fail. Finally, we conduct a detailed analysis of our method on a novel and
challenging non-stationary control task dubbed Cataclysmic Cartpole. Results
confirm our findings that ARZ is significantly more robust to sudden
environmental changes and can build simple, interpretable control policies. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG",
"cs.NE"
] |
2309.07870 | HF | Agents: An Open-source Framework for Autonomous Language Agents | [
"Wangchunshu Zhou",
"Yuchen Eleanor Jiang",
"Long Li",
"Jialong Wu",
"Tiannan Wang",
"Shi Qiu",
"Jintian Zhang",
"Jing Chen",
"Ruipu Wu",
"Shuai Wang",
"Shiding Zhu",
"Jiyu Chen",
"Wentao Zhang",
"Xiangru Tang",
"Ningyu Zhang",
"Huajun Chen",
"Peng Cui",
"Mrinmaya Sachan"
] | 2023-09-14 | Recent advances on large language models (LLMs) enable researchers and
developers to build autonomous language agents that can automatically solve
various tasks and interact with environments, humans, and other agents using
natural language interfaces. We consider language agents as a promising
direction towards artificial general intelligence and release Agents, an
open-source library with the goal of opening up these advances to a wider
non-specialist audience. Agents is carefully engineered to support important
features including planning, memory, tool usage, multi-agent communication, and
fine-grained symbolic control. Agents is user-friendly as it enables
non-specialists to build, customize, test, tune, and deploy state-of-the-art
autonomous language agents without much coding. The library is also
research-friendly as its modularized design makes it easily extensible for
researchers. Agents is available at https://github.com/aiwaves-cn/agents. | null | cs.CL | [
"cs.CL"
] |
2310.11454 | Both | VeRA: Vector-based Random Matrix Adaptation | [
"Dawid J. Kopiczko",
"Tijmen Blankevoort",
"Yuki M. Asano"
] | 2023-10-17 | Low-rank adapation (LoRA) is a popular method that reduces the number of
trainable parameters when finetuning large language models, but still faces
acute storage challenges when scaling to even larger models or deploying
numerous per-user or per-task adapted models. In this work, we present
Vector-based Random Matrix Adaptation (VeRA), which significantly reduces the
number of trainable parameters compared to LoRA, yet maintains the same
performance. It achieves this by using a single pair of low-rank matrices
shared across all layers and learning small scaling vectors instead. We
demonstrate its effectiveness on the GLUE and E2E benchmarks, image
classification tasks, and show its application in instruction-tuning of 7B and
13B language models. | null | cs.CL | [
"cs.CL"
] |
2307.01928 | Both | Robots That Ask For Help: Uncertainty Alignment for Large Language Model Planners | [
"Allen Z. Ren",
"Anushri Dixit",
"Alexandra Bodrova",
"Sumeet Singh",
"Stephen Tu",
"Noah Brown",
"Peng Xu",
"Leila Takayama",
"Fei Xia",
"Jake Varley",
"Zhenjia Xu",
"Dorsa Sadigh",
"Andy Zeng",
"Anirudha Majumdar"
] | 2023-07-04 | Large language models (LLMs) exhibit a wide range of promising capabilities
-- from step-by-step planning to commonsense reasoning -- that may provide
utility for robots, but remain prone to confidently hallucinated predictions.
In this work, we present KnowNo, which is a framework for measuring and
aligning the uncertainty of LLM-based planners such that they know when they
don't know and ask for help when needed. KnowNo builds on the theory of
conformal prediction to provide statistical guarantees on task completion while
minimizing human help in complex multi-step planning settings. Experiments
across a variety of simulated and real robot setups that involve tasks with
different modes of ambiguity (e.g., from spatial to numeric uncertainties, from
human preferences to Winograd schemas) show that KnowNo performs favorably over
modern baselines (which may involve ensembles or extensive prompt tuning) in
terms of improving efficiency and autonomy, while providing formal assurances.
KnowNo can be used with LLMs out of the box without model-finetuning, and
suggests a promising lightweight approach to modeling uncertainty that can
complement and scale with the growing capabilities of foundation models.
Website: https://robot-help.github.io | null | cs.RO | [
"cs.RO",
"cs.AI",
"stat.AP"
] |
2408.07089 | Both | InfinityMATH: A Scalable Instruction Tuning Dataset in Programmatic Mathematical Reasoning | [
"Bo-Wen Zhang",
"Yan Yan",
"Lin Li",
"Guang Liu"
] | 2024-08-09 | Recent advancements in Chain-of-Thoughts (CoT) and Program-of-Thoughts (PoT)
methods have greatly enhanced language models' mathematical reasoning
capabilities, facilitating their integration into instruction tuning datasets
with LLMs. However, existing methods for large-scale dataset creation require
substantial seed data and high computational costs for data synthesis, posing
significant challenges for scalability. We introduce InfinityMATH, a scalable
instruction tuning dataset for programmatic mathematical reasoning. The
construction pipeline emphasizes decoupling numbers from mathematical problems
to synthesize number-independent programs, enabling efficient and flexible
scaling while minimizing dependency on specific numerical values. Fine-tuning
experiments with open-source language and code models, such as Llama2 and
CodeLlama, demonstrate the practical benefits of InfinityMATH. These fine-tuned
models, showed significant relative improvements on both in-domain and
out-of-domain benchmarks, ranging from 184.7% to 514.3% on average.
Additionally, these models exhibited high robustness on the GSM8K+ and MATH+
benchmarks, which are enhanced version of test sets with simply the number
variations. InfinityMATH ensures that models are more versatile and effective
across a broader range of mathematical problems. The data is available at
https://huggingface.co/datasets/flagopen/InfinityMATH. | 10.1145/3627673.3679122 | cs.LG | [
"cs.LG",
"cs.AI",
"I.2.7"
] |
2310.15008 | HF | Wonder3D: Single Image to 3D using Cross-Domain Diffusion | [
"Xiaoxiao Long",
"Yuan-Chen Guo",
"Cheng Lin",
"Yuan Liu",
"Zhiyang Dou",
"Lingjie Liu",
"Yuexin Ma",
"Song-Hai Zhang",
"Marc Habermann",
"Christian Theobalt",
"Wenping Wang"
] | 2023-10-23 | In this work, we introduce Wonder3D, a novel method for efficiently
generating high-fidelity textured meshes from single-view images.Recent methods
based on Score Distillation Sampling (SDS) have shown the potential to recover
3D geometry from 2D diffusion priors, but they typically suffer from
time-consuming per-shape optimization and inconsistent geometry. In contrast,
certain works directly produce 3D information via fast network inferences, but
their results are often of low quality and lack geometric details. To
holistically improve the quality, consistency, and efficiency of image-to-3D
tasks, we propose a cross-domain diffusion model that generates multi-view
normal maps and the corresponding color images. To ensure consistency, we
employ a multi-view cross-domain attention mechanism that facilitates
information exchange across views and modalities. Lastly, we introduce a
geometry-aware normal fusion algorithm that extracts high-quality surfaces from
the multi-view 2D representations. Our extensive evaluations demonstrate that
our method achieves high-quality reconstruction results, robust generalization,
and reasonably good efficiency compared to prior works. | null | cs.CV | [
"cs.CV"
] |
2208.03306 | AnswerAI | Branch-Train-Merge: Embarrassingly Parallel Training of Expert Language Models | [
"Margaret Li",
"Suchin Gururangan",
"Tim Dettmers",
"Mike Lewis",
"Tim Althoff",
"Noah A. Smith",
"Luke Zettlemoyer"
] | 2022-08-05 | We present Branch-Train-Merge (BTM), a communication-efficient algorithm for
embarrassingly parallel training of large language models (LLMs). We show it is
possible to independently train subparts of a new class of LLMs on different
subsets of the data, eliminating the massive multi-node synchronization
currently required to train LLMs. BTM learns a set of independent expert LMs
(ELMs), each specialized to a different textual domain, such as scientific or
legal text. These ELMs can be added and removed to update data coverage,
ensembled to generalize to new domains, or averaged to collapse back to a
single LM for efficient inference. New ELMs are learned by branching from
(mixtures of) ELMs in the current set, further training the parameters on data
for the new domain, and then merging the resulting model back into the set for
future use. Experiments show that BTM improves in- and out-of-domain
perplexities as compared to GPT-style Transformer LMs, when controlling for
training cost. Through extensive analysis, we show that these results are
robust to different ELM initialization schemes, but require expert domain
specialization; LM ensembles with random data splits do not perform well. We
also present a study of scaling BTM into a new corpus of 64 domains (192B
whitespace-separated tokens in total); the resulting LM (22.4B total
parameters) performs as well as a Transformer LM trained with 2.5 times more
compute. These gains grow with the number of domains, suggesting more
aggressive parallelism could be used to efficiently train larger models in
future work. | null | cs.CL | [
"cs.CL"
] |
2403.12019 | HF | LN3Diff: Scalable Latent Neural Fields Diffusion for Speedy 3D Generation | [
"Yushi Lan",
"Fangzhou Hong",
"Shuai Yang",
"Shangchen Zhou",
"Xuyi Meng",
"Bo Dai",
"Xingang Pan",
"Chen Change Loy"
] | 2024-03-18 | The field of neural rendering has witnessed significant progress with
advancements in generative models and differentiable rendering techniques.
Though 2D diffusion has achieved success, a unified 3D diffusion pipeline
remains unsettled. This paper introduces a novel framework called LN3Diff to
address this gap and enable fast, high-quality, and generic conditional 3D
generation. Our approach harnesses a 3D-aware architecture and variational
autoencoder (VAE) to encode the input image into a structured, compact, and 3D
latent space. The latent is decoded by a transformer-based decoder into a
high-capacity 3D neural field. Through training a diffusion model on this
3D-aware latent space, our method achieves state-of-the-art performance on
ShapeNet for 3D generation and demonstrates superior performance in monocular
3D reconstruction and conditional 3D generation across various datasets.
Moreover, it surpasses existing 3D diffusion methods in terms of inference
speed, requiring no per-instance optimization. Our proposed LN3Diff presents a
significant advancement in 3D generative modeling and holds promise for various
applications in 3D vision and graphics tasks. | null | cs.CV | [
"cs.CV"
] |
2407.20020 | HF | ImagiNet: A Multi-Content Dataset for Generalizable Synthetic Image Detection via Contrastive Learning | [
"Delyan Boychev",
"Radostin Cholakov"
] | 2024-07-29 | Generative models, such as diffusion models (DMs), variational autoencoders
(VAEs), and generative adversarial networks (GANs), produce images with a level
of authenticity that makes them nearly indistinguishable from real photos and
artwork. While this capability is beneficial for many industries, the
difficulty of identifying synthetic images leaves online media platforms
vulnerable to impersonation and misinformation attempts. To support the
development of defensive methods, we introduce ImagiNet, a high-resolution and
balanced dataset for synthetic image detection, designed to mitigate potential
biases in existing resources. It contains 200K examples, spanning four content
categories: photos, paintings, faces, and uncategorized. Synthetic images are
produced with open-source and proprietary generators, whereas real counterparts
of the same content type are collected from public datasets. The structure of
ImagiNet allows for a two-track evaluation system: i) classification as real or
synthetic and ii) identification of the generative model. To establish a
baseline, we train a ResNet-50 model using a self-supervised contrastive
objective (SelfCon) for each track. The model demonstrates state-of-the-art
performance and high inference speed across established benchmarks, achieving
an AUC of up to 0.99 and balanced accuracy ranging from 86% to 95%, even under
social network conditions that involve compression and resizing. Our data and
code are available at https://github.com/delyan-boychev/imaginet. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2310.13385 | HF | Tuna: Instruction Tuning using Feedback from Large Language Models | [
"Haoran Li",
"Yiran Liu",
"Xingxing Zhang",
"Wei Lu",
"Furu Wei"
] | 2023-10-20 | Instruction tuning of open-source large language models (LLMs) like LLaMA,
using direct outputs from more powerful LLMs such as Instruct-GPT and GPT-4,
has proven to be a cost-effective way to align model behaviors with human
preferences. However, the instruction-tuned model has only seen one response
per instruction, lacking the knowledge of potentially better responses. In this
paper, we propose finetuning an instruction-tuned LLM using our novel
\textit{probabilistic ranking} and \textit{contextual ranking} approaches to
increase the likelihood of generating better responses. Probabilistic ranking
enables the instruction-tuned model to inherit the relative rankings of
high-quality and low-quality responses from the teacher LLM. On the other hand,
learning with contextual ranking allows the model to refine its own response
distribution using the contextual understanding ability of stronger LLMs.
Furthermore, we apply probabilistic ranking and contextual ranking sequentially
to the instruction-tuned LLM. The resulting model, which we call \textbf{Tuna},
consistently improves the performance on Super Natural Instructions (119 test
tasks), LMentry (25 test tasks), Vicuna QA, and can even obtain better results
than several strong reinforcement learning baselines. Our code and data are
available at \url{ https://github.com/microsoft/LMOps}. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2406.09559 | HF | Decoding the Diversity: A Review of the Indic AI Research Landscape | [
"Sankalp KJ",
"Vinija Jain",
"Sreyoshi Bhaduri",
"Tamoghna Roy",
"Aman Chadha"
] | 2024-06-13 | This review paper provides a comprehensive overview of large language model
(LLM) research directions within Indic languages. Indic languages are those
spoken in the Indian subcontinent, including India, Pakistan, Bangladesh, Sri
Lanka, Nepal, and Bhutan, among others. These languages have a rich cultural
and linguistic heritage and are spoken by over 1.5 billion people worldwide.
With the tremendous market potential and growing demand for natural language
processing (NLP) based applications in diverse languages, generative
applications for Indic languages pose unique challenges and opportunities for
research. Our paper deep dives into the recent advancements in Indic generative
modeling, contributing with a taxonomy of research directions, tabulating 84
recent publications. Research directions surveyed in this paper include LLM
development, fine-tuning existing LLMs, development of corpora, benchmarking
and evaluation, as well as publications around specific techniques, tools, and
applications. We found that researchers across the publications emphasize the
challenges associated with limited data availability, lack of standardization,
and the peculiar linguistic complexities of Indic languages. This work aims to
serve as a valuable resource for researchers and practitioners working in the
field of NLP, particularly those focused on Indic languages, and contributes to
the development of more accurate and efficient LLM applications for these
languages. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.01462 | HF | Idempotent Generative Network | [
"Assaf Shocher",
"Amil Dravid",
"Yossi Gandelsman",
"Inbar Mosseri",
"Michael Rubinstein",
"Alexei A. Efros"
] | 2023-11-02 | We propose a new approach for generative modeling based on training a neural
network to be idempotent. An idempotent operator is one that can be applied
sequentially without changing the result beyond the initial application, namely
$f(f(z))=f(z)$. The proposed model $f$ is trained to map a source distribution
(e.g, Gaussian noise) to a target distribution (e.g. realistic images) using
the following objectives: (1) Instances from the target distribution should map
to themselves, namely $f(x)=x$. We define the target manifold as the set of all
instances that $f$ maps to themselves. (2) Instances that form the source
distribution should map onto the defined target manifold. This is achieved by
optimizing the idempotence term, $f(f(z))=f(z)$ which encourages the range of
$f(z)$ to be on the target manifold. Under ideal assumptions such a process
provably converges to the target distribution. This strategy results in a model
capable of generating an output in one step, maintaining a consistent latent
space, while also allowing sequential applications for refinement.
Additionally, we find that by processing inputs from both target and source
distributions, the model adeptly projects corrupted or modified data back to
the target manifold. This work is a first step towards a ``global projector''
that enables projecting any input into a target data distribution. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2407.10943 | HF | GRUtopia: Dream General Robots in a City at Scale | [
"Hanqing Wang",
"Jiahe Chen",
"Wensi Huang",
"Qingwei Ben",
"Tai Wang",
"Boyu Mi",
"Tao Huang",
"Siheng Zhao",
"Yilun Chen",
"Sizhe Yang",
"Peizhou Cao",
"Wenye Yu",
"Zichao Ye",
"Jialun Li",
"Junfeng Long",
"Zirui Wang",
"Huiling Wang",
"Ying Zhao",
"Zhongying Tu",
"Yu Qiao",
"Dahua Lin",
"Jiangmiao Pang"
] | 2024-07-15 | Recent works have been exploring the scaling laws in the field of Embodied
AI. Given the prohibitive costs of collecting real-world data, we believe the
Simulation-to-Real (Sim2Real) paradigm is a crucial step for scaling the
learning of embodied models. This paper introduces project GRUtopia, the first
simulated interactive 3D society designed for various robots. It features
several advancements: (a) The scene dataset, GRScenes, includes 100k
interactive, finely annotated scenes, which can be freely combined into
city-scale environments. In contrast to previous works mainly focusing on home,
GRScenes covers 89 diverse scene categories, bridging the gap of
service-oriented environments where general robots would be initially deployed.
(b) GRResidents, a Large Language Model (LLM) driven Non-Player Character (NPC)
system that is responsible for social interaction, task generation, and task
assignment, thus simulating social scenarios for embodied AI applications. (c)
The benchmark, GRBench, supports various robots but focuses on legged robots as
primary agents and poses moderately challenging tasks involving Object
Loco-Navigation, Social Loco-Navigation, and Loco-Manipulation. We hope that
this work can alleviate the scarcity of high-quality data in this field and
provide a more comprehensive assessment of Embodied AI research. The project is
available at https://github.com/OpenRobotLab/GRUtopia. | null | cs.RO | [
"cs.RO",
"cs.CV"
] |
2305.18802 | HF | LibriTTS-R: A Restored Multi-Speaker Text-to-Speech Corpus | [
"Yuma Koizumi",
"Heiga Zen",
"Shigeki Karita",
"Yifan Ding",
"Kohei Yatabe",
"Nobuyuki Morioka",
"Michiel Bacchiani",
"Yu Zhang",
"Wei Han",
"Ankur Bapna"
] | 2023-05-30 | This paper introduces a new speech dataset called ``LibriTTS-R'' designed for
text-to-speech (TTS) use. It is derived by applying speech restoration to the
LibriTTS corpus, which consists of 585 hours of speech data at 24 kHz sampling
rate from 2,456 speakers and the corresponding texts. The constituent samples
of LibriTTS-R are identical to those of LibriTTS, with only the sound quality
improved. Experimental results show that the LibriTTS-R ground-truth samples
showed significantly improved sound quality compared to those in LibriTTS. In
addition, neural end-to-end TTS trained with LibriTTS-R achieved speech
naturalness on par with that of the ground-truth samples. The corpus is freely
available for download from \url{http://www.openslr.org/141/}. | null | eess.AS | [
"eess.AS",
"cs.SD"
] |
2311.10091 | HF | Adaptive Shells for Efficient Neural Radiance Field Rendering | [
"Zian Wang",
"Tianchang Shen",
"Merlin Nimier-David",
"Nicholas Sharp",
"Jun Gao",
"Alexander Keller",
"Sanja Fidler",
"Thomas Müller",
"Zan Gojcic"
] | 2023-11-16 | Neural radiance fields achieve unprecedented quality for novel view
synthesis, but their volumetric formulation remains expensive, requiring a huge
number of samples to render high-resolution images. Volumetric encodings are
essential to represent fuzzy geometry such as foliage and hair, and they are
well-suited for stochastic optimization. Yet, many scenes ultimately consist
largely of solid surfaces which can be accurately rendered by a single sample
per pixel. Based on this insight, we propose a neural radiance formulation that
smoothly transitions between volumetric- and surface-based rendering, greatly
accelerating rendering speed and even improving visual fidelity. Our method
constructs an explicit mesh envelope which spatially bounds a neural volumetric
representation. In solid regions, the envelope nearly converges to a surface
and can often be rendered with a single sample. To this end, we generalize the
NeuS formulation with a learned spatially-varying kernel size which encodes the
spread of the density, fitting a wide kernel to volume-like regions and a tight
kernel to surface-like regions. We then extract an explicit mesh of a narrow
band around the surface, with width determined by the kernel size, and
fine-tune the radiance field within this band. At inference time, we cast rays
against the mesh and evaluate the radiance field only within the enclosed
region, greatly reducing the number of samples required. Experiments show that
our approach enables efficient rendering at very high fidelity. We also
demonstrate that the extracted envelope enables downstream applications such as
animation and simulation. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2406.12311 | HF | Mixture of Scales: Memory-Efficient Token-Adaptive Binarization for Large Language Models | [
"Dongwon Jo",
"Taesu Kim",
"Yulhwa Kim",
"Jae-Joon Kim"
] | 2024-06-18 | Binarization, which converts weight parameters to binary values, has emerged
as an effective strategy to reduce the size of large language models (LLMs).
However, typical binarization techniques significantly diminish linguistic
effectiveness of LLMs. To address this issue, we introduce a novel binarization
technique called Mixture of Scales (BinaryMoS). Unlike conventional methods,
BinaryMoS employs multiple scaling experts for binary weights, dynamically
merging these experts for each token to adaptively generate scaling factors.
This token-adaptive approach boosts the representational power of binarized
LLMs by enabling contextual adjustments to the values of binary weights.
Moreover, because this adaptive process only involves the scaling factors
rather than the entire weight matrix, BinaryMoS maintains compression
efficiency similar to traditional static binarization methods. Our experimental
results reveal that BinaryMoS surpasses conventional binarization techniques in
various natural language processing tasks and even outperforms 2-bit
quantization methods, all while maintaining similar model size to static
binarization techniques. | null | cs.LG | [
"cs.LG"
] |
2405.04517 | AnswerAI | xLSTM: Extended Long Short-Term Memory | [
"Maximilian Beck",
"Korbinian Pöppel",
"Markus Spanring",
"Andreas Auer",
"Oleksandra Prudnikova",
"Michael Kopp",
"Günter Klambauer",
"Johannes Brandstetter",
"Sepp Hochreiter"
] | 2024-05-07 | In the 1990s, the constant error carousel and gating were introduced as the
central ideas of the Long Short-Term Memory (LSTM). Since then, LSTMs have
stood the test of time and contributed to numerous deep learning success
stories, in particular they constituted the first Large Language Models (LLMs).
However, the advent of the Transformer technology with parallelizable
self-attention at its core marked the dawn of a new era, outpacing LSTMs at
scale. We now raise a simple question: How far do we get in language modeling
when scaling LSTMs to billions of parameters, leveraging the latest techniques
from modern LLMs, but mitigating known limitations of LSTMs? Firstly, we
introduce exponential gating with appropriate normalization and stabilization
techniques. Secondly, we modify the LSTM memory structure, obtaining: (i) sLSTM
with a scalar memory, a scalar update, and new memory mixing, (ii) mLSTM that
is fully parallelizable with a matrix memory and a covariance update rule.
Integrating these LSTM extensions into residual block backbones yields xLSTM
blocks that are then residually stacked into xLSTM architectures. Exponential
gating and modified memory structures boost xLSTM capabilities to perform
favorably when compared to state-of-the-art Transformers and State Space
Models, both in performance and scaling. | null | cs.LG | [
"cs.LG",
"cs.AI",
"stat.ML"
] |
2404.16811 | HF | Make Your LLM Fully Utilize the Context | [
"Shengnan An",
"Zexiong Ma",
"Zeqi Lin",
"Nanning Zheng",
"Jian-Guang Lou"
] | 2024-04-25 | While many contemporary large language models (LLMs) can process lengthy
input, they still struggle to fully utilize information within the long
context, known as the lost-in-the-middle challenge. We hypothesize that it
stems from insufficient explicit supervision during the long-context training,
which fails to emphasize that any position in a long context can hold crucial
information. Based on this intuition, our study presents information-intensive
(IN2) training, a purely data-driven solution to overcome lost-in-the-middle.
Specifically, IN2 training leverages a synthesized long-context question-answer
dataset, where the answer requires (1) fine-grained information awareness on a
short segment (~128 tokens) within a synthesized long context (4K-32K tokens),
and (2) the integration and reasoning of information from two or more short
segments. Through applying this information-intensive training on Mistral-7B,
we present FILM-7B (FILl-in-the-Middle). To thoroughly assess the ability of
FILM-7B for utilizing long contexts, we design three probing tasks that
encompass various context styles (document, code, and structured-data context)
and information retrieval patterns (forward, backward, and bi-directional
retrieval). The probing results demonstrate that FILM-7B can robustly retrieve
information from different positions in its 32K context window. Beyond these
probing tasks, FILM-7B significantly improves the performance on real-world
long-context tasks (e.g., 23.5->26.9 F1 score on NarrativeQA), while
maintaining a comparable performance on short-context tasks (e.g., 59.3->59.2
accuracy on MMLU). Github Link: https://github.com/microsoft/FILM. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.13064 | HF | Synthetic Data (Almost) from Scratch: Generalized Instruction Tuning for Language Models | [
"Haoran Li",
"Qingxiu Dong",
"Zhengyang Tang",
"Chaojun Wang",
"Xingxing Zhang",
"Haoyang Huang",
"Shaohan Huang",
"Xiaolong Huang",
"Zeqiang Huang",
"Dongdong Zhang",
"Yuxian Gu",
"Xin Cheng",
"Xun Wang",
"Si-Qing Chen",
"Li Dong",
"Wei Lu",
"Zhifang Sui",
"Benyou Wang",
"Wai Lam",
"Furu Wei"
] | 2024-02-20 | We introduce Generalized Instruction Tuning (called GLAN), a general and
scalable method for instruction tuning of Large Language Models (LLMs). Unlike
prior work that relies on seed examples or existing datasets to construct
instruction tuning data, GLAN exclusively utilizes a pre-curated taxonomy of
human knowledge and capabilities as input and generates large-scale synthetic
instruction data across all disciplines. Specifically, inspired by the
systematic structure in human education system, we build the taxonomy by
decomposing human knowledge and capabilities to various fields, sub-fields and
ultimately, distinct disciplines semi-automatically, facilitated by LLMs.
Subsequently, we generate a comprehensive list of subjects for every discipline
and proceed to design a syllabus tailored to each subject, again utilizing
LLMs. With the fine-grained key concepts detailed in every class session of the
syllabus, we are able to generate diverse instructions with a broad coverage
across the entire spectrum of human knowledge and skills. Extensive experiments
on large language models (e.g., Mistral) demonstrate that GLAN excels in
multiple dimensions from mathematical reasoning, coding, academic exams,
logical reasoning to general instruction following without using task-specific
training data of these tasks. In addition, GLAN allows for easy customization
and new fields or skills can be added by simply incorporating a new node into
our taxonomy. | null | cs.CL | [
"cs.CL"
] |
2312.00869 | HF | Segment and Caption Anything | [
"Xiaoke Huang",
"Jianfeng Wang",
"Yansong Tang",
"Zheng Zhang",
"Han Hu",
"Jiwen Lu",
"Lijuan Wang",
"Zicheng Liu"
] | 2023-12-01 | We propose a method to efficiently equip the Segment Anything Model (SAM)
with the ability to generate regional captions. SAM presents strong
generalizability to segment anything while is short for semantic understanding.
By introducing a lightweight query-based feature mixer, we align the
region-specific features with the embedding space of language models for later
caption generation. As the number of trainable parameters is small (typically
in the order of tens of millions), it costs less computation, less memory
usage, and less communication bandwidth, resulting in both fast and scalable
training. To address the scarcity problem of regional caption data, we propose
to first pre-train our model on objection detection and segmentation tasks. We
call this step weak supervision pretraining since the pre-training data only
contains category names instead of full-sentence descriptions. The weak
supervision pretraining allows us to leverage many publicly available object
detection and segmentation datasets. We conduct extensive experiments to
demonstrate the superiority of our method and validate each design choice. This
work serves as a stepping stone towards scaling up regional captioning data and
sheds light on exploring efficient ways to augment SAM with regional semantics.
The project page, along with the associated code, can be accessed via
https://xk-huang.github.io/segment-caption-anything/. | null | cs.CV | [
"cs.CV"
] |
2305.14718 | AnswerAI | Leftover Lunch: Advantage-based Offline Reinforcement Learning for Language Models | [
"Ashutosh Baheti",
"Ximing Lu",
"Faeze Brahman",
"Ronan Le Bras",
"Maarten Sap",
"Mark Riedl"
] | 2023-05-24 | Reinforcement Learning with Human Feedback (RLHF) is the most prominent
method for Language Model (LM) alignment. However, RLHF is an unstable and
data-hungry process that continually requires new high-quality LM-generated
data for finetuning. We introduce Advantage-Leftover Lunch RL (A-LoL), a new
class of offline policy gradient algorithms that enable RL training on any
pre-existing data. By assuming the entire LM output sequence as a single
action, A-LoL allows incorporating sequence-level classifiers or human-designed
scoring functions as rewards. Subsequently, by using LM's value estimate, A-LoL
only trains on positive advantage (leftover) data points, making it resilient
to noise. Overall, A-LoL is an easy-to-implement, sample-efficient, and stable
LM training recipe.
We demonstrate the effectiveness of A-LoL and its variants with a set of four
different language generation tasks. We compare against both online RL (PPO)
and recent preference-based (DPO, PRO) and reward-based (GOLD) offline RL
baselines. On the commonly-used RLHF benchmark, Helpful and Harmless Assistant
(HHA), LMs trained with A-LoL methods achieve the highest diversity while also
being rated more safe and helpful than the baselines according to humans.
Additionally, in the remaining three tasks, A-LoL could optimize multiple
distinct reward functions even when using noisy or suboptimal training data.
We also release our experimental code. https://github.com/abaheti95/LoL-RL | null | cs.CL | [
"cs.CL"
] |
2308.06721 | HF | IP-Adapter: Text Compatible Image Prompt Adapter for Text-to-Image Diffusion Models | [
"Hu Ye",
"Jun Zhang",
"Sibo Liu",
"Xiao Han",
"Wei Yang"
] | 2023-08-13 | Recent years have witnessed the strong power of large text-to-image diffusion
models for the impressive generative capability to create high-fidelity images.
However, it is very tricky to generate desired images using only text prompt as
it often involves complex prompt engineering. An alternative to text prompt is
image prompt, as the saying goes: "an image is worth a thousand words".
Although existing methods of direct fine-tuning from pretrained models are
effective, they require large computing resources and are not compatible with
other base models, text prompt, and structural controls. In this paper, we
present IP-Adapter, an effective and lightweight adapter to achieve image
prompt capability for the pretrained text-to-image diffusion models. The key
design of our IP-Adapter is decoupled cross-attention mechanism that separates
cross-attention layers for text features and image features. Despite the
simplicity of our method, an IP-Adapter with only 22M parameters can achieve
comparable or even better performance to a fully fine-tuned image prompt model.
As we freeze the pretrained diffusion model, the proposed IP-Adapter can be
generalized not only to other custom models fine-tuned from the same base
model, but also to controllable generation using existing controllable tools.
With the benefit of the decoupled cross-attention strategy, the image prompt
can also work well with the text prompt to achieve multimodal image generation.
The project page is available at \url{https://ip-adapter.github.io}. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2306.17115 | HF | Michelangelo: Conditional 3D Shape Generation based on Shape-Image-Text Aligned Latent Representation | [
"Zibo Zhao",
"Wen Liu",
"Xin Chen",
"Xianfang Zeng",
"Rui Wang",
"Pei Cheng",
"Bin Fu",
"Tao Chen",
"Gang Yu",
"Shenghua Gao"
] | 2023-06-29 | We present a novel alignment-before-generation approach to tackle the
challenging task of generating general 3D shapes based on 2D images or texts.
Directly learning a conditional generative model from images or texts to 3D
shapes is prone to producing inconsistent results with the conditions because
3D shapes have an additional dimension whose distribution significantly differs
from that of 2D images and texts. To bridge the domain gap among the three
modalities and facilitate multi-modal-conditioned 3D shape generation, we
explore representing 3D shapes in a shape-image-text-aligned space. Our
framework comprises two models: a Shape-Image-Text-Aligned Variational
Auto-Encoder (SITA-VAE) and a conditional Aligned Shape Latent Diffusion Model
(ASLDM). The former model encodes the 3D shapes into the shape latent space
aligned to the image and text and reconstructs the fine-grained 3D neural
fields corresponding to given shape embeddings via the transformer-based
decoder. The latter model learns a probabilistic mapping function from the
image or text space to the latent shape space. Our extensive experiments
demonstrate that our proposed approach can generate higher-quality and more
diverse 3D shapes that better semantically conform to the visual or textural
conditional inputs, validating the effectiveness of the
shape-image-text-aligned space for cross-modality 3D shape generation. | null | cs.CV | [
"cs.CV"
] |
2408.08459 | HF | JPEG-LM: LLMs as Image Generators with Canonical Codec Representations | [
"Xiaochuang Han",
"Marjan Ghazvininejad",
"Pang Wei Koh",
"Yulia Tsvetkov"
] | 2024-08-15 | Recent work in image and video generation has been adopting the
autoregressive LLM architecture due to its generality and potentially easy
integration into multi-modal systems. The crux of applying autoregressive
training in language generation to visual generation is discretization --
representing continuous data like images and videos as discrete tokens. Common
methods of discretizing images and videos include modeling raw pixel values,
which are prohibitively lengthy, or vector quantization, which requires
convoluted pre-hoc training. In this work, we propose to directly model images
and videos as compressed files saved on computers via canonical codecs (e.g.,
JPEG, AVC/H.264). Using the default Llama architecture without any
vision-specific modifications, we pretrain JPEG-LM from scratch to generate
images (and AVC-LM to generate videos as a proof of concept), by directly
outputting compressed file bytes in JPEG and AVC formats. Evaluation of image
generation shows that this simple and straightforward approach is more
effective than pixel-based modeling and sophisticated vector quantization
baselines (on which our method yields a 31% reduction in FID). Our analysis
shows that JPEG-LM has an especial advantage over vector quantization models in
generating long-tail visual elements. Overall, we show that using canonical
codec representations can help lower the barriers between language generation
and visual generation, facilitating future research on multi-modal
language/image/video LLMs. | null | cs.CL | [
"cs.CL",
"cs.CV",
"cs.LG"
] |
2403.15157 | HF | AllHands: Ask Me Anything on Large-scale Verbatim Feedback via Large Language Models | [
"Chaoyun Zhang",
"Zicheng Ma",
"Yuhao Wu",
"Shilin He",
"Si Qin",
"Minghua Ma",
"Xiaoting Qin",
"Yu Kang",
"Yuyi Liang",
"Xiaoyu Gou",
"Yajie Xue",
"Qingwei Lin",
"Saravan Rajmohan",
"Dongmei Zhang",
"Qi Zhang"
] | 2024-03-22 | Verbatim feedback constitutes a valuable repository of user experiences,
opinions, and requirements essential for software development. Effectively and
efficiently extracting valuable insights from such data poses a challenging
task. This paper introduces Allhands , an innovative analytic framework
designed for large-scale feedback analysis through a natural language
interface, leveraging large language models (LLMs). Allhands adheres to a
conventional feedback analytic workflow, initially conducting classification
and topic modeling on the feedback to convert them into a structurally
augmented format, incorporating LLMs to enhance accuracy, robustness,
generalization, and user-friendliness. Subsequently, an LLM agent is employed
to interpret users' diverse questions in natural language on feedback,
translating them into Python code for execution, and delivering comprehensive
multi-modal responses, including text, code, tables, and images.
We evaluate Allhands across three diverse feedback datasets. The experiments
demonstrate that Allhands achieves superior efficacy at all stages of analysis,
including classification and topic modeling, eventually providing users with an
"ask me anything" experience with comprehensive, correct and human-readable
response. To the best of our knowledge, Allhands stands as the first
comprehensive feedback analysis framework that supports diverse and customized
requirements for insight extraction through a natural language interface. | null | cs.SE | [
"cs.SE"
] |
2305.15717 | Both | The False Promise of Imitating Proprietary LLMs | [
"Arnav Gudibande",
"Eric Wallace",
"Charlie Snell",
"Xinyang Geng",
"Hao Liu",
"Pieter Abbeel",
"Sergey Levine",
"Dawn Song"
] | 2023-05-25 | An emerging method to cheaply improve a weaker language model is to finetune
it on outputs from a stronger model, such as a proprietary system like ChatGPT
(e.g., Alpaca, Self-Instruct, and others). This approach looks to cheaply
imitate the proprietary model's capabilities using a weaker open-source model.
In this work, we critically analyze this approach. We first finetune a series
of LMs that imitate ChatGPT using varying base model sizes (1.5B--13B), data
sources, and imitation data amounts (0.3M--150M tokens). We then evaluate the
models using crowd raters and canonical NLP benchmarks. Initially, we were
surprised by the output quality of our imitation models -- they appear far
better at following instructions, and crowd workers rate their outputs as
competitive with ChatGPT. However, when conducting more targeted automatic
evaluations, we find that imitation models close little to none of the gap from
the base LM to ChatGPT on tasks that are not heavily supported in the imitation
data. We show that these performance discrepancies may slip past human raters
because imitation models are adept at mimicking ChatGPT's style but not its
factuality. Overall, we conclude that model imitation is a false promise: there
exists a substantial capabilities gap between open and closed LMs that, with
current methods, can only be bridged using an unwieldy amount of imitation data
or by using more capable base LMs. In turn, we argue that the highest leverage
action for improving open-source models is to tackle the difficult challenge of
developing better base LMs, rather than taking the shortcut of imitating
proprietary systems. | null | cs.CL | [
"cs.CL"
] |
2401.10831 | HF | Understanding Video Transformers via Universal Concept Discovery | [
"Matthew Kowal",
"Achal Dave",
"Rares Ambrus",
"Adrien Gaidon",
"Konstantinos G. Derpanis",
"Pavel Tokmakov"
] | 2024-01-19 | This paper studies the problem of concept-based interpretability of
transformer representations for videos. Concretely, we seek to explain the
decision-making process of video transformers based on high-level,
spatiotemporal concepts that are automatically discovered. Prior research on
concept-based interpretability has concentrated solely on image-level tasks.
Comparatively, video models deal with the added temporal dimension, increasing
complexity and posing challenges in identifying dynamic concepts over time. In
this work, we systematically address these challenges by introducing the first
Video Transformer Concept Discovery (VTCD) algorithm. To this end, we propose
an efficient approach for unsupervised identification of units of video
transformer representations - concepts, and ranking their importance to the
output of a model. The resulting concepts are highly interpretable, revealing
spatio-temporal reasoning mechanisms and object-centric representations in
unstructured video models. Performing this analysis jointly over a diverse set
of supervised and self-supervised representations, we discover that some of
these mechanism are universal in video transformers. Finally, we show that VTCD
can be used for fine-grained action recognition and video object segmentation. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.RO"
] |
2406.11839 | HF | mDPO: Conditional Preference Optimization for Multimodal Large Language Models | [
"Fei Wang",
"Wenxuan Zhou",
"James Y. Huang",
"Nan Xu",
"Sheng Zhang",
"Hoifung Poon",
"Muhao Chen"
] | 2024-06-17 | Direct preference optimization (DPO) has shown to be an effective method for
large language model (LLM) alignment. Recent works have attempted to apply DPO
to multimodal scenarios but have found it challenging to achieve consistent
improvement. Through a comparative experiment, we identify the unconditional
preference problem in multimodal preference optimization, where the model
overlooks the image condition. To address this problem, we propose mDPO, a
multimodal DPO objective that prevents the over-prioritization of language-only
preferences by also optimizing image preference. Moreover, we introduce a
reward anchor that forces the reward to be positive for chosen responses,
thereby avoiding the decrease in their likelihood -- an intrinsic problem of
relative preference optimization. Experiments on two multimodal LLMs of
different sizes and three widely used benchmarks demonstrate that mDPO
effectively addresses the unconditional preference problem in multimodal
preference optimization and significantly improves model performance,
particularly in reducing hallucination. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2309.15223 | HF | Low-rank Adaptation of Large Language Model Rescoring for Parameter-Efficient Speech Recognition | [
"Yu Yu",
"Chao-Han Huck Yang",
"Jari Kolehmainen",
"Prashanth G. Shivakumar",
"Yile Gu",
"Sungho Ryu",
"Roger Ren",
"Qi Luo",
"Aditya Gourav",
"I-Fan Chen",
"Yi-Chieh Liu",
"Tuan Dinh",
"Ankur Gandhe",
"Denis Filimonov",
"Shalini Ghosh",
"Andreas Stolcke",
"Ariya Rastow",
"Ivan Bulyko"
] | 2023-09-26 | We propose a neural language modeling system based on low-rank adaptation
(LoRA) for speech recognition output rescoring. Although pretrained language
models (LMs) like BERT have shown superior performance in second-pass
rescoring, the high computational cost of scaling up the pretraining stage and
adapting the pretrained models to specific domains limit their practical use in
rescoring. Here we present a method based on low-rank decomposition to train a
rescoring BERT model and adapt it to new domains using only a fraction (0.08%)
of the pretrained parameters. These inserted matrices are optimized through a
discriminative training objective along with a correlation-based regularization
loss. The proposed low-rank adaptation Rescore-BERT (LoRB) architecture is
evaluated on LibriSpeech and internal datasets with decreased training times by
factors between 5.4 and 3.6. | 10.1109/ASRU57964.2023.10389632 | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"cs.NE",
"cs.SD",
"eess.AS"
] |
2402.00854 | HF | SymbolicAI: A framework for logic-based approaches combining generative models and solvers | [
"Marius-Constantin Dinu",
"Claudiu Leoveanu-Condrei",
"Markus Holzleitner",
"Werner Zellinger",
"Sepp Hochreiter"
] | 2024-02-01 | We introduce SymbolicAI, a versatile and modular framework employing a
logic-based approach to concept learning and flow management in generative
processes. SymbolicAI enables the seamless integration of generative models
with a diverse range of solvers by treating large language models (LLMs) as
semantic parsers that execute tasks based on both natural and formal language
instructions, thus bridging the gap between symbolic reasoning and generative
AI. We leverage probabilistic programming principles to tackle complex tasks,
and utilize differentiable and classical programming paradigms with their
respective strengths. The framework introduces a set of polymorphic,
compositional, and self-referential operations for multi-modal data that
connects multi-step generative processes and aligns their outputs with user
objectives in complex workflows. As a result, we can transition between the
capabilities of various foundation models with in-context learning capabilities
and specialized, fine-tuned models or solvers proficient in addressing specific
problems. Through these operations based on in-context learning our framework
enables the creation and evaluation of explainable computational graphs.
Finally, we introduce a quality measure and its empirical score for evaluating
these computational graphs, and propose a benchmark that compares various
state-of-the-art LLMs across a set of complex workflows. We refer to the
empirical score as the "Vector Embedding for Relational Trajectory Evaluation
through Cross-similarity", or VERTEX score for short. The framework codebase
and benchmark are linked below. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.SC",
"cs.SE"
] |
2406.14972 | HF | A Tale of Trust and Accuracy: Base vs. Instruct LLMs in RAG Systems | [
"Florin Cuconasu",
"Giovanni Trappolini",
"Nicola Tonellotto",
"Fabrizio Silvestri"
] | 2024-06-21 | Retrieval Augmented Generation (RAG) represents a significant advancement in
artificial intelligence combining a retrieval phase with a generative phase,
with the latter typically being powered by large language models (LLMs). The
current common practices in RAG involve using "instructed" LLMs, which are
fine-tuned with supervised training to enhance their ability to follow
instructions and are aligned with human preferences using state-of-the-art
techniques. Contrary to popular belief, our study demonstrates that base models
outperform their instructed counterparts in RAG tasks by 20% on average under
our experimental settings. This finding challenges the prevailing assumptions
about the superiority of instructed LLMs in RAG applications. Further
investigations reveal a more nuanced situation, questioning fundamental aspects
of RAG and suggesting the need for broader discussions on the topic; or, as
Fromm would have it, "Seldom is a glance at the statistics enough to understand
the meaning of the figures". | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2402.03040 | HF | InteractiveVideo: User-Centric Controllable Video Generation with Synergistic Multimodal Instructions | [
"Yiyuan Zhang",
"Yuhao Kang",
"Zhixin Zhang",
"Xiaohan Ding",
"Sanyuan Zhao",
"Xiangyu Yue"
] | 2024-02-05 | We introduce $\textit{InteractiveVideo}$, a user-centric framework for video
generation. Different from traditional generative approaches that operate based
on user-provided images or text, our framework is designed for dynamic
interaction, allowing users to instruct the generative model through various
intuitive mechanisms during the whole generation process, e.g. text and image
prompts, painting, drag-and-drop, etc. We propose a Synergistic Multimodal
Instruction mechanism, designed to seamlessly integrate users' multimodal
instructions into generative models, thus facilitating a cooperative and
responsive interaction between user inputs and the generative process. This
approach enables iterative and fine-grained refinement of the generation result
through precise and effective user instructions. With
$\textit{InteractiveVideo}$, users are given the flexibility to meticulously
tailor key aspects of a video. They can paint the reference image, edit
semantics, and adjust video motions until their requirements are fully met.
Code, models, and demo are available at
https://github.com/invictus717/InteractiveVideo | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.MM"
] |
2404.05892 | HF | Eagle and Finch: RWKV with Matrix-Valued States and Dynamic Recurrence | [
"Bo Peng",
"Daniel Goldstein",
"Quentin Anthony",
"Alon Albalak",
"Eric Alcaide",
"Stella Biderman",
"Eugene Cheah",
"Xingjian Du",
"Teddy Ferdinan",
"Haowen Hou",
"Przemysław Kazienko",
"Kranthi Kiran GV",
"Jan Kocoń",
"Bartłomiej Koptyra",
"Satyapriya Krishna",
"Ronald McClelland Jr.",
"Niklas Muennighoff",
"Fares Obeid",
"Atsushi Saito",
"Guangyu Song",
"Haoqin Tu",
"Stanisław Woźniak",
"Ruichong Zhang",
"Bingchen Zhao",
"Qihang Zhao",
"Peng Zhou",
"Jian Zhu",
"Rui-Jie Zhu"
] | 2024-04-08 | We present Eagle (RWKV-5) and Finch (RWKV-6), sequence models improving upon
the RWKV (RWKV-4) architecture. Our architectural design advancements include
multi-headed matrix-valued states and a dynamic recurrence mechanism that
improve expressivity while maintaining the inference efficiency characteristics
of RNNs. We introduce a new multilingual corpus with 1.12 trillion tokens and a
fast tokenizer based on greedy matching for enhanced multilinguality. We
trained four Eagle models, ranging from 0.46 to 7.5 billion parameters, and two
Finch models with 1.6 and 3.1 billion parameters and find that they achieve
competitive performance across a wide variety of benchmarks. We release all our
models on HuggingFace under the Apache 2.0 license. Models at:
https://huggingface.co/RWKV Training code at: https://github.com/RWKV/RWKV-LM
Inference code at: https://github.com/RWKV/ChatRWKV Time-parallel training code
at: https://github.com/RWKV/RWKV-infctx-trainer | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.09455 | HF | Pandora: Towards General World Model with Natural Language Actions and Video States | [
"Jiannan Xiang",
"Guangyi Liu",
"Yi Gu",
"Qiyue Gao",
"Yuting Ning",
"Yuheng Zha",
"Zeyu Feng",
"Tianhua Tao",
"Shibo Hao",
"Yemin Shi",
"Zhengzhong Liu",
"Eric P. Xing",
"Zhiting Hu"
] | 2024-06-12 | World models simulate future states of the world in response to different
actions. They facilitate interactive content creation and provides a foundation
for grounded, long-horizon reasoning. Current foundation models do not fully
meet the capabilities of general world models: large language models (LLMs) are
constrained by their reliance on language modality and their limited
understanding of the physical world, while video models lack interactive action
control over the world simulations. This paper makes a step towards building a
general world model by introducing Pandora, a hybrid autoregressive-diffusion
model that simulates world states by generating videos and allows real-time
control with free-text actions. Pandora achieves domain generality, video
consistency, and controllability through large-scale pretraining and
instruction tuning. Crucially, Pandora bypasses the cost of
training-from-scratch by integrating a pretrained LLM (7B) and a pretrained
video model, requiring only additional lightweight finetuning. We illustrate
extensive outputs by Pandora across diverse domains (indoor/outdoor,
natural/urban, human/robot, 2D/3D, etc.). The results indicate great potential
of building stronger general world models with larger-scale training. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2402.05140 | HF | Tag-LLM: Repurposing General-Purpose LLMs for Specialized Domains | [
"Junhong Shen",
"Neil Tenenholtz",
"James Brian Hall",
"David Alvarez-Melis",
"Nicolo Fusi"
] | 2024-02-06 | Large Language Models (LLMs) have demonstrated remarkable proficiency in
understanding and generating natural language. However, their capabilities wane
in highly specialized domains underrepresented in the pretraining corpus, such
as physical and biomedical sciences. This work explores how to repurpose
general LLMs into effective task solvers for specialized domains. We introduce
a novel, model-agnostic framework for learning custom input tags, which are
parameterized as continuous vectors appended to the LLM's embedding layer, to
condition the LLM. We design two types of input tags: domain tags are used to
delimit specialized representations (e.g., chemical formulas) and provide
domain-relevant context; function tags are used to represent specific functions
(e.g., predicting molecular properties) and compress function-solving
instructions. We develop a three-stage protocol to learn these tags using
auxiliary data and domain knowledge. By explicitly disentangling task domains
from task functions, our method enables zero-shot generalization to unseen
problems through diverse combinations of the input tags. It also boosts LLM's
performance in various specialized domains, such as predicting protein or
chemical properties and modeling drug-target interactions, outperforming expert
models tailored to these tasks. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2402.05859 | AnswerAI | Learning to Route Among Specialized Experts for Zero-Shot Generalization | [
"Mohammed Muqeeth",
"Haokun Liu",
"Yufan Liu",
"Colin Raffel"
] | 2024-02-08 | Recently, there has been a widespread proliferation of "expert" language
models that are specialized to a specific task or domain through
parameter-efficient fine-tuning. How can we recycle large collections of expert
language models to improve zero-shot generalization to unseen tasks? In this
work, we propose Post-Hoc Adaptive Tokenwise Gating Over an Ocean of
Specialized Experts (PHATGOOSE), which learns to route among specialized
modules that were produced through parameter-efficient fine-tuning. Unlike past
methods that learn to route among specialized models, PHATGOOSE explores the
possibility that zero-shot generalization will be improved if different experts
can be adaptively chosen for each token and at each layer in the model.
Crucially, our method is post-hoc - it does not require simultaneous access to
the datasets used to create the specialized models and only requires a modest
amount of additional compute after each expert model is trained. In experiments
covering a range of specialized model collections and zero-shot generalization
benchmarks, we find that PHATGOOSE outperforms past methods for post-hoc
routing and, in some cases, outperforms explicit multitask training (which
requires simultaneous data access). To better understand the routing strategy
learned by PHATGOOSE, we perform qualitative experiments to validate that
PHATGOOSE's performance stems from its ability to make adaptive per-token and
per-module expert choices. We release all of our code to support future work on
improving zero-shot generalization by recycling specialized experts. | null | cs.LG | [
"cs.LG"
] |
2406.06527 | HF | IllumiNeRF: 3D Relighting without Inverse Rendering | [
"Xiaoming Zhao",
"Pratul P. Srinivasan",
"Dor Verbin",
"Keunhong Park",
"Ricardo Martin Brualla",
"Philipp Henzler"
] | 2024-06-10 | Existing methods for relightable view synthesis -- using a set of images of
an object under unknown lighting to recover a 3D representation that can be
rendered from novel viewpoints under a target illumination -- are based on
inverse rendering, and attempt to disentangle the object geometry, materials,
and lighting that explain the input images. Furthermore, this typically
involves optimization through differentiable Monte Carlo rendering, which is
brittle and computationally-expensive. In this work, we propose a simpler
approach: we first relight each input image using an image diffusion model
conditioned on lighting and then reconstruct a Neural Radiance Field (NeRF)
with these relit images, from which we render novel views under the target
lighting. We demonstrate that this strategy is surprisingly competitive and
achieves state-of-the-art results on multiple relighting benchmarks. Please see
our project page at https://illuminerf.github.io/. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2406.02430 | HF | Seed-TTS: A Family of High-Quality Versatile Speech Generation Models | [
"Philip Anastassiou",
"Jiawei Chen",
"Jitong Chen",
"Yuanzhe Chen",
"Zhuo Chen",
"Ziyi Chen",
"Jian Cong",
"Lelai Deng",
"Chuang Ding",
"Lu Gao",
"Mingqing Gong",
"Peisong Huang",
"Qingqing Huang",
"Zhiying Huang",
"Yuanyuan Huo",
"Dongya Jia",
"Chumin Li",
"Feiya Li",
"Hui Li",
"Jiaxin Li",
"Xiaoyang Li",
"Xingxing Li",
"Lin Liu",
"Shouda Liu",
"Sichao Liu",
"Xudong Liu",
"Yuchen Liu",
"Zhengxi Liu",
"Lu Lu",
"Junjie Pan",
"Xin Wang",
"Yuping Wang",
"Yuxuan Wang",
"Zhen Wei",
"Jian Wu",
"Chao Yao",
"Yifeng Yang",
"Yuanhao Yi",
"Junteng Zhang",
"Qidi Zhang",
"Shuo Zhang",
"Wenjie Zhang",
"Yang Zhang",
"Zilin Zhao",
"Dejian Zhong",
"Xiaobin Zhuang"
] | 2024-06-04 | We introduce Seed-TTS, a family of large-scale autoregressive text-to-speech
(TTS) models capable of generating speech that is virtually indistinguishable
from human speech. Seed-TTS serves as a foundation model for speech generation
and excels in speech in-context learning, achieving performance in speaker
similarity and naturalness that matches ground truth human speech in both
objective and subjective evaluations. With fine-tuning, we achieve even higher
subjective scores across these metrics. Seed-TTS offers superior
controllability over various speech attributes such as emotion and is capable
of generating highly expressive and diverse speech for speakers in the wild.
Furthermore, we propose a self-distillation method for speech factorization, as
well as a reinforcement learning approach to enhance model robustness, speaker
similarity, and controllability. We additionally present a non-autoregressive
(NAR) variant of the Seed-TTS model, named $\text{Seed-TTS}_\text{DiT}$, which
utilizes a fully diffusion-based architecture. Unlike previous NAR-based TTS
systems, $\text{Seed-TTS}_\text{DiT}$ does not depend on pre-estimated phoneme
durations and performs speech generation through end-to-end processing. We
demonstrate that this variant achieves comparable performance to the language
model-based variant and showcase its effectiveness in speech editing. We
encourage readers to listen to demos at
\url{https://bytedancespeech.github.io/seedtts_tech_report}. | null | eess.AS | [
"eess.AS",
"cs.SD"
] |
2311.06214 | HF | Instant3D: Fast Text-to-3D with Sparse-View Generation and Large Reconstruction Model | [
"Jiahao Li",
"Hao Tan",
"Kai Zhang",
"Zexiang Xu",
"Fujun Luan",
"Yinghao Xu",
"Yicong Hong",
"Kalyan Sunkavalli",
"Greg Shakhnarovich",
"Sai Bi"
] | 2023-11-10 | Text-to-3D with diffusion models has achieved remarkable progress in recent
years. However, existing methods either rely on score distillation-based
optimization which suffer from slow inference, low diversity and Janus
problems, or are feed-forward methods that generate low-quality results due to
the scarcity of 3D training data. In this paper, we propose Instant3D, a novel
method that generates high-quality and diverse 3D assets from text prompts in a
feed-forward manner. We adopt a two-stage paradigm, which first generates a
sparse set of four structured and consistent views from text in one shot with a
fine-tuned 2D text-to-image diffusion model, and then directly regresses the
NeRF from the generated images with a novel transformer-based sparse-view
reconstructor. Through extensive experiments, we demonstrate that our method
can generate diverse 3D assets of high visual quality within 20 seconds, which
is two orders of magnitude faster than previous optimization-based methods that
can take 1 to 10 hours. Our project webpage: https://jiahao.ai/instant3d/. | null | cs.CV | [
"cs.CV"
] |
2307.09233 | HF | Distilling Knowledge from Text-to-Image Generative Models Improves Visio-Linguistic Reasoning in CLIP | [
"Samyadeep Basu",
"Shell Xu Hu",
"Maziar Sanjabi",
"Daniela Massiceti",
"Soheil Feizi"
] | 2023-07-18 | Image-text contrastive models like CLIP have wide applications in zero-shot
classification, image-text retrieval, and transfer learning. However, they
often struggle on compositional visio-linguistic tasks (e.g., attribute-binding
or object-relationships) where their performance is no better than random
chance. To address this, we introduce SDS-CLIP, a lightweight and
sample-efficient distillation method to enhance CLIP's compositional
visio-linguistic reasoning. Our approach fine-tunes CLIP using a distillation
objective borrowed from large text-to-image generative models like
Stable-Diffusion, which are known for their strong visio-linguistic reasoning
abilities. On the challenging Winoground benchmark, SDS-CLIP improves the
visio-linguistic performance of various CLIP models by up to 7%, while on the
ARO dataset, it boosts performance by up to 3%. This work underscores the
potential of well-designed distillation objectives from generative models to
enhance contrastive image-text models with improved visio-linguistic reasoning
capabilities. | null | cs.CV | [
"cs.CV"
] |
2312.00063 | HF | MoMask: Generative Masked Modeling of 3D Human Motions | [
"Chuan Guo",
"Yuxuan Mu",
"Muhammad Gohar Javed",
"Sen Wang",
"Li Cheng"
] | 2023-11-29 | We introduce MoMask, a novel masked modeling framework for text-driven 3D
human motion generation. In MoMask, a hierarchical quantization scheme is
employed to represent human motion as multi-layer discrete motion tokens with
high-fidelity details. Starting at the base layer, with a sequence of motion
tokens obtained by vector quantization, the residual tokens of increasing
orders are derived and stored at the subsequent layers of the hierarchy. This
is consequently followed by two distinct bidirectional transformers. For the
base-layer motion tokens, a Masked Transformer is designated to predict
randomly masked motion tokens conditioned on text input at training stage.
During generation (i.e. inference) stage, starting from an empty sequence, our
Masked Transformer iteratively fills up the missing tokens; Subsequently, a
Residual Transformer learns to progressively predict the next-layer tokens
based on the results from current layer. Extensive experiments demonstrate that
MoMask outperforms the state-of-art methods on the text-to-motion generation
task, with an FID of 0.045 (vs e.g. 0.141 of T2M-GPT) on the HumanML3D dataset,
and 0.228 (vs 0.514) on KIT-ML, respectively. MoMask can also be seamlessly
applied in related tasks without further model fine-tuning, such as text-guided
temporal inpainting. | null | cs.CV | [
"cs.CV"
] |
2310.07096 | AnswerAI | Sparse Universal Transformer | [
"Shawn Tan",
"Yikang Shen",
"Zhenfang Chen",
"Aaron Courville",
"Chuang Gan"
] | 2023-10-11 | The Universal Transformer (UT) is a variant of the Transformer that shares
parameters across its layers. Empirical evidence shows that UTs have better
compositional generalization than Vanilla Transformers (VTs) in formal language
tasks. The parameter-sharing also affords it better parameter efficiency than
VTs. Despite its many advantages, scaling UT parameters is much more compute
and memory intensive than scaling up a VT. This paper proposes the Sparse
Universal Transformer (SUT), which leverages Sparse Mixture of Experts (SMoE)
and a new stick-breaking-based dynamic halting mechanism to reduce UT's
computation complexity while retaining its parameter efficiency and
generalization ability. Experiments show that SUT achieves the same performance
as strong baseline models while only using half computation and parameters on
WMT'14 and strong generalization results on formal language tasks (Logical
inference and CFQ). The new halting mechanism also enables around 50\%
reduction in computation during inference with very little performance decrease
on formal language tasks. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.19066 | HF | Nested Diffusion Processes for Anytime Image Generation | [
"Noam Elata",
"Bahjat Kawar",
"Tomer Michaeli",
"Michael Elad"
] | 2023-05-30 | Diffusion models are the current state-of-the-art in image generation,
synthesizing high-quality images by breaking down the generation process into
many fine-grained denoising steps. Despite their good performance, diffusion
models are computationally expensive, requiring many neural function
evaluations (NFEs). In this work, we propose an anytime diffusion-based method
that can generate viable images when stopped at arbitrary times before
completion. Using existing pretrained diffusion models, we show that the
generation scheme can be recomposed as two nested diffusion processes, enabling
fast iterative refinement of a generated image. In experiments on ImageNet and
Stable Diffusion-based text-to-image generation, we show, both qualitatively
and quantitatively, that our method's intermediate generation quality greatly
exceeds that of the original diffusion model, while the final generation result
remains comparable. We illustrate the applicability of Nested Diffusion in
several settings, including for solving inverse problems, and for rapid
text-based content creation by allowing user intervention throughout the
sampling process. | null | cs.CV | [
"cs.CV"
] |
2304.02819 | AnswerAI | GPT detectors are biased against non-native English writers | [
"Weixin Liang",
"Mert Yuksekgonul",
"Yining Mao",
"Eric Wu",
"James Zou"
] | 2023-04-06 | The rapid adoption of generative language models has brought about
substantial advancements in digital communication, while simultaneously raising
concerns regarding the potential misuse of AI-generated content. Although
numerous detection methods have been proposed to differentiate between AI and
human-generated content, the fairness and robustness of these detectors remain
underexplored. In this study, we evaluate the performance of several
widely-used GPT detectors using writing samples from native and non-native
English writers. Our findings reveal that these detectors consistently
misclassify non-native English writing samples as AI-generated, whereas native
writing samples are accurately identified. Furthermore, we demonstrate that
simple prompting strategies can not only mitigate this bias but also
effectively bypass GPT detectors, suggesting that GPT detectors may
unintentionally penalize writers with constrained linguistic expressions. Our
results call for a broader conversation about the ethical implications of
deploying ChatGPT content detectors and caution against their use in evaluative
or educational settings, particularly when they may inadvertently penalize or
exclude non-native English speakers from the global discourse. The published
version of this study can be accessed at:
www.cell.com/patterns/fulltext/S2666-3899(23)00130-7 | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.HC",
"cs.LG"
] |
2307.15337 | Both | Skeleton-of-Thought: Prompting LLMs for Efficient Parallel Generation | [
"Xuefei Ning",
"Zinan Lin",
"Zixuan Zhou",
"Zifu Wang",
"Huazhong Yang",
"Yu Wang"
] | 2023-07-28 | This work aims at decreasing the end-to-end generation latency of large
language models (LLMs). One of the major causes of the high generation latency
is the sequential decoding approach adopted by almost all state-of-the-art
LLMs. In this work, motivated by the thinking and writing process of humans, we
propose Skeleton-of-Thought (SoT), which first guides LLMs to generate the
skeleton of the answer, and then conducts parallel API calls or batched
decoding to complete the contents of each skeleton point in parallel. Not only
does SoT provide considerable speed-ups across 12 LLMs, but it can also
potentially improve the answer quality on several question categories. SoT is
an initial attempt at data-centric optimization for inference efficiency, and
showcases the potential of eliciting high-quality answers by explicitly
planning the answer structure in language. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.07895 | HF | LLaVA-NeXT-Interleave: Tackling Multi-image, Video, and 3D in Large Multimodal Models | [
"Feng Li",
"Renrui Zhang",
"Hao Zhang",
"Yuanhan Zhang",
"Bo Li",
"Wei Li",
"Zejun Ma",
"Chunyuan Li"
] | 2024-07-10 | Visual instruction tuning has made considerable strides in enhancing the
capabilities of Large Multimodal Models (LMMs). However, existing open LMMs
largely focus on single-image tasks, their applications to multi-image
scenarios remains less explored. Additionally, prior LMM research separately
tackles different scenarios, leaving it impossible to generalize cross
scenarios with new emerging capabilities. To this end, we introduce
LLaVA-NeXT-Interleave, which simultaneously tackles Multi-image, Multi-frame
(video), Multi-view (3D), and Multi-patch (single-image) scenarios in LMMs. To
enable these capabilities, we regard the interleaved data format as a general
template and compile the M4-Instruct dataset with 1,177.6k samples, spanning 4
primary domains with 14 tasks and 41 datasets. We also curate the
LLaVA-Interleave Bench to comprehensively evaluate the multi-image performance
of LMMs. Through extensive experiments, LLaVA-NeXT-Interleave achieves leading
results in multi-image, video, and 3D benchmarks, while maintaining the
performance of single-image tasks. Besides, our model also exhibits several
emerging capabilities, e.g., transferring tasks across different settings and
modalities. Code is available at https://github.com/LLaVA-VL/LLaVA-NeXT | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2407.00468 | HF | MMEvalPro: Calibrating Multimodal Benchmarks Towards Trustworthy and Efficient Evaluation | [
"Jinsheng Huang",
"Liang Chen",
"Taian Guo",
"Fu Zeng",
"Yusheng Zhao",
"Bohan Wu",
"Ye Yuan",
"Haozhe Zhao",
"Zhihui Guo",
"Yichi Zhang",
"Jingyang Yuan",
"Wei Ju",
"Luchen Liu",
"Tianyu Liu",
"Baobao Chang",
"Ming Zhang"
] | 2024-06-29 | Large Multimodal Models (LMMs) exhibit impressive cross-modal understanding
and reasoning abilities, often assessed through multiple-choice questions
(MCQs) that include an image, a question, and several options. However, many
benchmarks used for such evaluations suffer from systematic biases. Remarkably,
Large Language Models (LLMs) without any visual perception capabilities achieve
non-trivial performance, undermining the credibility of these evaluations. To
address this issue while maintaining the efficiency of MCQ evaluations, we
propose MMEvalPro, a benchmark designed to avoid Type-I errors through a
trilogy evaluation pipeline and more rigorous metrics. For each original
question from existing benchmarks, human annotators augment it by creating one
perception question and one knowledge anchor question through a meticulous
annotation process. MMEvalPro comprises $2,138$ question triplets, totaling
$6,414$ distinct questions. Two-thirds of these questions are manually labeled
by human experts, while the rest are sourced from existing benchmarks (MMMU,
ScienceQA, and MathVista). Compared with the existing benchmarks, our
experiments with the latest LLMs and LMMs demonstrate that MMEvalPro is more
challenging (the best LMM lags behind human performance by $31.73\%$, compared
to an average gap of $8.03\%$ in previous benchmarks) and more trustworthy (the
best LLM trails the best LMM by $23.09\%$, whereas the gap for previous
benchmarks is just $14.64\%$). Our in-depth analysis explains the reason for
the large performance gap and justifies the trustworthiness of evaluation,
underscoring its significant potential for advancing future research. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2211.05953 | AnswerAI | Breadth-First Pipeline Parallelism | [
"Joel Lamy-Poirier"
] | 2022-11-11 | We introduce Breadth-First Pipeline Parallelism, a novel training schedule
which optimizes the combination of pipeline and data parallelism. Breadth-First
Pipeline Parallelism lowers training time, cost and memory usage by combining a
high GPU utilization with a small batch size per GPU, and by making use of
fully sharded data parallelism. Experimentally, we observed an increase of up
to 43% in training throughput for a 52 billion-parameter model using a small
batch size per GPU compared to Megatron-LM, which would reduce the training
time and cost by the same amount on a large GPU cluster. | null | cs.DC | [
"cs.DC",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2304.13712 | AnswerAI | Harnessing the Power of LLMs in Practice: A Survey on ChatGPT and Beyond | [
"Jingfeng Yang",
"Hongye Jin",
"Ruixiang Tang",
"Xiaotian Han",
"Qizhang Feng",
"Haoming Jiang",
"Bing Yin",
"Xia Hu"
] | 2023-04-26 | This paper presents a comprehensive and practical guide for practitioners and
end-users working with Large Language Models (LLMs) in their downstream natural
language processing (NLP) tasks. We provide discussions and insights into the
usage of LLMs from the perspectives of models, data, and downstream tasks.
Firstly, we offer an introduction and brief summary of current GPT- and
BERT-style LLMs. Then, we discuss the influence of pre-training data, training
data, and test data. Most importantly, we provide a detailed discussion about
the use and non-use cases of large language models for various natural language
processing tasks, such as knowledge-intensive tasks, traditional natural
language understanding tasks, natural language generation tasks, emergent
abilities, and considerations for specific tasks.We present various use cases
and non-use cases to illustrate the practical applications and limitations of
LLMs in real-world scenarios. We also try to understand the importance of data
and the specific challenges associated with each NLP task. Furthermore, we
explore the impact of spurious biases on LLMs and delve into other essential
considerations, such as efficiency, cost, and latency, to ensure a
comprehensive understanding of deploying LLMs in practice. This comprehensive
guide aims to provide researchers and practitioners with valuable insights and
best practices for working with LLMs, thereby enabling the successful
implementation of these models in a wide range of NLP tasks. A curated list of
practical guide resources of LLMs, regularly updated, can be found at
\url{https://github.com/Mooler0410/LLMsPracticalGuide}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.05981 | HF | ShiftAddLLM: Accelerating Pretrained LLMs via Post-Training Multiplication-Less Reparameterization | [
"Haoran You",
"Yipin Guo",
"Yichao Fu",
"Wei Zhou",
"Huihong Shi",
"Xiaofan Zhang",
"Souvik Kundu",
"Amir Yazdanbakhsh",
"Yingyan Celine Lin"
] | 2024-06-10 | Large language models (LLMs) have shown impressive performance on language
tasks but face challenges when deployed on resource-constrained devices due to
their extensive parameters and reliance on dense multiplications, resulting in
high memory demands and latency bottlenecks. Shift-and-add reparameterization
offers a promising solution by replacing costly multiplications with
hardware-friendly primitives in both the attention and multi-layer perceptron
(MLP) layers of an LLM. However, current reparameterization techniques require
training from scratch or full parameter fine-tuning to restore accuracy, which
is resource-intensive for LLMs. To address this, we propose accelerating
pretrained LLMs through post-training shift-and-add reparameterization,
creating efficient multiplication-free models, dubbed ShiftAddLLM.
Specifically, we quantize each weight matrix into binary matrices paired with
group-wise scaling factors. The associated multiplications are reparameterized
into (1) shifts between activations and scaling factors and (2) queries and
adds according to the binary matrices. To reduce accuracy loss, we present a
multi-objective optimization method to minimize both weight and output
activation reparameterization errors. Additionally, based on varying
sensitivity across layers to reparameterization, we develop an automated bit
allocation strategy to further reduce memory usage and latency. Experiments on
five LLM families and eight tasks consistently validate the effectiveness of
ShiftAddLLM, achieving average perplexity improvements of 5.6 and 22.7 points
at comparable or lower latency compared to the most competitive quantized LLMs
at 3 and 2 bits, respectively, and more than 80% memory and energy reductions
over the original LLMs. Codes and models are available at
https://github.com/GATECH-EIC/ShiftAddLLM. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2406.14785 | AnswerAI | Understanding Finetuning for Factual Knowledge Extraction | [
"Gaurav Ghosal",
"Tatsunori Hashimoto",
"Aditi Raghunathan"
] | 2024-06-20 | In this work, we study the impact of QA fine-tuning data on downstream
factuality. We show that fine-tuning on lesser-known facts that are poorly
stored during pretraining yields significantly worse factuality than
fine-tuning on well-known facts, even when all facts are seen during
pretraining. We prove this phenomenon theoretically, showing that training on
lesser-known facts can lead the model to ignore subject entity names and
instead output a generic plausible response even when the relevant factual
knowledge is encoded in the model. On three question answering benchmarks
(PopQA, Entity Questions, and MMLU) and two language models (Llama-2-7B and
Mistral-7B), we find that (i) finetuning on a completely factual but
lesser-known subset of the data deteriorates downstream factuality (5-10%) and
(ii) finetuning on a subset of better-known examples matches or outperforms
finetuning on the entire dataset. Ultimately, our results shed light on the
interaction between pretrained knowledge and finetuning data and demonstrate
the importance of taking into account how facts are stored in the pretrained
model when fine-tuning for knowledge-intensive tasks. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.12327 | HF | Spectra: A Comprehensive Study of Ternary, Quantized, and FP16 Language Models | [
"Ayush Kaushal",
"Tejas Pandey",
"Tejas Vaidhya",
"Aaryan Bhagat",
"Irina Rish"
] | 2024-07-17 | Post-training quantization is the leading method for addressing
memory-related bottlenecks in LLM inference, but unfortunately, it suffers from
significant performance degradation below 4-bit precision. An alternative
approach involves training compressed models directly at a low bitwidth (e.g.,
binary or ternary models). However, the performance, training dynamics, and
scaling trends of such models are not yet well understood. To address this
issue, we train and openly release the Spectra LLM suite consisting of 54
language models ranging from 99M to 3.9B parameters, trained on 300B tokens.
Spectra includes FloatLMs, post-training quantized QuantLMs (3, 4, 6, and 8
bits), and ternary LLMs (TriLMs) - our improved architecture for ternary
language modeling, which significantly outperforms previously proposed ternary
models of a given size (in bits), matching half-precision models at scale. For
example, TriLM 3.9B is (bit-wise) smaller than the half-precision FloatLM 830M,
but matches half-precision FloatLM 3.9B in commonsense reasoning and knowledge
benchmarks. However, TriLM 3.9B is also as toxic and stereotyping as FloatLM
3.9B, a model six times larger in size. Additionally, TriLM 3.9B lags behind
FloatLM in perplexity on validation splits and web-based corpora but performs
better on less noisy datasets like Lambada and PennTreeBank.
To enhance understanding of low-bitwidth models, we are releasing 500+
intermediate checkpoints of the Spectra suite at
\href{https://github.com/NolanoOrg/SpectraSuite}{https://github.com/NolanoOrg/SpectraSuite}. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"68T30",
"I.2.6; I.2.7"
] |
2401.07049 | HF | Quantum Denoising Diffusion Models | [
"Michael Kölle",
"Gerhard Stenzel",
"Jonas Stein",
"Sebastian Zielinski",
"Björn Ommer",
"Claudia Linnhoff-Popien"
] | 2024-01-13 | In recent years, machine learning models like DALL-E, Craiyon, and Stable
Diffusion have gained significant attention for their ability to generate
high-resolution images from concise descriptions. Concurrently, quantum
computing is showing promising advances, especially with quantum machine
learning which capitalizes on quantum mechanics to meet the increasing
computational requirements of traditional machine learning algorithms. This
paper explores the integration of quantum machine learning and variational
quantum circuits to augment the efficacy of diffusion-based image generation
models. Specifically, we address two challenges of classical diffusion models:
their low sampling speed and the extensive parameter requirements. We introduce
two quantum diffusion models and benchmark their capabilities against their
classical counterparts using MNIST digits, Fashion MNIST, and CIFAR-10. Our
models surpass the classical models with similar parameter counts in terms of
performance metrics FID, SSIM, and PSNR. Moreover, we introduce a consistency
model unitary single sampling architecture that combines the diffusion
procedure into a single step, enabling a fast one-step image generation. | null | quant-ph | [
"quant-ph",
"cs.CV"
] |
2406.19389 | HF | OMG-LLaVA: Bridging Image-level, Object-level, Pixel-level Reasoning and Understanding | [
"Tao Zhang",
"Xiangtai Li",
"Hao Fei",
"Haobo Yuan",
"Shengqiong Wu",
"Shunping Ji",
"Chen Change Loy",
"Shuicheng Yan"
] | 2024-06-27 | Current universal segmentation methods demonstrate strong capabilities in
pixel-level image and video understanding. However, they lack reasoning
abilities and cannot be controlled via text instructions. In contrast, large
vision-language multimodal models exhibit powerful vision-based conversation
and reasoning capabilities but lack pixel-level understanding and have
difficulty accepting visual prompts for flexible user interaction. This paper
proposes OMG-LLaVA, a new and elegant framework combining powerful pixel-level
vision understanding with reasoning abilities. It can accept various visual and
text prompts for flexible user interaction. Specifically, we use a universal
segmentation method as the visual encoder, integrating image information,
perception priors, and visual prompts into visual tokens provided to the LLM.
The LLM is responsible for understanding the user's text instructions and
providing text responses and pixel-level segmentation results based on the
visual information. We propose perception prior embedding to better integrate
perception priors with image features. OMG-LLaVA achieves image-level,
object-level, and pixel-level reasoning and understanding in a single model,
matching or surpassing the performance of specialized methods on multiple
benchmarks. Rather than using LLM to connect each specialist, our work aims at
end-to-end training on one encoder, one decoder, and one LLM. The code and
model have been released for further research. | null | cs.CV | [
"cs.CV"
] |
2409.04196 | HF | GST: Precise 3D Human Body from a Single Image with Gaussian Splatting Transformers | [
"Lorenza Prospero",
"Abdullah Hamdi",
"Joao F. Henriques",
"Christian Rupprecht"
] | 2024-09-06 | Reconstructing realistic 3D human models from monocular images has
significant applications in creative industries, human-computer interfaces, and
healthcare. We base our work on 3D Gaussian Splatting (3DGS), a scene
representation composed of a mixture of Gaussians. Predicting such mixtures for
a human from a single input image is challenging, as it is a non-uniform
density (with a many-to-one relationship with input pixels) with strict
physical constraints. At the same time, it needs to be flexible to accommodate
a variety of clothes and poses. Our key observation is that the vertices of
standardized human meshes (such as SMPL) can provide an adequate density and
approximate initial position for Gaussians. We can then train a transformer
model to jointly predict comparatively small adjustments to these positions, as
well as the other Gaussians' attributes and the SMPL parameters. We show
empirically that this combination (using only multi-view supervision) can
achieve fast inference of 3D human models from a single image without test-time
optimization, expensive diffusion models, or 3D points supervision. We also
show that it can improve 3D pose estimation by better fitting human models that
account for clothes and other variations. The code is available on the project
website https://abdullahamdi.com/gst/ . | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.10328 | HF | From Pixels to Prose: A Large Dataset of Dense Image Captions | [
"Vasu Singla",
"Kaiyu Yue",
"Sukriti Paul",
"Reza Shirkavand",
"Mayuka Jayawardhana",
"Alireza Ganjdanesh",
"Heng Huang",
"Abhinav Bhatele",
"Gowthami Somepalli",
"Tom Goldstein"
] | 2024-06-14 | Training large vision-language models requires extensive, high-quality
image-text pairs. Existing web-scraped datasets, however, are noisy and lack
detailed image descriptions. To bridge this gap, we introduce PixelProse, a
comprehensive dataset of over 16M (million) synthetically generated captions,
leveraging cutting-edge vision-language models for detailed and accurate
descriptions. To ensure data integrity, we rigorously analyze our dataset for
problematic content, including child sexual abuse material (CSAM), personally
identifiable information (PII), and toxicity. We also provide valuable metadata
such as watermark presence and aesthetic scores, aiding in further dataset
filtering. We hope PixelProse will be a valuable resource for future
vision-language research. PixelProse is available at
https://huggingface.co/datasets/tomg-group-umd/pixelprose | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2403.20331 | HF | Unsolvable Problem Detection: Evaluating Trustworthiness of Vision Language Models | [
"Atsuyuki Miyai",
"Jingkang Yang",
"Jingyang Zhang",
"Yifei Ming",
"Qing Yu",
"Go Irie",
"Yixuan Li",
"Hai Li",
"Ziwei Liu",
"Kiyoharu Aizawa"
] | 2024-03-29 | This paper introduces a novel and significant challenge for Vision Language
Models (VLMs), termed Unsolvable Problem Detection (UPD). UPD examines the
VLM's ability to withhold answers when faced with unsolvable problems in the
context of Visual Question Answering (VQA) tasks. UPD encompasses three
distinct settings: Absent Answer Detection (AAD), Incompatible Answer Set
Detection (IASD), and Incompatible Visual Question Detection (IVQD). To deeply
investigate the UPD problem, extensive experiments indicate that most VLMs,
including GPT-4V and LLaVA-Next-34B, struggle with our benchmarks to varying
extents, highlighting significant room for the improvements. To address UPD, we
explore both training-free and training-based solutions, offering new insights
into their effectiveness and limitations. We hope our insights, together with
future efforts within the proposed UPD settings, will enhance the broader
understanding and development of more practical and reliable VLMs. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2403.06775 | HF | FaceChain-SuDe: Building Derived Class to Inherit Category Attributes for One-shot Subject-Driven Generation | [
"Pengchong Qiao",
"Lei Shang",
"Chang Liu",
"Baigui Sun",
"Xiangyang Ji",
"Jie Chen"
] | 2024-03-11 | Subject-driven generation has garnered significant interest recently due to
its ability to personalize text-to-image generation. Typical works focus on
learning the new subject's private attributes. However, an important fact has
not been taken seriously that a subject is not an isolated new concept but
should be a specialization of a certain category in the pre-trained model. This
results in the subject failing to comprehensively inherit the attributes in its
category, causing poor attribute-related generations. In this paper, motivated
by object-oriented programming, we model the subject as a derived class whose
base class is its semantic category. This modeling enables the subject to
inherit public attributes from its category while learning its private
attributes from the user-provided example. Specifically, we propose a
plug-and-play method, Subject-Derived regularization (SuDe). It constructs the
base-derived class modeling by constraining the subject-driven generated images
to semantically belong to the subject's category. Extensive experiments under
three baselines and two backbones on various subjects show that our SuDe
enables imaginative attribute-related generations while maintaining subject
fidelity. Codes will be open sourced soon at FaceChain
(https://github.com/modelscope/facechain). | null | cs.CV | [
"cs.CV"
] |
2309.03903 | HF | Tracking Anything with Decoupled Video Segmentation | [
"Ho Kei Cheng",
"Seoung Wug Oh",
"Brian Price",
"Alexander Schwing",
"Joon-Young Lee"
] | 2023-09-07 | Training data for video segmentation are expensive to annotate. This impedes
extensions of end-to-end algorithms to new video segmentation tasks, especially
in large-vocabulary settings. To 'track anything' without training on video
data for every individual task, we develop a decoupled video segmentation
approach (DEVA), composed of task-specific image-level segmentation and
class/task-agnostic bi-directional temporal propagation. Due to this design, we
only need an image-level model for the target task (which is cheaper to train)
and a universal temporal propagation model which is trained once and
generalizes across tasks. To effectively combine these two modules, we use
bi-directional propagation for (semi-)online fusion of segmentation hypotheses
from different frames to generate a coherent segmentation. We show that this
decoupled formulation compares favorably to end-to-end approaches in several
data-scarce tasks including large-vocabulary video panoptic segmentation,
open-world video segmentation, referring video segmentation, and unsupervised
video object segmentation. Code is available at:
https://hkchengrex.github.io/Tracking-Anything-with-DEVA | null | cs.CV | [
"cs.CV"
] |
2404.12803 | HF | TextSquare: Scaling up Text-Centric Visual Instruction Tuning | [
"Jingqun Tang",
"Chunhui Lin",
"Zhen Zhao",
"Shu Wei",
"Binghong Wu",
"Qi Liu",
"Hao Feng",
"Yang Li",
"Siqi Wang",
"Lei Liao",
"Wei Shi",
"Yuliang Liu",
"Hao Liu",
"Yuan Xie",
"Xiang Bai",
"Can Huang"
] | 2024-04-19 | Text-centric visual question answering (VQA) has made great strides with the
development of Multimodal Large Language Models (MLLMs), yet open-source models
still fall short of leading models like GPT4V and Gemini, partly due to a lack
of extensive, high-quality instruction tuning data. To this end, we introduce a
new approach for creating a massive, high-quality instruction-tuning dataset,
Square-10M, which is generated using closed-source MLLMs. The data construction
process, termed Square, consists of four steps: Self-Questioning, Answering,
Reasoning, and Evaluation. Our experiments with Square-10M led to three key
findings: 1) Our model, TextSquare, considerably surpasses open-source previous
state-of-the-art Text-centric MLLMs and sets a new standard on OCRBench(62.2%).
It even outperforms top-tier models like GPT4V and Gemini in 6 of 10
text-centric benchmarks. 2) Additionally, we demonstrate the critical role of
VQA reasoning data in offering comprehensive contextual insights for specific
questions. This not only improves accuracy but also significantly mitigates
hallucinations. Specifically, TextSquare scores an average of 75.1% across four
general VQA and hallucination evaluation datasets, outperforming previous
state-of-the-art models. 3) Notably, the phenomenon observed in scaling
text-centric VQA datasets reveals a vivid pattern: the exponential increase of
instruction tuning data volume is directly proportional to the improvement in
model performance, thereby validating the necessity of the dataset scale and
the high quality of Square-10M. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2404.12195 | HF | OpenBezoar: Small, Cost-Effective and Open Models Trained on Mixes of Instruction Data | [
"Chandeepa Dissanayake",
"Lahiru Lowe",
"Sachith Gunasekara",
"Yasiru Ratnayake"
] | 2024-04-18 | Instruction fine-tuning pretrained LLMs for diverse downstream tasks has
demonstrated remarkable success and has captured the interest of both academics
and practitioners. To ensure such fine-tuned LLMs align with human preferences,
techniques such as RLHF and DPO have emerged. At the same time, there is
increasing interest in smaller parameter counts for models. In this work, using
OpenLLaMA 3Bv2 as a base model, we describe the recipe used to fine-tune the
OpenBezoar family of models. In this recipe: We first generate synthetic
instruction fine-tuning data using an open and commercially non-restrictive
instruction fine-tuned variant of the Falcon-40B model under three schemes
based on: LaMini-LM, WizardLM/Evol-Instruct (with databricks-dolly-15k as a
seed dataset) and Orca (with the Flan Collection as a seed dataset), then
filter these generations using GPT-4 as a human proxy. We then perform
cost-effective QLoRA-based supervised fine-tuning sequentially with each
scheme. The resulting checkpoint is further fine-tuned with a subset of the
HH-RLHF dataset to minimize distribution shift prior to using the DPO loss to
obtain the final checkpoint. Evaluation is done with the LM Eval Harness
tasks/metrics as well as on MT-Bench using the "LLM-as-a-judge" framework with
Claude 2.1, with the finding that the final checkpoint,
"OpenBezoar-HH-RLHF-DPO", demonstrates superior performance over many models at
the 3B parameter scale, even outperforming the top model in one of the
categories on the Huggingface Open LLM Leaderboard. We release
"OpenBezoar-SFT", "OpenBezoar-HH-RLHF-SFT", "OpenBezoar-HH-RLHF-DPO"
checkpoints, alongside our generated datasets on HuggingFace at
https://huggingface.co/collections/SurgeGlobal/open-bezoar-6620a24923e12127e9e2b9cc
and our codebase at
https://bitbucket.org/paladinanalytics/workspace/projects/OP. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2406.02543 | HF | To Believe or Not to Believe Your LLM | [
"Yasin Abbasi Yadkori",
"Ilja Kuzborskij",
"András György",
"Csaba Szepesvári"
] | 2024-06-04 | We explore uncertainty quantification in large language models (LLMs), with
the goal to identify when uncertainty in responses given a query is large. We
simultaneously consider both epistemic and aleatoric uncertainties, where the
former comes from the lack of knowledge about the ground truth (such as about
facts or the language), and the latter comes from irreducible randomness (such
as multiple possible answers). In particular, we derive an
information-theoretic metric that allows to reliably detect when only epistemic
uncertainty is large, in which case the output of the model is unreliable. This
condition can be computed based solely on the output of the model obtained
simply by some special iterative prompting based on the previous responses.
Such quantification, for instance, allows to detect hallucinations (cases when
epistemic uncertainty is high) in both single- and multi-answer responses. This
is in contrast to many standard uncertainty quantification strategies (such as
thresholding the log-likelihood of a response) where hallucinations in the
multi-answer case cannot be detected. We conduct a series of experiments which
demonstrate the advantage of our formulation. Further, our investigations shed
some light on how the probabilities assigned to a given output by an LLM can be
amplified by iterative prompting, which might be of independent interest. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2405.08317 | HF | SpeechGuard: Exploring the Adversarial Robustness of Multimodal Large Language Models | [
"Raghuveer Peri",
"Sai Muralidhar Jayanthi",
"Srikanth Ronanki",
"Anshu Bhatia",
"Karel Mundnich",
"Saket Dingliwal",
"Nilaksh Das",
"Zejiang Hou",
"Goeric Huybrechts",
"Srikanth Vishnubhotla",
"Daniel Garcia-Romero",
"Sundararajan Srinivasan",
"Kyu J Han",
"Katrin Kirchhoff"
] | 2024-05-14 | Integrated Speech and Large Language Models (SLMs) that can follow speech
instructions and generate relevant text responses have gained popularity
lately. However, the safety and robustness of these models remains largely
unclear. In this work, we investigate the potential vulnerabilities of such
instruction-following speech-language models to adversarial attacks and
jailbreaking. Specifically, we design algorithms that can generate adversarial
examples to jailbreak SLMs in both white-box and black-box attack settings
without human involvement. Additionally, we propose countermeasures to thwart
such jailbreaking attacks. Our models, trained on dialog data with speech
instructions, achieve state-of-the-art performance on spoken question-answering
task, scoring over 80% on both safety and helpfulness metrics. Despite safety
guardrails, experiments on jailbreaking demonstrate the vulnerability of SLMs
to adversarial perturbations and transfer attacks, with average attack success
rates of 90% and 10% respectively when evaluated on a dataset of carefully
designed harmful questions spanning 12 different toxic categories. However, we
demonstrate that our proposed countermeasures reduce the attack success
significantly. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2402.05937 | HF | InstaGen: Enhancing Object Detection by Training on Synthetic Dataset | [
"Chengjian Feng",
"Yujie Zhong",
"Zequn Jie",
"Weidi Xie",
"Lin Ma"
] | 2024-02-08 | In this paper, we present a novel paradigm to enhance the ability of object
detector, e.g., expanding categories or improving detection performance, by
training on synthetic dataset generated from diffusion models. Specifically, we
integrate an instance-level grounding head into a pre-trained, generative
diffusion model, to augment it with the ability of localising instances in the
generated images. The grounding head is trained to align the text embedding of
category names with the regional visual feature of the diffusion model, using
supervision from an off-the-shelf object detector, and a novel self-training
scheme on (novel) categories not covered by the detector. We conduct thorough
experiments to show that, this enhanced version of diffusion model, termed as
InstaGen, can serve as a data synthesizer, to enhance object detectors by
training on its generated samples, demonstrating superior performance over
existing state-of-the-art methods in open-vocabulary (+4.5 AP) and data-sparse
(+1.2 to 5.2 AP) scenarios. Project page with code:
https://fcjian.github.io/InstaGen. | null | cs.CV | [
"cs.CV"
] |
2306.00477 | AnswerAI | Make Pre-trained Model Reversible: From Parameter to Memory Efficient Fine-Tuning | [
"Baohao Liao",
"Shaomu Tan",
"Christof Monz"
] | 2023-06-01 | Parameter-efficient fine-tuning (PEFT) of pre-trained language models (PLMs)
has emerged as a highly successful approach, with training only a small number
of parameters without sacrificing performance and becoming the de-facto
learning paradigm with the increasing size of PLMs. However, existing PEFT
methods are not memory-efficient, because they still require caching most of
the intermediate activations for the gradient calculation, akin to fine-tuning.
One effective way to reduce the activation memory is to apply a reversible
model, so the intermediate activations are not necessary to be cached and can
be recomputed. Nevertheless, modifying a PLM to its reversible variant is not
straightforward, since the reversible model has a distinct architecture from
the currently released PLMs. In this paper, we first investigate what is a key
factor for the success of existing PEFT methods, and realize that it's
essential to preserve the PLM's starting point when initializing a PEFT method.
With this finding, we propose memory-efficient fine-tuning (MEFT) that inserts
adapters into a PLM, preserving the PLM's starting point and making it
reversible without additional pre-training. We evaluate MEFT on the GLUE
benchmark and five question-answering tasks with various backbones, BERT,
RoBERTa, BART and OPT. MEFT significantly reduces the activation memory up to
84% of full fine-tuning with a negligible amount of trainable parameters.
Moreover, MEFT achieves the same score on GLUE and a comparable score on the
question-answering tasks as full fine-tuning. A similar finding is also
observed for the image classification task. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.00040 | HF | DisCo: Disentangled Control for Realistic Human Dance Generation | [
"Tan Wang",
"Linjie Li",
"Kevin Lin",
"Yuanhao Zhai",
"Chung-Ching Lin",
"Zhengyuan Yang",
"Hanwang Zhang",
"Zicheng Liu",
"Lijuan Wang"
] | 2023-06-30 | Generative AI has made significant strides in computer vision, particularly
in text-driven image/video synthesis (T2I/T2V). Despite the notable
advancements, it remains challenging in human-centric content synthesis such as
realistic dance generation. Current methodologies, primarily tailored for human
motion transfer, encounter difficulties when confronted with real-world dance
scenarios (e.g., social media dance), which require to generalize across a wide
spectrum of poses and intricate human details. In this paper, we depart from
the traditional paradigm of human motion transfer and emphasize two additional
critical attributes for the synthesis of human dance content in social media
contexts: (i) Generalizability: the model should be able to generalize beyond
generic human viewpoints as well as unseen human subjects, backgrounds, and
poses; (ii) Compositionality: it should allow for the seamless composition of
seen/unseen subjects, backgrounds, and poses from different sources. To address
these challenges, we introduce DISCO, which includes a novel model architecture
with disentangled control to improve the compositionality of dance synthesis,
and an effective human attribute pre-training for better generalizability to
unseen humans. Extensive qualitative and quantitative results demonstrate that
DisCc can generate high-quality human dance images and videos with diverse
appearances and flexible motions. Code is available at
https://disco-dance.github.io/. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.02583 | HF | DiffEditor: Boosting Accuracy and Flexibility on Diffusion-based Image Editing | [
"Chong Mou",
"Xintao Wang",
"Jiechong Song",
"Ying Shan",
"Jian Zhang"
] | 2024-02-04 | Large-scale Text-to-Image (T2I) diffusion models have revolutionized image
generation over the last few years. Although owning diverse and high-quality
generation capabilities, translating these abilities to fine-grained image
editing remains challenging. In this paper, we propose DiffEditor to rectify
two weaknesses in existing diffusion-based image editing: (1) in complex
scenarios, editing results often lack editing accuracy and exhibit unexpected
artifacts; (2) lack of flexibility to harmonize editing operations, e.g.,
imagine new content. In our solution, we introduce image prompts in
fine-grained image editing, cooperating with the text prompt to better describe
the editing content. To increase the flexibility while maintaining content
consistency, we locally combine stochastic differential equation (SDE) into the
ordinary differential equation (ODE) sampling. In addition, we incorporate
regional score-based gradient guidance and a time travel strategy into the
diffusion sampling, further improving the editing quality. Extensive
experiments demonstrate that our method can efficiently achieve
state-of-the-art performance on various fine-grained image editing tasks,
including editing within a single image (e.g., object moving, resizing, and
content dragging) and across images (e.g., appearance replacing and object
pasting). Our source code is released at
https://github.com/MC-E/DragonDiffusion. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2307.02628 | HF | SkipDecode: Autoregressive Skip Decoding with Batching and Caching for Efficient LLM Inference | [
"Luciano Del Corro",
"Allie Del Giorno",
"Sahaj Agarwal",
"Bin Yu",
"Ahmed Awadallah",
"Subhabrata Mukherjee"
] | 2023-07-05 | Autoregressive large language models (LLMs) have made remarkable progress in
various natural language generation tasks. However, they incur high computation
cost and latency resulting from the autoregressive token-by-token generation.
To address this issue, several approaches have been proposed to reduce
computational cost using early-exit strategies. These strategies enable faster
text generation using reduced computation without applying the full computation
graph to each token. While existing token-level early exit methods show
promising results for online inference, they cannot be readily applied for
batch inferencing and Key-Value caching. This is because they have to wait
until the last token in a batch exits before they can stop computing. This
severely limits the practical application of such techniques. In this paper, we
propose a simple and effective token-level early exit method, SkipDecode,
designed to work seamlessly with batch inferencing and KV caching. It overcomes
prior constraints by setting up a singular exit point for every token in a
batch at each sequence position. It also guarantees a monotonic decrease in
exit points, thereby eliminating the need to recompute KV Caches for preceding
tokens. Rather than terminating computation prematurely as in prior works, our
approach bypasses lower to middle layers, devoting most of the computational
resources to upper layers, allowing later tokens to benefit from the compute
expenditure by earlier tokens. Our experimental results show that SkipDecode
can obtain 2x to 5x inference speedups with negligible regression across a
variety of tasks. This is achieved using OPT models of 1.3 billion and 6.7
billion parameters, all the while being directly compatible with batching and
KV caching optimization techniques. | null | cs.CL | [
"cs.CL"
] |
2312.07537 | HF | FreeInit: Bridging Initialization Gap in Video Diffusion Models | [
"Tianxing Wu",
"Chenyang Si",
"Yuming Jiang",
"Ziqi Huang",
"Ziwei Liu"
] | 2023-12-12 | Though diffusion-based video generation has witnessed rapid progress, the
inference results of existing models still exhibit unsatisfactory temporal
consistency and unnatural dynamics. In this paper, we delve deep into the noise
initialization of video diffusion models, and discover an implicit
training-inference gap that attributes to the unsatisfactory inference
quality.Our key findings are: 1) the spatial-temporal frequency distribution of
the initial noise at inference is intrinsically different from that for
training, and 2) the denoising process is significantly influenced by the
low-frequency components of the initial noise. Motivated by these observations,
we propose a concise yet effective inference sampling strategy, FreeInit, which
significantly improves temporal consistency of videos generated by diffusion
models. Through iteratively refining the spatial-temporal low-frequency
components of the initial latent during inference, FreeInit is able to
compensate the initialization gap between training and inference, thus
effectively improving the subject appearance and temporal consistency of
generation results. Extensive experiments demonstrate that FreeInit
consistently enhances the generation quality of various text-to-video diffusion
models without additional training or fine-tuning. | null | cs.CV | [
"cs.CV"
] |
2306.07941 | HF | GPT-Calls: Enhancing Call Segmentation and Tagging by Generating Synthetic Conversations via Large Language Models | [
"Itzik Malkiel",
"Uri Alon",
"Yakir Yehuda",
"Shahar Keren",
"Oren Barkan",
"Royi Ronen",
"Noam Koenigstein"
] | 2023-06-09 | Transcriptions of phone calls are of significant value across diverse fields,
such as sales, customer service, healthcare, and law enforcement. Nevertheless,
the analysis of these recorded conversations can be an arduous and
time-intensive process, especially when dealing with extended or multifaceted
dialogues. In this work, we propose a novel method, GPT-distilled Calls
Segmentation and Tagging (GPT-Calls), for efficient and accurate call
segmentation and topic extraction. GPT-Calls is composed of offline and online
phases. The offline phase is applied once to a given list of topics and
involves generating a distribution of synthetic sentences for each topic using
a GPT model and extracting anchor vectors. The online phase is applied to every
call separately and scores the similarity between the transcripted conversation
and the topic anchors found in the offline phase. Then, time domain analysis is
applied to the similarity scores to group utterances into segments and tag them
with topics. The proposed paradigm provides an accurate and efficient method
for call segmentation and topic extraction that does not require labeled data,
thus making it a versatile approach applicable to various domains. Our
algorithm operates in production under Dynamics 365 Sales Conversation
Intelligence, and our research is based on real sales conversations gathered
from various Dynamics 365 Sales tenants. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2307.13924 | HF | trajdata: A Unified Interface to Multiple Human Trajectory Datasets | [
"Boris Ivanovic",
"Guanyu Song",
"Igor Gilitschenski",
"Marco Pavone"
] | 2023-07-26 | The field of trajectory forecasting has grown significantly in recent years,
partially owing to the release of numerous large-scale, real-world human
trajectory datasets for autonomous vehicles (AVs) and pedestrian motion
tracking. While such datasets have been a boon for the community, they each use
custom and unique data formats and APIs, making it cumbersome for researchers
to train and evaluate methods across multiple datasets. To remedy this, we
present trajdata: a unified interface to multiple human trajectory datasets. At
its core, trajdata provides a simple, uniform, and efficient representation and
API for trajectory and map data. As a demonstration of its capabilities, in
this work we conduct a comprehensive empirical evaluation of existing
trajectory datasets, providing users with a rich understanding of the data
underpinning much of current pedestrian and AV motion forecasting research, and
proposing suggestions for future datasets from these insights. trajdata is
permissively licensed (Apache 2.0) and can be accessed online at
https://github.com/NVlabs/trajdata | null | cs.CV | [
"cs.CV",
"cs.LG",
"cs.RO"
] |
2401.09048 | HF | Compose and Conquer: Diffusion-Based 3D Depth Aware Composable Image Synthesis | [
"Jonghyun Lee",
"Hansam Cho",
"Youngjoon Yoo",
"Seoung Bum Kim",
"Yonghyun Jeong"
] | 2024-01-17 | Addressing the limitations of text as a source of accurate layout
representation in text-conditional diffusion models, many works incorporate
additional signals to condition certain attributes within a generated image.
Although successful, previous works do not account for the specific
localization of said attributes extended into the three dimensional plane. In
this context, we present a conditional diffusion model that integrates control
over three-dimensional object placement with disentangled representations of
global stylistic semantics from multiple exemplar images. Specifically, we
first introduce \textit{depth disentanglement training} to leverage the
relative depth of objects as an estimator, allowing the model to identify the
absolute positions of unseen objects through the use of synthetic image
triplets. We also introduce \textit{soft guidance}, a method for imposing
global semantics onto targeted regions without the use of any additional
localization cues. Our integrated framework, \textsc{Compose and Conquer
(CnC)}, unifies these techniques to localize multiple conditions in a
disentangled manner. We demonstrate that our approach allows perception of
objects at varying depths while offering a versatile framework for composing
localized objects with different global semantics. Code:
https://github.com/tomtom1103/compose-and-conquer/ | null | cs.CV | [
"cs.CV"
] |
2305.12827 | AnswerAI | Task Arithmetic in the Tangent Space: Improved Editing of Pre-Trained Models | [
"Guillermo Ortiz-Jimenez",
"Alessandro Favero",
"Pascal Frossard"
] | 2023-05-22 | Task arithmetic has recently emerged as a cost-effective and scalable
approach to edit pre-trained models directly in weight space: By adding the
fine-tuned weights of different tasks, the model's performance can be improved
on these tasks, while negating them leads to task forgetting. Yet, our
understanding of the effectiveness of task arithmetic and its underlying
principles remains limited. We present a comprehensive study of task arithmetic
in vision-language models and show that weight disentanglement is the crucial
factor that makes it effective. This property arises during pre-training and
manifests when distinct directions in weight space govern separate, localized
regions in function space associated with the tasks. Notably, we show that
fine-tuning models in their tangent space by linearizing them amplifies weight
disentanglement. This leads to substantial performance improvements across
multiple task arithmetic benchmarks and diverse models. Building on these
findings, we provide theoretical and empirical analyses of the neural tangent
kernel (NTK) of these models and establish a compelling link between task
arithmetic and the spatial localization of the NTK eigenfunctions. Overall, our
work uncovers novel insights into the fundamental mechanisms of task arithmetic
and offers a more reliable and effective approach to edit pre-trained models
through the NTK linearization. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2304.05376 | AnswerAI | ChemCrow: Augmenting large-language models with chemistry tools | [
"Andres M Bran",
"Sam Cox",
"Oliver Schilter",
"Carlo Baldassari",
"Andrew D White",
"Philippe Schwaller"
] | 2023-04-11 | Over the last decades, excellent computational chemistry tools have been
developed. Integrating them into a single platform with enhanced accessibility
could help reaching their full potential by overcoming steep learning curves.
Recently, large-language models (LLMs) have shown strong performance in tasks
across domains, but struggle with chemistry-related problems. Moreover, these
models lack access to external knowledge sources, limiting their usefulness in
scientific applications. In this study, we introduce ChemCrow, an LLM chemistry
agent designed to accomplish tasks across organic synthesis, drug discovery,
and materials design. By integrating 18 expert-designed tools, ChemCrow
augments the LLM performance in chemistry, and new capabilities emerge. Our
agent autonomously planned and executed the syntheses of an insect repellent,
three organocatalysts, and guided the discovery of a novel chromophore. Our
evaluation, including both LLM and expert assessments, demonstrates ChemCrow's
effectiveness in automating a diverse set of chemical tasks. Surprisingly, we
find that GPT-4 as an evaluator cannot distinguish between clearly wrong GPT-4
completions and Chemcrow's performance. Our work not only aids expert chemists
and lowers barriers for non-experts, but also fosters scientific advancement by
bridging the gap between experimental and computational chemistry. | null | physics.chem-ph | [
"physics.chem-ph",
"stat.ML"
] |
2406.12303 | HF | Immiscible Diffusion: Accelerating Diffusion Training with Noise Assignment | [
"Yiheng Li",
"Heyang Jiang",
"Akio Kodaira",
"Masayoshi Tomizuka",
"Kurt Keutzer",
"Chenfeng Xu"
] | 2024-06-18 | In this paper, we point out suboptimal noise-data mapping leads to slow
training of diffusion models. During diffusion training, current methods
diffuse each image across the entire noise space, resulting in a mixture of all
images at every point in the noise layer. We emphasize that this random mixture
of noise-data mapping complicates the optimization of the denoising function in
diffusion models. Drawing inspiration from the immiscible phenomenon in
physics, we propose Immiscible Diffusion, a simple and effective method to
improve the random mixture of noise-data mapping. In physics, miscibility can
vary according to various intermolecular forces. Thus, immiscibility means that
the mixing of the molecular sources is distinguishable. Inspired by this, we
propose an assignment-then-diffusion training strategy. Specifically, prior to
diffusing the image data into noise, we assign diffusion target noise for the
image data by minimizing the total image-noise pair distance in a mini-batch.
The assignment functions analogously to external forces to separate the
diffuse-able areas of images, thus mitigating the inherent difficulties in
diffusion training. Our approach is remarkably simple, requiring only one line
of code to restrict the diffuse-able area for each image while preserving the
Gaussian distribution of noise. This ensures that each image is projected only
to nearby noise. To address the high complexity of the assignment algorithm, we
employ a quantized-assignment method to reduce the computational overhead to a
negligible level. Experiments demonstrate that our method achieve up to 3x
faster training for consistency models and DDIM on the CIFAR dataset, and up to
1.3x faster on CelebA datasets for consistency models. Besides, we conduct
thorough analysis about the Immiscible Diffusion, which sheds lights on how it
improves diffusion training speed while improving the fidelity. | null | cs.CV | [
"cs.CV"
] |
2406.14515 | HF | MMBench-Video: A Long-Form Multi-Shot Benchmark for Holistic Video Understanding | [
"Xinyu Fang",
"Kangrui Mao",
"Haodong Duan",
"Xiangyu Zhao",
"Yining Li",
"Dahua Lin",
"Kai Chen"
] | 2024-06-20 | The advent of large vision-language models (LVLMs) has spurred research into
their applications in multi-modal contexts, particularly in video
understanding. Traditional VideoQA benchmarks, despite providing quantitative
metrics, often fail to encompass the full spectrum of video content and
inadequately assess models' temporal comprehension. To address these
limitations, we introduce MMBench-Video, a quantitative benchmark designed to
rigorously evaluate LVLMs' proficiency in video understanding. MMBench-Video
incorporates lengthy videos from YouTube and employs free-form questions,
mirroring practical use cases. The benchmark is meticulously crafted to probe
the models' temporal reasoning skills, with all questions human-annotated
according to a carefully constructed ability taxonomy. We employ GPT-4 for
automated assessment, demonstrating superior accuracy and robustness over
earlier LLM-based evaluations. Utilizing MMBench-Video, we have conducted
comprehensive evaluations that include both proprietary and open-source LVLMs
for images and videos. MMBench-Video stands as a valuable resource for the
research community, facilitating improved evaluation of LVLMs and catalyzing
progress in the field of video understanding. The evalutation code of
MMBench-Video will be integrated into VLMEvalKit:
https://github.com/open-compass/VLMEvalKit. | null | cs.CV | [
"cs.CV",
"cs.MM"
] |
2408.08201 | HF | Heavy Labels Out! Dataset Distillation with Label Space Lightening | [
"Ruonan Yu",
"Songhua Liu",
"Zigeng Chen",
"Jingwen Ye",
"Xinchao Wang"
] | 2024-08-15 | Dataset distillation or condensation aims to condense a large-scale training
dataset into a much smaller synthetic one such that the training performance of
distilled and original sets on neural networks are similar. Although the number
of training samples can be reduced substantially, current state-of-the-art
methods heavily rely on enormous soft labels to achieve satisfactory
performance. As a result, the required storage can be comparable even to
original datasets, especially for large-scale ones. To solve this problem,
instead of storing these heavy labels, we propose a novel label-lightening
framework termed HeLlO aiming at effective image-to-label projectors, with
which synthetic labels can be directly generated online from synthetic images.
Specifically, to construct such projectors, we leverage prior knowledge in
open-source foundation models, e.g., CLIP, and introduce a LoRA-like
fine-tuning strategy to mitigate the gap between pre-trained and target
distributions, so that original models for soft-label generation can be
distilled into a group of low-rank matrices. Moreover, an effective image
optimization method is proposed to further mitigate the potential error between
the original and distilled label generators. Extensive experiments demonstrate
that with only about 0.003% of the original storage required for a complete set
of soft labels, we achieve comparable performance to current state-of-the-art
dataset distillation methods on large-scale datasets. Our code will be
available. | null | cs.CV | [
"cs.CV"
] |
2402.08654 | HF | Learning Continuous 3D Words for Text-to-Image Generation | [
"Ta-Ying Cheng",
"Matheus Gadelha",
"Thibault Groueix",
"Matthew Fisher",
"Radomir Mech",
"Andrew Markham",
"Niki Trigoni"
] | 2024-02-13 | Current controls over diffusion models (e.g., through text or ControlNet) for
image generation fall short in recognizing abstract, continuous attributes like
illumination direction or non-rigid shape change. In this paper, we present an
approach for allowing users of text-to-image models to have fine-grained
control of several attributes in an image. We do this by engineering special
sets of input tokens that can be transformed in a continuous manner -- we call
them Continuous 3D Words. These attributes can, for example, be represented as
sliders and applied jointly with text prompts for fine-grained control over
image generation. Given only a single mesh and a rendering engine, we show that
our approach can be adopted to provide continuous user control over several
3D-aware attributes, including time-of-day illumination, bird wing orientation,
dollyzoom effect, and object poses. Our method is capable of conditioning image
creation with multiple Continuous 3D Words and text descriptions simultaneously
while adding no overhead to the generative process. Project Page:
https://ttchengab.github.io/continuous_3d_words | null | cs.CV | [
"cs.CV"
] |
2309.16058 | HF | AnyMAL: An Efficient and Scalable Any-Modality Augmented Language Model | [
"Seungwhan Moon",
"Andrea Madotto",
"Zhaojiang Lin",
"Tushar Nagarajan",
"Matt Smith",
"Shashank Jain",
"Chun-Fu Yeh",
"Prakash Murugesan",
"Peyman Heidari",
"Yue Liu",
"Kavya Srinet",
"Babak Damavandi",
"Anuj Kumar"
] | 2023-09-27 | We present Any-Modality Augmented Language Model (AnyMAL), a unified model
that reasons over diverse input modality signals (i.e. text, image, video,
audio, IMU motion sensor), and generates textual responses. AnyMAL inherits the
powerful text-based reasoning abilities of the state-of-the-art LLMs including
LLaMA-2 (70B), and converts modality-specific signals to the joint textual
space through a pre-trained aligner module. To further strengthen the
multimodal LLM's capabilities, we fine-tune the model with a multimodal
instruction set manually collected to cover diverse topics and tasks beyond
simple QAs. We conduct comprehensive empirical analysis comprising both human
and automatic evaluations, and demonstrate state-of-the-art performance on
various multimodal tasks. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV"
] |
2406.16714 | HF | AutoDetect: Towards a Unified Framework for Automated Weakness Detection in Large Language Models | [
"Jiale Cheng",
"Yida Lu",
"Xiaotao Gu",
"Pei Ke",
"Xiao Liu",
"Yuxiao Dong",
"Hongning Wang",
"Jie Tang",
"Minlie Huang"
] | 2024-06-24 | Although Large Language Models (LLMs) are becoming increasingly powerful,
they still exhibit significant but subtle weaknesses, such as mistakes in
instruction-following or coding tasks. As these unexpected errors could lead to
severe consequences in practical deployments, it is crucial to investigate the
limitations within LLMs systematically. Traditional benchmarking approaches
cannot thoroughly pinpoint specific model deficiencies, while manual
inspections are costly and not scalable. In this paper, we introduce a unified
framework, AutoDetect, to automatically expose weaknesses in LLMs across
various tasks. Inspired by the educational assessment process that measures
students' learning outcomes, AutoDetect consists of three LLM-powered agents:
Examiner, Questioner, and Assessor. The collaboration among these three agents
is designed to realize comprehensive and in-depth weakness identification. Our
framework demonstrates significant success in uncovering flaws, with an
identification success rate exceeding 30% in prominent models such as ChatGPT
and Claude. More importantly, these identified weaknesses can guide specific
model improvements, proving more effective than untargeted data augmentation
methods like Self-Instruct. Our approach has led to substantial enhancements in
popular LLMs, including the Llama series and Mistral-7b, boosting their
performance by over 10% across several benchmarks. Code and data are publicly
available at https://github.com/thu-coai/AutoDetect. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.02928 | HF | LivePhoto: Real Image Animation with Text-guided Motion Control | [
"Xi Chen",
"Zhiheng Liu",
"Mengting Chen",
"Yutong Feng",
"Yu Liu",
"Yujun Shen",
"Hengshuang Zhao"
] | 2023-12-05 | Despite the recent progress in text-to-video generation, existing studies
usually overlook the issue that only spatial contents but not temporal motions
in synthesized videos are under the control of text. Towards such a challenge,
this work presents a practical system, named LivePhoto, which allows users to
animate an image of their interest with text descriptions. We first establish a
strong baseline that helps a well-learned text-to-image generator (i.e., Stable
Diffusion) take an image as a further input. We then equip the improved
generator with a motion module for temporal modeling and propose a carefully
designed training pipeline to better link texts and motions. In particular,
considering the facts that (1) text can only describe motions roughly (e.g.,
regardless of the moving speed) and (2) text may include both content and
motion descriptions, we introduce a motion intensity estimation module as well
as a text re-weighting module to reduce the ambiguity of text-to-motion
mapping. Empirical evidence suggests that our approach is capable of well
decoding motion-related textual instructions into videos, such as actions,
camera movements, or even conjuring new contents from thin air (e.g., pouring
water into an empty glass). Interestingly, thanks to the proposed intensity
learning mechanism, our system offers users an additional control signal (i.e.,
the motion intensity) besides text for video customization. | null | cs.CV | [
"cs.CV"
] |
2406.16852 | HF | Long Context Transfer from Language to Vision | [
"Peiyuan Zhang",
"Kaichen Zhang",
"Bo Li",
"Guangtao Zeng",
"Jingkang Yang",
"Yuanhan Zhang",
"Ziyue Wang",
"Haoran Tan",
"Chunyuan Li",
"Ziwei Liu"
] | 2024-06-24 | Video sequences offer valuable temporal information, but existing large
multimodal models (LMMs) fall short in understanding extremely long videos.
Many works address this by reducing the number of visual tokens using visual
resamplers. Alternatively, in this paper, we approach this problem from the
perspective of the language model. By simply extrapolating the context length
of the language backbone, we enable LMMs to comprehend orders of magnitude more
visual tokens without any video training. We call this phenomenon long context
transfer and carefully ablate its properties. To effectively measure LMMs'
ability to generalize to long contexts in the vision modality, we develop
V-NIAH (Visual Needle-In-A-Haystack), a purely synthetic long vision benchmark
inspired by the language model's NIAH test. Our proposed Long Video Assistant
(LongVA) can process 2000 frames or over 200K visual tokens without additional
complexities. With its extended context length, LongVA achieves
state-of-the-art performance on Video-MME among 7B-scale models by densely
sampling more input frames. Our work is open-sourced at
https://github.com/EvolvingLMMs-Lab/LongVA. | null | cs.CV | [
"cs.CV"
] |
2406.06484 | AnswerAI | Parallelizing Linear Transformers with the Delta Rule over Sequence Length | [
"Songlin Yang",
"Bailin Wang",
"Yu Zhang",
"Yikang Shen",
"Yoon Kim"
] | 2024-06-10 | Transformers with linear attention (i.e., linear transformers) and
state-space models have recently been suggested as a viable linear-time
alternative to transformers with softmax attention. However, these models still
underperform transformers especially on tasks that require in-context
retrieval. While more expressive variants of linear transformers which replace
the additive outer-product update in linear transformers with the delta rule
have been found to be more effective at associative recall, existing algorithms
for training such models do not parallelize over sequence length and are thus
inefficient to train on modern hardware. This work describes a
hardware-efficient algorithm for training linear transformers with the delta
rule, which exploits a memory-efficient representation for computing products
of Householder matrices. This algorithm allows us to scale up DeltaNet to
standard language modeling settings. We train a 1.3B model for 100B tokens and
find that it outperforms recent linear-time baselines such as Mamba and GLA in
terms of perplexity and zero-shot performance on downstream tasks (including on
tasks that focus on recall). We also experiment with two hybrid models which
combine DeltaNet layers with (1) sliding-window attention layers every other
layer or (2) two global attention layers, and find that these hybrid models
outperform strong transformer baselines. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2402.04379 | HF | Fine-Tuned Language Models Generate Stable Inorganic Materials as Text | [
"Nate Gruver",
"Anuroop Sriram",
"Andrea Madotto",
"Andrew Gordon Wilson",
"C. Lawrence Zitnick",
"Zachary Ulissi"
] | 2024-02-06 | We propose fine-tuning large language models for generation of stable
materials. While unorthodox, fine-tuning large language models on text-encoded
atomistic data is simple to implement yet reliable, with around 90% of sampled
structures obeying physical constraints on atom positions and charges. Using
energy above hull calculations from both learned ML potentials and
gold-standard DFT calculations, we show that our strongest model (fine-tuned
LLaMA-2 70B) can generate materials predicted to be metastable at about twice
the rate (49% vs 28%) of CDVAE, a competing diffusion model. Because of text
prompting's inherent flexibility, our models can simultaneously be used for
unconditional generation of stable material, infilling of partial structures
and text-conditional generation. Finally, we show that language models' ability
to capture key symmetries of crystal structures improves with model scale,
suggesting that the biases of pretrained LLMs are surprisingly well-suited for
atomistic data. | null | cs.LG | [
"cs.LG",
"cond-mat.mtrl-sci"
] |
2309.16583 | HF | GPT-Fathom: Benchmarking Large Language Models to Decipher the Evolutionary Path towards GPT-4 and Beyond | [
"Shen Zheng",
"Yuyu Zhang",
"Yijie Zhu",
"Chenguang Xi",
"Pengyang Gao",
"Xun Zhou",
"Kevin Chen-Chuan Chang"
] | 2023-09-28 | With the rapid advancement of large language models (LLMs), there is a
pressing need for a comprehensive evaluation suite to assess their capabilities
and limitations. Existing LLM leaderboards often reference scores reported in
other papers without consistent settings and prompts, which may inadvertently
encourage cherry-picking favored settings and prompts for better results. In
this work, we introduce GPT-Fathom, an open-source and reproducible LLM
evaluation suite built on top of OpenAI Evals. We systematically evaluate 10+
leading LLMs as well as OpenAI's legacy models on 20+ curated benchmarks across
7 capability categories, all under aligned settings. Our retrospective study on
OpenAI's earlier models offers valuable insights into the evolutionary path
from GPT-3 to GPT-4. Currently, the community is eager to know how GPT-3
progressively improves to GPT-4, including technical details like whether
adding code data improves LLM's reasoning capability, which aspects of LLM
capability can be improved by SFT and RLHF, how much is the alignment tax, etc.
Our analysis sheds light on many of these questions, aiming to improve the
transparency of advanced LLMs. | null | cs.CL | [
"cs.CL"
] |
2408.00714 | HF | SAM 2: Segment Anything in Images and Videos | [
"Nikhila Ravi",
"Valentin Gabeur",
"Yuan-Ting Hu",
"Ronghang Hu",
"Chaitanya Ryali",
"Tengyu Ma",
"Haitham Khedr",
"Roman Rädle",
"Chloe Rolland",
"Laura Gustafson",
"Eric Mintun",
"Junting Pan",
"Kalyan Vasudev Alwala",
"Nicolas Carion",
"Chao-Yuan Wu",
"Ross Girshick",
"Piotr Dollár",
"Christoph Feichtenhofer"
] | 2024-08-01 | We present Segment Anything Model 2 (SAM 2), a foundation model towards
solving promptable visual segmentation in images and videos. We build a data
engine, which improves model and data via user interaction, to collect the
largest video segmentation dataset to date. Our model is a simple transformer
architecture with streaming memory for real-time video processing. SAM 2
trained on our data provides strong performance across a wide range of tasks.
In video segmentation, we observe better accuracy, using 3x fewer interactions
than prior approaches. In image segmentation, our model is more accurate and 6x
faster than the Segment Anything Model (SAM). We believe that our data, model,
and insights will serve as a significant milestone for video segmentation and
related perception tasks. We are releasing a version of our model, the dataset
and an interactive demo. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2306.04031 | Both | Certified Deductive Reasoning with Language Models | [
"Gabriel Poesia",
"Kanishk Gandhi",
"Eric Zelikman",
"Noah D. Goodman"
] | 2023-06-06 | Language models often achieve higher accuracy when reasoning step-by-step in
complex tasks. However, even when arriving at a correct final answer, their
rationales are often logically unsound or inconsistent. This is a major issue
when reliable reasoning traces are needed, such when fine-tuning on
model-generated reasoning for self-improvement. To tackle these issues, we
introduce a class of tools for language models called \emph{guides}, that use
state and incremental constraints to guide generation. A guide can be invoked
by the model to constrain its own generation to a set of valid statements given
by the tool. In turn, the model's choices can change the guide's state. We show
how a general system for logical reasoning can be used as a guide, which we
call \textsc{LogicGuide}. Given a reasoning problem in natural language, a
model can formalize its assumptions for \textsc{LogicGuide} and guarantee that
its step-by-step reasoning is sound. In experiments on PrOntoQA, ProofWriter
and Syllogism Validity datasets, \textsc{LogicGuide} significantly improves the
performance of GPT-3, GPT-3.5 Turbo and LLaMA (accuracy gains up to 35\%),
while drastically reducing \emph{content effects} -- the interference between
unwanted prior assumptions and reasoning, which humans and language models
suffer from. We then explore bootstrapping GPT-3.5 Turbo and LLaMA using their
own reasoning traces. We find that LogicGuide is critical: by training only on
certified self-generated reasoning, models can self-improve, avoiding learning
from their own hallucinations. Moreover, bootstrapped models enjoy significant
boosts on ReClor, a challenging real-world reasoning dataset, even when not
relying on formalization at inference time. | null | cs.AI | [
"cs.AI"
] |
2306.03341 | AnswerAI | Inference-Time Intervention: Eliciting Truthful Answers from a Language Model | [
"Kenneth Li",
"Oam Patel",
"Fernanda Viégas",
"Hanspeter Pfister",
"Martin Wattenberg"
] | 2023-06-06 | We introduce Inference-Time Intervention (ITI), a technique designed to
enhance the "truthfulness" of large language models (LLMs). ITI operates by
shifting model activations during inference, following a set of directions
across a limited number of attention heads. This intervention significantly
improves the performance of LLaMA models on the TruthfulQA benchmark. On an
instruction-finetuned LLaMA called Alpaca, ITI improves its truthfulness from
32.5% to 65.1%. We identify a tradeoff between truthfulness and helpfulness and
demonstrate how to balance it by tuning the intervention strength. ITI is
minimally invasive and computationally inexpensive. Moreover, the technique is
data efficient: while approaches like RLHF require extensive annotations, ITI
locates truthful directions using only few hundred examples. Our findings
suggest that LLMs may have an internal representation of the likelihood of
something being true, even as they produce falsehoods on the surface. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2212.09251 | AnswerAI | Discovering Language Model Behaviors with Model-Written Evaluations | [
"Ethan Perez",
"Sam Ringer",
"Kamilė Lukošiūtė",
"Karina Nguyen",
"Edwin Chen",
"Scott Heiner",
"Craig Pettit",
"Catherine Olsson",
"Sandipan Kundu",
"Saurav Kadavath",
"Andy Jones",
"Anna Chen",
"Ben Mann",
"Brian Israel",
"Bryan Seethor",
"Cameron McKinnon",
"Christopher Olah",
"Da Yan",
"Daniela Amodei",
"Dario Amodei",
"Dawn Drain",
"Dustin Li",
"Eli Tran-Johnson",
"Guro Khundadze",
"Jackson Kernion",
"James Landis",
"Jamie Kerr",
"Jared Mueller",
"Jeeyoon Hyun",
"Joshua Landau",
"Kamal Ndousse",
"Landon Goldberg",
"Liane Lovitt",
"Martin Lucas",
"Michael Sellitto",
"Miranda Zhang",
"Neerav Kingsland",
"Nelson Elhage",
"Nicholas Joseph",
"Noemí Mercado",
"Nova DasSarma",
"Oliver Rausch",
"Robin Larson",
"Sam McCandlish",
"Scott Johnston",
"Shauna Kravec",
"Sheer El Showk",
"Tamera Lanham",
"Timothy Telleen-Lawton",
"Tom Brown",
"Tom Henighan",
"Tristan Hume",
"Yuntao Bai",
"Zac Hatfield-Dodds",
"Jack Clark",
"Samuel R. Bowman",
"Amanda Askell",
"Roger Grosse",
"Danny Hernandez",
"Deep Ganguli",
"Evan Hubinger",
"Nicholas Schiefer",
"Jared Kaplan"
] | 2022-12-19 | As language models (LMs) scale, they develop many novel behaviors, good and
bad, exacerbating the need to evaluate how they behave. Prior work creates
evaluations with crowdwork (which is time-consuming and expensive) or existing
data sources (which are not always available). Here, we automatically generate
evaluations with LMs. We explore approaches with varying amounts of human
effort, from instructing LMs to write yes/no questions to making complex
Winogender schemas with multiple stages of LM-based generation and filtering.
Crowdworkers rate the examples as highly relevant and agree with 90-100% of
labels, sometimes more so than corresponding human-written datasets. We
generate 154 datasets and discover new cases of inverse scaling where LMs get
worse with size. Larger LMs repeat back a dialog user's preferred answer
("sycophancy") and express greater desire to pursue concerning goals like
resource acquisition and goal preservation. We also find some of the first
examples of inverse scaling in RL from Human Feedback (RLHF), where more RLHF
makes LMs worse. For example, RLHF makes LMs express stronger political views
(on gun rights and immigration) and a greater desire to avoid shut down.
Overall, LM-written evaluations are high-quality and let us quickly discover
many novel LM behaviors. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.14057 | HF | LazyLLM: Dynamic Token Pruning for Efficient Long Context LLM Inference | [
"Qichen Fu",
"Minsik Cho",
"Thomas Merth",
"Sachin Mehta",
"Mohammad Rastegari",
"Mahyar Najibi"
] | 2024-07-19 | The inference of transformer-based large language models consists of two
sequential stages: 1) a prefilling stage to compute the KV cache of prompts and
generate the first token, and 2) a decoding stage to generate subsequent
tokens. For long prompts, the KV cache must be computed for all tokens during
the prefilling stage, which can significantly increase the time needed to
generate the first token. Consequently, the prefilling stage may become a
bottleneck in the generation process. An open question remains whether all
prompt tokens are essential for generating the first token. To answer this, we
introduce a novel method, LazyLLM, that selectively computes the KV for tokens
important for the next token prediction in both the prefilling and decoding
stages. Contrary to static pruning approaches that prune the prompt at once,
LazyLLM allows language models to dynamically select different subsets of
tokens from the context in different generation steps, even though they might
be pruned in previous steps. Extensive experiments on standard datasets across
various tasks demonstrate that LazyLLM is a generic method that can be
seamlessly integrated with existing language models to significantly accelerate
the generation without fine-tuning. For instance, in the multi-document
question-answering task, LazyLLM accelerates the prefilling stage of the LLama
2 7B model by 2.34x while maintaining accuracy. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2404.02905 | HF | Visual Autoregressive Modeling: Scalable Image Generation via Next-Scale Prediction | [
"Keyu Tian",
"Yi Jiang",
"Zehuan Yuan",
"Bingyue Peng",
"Liwei Wang"
] | 2024-04-03 | We present Visual AutoRegressive modeling (VAR), a new generation paradigm
that redefines the autoregressive learning on images as coarse-to-fine
"next-scale prediction" or "next-resolution prediction", diverging from the
standard raster-scan "next-token prediction". This simple, intuitive
methodology allows autoregressive (AR) transformers to learn visual
distributions fast and generalize well: VAR, for the first time, makes GPT-like
AR models surpass diffusion transformers in image generation. On ImageNet
256x256 benchmark, VAR significantly improve AR baseline by improving Frechet
inception distance (FID) from 18.65 to 1.73, inception score (IS) from 80.4 to
350.2, with around 20x faster inference speed. It is also empirically verified
that VAR outperforms the Diffusion Transformer (DiT) in multiple dimensions
including image quality, inference speed, data efficiency, and scalability.
Scaling up VAR models exhibits clear power-law scaling laws similar to those
observed in LLMs, with linear correlation coefficients near -0.998 as solid
evidence. VAR further showcases zero-shot generalization ability in downstream
tasks including image in-painting, out-painting, and editing. These results
suggest VAR has initially emulated the two important properties of LLMs:
Scaling Laws and zero-shot task generalization. We have released all models and
codes to promote the exploration of AR/VAR models for visual generation and
unified learning. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2401.00896 | HF | TrailBlazer: Trajectory Control for Diffusion-Based Video Generation | [
"Wan-Duo Kurt Ma",
"J. P. Lewis",
"W. Bastiaan Kleijn"
] | 2023-12-31 | Within recent approaches to text-to-video (T2V) generation, achieving
controllability in the synthesized video is often a challenge. Typically, this
issue is addressed by providing low-level per-frame guidance in the form of
edge maps, depth maps, or an existing video to be altered. However, the process
of obtaining such guidance can be labor-intensive. This paper focuses on
enhancing controllability in video synthesis by employing straightforward
bounding boxes to guide the subject in various ways, all without the need for
neural network training, finetuning, optimization at inference time, or the use
of pre-existing videos. Our algorithm, TrailBlazer, is constructed upon a
pre-trained (T2V) model, and easy to implement. The subject is directed by a
bounding box through the proposed spatial and temporal attention map editing.
Moreover, we introduce the concept of keyframing, allowing the subject
trajectory and overall appearance to be guided by both a moving bounding box
and corresponding prompts, without the need to provide a detailed mask. The
method is efficient, with negligible additional computation relative to the
underlying pre-trained model. Despite the simplicity of the bounding box
guidance, the resulting motion is surprisingly natural, with emergent effects
including perspective and movement toward the virtual camera as the box size
increases. | null | cs.CV | [
"cs.CV"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.