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
|
---|---|---|---|---|---|---|---|---|
2208.07339 | AnswerAI | LLM.int8(): 8-bit Matrix Multiplication for Transformers at Scale | [
"Tim Dettmers",
"Mike Lewis",
"Younes Belkada",
"Luke Zettlemoyer"
] | 2022-08-15 | Large language models have been widely adopted but require significant GPU
memory for inference. We develop a procedure for Int8 matrix multiplication for
feed-forward and attention projection layers in transformers, which cut the
memory needed for inference by half while retaining full precision performance.
With our method, a 175B parameter 16/32-bit checkpoint can be loaded, converted
to Int8, and used immediately without performance degradation. This is made
possible by understanding and working around properties of highly systematic
emergent features in transformer language models that dominate attention and
transformer predictive performance. To cope with these features, we develop a
two-part quantization procedure, LLM.int8(). We first use vector-wise
quantization with separate normalization constants for each inner product in
the matrix multiplication, to quantize most of the features. However, for the
emergent outliers, we also include a new mixed-precision decomposition scheme,
which isolates the outlier feature dimensions into a 16-bit matrix
multiplication while still more than 99.9% of values are multiplied in 8-bit.
Using LLM.int8(), we show empirically it is possible to perform inference in
LLMs with up to 175B parameters without any performance degradation. This
result makes such models much more accessible, for example making it possible
to use OPT-175B/BLOOM on a single server with consumer GPUs. We open-source our
software. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2407.00111 | HF | Accurate Prediction of Ligand-Protein Interaction Affinities with Fine-Tuned Small Language Models | [
"Ben Fauber"
] | 2024-06-27 | We describe the accurate prediction of ligand-protein interaction (LPI)
affinities, also known as drug-target interactions (DTI), with instruction
fine-tuned pretrained generative small language models (SLMs). We achieved
accurate predictions for a range of affinity values associated with
ligand-protein interactions on out-of-sample data in a zero-shot setting. Only
the SMILES string of the ligand and the amino acid sequence of the protein were
used as the model inputs. Our results demonstrate a clear improvement over
machine learning (ML) and free-energy perturbation (FEP+) based methods in
accurately predicting a range of ligand-protein interaction affinities, which
can be leveraged to further accelerate drug discovery campaigns against
challenging therapeutic targets. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2401.12926 | AnswerAI | DsDm: Model-Aware Dataset Selection with Datamodels | [
"Logan Engstrom",
"Axel Feldmann",
"Aleksander Madry"
] | 2024-01-23 | When selecting data for training large-scale models, standard practice is to
filter for examples that match human notions of data quality. Such filtering
yields qualitatively clean datapoints that intuitively should improve model
behavior. However, in practice the opposite can often happen: we find that
selecting according to similarity with "high quality" data sources may not
increase (and can even hurt) performance compared to randomly selecting data.
To develop better methods for selecting data, we start by framing dataset
selection as an optimization problem that we can directly solve for: given
target tasks, a learning algorithm, and candidate data, select the subset that
maximizes model performance. This framework thus avoids handpicked notions of
data quality, and instead models explicitly how the learning process uses train
datapoints to predict on the target tasks. Our resulting method greatly
improves language model (LM) performance on both pre-specified tasks and
previously unseen tasks. Specifically, choosing target tasks representative of
standard LM problems and evaluating on diverse held-out benchmarks, our
selected datasets provide a 2x compute multiplier over baseline methods. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2311.14097 | AnswerAI | ACT-Diffusion: Efficient Adversarial Consistency Training for One-step Diffusion Models | [
"Fei Kong",
"Jinhao Duan",
"Lichao Sun",
"Hao Cheng",
"Renjing Xu",
"Hengtao Shen",
"Xiaofeng Zhu",
"Xiaoshuang Shi",
"Kaidi Xu"
] | 2023-11-23 | Though diffusion models excel in image generation, their step-by-step
denoising leads to slow generation speeds. Consistency training addresses this
issue with single-step sampling but often produces lower-quality generations
and requires high training costs. In this paper, we show that optimizing
consistency training loss minimizes the Wasserstein distance between target and
generated distributions. As timestep increases, the upper bound accumulates
previous consistency training losses. Therefore, larger batch sizes are needed
to reduce both current and accumulated losses. We propose Adversarial
Consistency Training (ACT), which directly minimizes the Jensen-Shannon (JS)
divergence between distributions at each timestep using a discriminator.
Theoretically, ACT enhances generation quality, and convergence. By
incorporating a discriminator into the consistency training framework, our
method achieves improved FID scores on CIFAR10 and ImageNet 64$\times$64 and
LSUN Cat 256$\times$256 datasets, retains zero-shot image inpainting
capabilities, and uses less than $1/6$ of the original batch size and fewer
than $1/2$ of the model parameters and training steps compared to the baseline
method, this leads to a substantial reduction in resource consumption. Our code
is available:https://github.com/kong13661/ACT | null | cs.CV | [
"cs.CV"
] |
2406.01300 | HF | pOps: Photo-Inspired Diffusion Operators | [
"Elad Richardson",
"Yuval Alaluf",
"Ali Mahdavi-Amiri",
"Daniel Cohen-Or"
] | 2024-06-03 | Text-guided image generation enables the creation of visual content from
textual descriptions. However, certain visual concepts cannot be effectively
conveyed through language alone. This has sparked a renewed interest in
utilizing the CLIP image embedding space for more visually-oriented tasks
through methods such as IP-Adapter. Interestingly, the CLIP image embedding
space has been shown to be semantically meaningful, where linear operations
within this space yield semantically meaningful results. Yet, the specific
meaning of these operations can vary unpredictably across different images. To
harness this potential, we introduce pOps, a framework that trains specific
semantic operators directly on CLIP image embeddings. Each pOps operator is
built upon a pretrained Diffusion Prior model. While the Diffusion Prior model
was originally trained to map between text embeddings and image embeddings, we
demonstrate that it can be tuned to accommodate new input conditions, resulting
in a diffusion operator. Working directly over image embeddings not only
improves our ability to learn semantic operations but also allows us to
directly use a textual CLIP loss as an additional supervision when needed. We
show that pOps can be used to learn a variety of photo-inspired operators with
distinct semantic meanings, highlighting the semantic diversity and potential
of our proposed approach. | null | cs.CV | [
"cs.CV"
] |
2311.12022 | Both | GPQA: A Graduate-Level Google-Proof Q&A Benchmark | [
"David Rein",
"Betty Li Hou",
"Asa Cooper Stickland",
"Jackson Petty",
"Richard Yuanzhe Pang",
"Julien Dirani",
"Julian Michael",
"Samuel R. Bowman"
] | 2023-11-20 | We present GPQA, a challenging dataset of 448 multiple-choice questions
written by domain experts in biology, physics, and chemistry. We ensure that
the questions are high-quality and extremely difficult: experts who have or are
pursuing PhDs in the corresponding domains reach 65% accuracy (74% when
discounting clear mistakes the experts identified in retrospect), while highly
skilled non-expert validators only reach 34% accuracy, despite spending on
average over 30 minutes with unrestricted access to the web (i.e., the
questions are "Google-proof"). The questions are also difficult for
state-of-the-art AI systems, with our strongest GPT-4 based baseline achieving
39% accuracy. If we are to use future AI systems to help us answer very hard
questions, for example, when developing new scientific knowledge, we need to
develop scalable oversight methods that enable humans to supervise their
outputs, which may be difficult even if the supervisors are themselves skilled
and knowledgeable. The difficulty of GPQA both for skilled non-experts and
frontier AI systems should enable realistic scalable oversight experiments,
which we hope can help devise ways for human experts to reliably get truthful
information from AI systems that surpass human capabilities. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2312.14591 | HF | Reasons to Reject? Aligning Language Models with Judgments | [
"Weiwen Xu",
"Deng Cai",
"Zhisong Zhang",
"Wai Lam",
"Shuming Shi"
] | 2023-12-22 | As humans, we consistently interact with our peers and receive feedback in
the form of natural language. This language feedback allows us to maintain
appropriate behavior, and rectify potential errors. The question arises
naturally: can we use language feedback to align large language models (LLMs)?
In contrast to previous research that aligns LLMs with scalar rewards, we
present the first systematic exploration of alignment through the lens of
language feedback (i.e., judgment). We start with an in-depth investigation of
potential methods that can be adapted for aligning LLMs with judgments,
revealing that these methods cannot fully capitalize on judgments. To
facilitate more effective utilization of judgments, we propose a novel
framework, Contrastive Unlikelihood Training (CUT), that allows for
fine-grained inappropriate content detection and correction based on judgments.
Our results show that, with merely 1317 off-the-shelf judgment data, CUT
(LLaMA2-13b) can beat the 175B DaVinci003 and surpass the best baseline by
50.84 points on AlpacaEval. CUT (LLaMA2-chat-13b) can also align LLMs in an
iterative fashion using up-to-date model-specific judgments, improving
performance from 81.09 to 91.68 points on AlpacaEval. Further analysis suggests
that judgments hold greater potential than rewards in LLM alignment. | null | cs.CL | [
"cs.CL"
] |
2402.11131 | Both | Speculative Streaming: Fast LLM Inference without Auxiliary Models | [
"Nikhil Bhendawade",
"Irina Belousova",
"Qichen Fu",
"Henry Mason",
"Mohammad Rastegari",
"Mahyar Najibi"
] | 2024-02-16 | Speculative decoding is a prominent technique to speed up the inference of a
large target language model based on predictions of an auxiliary draft model.
While effective, in application-specific settings, it often involves
fine-tuning both draft and target models to achieve high acceptance rates. As
the number of downstream tasks grows, these draft models add significant
complexity to inference systems. We propose Speculative Streaming, a
single-model speculative decoding method that fuses drafting into the target
model by changing the fine-tuning objective from next token prediction to
future n-gram prediction. Speculative Streaming speeds up decoding by 1.8 -
3.1X in a diverse set of tasks, such as Summarization, Structured Queries, and
Meaning Representation, without sacrificing generation quality. Additionally,
Speculative Streaming is parameter-efficient. It achieves on-par/higher
speed-ups than Medusa-style architectures while using ~10000X fewer extra
parameters, making it well-suited for resource-constrained devices. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.06404 | HF | LACoS-BLOOM: Low-rank Adaptation with Contrastive objective on 8 bits Siamese-BLOOM | [
"Wen-Yu Hua",
"Brian Williams",
"Davood Shamsi"
] | 2023-05-10 | Text embeddings are useful features for several NLP applications, such as
sentence similarity, text clustering, and semantic search. In this paper, we
present a Low-rank Adaptation with a Contrastive objective on top of 8-bit
Siamese-BLOOM, a multilingual large language model optimized to produce
semantically meaningful word embeddings. The innovation is threefold. First, we
cast BLOOM weights to 8-bit values. Second, we fine-tune BLOOM with a scalable
adapter (LoRA) and 8-bit Adam optimizer for sentence similarity classification.
Third, we apply a Siamese architecture on BLOOM model with a contrastive
objective to ease the multi-lingual labeled data scarcity. The experiment
results show the quality of learned embeddings from LACoS-BLOOM is proportional
to the number of model parameters and the amount of unlabeled training data.
With the parameter efficient fine-tuning design, we are able to run BLOOM 7.1
billion parameters end-to-end on a single GPU machine with 32GB memory.
Compared to previous solution Sentence-BERT, we achieve significant improvement
on both English and multi-lingual STS tasks. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.09435 | HF | MUSCLE: A Model Update Strategy for Compatible LLM Evolution | [
"Jessica Echterhoff",
"Fartash Faghri",
"Raviteja Vemulapalli",
"Ting-Yao Hu",
"Chun-Liang Li",
"Oncel Tuzel",
"Hadi Pouransari"
] | 2024-07-12 | Large Language Models (LLMs) are frequently updated due to data or
architecture changes to improve their performance. When updating models,
developers often focus on increasing overall performance metrics with less
emphasis on being compatible with previous model versions. However, users often
build a mental model of the functionality and capabilities of a particular
machine learning model they are interacting with. They have to adapt their
mental model with every update -- a draining task that can lead to user
dissatisfaction. In practice, fine-tuned downstream task adapters rely on
pretrained LLM base models. When these base models are updated, these
user-facing downstream task models experience instance regression or negative
flips -- previously correct instances are now predicted incorrectly. This
happens even when the downstream task training procedures remain identical. Our
work aims to provide seamless model updates to a user in two ways. First, we
provide evaluation metrics for a notion of compatibility to prior model
versions, specifically for generative tasks but also applicable for
discriminative tasks. We observe regression and inconsistencies between
different model versions on a diverse set of tasks and model updates. Second,
we propose a training strategy to minimize the number of inconsistencies in
model updates, involving training of a compatibility model that can enhance
task fine-tuned language models. We reduce negative flips -- instances where a
prior model version was correct, but a new model incorrect -- by up to 40% from
Llama 1 to Llama 2. | null | cs.AI | [
"cs.AI"
] |
2309.15818 | HF | Show-1: Marrying Pixel and Latent Diffusion Models for Text-to-Video Generation | [
"David Junhao Zhang",
"Jay Zhangjie Wu",
"Jia-Wei Liu",
"Rui Zhao",
"Lingmin Ran",
"Yuchao Gu",
"Difei Gao",
"Mike Zheng Shou"
] | 2023-09-27 | Significant advancements have been achieved in the realm of large-scale
pre-trained text-to-video Diffusion Models (VDMs). However, previous methods
either rely solely on pixel-based VDMs, which come with high computational
costs, or on latent-based VDMs, which often struggle with precise text-video
alignment. In this paper, we are the first to propose a hybrid model, dubbed as
Show-1, which marries pixel-based and latent-based VDMs for text-to-video
generation. Our model first uses pixel-based VDMs to produce a low-resolution
video of strong text-video correlation. After that, we propose a novel expert
translation method that employs the latent-based VDMs to further upsample the
low-resolution video to high resolution. Compared to latent VDMs, Show-1 can
produce high-quality videos of precise text-video alignment; Compared to pixel
VDMs, Show-1 is much more efficient (GPU memory usage during inference is 15G
vs 72G). We also validate our model on standard video generation benchmarks.
Our code and model weights are publicly available at
https://github.com/showlab/Show-1. | null | cs.CV | [
"cs.CV"
] |
2306.14101 | HF | Language models are weak learners | [
"Hariharan Manikandan",
"Yiding Jiang",
"J Zico Kolter"
] | 2023-06-25 | A central notion in practical and theoretical machine learning is that of a
$\textit{weak learner}$, classifiers that achieve better-than-random
performance (on any given distribution over data), even by a small margin. Such
weak learners form the practical basis for canonical machine learning methods
such as boosting. In this work, we illustrate that prompt-based large language
models can operate effectively as said weak learners. Specifically, we
illustrate the use of a large language model (LLM) as a weak learner in a
boosting algorithm applied to tabular data. We show that by providing (properly
sampled according to the distribution of interest) text descriptions of tabular
data samples, LLMs can produce a summary of the samples that serves as a
template for classification and achieves the aim of acting as a weak learner on
this task. We incorporate these models into a boosting approach, which in some
settings can leverage the knowledge within the LLM to outperform traditional
tree-based boosting. The model outperforms both few-shot learning and
occasionally even more involved fine-tuning procedures, particularly for tasks
involving small numbers of data points. The results illustrate the potential
for prompt-based LLMs to function not just as few-shot learners themselves, but
as components of larger machine learning pipelines. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2402.18842 | HF | ViewFusion: Towards Multi-View Consistency via Interpolated Denoising | [
"Xianghui Yang",
"Yan Zuo",
"Sameera Ramasinghe",
"Loris Bazzani",
"Gil Avraham",
"Anton van den Hengel"
] | 2024-02-29 | Novel-view synthesis through diffusion models has demonstrated remarkable
potential for generating diverse and high-quality images. Yet, the independent
process of image generation in these prevailing methods leads to challenges in
maintaining multiple-view consistency. To address this, we introduce
ViewFusion, a novel, training-free algorithm that can be seamlessly integrated
into existing pre-trained diffusion models. Our approach adopts an
auto-regressive method that implicitly leverages previously generated views as
context for the next view generation, ensuring robust multi-view consistency
during the novel-view generation process. Through a diffusion process that
fuses known-view information via interpolated denoising, our framework
successfully extends single-view conditioned models to work in multiple-view
conditional settings without any additional fine-tuning. Extensive experimental
results demonstrate the effectiveness of ViewFusion in generating consistent
and detailed novel views. | null | cs.CV | [
"cs.CV"
] |
2404.19758 | HF | Invisible Stitch: Generating Smooth 3D Scenes with Depth Inpainting | [
"Paul Engstler",
"Andrea Vedaldi",
"Iro Laina",
"Christian Rupprecht"
] | 2024-04-30 | 3D scene generation has quickly become a challenging new research direction,
fueled by consistent improvements of 2D generative diffusion models. Most prior
work in this area generates scenes by iteratively stitching newly generated
frames with existing geometry. These works often depend on pre-trained
monocular depth estimators to lift the generated images into 3D, fusing them
with the existing scene representation. These approaches are then often
evaluated via a text metric, measuring the similarity between the generated
images and a given text prompt. In this work, we make two fundamental
contributions to the field of 3D scene generation. First, we note that lifting
images to 3D with a monocular depth estimation model is suboptimal as it
ignores the geometry of the existing scene. We thus introduce a novel depth
completion model, trained via teacher distillation and self-training to learn
the 3D fusion process, resulting in improved geometric coherence of the scene.
Second, we introduce a new benchmarking scheme for scene generation methods
that is based on ground truth geometry, and thus measures the quality of the
structure of the scene. | null | cs.CV | [
"cs.CV"
] |
2305.16338 | HF | Think Before You Act: Decision Transformers with Working Memory | [
"Jikun Kang",
"Romain Laroche",
"Xingdi Yuan",
"Adam Trischler",
"Xue Liu",
"Jie Fu"
] | 2023-05-24 | Decision Transformer-based decision-making agents have shown the ability to
generalize across multiple tasks. However, their performance relies on massive
data and computation. We argue that this inefficiency stems from the forgetting
phenomenon, in which a model memorizes its behaviors in parameters throughout
training. As a result, training on a new task may deteriorate the model's
performance on previous tasks. In contrast to LLMs' implicit memory mechanism,
the human brain utilizes distributed memory storage, which helps manage and
organize multiple skills efficiently, mitigating the forgetting phenomenon.
Inspired by this, we propose a working memory module to store, blend, and
retrieve information for different downstream tasks. Evaluation results show
that the proposed method improves training efficiency and generalization in
Atari games and Meta-World object manipulation tasks. Moreover, we demonstrate
that memory fine-tuning further enhances the adaptability of the proposed
architecture. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2305.02783 | HF | Automated Code generation for Information Technology Tasks in YAML through Large Language Models | [
"Saurabh Pujar",
"Luca Buratti",
"Xiaojie Guo",
"Nicolas Dupuis",
"Burn Lewis",
"Sahil Suneja",
"Atin Sood",
"Ganesh Nalawade",
"Matthew Jones",
"Alessandro Morari",
"Ruchir Puri"
] | 2023-05-02 | The recent improvement in code generation capabilities due to the use of
large language models has mainly benefited general purpose programming
languages. Domain specific languages, such as the ones used for IT Automation,
have received far less attention, despite involving many active developers and
being an essential component of modern cloud platforms. This work focuses on
the generation of Ansible-YAML, a widely used markup language for IT
Automation. We present Ansible Wisdom, a natural-language to Ansible-YAML code
generation tool, aimed at improving IT automation productivity. Ansible Wisdom
is a transformer-based model, extended by training with a new dataset
containing Ansible-YAML. We also develop two novel performance metrics for YAML
and Ansible to capture the specific characteristics of this domain. Results
show that Ansible Wisdom can accurately generate Ansible script from natural
language prompts with performance comparable or better than existing state of
the art code generation models. In few-shot settings we asses the impact of
training with Ansible, YAML data and compare with different baselines including
Codex-Davinci-002. We also show that after finetuning, our Ansible specific
model (BLEU: 66.67) can outperform a much larger Codex-Davinci-002 (BLEU: 50.4)
model, which was evaluated in few shot settings. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL",
"cs.PL"
] |
2302.14691 | AnswerAI | Investigating the Effectiveness of Task-Agnostic Prefix Prompt for Instruction Following | [
"Seonghyeon Ye",
"Hyeonbin Hwang",
"Sohee Yang",
"Hyeongu Yun",
"Yireun Kim",
"Minjoon Seo"
] | 2023-02-28 | In this paper, we present our finding that prepending a Task-Agnostic Prefix
Prompt (TAPP) to the input improves the instruction-following ability of
various Large Language Models (LLMs) during inference. TAPP is different from
canonical prompts for LLMs in that it is a fixed prompt prepended to the
beginning of every input regardless of the target task for zero-shot
generalization. We observe that both base LLMs (i.e. not fine-tuned to follow
instructions) and instruction-tuned models benefit from TAPP, resulting in
34.58% and 12.26% improvement on average, respectively. This implies that the
instruction-following ability of LLMs can be improved during inference time
with a fixed prompt constructed with simple heuristics. We hypothesize that
TAPP assists language models to better estimate the output distribution by
focusing more on the instruction of the target task during inference. In other
words, such ability does not seem to be sufficiently activated in not only base
LLMs but also many instruction-fine-tuned LLMs. All experiments are
reproducible from https://github.com/seonghyeonye/TAPP. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.12059 | HF | EquiformerV2: Improved Equivariant Transformer for Scaling to Higher-Degree Representations | [
"Yi-Lun Liao",
"Brandon Wood",
"Abhishek Das",
"Tess Smidt"
] | 2023-06-21 | Equivariant Transformers such as Equiformer have demonstrated the efficacy of
applying Transformers to the domain of 3D atomistic systems. However, they are
limited to small degrees of equivariant representations due to their
computational complexity. In this paper, we investigate whether these
architectures can scale well to higher degrees. Starting from Equiformer, we
first replace $SO(3)$ convolutions with eSCN convolutions to efficiently
incorporate higher-degree tensors. Then, to better leverage the power of higher
degrees, we propose three architectural improvements -- attention
re-normalization, separable $S^2$ activation and separable layer normalization.
Putting this all together, we propose EquiformerV2, which outperforms previous
state-of-the-art methods on large-scale OC20 dataset by up to $9\%$ on forces,
$4\%$ on energies, offers better speed-accuracy trade-offs, and $2\times$
reduction in DFT calculations needed for computing adsorption energies.
Additionally, EquiformerV2 trained on only OC22 dataset outperforms GemNet-OC
trained on both OC20 and OC22 datasets, achieving much better data efficiency.
Finally, we compare EquiformerV2 with Equiformer on QM9 and OC20 S2EF-2M
datasets to better understand the performance gain brought by higher degrees. | null | cs.LG | [
"cs.LG",
"cs.AI",
"physics.comp-ph"
] |
2408.16767 | HF | ReconX: Reconstruct Any Scene from Sparse Views with Video Diffusion Model | [
"Fangfu Liu",
"Wenqiang Sun",
"Hanyang Wang",
"Yikai Wang",
"Haowen Sun",
"Junliang Ye",
"Jun Zhang",
"Yueqi Duan"
] | 2024-08-29 | Advancements in 3D scene reconstruction have transformed 2D images from the
real world into 3D models, producing realistic 3D results from hundreds of
input photos. Despite great success in dense-view reconstruction scenarios,
rendering a detailed scene from insufficient captured views is still an
ill-posed optimization problem, often resulting in artifacts and distortions in
unseen areas. In this paper, we propose ReconX, a novel 3D scene reconstruction
paradigm that reframes the ambiguous reconstruction challenge as a temporal
generation task. The key insight is to unleash the strong generative prior of
large pre-trained video diffusion models for sparse-view reconstruction.
However, 3D view consistency struggles to be accurately preserved in directly
generated video frames from pre-trained models. To address this, given limited
input views, the proposed ReconX first constructs a global point cloud and
encodes it into a contextual space as the 3D structure condition. Guided by the
condition, the video diffusion model then synthesizes video frames that are
both detail-preserved and exhibit a high degree of 3D consistency, ensuring the
coherence of the scene from various perspectives. Finally, we recover the 3D
scene from the generated video through a confidence-aware 3D Gaussian Splatting
optimization scheme. Extensive experiments on various real-world datasets show
the superiority of our ReconX over state-of-the-art methods in terms of quality
and generalizability. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2407.10956 | HF | Spider2-V: How Far Are Multimodal Agents From Automating Data Science and Engineering Workflows? | [
"Ruisheng Cao",
"Fangyu Lei",
"Haoyuan Wu",
"Jixuan Chen",
"Yeqiao Fu",
"Hongcheng Gao",
"Xinzhuang Xiong",
"Hanchong Zhang",
"Yuchen Mao",
"Wenjing Hu",
"Tianbao Xie",
"Hongshen Xu",
"Danyang Zhang",
"Sida Wang",
"Ruoxi Sun",
"Pengcheng Yin",
"Caiming Xiong",
"Ansong Ni",
"Qian Liu",
"Victor Zhong",
"Lu Chen",
"Kai Yu",
"Tao Yu"
] | 2024-07-15 | Data science and engineering workflows often span multiple stages, from
warehousing to orchestration, using tools like BigQuery, dbt, and Airbyte. As
vision language models (VLMs) advance in multimodal understanding and code
generation, VLM-based agents could potentially automate these workflows by
generating SQL queries, Python code, and GUI operations. This automation can
improve the productivity of experts while democratizing access to large-scale
data analysis. In this paper, we introduce Spider2-V, the first multimodal
agent benchmark focusing on professional data science and engineering
workflows, featuring 494 real-world tasks in authentic computer environments
and incorporating 20 enterprise-level professional applications. These tasks,
derived from real-world use cases, evaluate the ability of a multimodal agent
to perform data-related tasks by writing code and managing the GUI in
enterprise data software systems. To balance realistic simulation with
evaluation simplicity, we devote significant effort to developing automatic
configurations for task setup and carefully crafting evaluation metrics for
each task. Furthermore, we supplement multimodal agents with comprehensive
documents of these enterprise data software systems. Our empirical evaluation
reveals that existing state-of-the-art LLM/VLM-based agents do not reliably
automate full data workflows (14.0% success). Even with step-by-step guidance,
these agents still underperform in tasks that require fine-grained,
knowledge-intensive GUI actions (16.2%) and involve remote cloud-hosted
workspaces (10.6%). We hope that Spider2-V paves the way for autonomous
multimodal agents to transform the automation of data science and engineering
workflow. Our code and data are available at https://spider2-v.github.io. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2204.03458 | AnswerAI | Video Diffusion Models | [
"Jonathan Ho",
"Tim Salimans",
"Alexey Gritsenko",
"William Chan",
"Mohammad Norouzi",
"David J. Fleet"
] | 2022-04-07 | Generating temporally coherent high fidelity video is an important milestone
in generative modeling research. We make progress towards this milestone by
proposing a diffusion model for video generation that shows very promising
initial results. Our model is a natural extension of the standard image
diffusion architecture, and it enables jointly training from image and video
data, which we find to reduce the variance of minibatch gradients and speed up
optimization. To generate long and higher resolution videos we introduce a new
conditional sampling technique for spatial and temporal video extension that
performs better than previously proposed methods. We present the first results
on a large text-conditioned video generation task, as well as state-of-the-art
results on established benchmarks for video prediction and unconditional video
generation. Supplementary material is available at
https://video-diffusion.github.io/ | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2310.17631 | HF | JudgeLM: Fine-tuned Large Language Models are Scalable Judges | [
"Lianghui Zhu",
"Xinggang Wang",
"Xinlong Wang"
] | 2023-10-26 | Evaluating Large Language Models (LLMs) in open-ended scenarios is
challenging because existing benchmarks and metrics can not measure them
comprehensively. To address this problem, we propose to fine-tune LLMs as
scalable judges (JudgeLM) to evaluate LLMs efficiently and effectively in
open-ended benchmarks. We first propose a comprehensive, large-scale,
high-quality dataset containing task seeds, LLMs-generated answers, and
GPT-4-generated judgments for fine-tuning high-performance judges, as well as a
new benchmark for evaluating the judges. We train JudgeLM at different scales
from 7B, 13B, to 33B parameters, and conduct a systematic analysis of its
capabilities and behaviors. We then analyze the key biases in fine-tuning LLM
as a judge and consider them as position bias, knowledge bias, and format bias.
To address these issues, JudgeLM introduces a bag of techniques including swap
augmentation, reference support, and reference drop, which clearly enhance the
judge's performance. JudgeLM obtains the state-of-the-art judge performance on
both the existing PandaLM benchmark and our proposed new benchmark. Our JudgeLM
is efficient and the JudgeLM-7B only needs 3 minutes to judge 5K samples with 8
A100 GPUs. JudgeLM obtains high agreement with the teacher judge, achieving an
agreement exceeding 90% that even surpasses human-to-human agreement. JudgeLM
also demonstrates extended capabilities in being judges of the single answer,
multimodal models, multiple answers, and multi-turn chat. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2405.00676 | HF | Spectrally Pruned Gaussian Fields with Neural Compensation | [
"Runyi Yang",
"Zhenxin Zhu",
"Zhou Jiang",
"Baijun Ye",
"Xiaoxue Chen",
"Yifei Zhang",
"Yuantao Chen",
"Jian Zhao",
"Hao Zhao"
] | 2024-05-01 | Recently, 3D Gaussian Splatting, as a novel 3D representation, has garnered
attention for its fast rendering speed and high rendering quality. However,
this comes with high memory consumption, e.g., a well-trained Gaussian field
may utilize three million Gaussian primitives and over 700 MB of memory. We
credit this high memory footprint to the lack of consideration for the
relationship between primitives. In this paper, we propose a memory-efficient
Gaussian field named SUNDAE with spectral pruning and neural compensation. On
one hand, we construct a graph on the set of Gaussian primitives to model their
relationship and design a spectral down-sampling module to prune out primitives
while preserving desired signals. On the other hand, to compensate for the
quality loss of pruning Gaussians, we exploit a lightweight neural network head
to mix splatted features, which effectively compensates for quality losses
while capturing the relationship between primitives in its weights. We
demonstrate the performance of SUNDAE with extensive results. For example,
SUNDAE can achieve 26.80 PSNR at 145 FPS using 104 MB memory while the vanilla
Gaussian splatting algorithm achieves 25.60 PSNR at 160 FPS using 523 MB
memory, on the Mip-NeRF360 dataset. Codes are publicly available at
https://runyiyang.github.io/projects/SUNDAE/. | null | cs.CV | [
"cs.CV"
] |
2405.12130 | Both | MoRA: High-Rank Updating for Parameter-Efficient Fine-Tuning | [
"Ting Jiang",
"Shaohan Huang",
"Shengyue Luo",
"Zihan Zhang",
"Haizhen Huang",
"Furu Wei",
"Weiwei Deng",
"Feng Sun",
"Qi Zhang",
"Deqing Wang",
"Fuzhen Zhuang"
] | 2024-05-20 | Low-rank adaptation is a popular parameter-efficient fine-tuning method for
large language models. In this paper, we analyze the impact of low-rank
updating, as implemented in LoRA. Our findings suggest that the low-rank
updating mechanism may limit the ability of LLMs to effectively learn and
memorize new knowledge. Inspired by this observation, we propose a new method
called MoRA, which employs a square matrix to achieve high-rank updating while
maintaining the same number of trainable parameters. To achieve it, we
introduce the corresponding non-parameter operators to reduce the input
dimension and increase the output dimension for the square matrix. Furthermore,
these operators ensure that the weight can be merged back into LLMs, which
makes our method can be deployed like LoRA. We perform a comprehensive
evaluation of our method across five tasks: instruction tuning, mathematical
reasoning, continual pretraining, memory and pretraining. Our method
outperforms LoRA on memory-intensive tasks and achieves comparable performance
on other tasks. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.11255 | HF | M$^{2}$UGen: Multi-modal Music Understanding and Generation with the Power of Large Language Models | [
"Shansong Liu",
"Atin Sakkeer Hussain",
"Chenshuo Sun",
"Ying Shan"
] | 2023-11-19 | The current landscape of research leveraging large language models (LLMs) is
experiencing a surge. Many works harness the powerful reasoning capabilities of
these models to comprehend various modalities, such as text, speech, images,
videos, etc. They also utilize LLMs to understand human intention and generate
desired outputs like images, videos, and music. However, research that combines
both understanding and generation using LLMs is still limited and in its
nascent stage. To address this gap, we introduce a Multi-modal Music
Understanding and Generation (M$^{2}$UGen) framework that integrates LLM's
abilities to comprehend and generate music for different modalities. The
M$^{2}$UGen framework is purpose-built to unlock creative potential from
diverse sources of inspiration, encompassing music, image, and video through
the use of pretrained MERT, ViT, and ViViT models, respectively. To enable
music generation, we explore the use of AudioLDM 2 and MusicGen. Bridging
multi-modal understanding and music generation is accomplished through the
integration of the LLaMA 2 model. Furthermore, we make use of the MU-LLaMA
model to generate extensive datasets that support text/image/video-to-music
generation, facilitating the training of our M$^{2}$UGen framework. We conduct
a thorough evaluation of our proposed framework. The experimental results
demonstrate that our model achieves or surpasses the performance of the current
state-of-the-art models. | null | cs.SD | [
"cs.SD",
"cs.MM",
"eess.AS"
] |
2306.04634 | Both | On the Reliability of Watermarks for Large Language Models | [
"John Kirchenbauer",
"Jonas Geiping",
"Yuxin Wen",
"Manli Shu",
"Khalid Saifullah",
"Kezhi Kong",
"Kasun Fernando",
"Aniruddha Saha",
"Micah Goldblum",
"Tom Goldstein"
] | 2023-06-07 | As LLMs become commonplace, machine-generated text has the potential to flood
the internet with spam, social media bots, and valueless content. Watermarking
is a simple and effective strategy for mitigating such harms by enabling the
detection and documentation of LLM-generated text. Yet a crucial question
remains: How reliable is watermarking in realistic settings in the wild? There,
watermarked text may be modified to suit a user's needs, or entirely rewritten
to avoid detection. We study the robustness of watermarked text after it is
re-written by humans, paraphrased by a non-watermarked LLM, or mixed into a
longer hand-written document. We find that watermarks remain detectable even
after human and machine paraphrasing. While these attacks dilute the strength
of the watermark, paraphrases are statistically likely to leak n-grams or even
longer fragments of the original text, resulting in high-confidence detections
when enough tokens are observed. For example, after strong human paraphrasing
the watermark is detectable after observing 800 tokens on average, when setting
a 1e-5 false positive rate. We also consider a range of new detection schemes
that are sensitive to short spans of watermarked text embedded inside a large
document, and we compare the robustness of watermarking to other kinds of
detectors. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CR"
] |
2302.07459 | AnswerAI | The Capacity for Moral Self-Correction in Large Language Models | [
"Deep Ganguli",
"Amanda Askell",
"Nicholas Schiefer",
"Thomas I. Liao",
"Kamilė Lukošiūtė",
"Anna Chen",
"Anna Goldie",
"Azalia Mirhoseini",
"Catherine Olsson",
"Danny Hernandez",
"Dawn Drain",
"Dustin Li",
"Eli Tran-Johnson",
"Ethan Perez",
"Jackson Kernion",
"Jamie Kerr",
"Jared Mueller",
"Joshua Landau",
"Kamal Ndousse",
"Karina Nguyen",
"Liane Lovitt",
"Michael Sellitto",
"Nelson Elhage",
"Noemi Mercado",
"Nova DasSarma",
"Oliver Rausch",
"Robert Lasenby",
"Robin Larson",
"Sam Ringer",
"Sandipan Kundu",
"Saurav Kadavath",
"Scott Johnston",
"Shauna Kravec",
"Sheer El Showk",
"Tamera Lanham",
"Timothy Telleen-Lawton",
"Tom Henighan",
"Tristan Hume",
"Yuntao Bai",
"Zac Hatfield-Dodds",
"Ben Mann",
"Dario Amodei",
"Nicholas Joseph",
"Sam McCandlish",
"Tom Brown",
"Christopher Olah",
"Jack Clark",
"Samuel R. Bowman",
"Jared Kaplan"
] | 2023-02-15 | We test the hypothesis that language models trained with reinforcement
learning from human feedback (RLHF) have the capability to "morally
self-correct" -- to avoid producing harmful outputs -- if instructed to do so.
We find strong evidence in support of this hypothesis across three different
experiments, each of which reveal different facets of moral self-correction. We
find that the capability for moral self-correction emerges at 22B model
parameters, and typically improves with increasing model size and RLHF
training. We believe that at this level of scale, language models obtain two
capabilities that they can use for moral self-correction: (1) they can follow
instructions and (2) they can learn complex normative concepts of harm like
stereotyping, bias, and discrimination. As such, they can follow instructions
to avoid certain kinds of morally harmful outputs. We believe our results are
cause for cautious optimism regarding the ability to train language models to
abide by ethical principles. | null | cs.CL | [
"cs.CL"
] |
2406.13144 | HF | DialSim: A Real-Time Simulator for Evaluating Long-Term Dialogue Understanding of Conversational Agents | [
"Jiho Kim",
"Woosog Chay",
"Hyeonji Hwang",
"Daeun Kyung",
"Hyunseung Chung",
"Eunbyeol Cho",
"Yohan Jo",
"Edward Choi"
] | 2024-06-19 | Recent advancements in Large Language Models (LLMs) have significantly
enhanced the capabilities of conversational agents, making them applicable to
various fields (e.g., education). Despite their progress, the evaluation of the
agents often overlooks the complexities of real-world conversations, such as
real-time interactions, multi-party dialogues, and extended contextual
dependencies. To bridge this gap, we introduce DialSim, a real-time dialogue
simulator. In this simulator, an agent is assigned the role of a character from
popular TV shows, requiring it to respond to spontaneous questions using past
dialogue information and to distinguish between known and unknown information.
Key features of DialSim include evaluating the agent's ability to respond
within a reasonable time limit, handling long-term multi-party dialogues, and
managing adversarial settings (e.g., swap character names) to challenge the
agent's reliance on pre-trained knowledge. We utilized this simulator to
evaluate the latest conversational agents and analyze their limitations. Our
experiments highlight both the strengths and weaknesses of these agents,
providing valuable insights for future improvements in the field of
conversational AI. DialSim is available at
https://github.com/jiho283/Simulator. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.02561 | HF | Physically Grounded Vision-Language Models for Robotic Manipulation | [
"Jensen Gao",
"Bidipta Sarkar",
"Fei Xia",
"Ted Xiao",
"Jiajun Wu",
"Brian Ichter",
"Anirudha Majumdar",
"Dorsa Sadigh"
] | 2023-09-05 | Recent advances in vision-language models (VLMs) have led to improved
performance on tasks such as visual question answering and image captioning.
Consequently, these models are now well-positioned to reason about the physical
world, particularly within domains such as robotic manipulation. However,
current VLMs are limited in their understanding of the physical concepts (e.g.,
material, fragility) of common objects, which restricts their usefulness for
robotic manipulation tasks that involve interaction and physical reasoning
about such objects. To address this limitation, we propose PhysObjects, an
object-centric dataset of 39.6K crowd-sourced and 417K automated physical
concept annotations of common household objects. We demonstrate that
fine-tuning a VLM on PhysObjects improves its understanding of physical object
concepts, including generalization to held-out concepts, by capturing human
priors of these concepts from visual appearance. We incorporate this physically
grounded VLM in an interactive framework with a large language model-based
robotic planner, and show improved planning performance on tasks that require
reasoning about physical object concepts, compared to baselines that do not
leverage physically grounded VLMs. We additionally illustrate the benefits of
our physically grounded VLM on a real robot, where it improves task success
rates. We release our dataset and provide further details and visualizations of
our results at https://iliad.stanford.edu/pg-vlm/. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV"
] |
2408.06142 | HF | Med42-v2: A Suite of Clinical LLMs | [
"Clément Christophe",
"Praveen K Kanithi",
"Tathagata Raha",
"Shadab Khan",
"Marco AF Pimentel"
] | 2024-08-12 | Med42-v2 introduces a suite of clinical large language models (LLMs) designed
to address the limitations of generic models in healthcare settings. These
models are built on Llama3 architecture and fine-tuned using specialized
clinical data. They underwent multi-stage preference alignment to effectively
respond to natural prompts. While generic models are often preference-aligned
to avoid answering clinical queries as a precaution, Med42-v2 is specifically
trained to overcome this limitation, enabling its use in clinical settings.
Med42-v2 models demonstrate superior performance compared to the original
Llama3 models in both 8B and 70B parameter configurations and GPT-4 across
various medical benchmarks. These LLMs are developed to understand clinical
queries, perform reasoning tasks, and provide valuable assistance in clinical
environments. The models are now publicly available at
\href{https://huggingface.co/m42-health}{https://huggingface.co/m42-health}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.15017 | HF | Knowledge Mechanisms in Large Language Models: A Survey and Perspective | [
"Mengru Wang",
"Yunzhi Yao",
"Ziwen Xu",
"Shuofei Qiao",
"Shumin Deng",
"Peng Wang",
"Xiang Chen",
"Jia-Chen Gu",
"Yong Jiang",
"Pengjun Xie",
"Fei Huang",
"Huajun Chen",
"Ningyu Zhang"
] | 2024-07-22 | Understanding knowledge mechanisms in Large Language Models (LLMs) is crucial
for advancing towards trustworthy AGI. This paper reviews knowledge mechanism
analysis from a novel taxonomy including knowledge utilization and evolution.
Knowledge utilization delves into the mechanism of memorization, comprehension
and application, and creation. Knowledge evolution focuses on the dynamic
progression of knowledge within individual and group LLMs. Moreover, we discuss
what knowledge LLMs have learned, the reasons for the fragility of parametric
knowledge, and the potential dark knowledge (hypothesis) that will be
challenging to address. We hope this work can help understand knowledge in LLMs
and provide insights for future research. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.HC",
"cs.LG"
] |
2306.00926 | HF | Inserting Anybody in Diffusion Models via Celeb Basis | [
"Ge Yuan",
"Xiaodong Cun",
"Yong Zhang",
"Maomao Li",
"Chenyang Qi",
"Xintao Wang",
"Ying Shan",
"Huicheng Zheng"
] | 2023-06-01 | Exquisite demand exists for customizing the pretrained large text-to-image
model, $\textit{e.g.}$, Stable Diffusion, to generate innovative concepts, such
as the users themselves. However, the newly-added concept from previous
customization methods often shows weaker combination abilities than the
original ones even given several images during training. We thus propose a new
personalization method that allows for the seamless integration of a unique
individual into the pre-trained diffusion model using just $\textbf{one facial
photograph}$ and only $\textbf{1024 learnable parameters}$ under $\textbf{3
minutes}$. So as we can effortlessly generate stunning images of this person in
any pose or position, interacting with anyone and doing anything imaginable
from text prompts. To achieve this, we first analyze and build a well-defined
celeb basis from the embedding space of the pre-trained large text encoder.
Then, given one facial photo as the target identity, we generate its own
embedding by optimizing the weight of this basis and locking all other
parameters. Empowered by the proposed celeb basis, the new identity in our
customized model showcases a better concept combination ability than previous
personalization methods. Besides, our model can also learn several new
identities at once and interact with each other where the previous
customization model fails to. The code will be released. | null | cs.CV | [
"cs.CV"
] |
2308.08089 | HF | DragNUWA: Fine-grained Control in Video Generation by Integrating Text, Image, and Trajectory | [
"Shengming Yin",
"Chenfei Wu",
"Jian Liang",
"Jie Shi",
"Houqiang Li",
"Gong Ming",
"Nan Duan"
] | 2023-08-16 | Controllable video generation has gained significant attention in recent
years. However, two main limitations persist: Firstly, most existing works
focus on either text, image, or trajectory-based control, leading to an
inability to achieve fine-grained control in videos. Secondly, trajectory
control research is still in its early stages, with most experiments being
conducted on simple datasets like Human3.6M. This constraint limits the models'
capability to process open-domain images and effectively handle complex curved
trajectories. In this paper, we propose DragNUWA, an open-domain
diffusion-based video generation model. To tackle the issue of insufficient
control granularity in existing works, we simultaneously introduce text, image,
and trajectory information to provide fine-grained control over video content
from semantic, spatial, and temporal perspectives. To resolve the problem of
limited open-domain trajectory control in current research, We propose
trajectory modeling with three aspects: a Trajectory Sampler (TS) to enable
open-domain control of arbitrary trajectories, a Multiscale Fusion (MF) to
control trajectories in different granularities, and an Adaptive Training (AT)
strategy to generate consistent videos following trajectories. Our experiments
validate the effectiveness of DragNUWA, demonstrating its superior performance
in fine-grained control in video generation. The homepage link is
\url{https://www.microsoft.com/en-us/research/project/dragnuwa/} | null | cs.CV | [
"cs.CV"
] |
2311.05772 | HF | ADaPT: As-Needed Decomposition and Planning with Language Models | [
"Archiki Prasad",
"Alexander Koller",
"Mareike Hartmann",
"Peter Clark",
"Ashish Sabharwal",
"Mohit Bansal",
"Tushar Khot"
] | 2023-11-08 | Large Language Models (LLMs) are increasingly being used for interactive
decision-making tasks requiring planning and adapting to the environment.
Recent works employ LLMs-as-agents in broadly two ways: iteratively determining
the next action (iterative executors) or generating plans and executing
sub-tasks using LLMs (plan-and-execute). However, these methods struggle with
task complexity, as the inability to execute any sub-task may lead to task
failure. To address these shortcomings, we introduce As-Needed Decomposition
and Planning for complex Tasks (ADaPT), an approach that explicitly plans and
decomposes complex sub-tasks as-needed, i.e., when the LLM is unable to execute
them. ADaPT recursively decomposes sub-tasks to adapt to both task complexity
and LLM capability. Our results demonstrate that ADaPT substantially
outperforms established strong baselines, achieving success rates up to 28.3%
higher in ALFWorld, 27% in WebShop, and 33% in TextCraft -- a novel
compositional dataset that we introduce. Through extensive analysis, we
illustrate the importance of multilevel decomposition and establish that ADaPT
dynamically adjusts to the capabilities of the executor LLM as well as to task
complexity. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2401.02839 | HF | Pheme: Efficient and Conversational Speech Generation | [
"Paweł Budzianowski",
"Taras Sereda",
"Tomasz Cichy",
"Ivan Vulić"
] | 2024-01-05 | In recent years, speech generation has seen remarkable progress, now
achieving one-shot generation capability that is often virtually
indistinguishable from real human voice. Integrating such advancements in
speech generation with large language models might revolutionize a wide range
of applications. However, certain applications, such as assistive
conversational systems, require natural and conversational speech generation
tools that also operate efficiently in real time. Current state-of-the-art
models like VALL-E and SoundStorm, powered by hierarchical neural audio codecs,
require large neural components and extensive training data to work well. In
contrast, MQTTS aims to build more compact conversational TTS models while
capitalizing on smaller-scale real-life conversational speech data. However,
its autoregressive nature yields high inference latency and thus limits its
real-time usage. In order to mitigate the current limitations of the
state-of-the-art TTS models while capitalizing on their strengths, in this work
we introduce the Pheme model series that 1) offers compact yet high-performing
models, 2) allows for parallel speech generation of 3) natural conversational
speech, and 4) it can be trained efficiently on smaller-scale conversational
data, cutting data demands by more than 10x but still matching the quality of
the autoregressive TTS models. We also show that through simple teacher-student
distillation we can meet significant improvements in voice quality for
single-speaker setups on top of pretrained Pheme checkpoints, relying solely on
synthetic speech generated by much larger teacher models. Audio samples and
pretrained models are available online. | null | eess.AS | [
"eess.AS",
"cs.AI",
"cs.CL"
] |
2311.15566 | AnswerAI | SpotServe: Serving Generative Large Language Models on Preemptible Instances | [
"Xupeng Miao",
"Chunan Shi",
"Jiangfei Duan",
"Xiaoli Xi",
"Dahua Lin",
"Bin Cui",
"Zhihao Jia"
] | 2023-11-27 | The high computational and memory requirements of generative large language
models (LLMs) make it challenging to serve them cheaply. This paper aims to
reduce the monetary cost for serving LLMs by leveraging preemptible GPU
instances on modern clouds, which offer accesses to spare GPUs at a much
cheaper price than regular instances but may be preempted by the cloud at any
time. Serving LLMs on preemptible instances requires addressing challenges
induced by frequent instance preemptions and the necessity of migrating
instances to handle these preemptions.
This paper presents SpotServe, the first distributed LLM serving system on
preemptible instances. Several key techniques in SpotServe realize fast and
reliable serving of generative LLMs on cheap preemptible instances. First,
SpotServe dynamically adapts the LLM parallelization configuration for dynamic
instance availability and fluctuating workload, while balancing the trade-off
among the overall throughput, inference latency and monetary costs. Second, to
minimize the cost of migrating instances for dynamic reparallelization, the
task of migrating instances is formulated as a bipartite graph matching
problem, which uses the Kuhn-Munkres algorithm to identify an optimal migration
plan that minimizes communications. Finally, to take advantage of the grace
period offered by modern clouds, we introduce stateful inference recovery, a
new inference mechanism that commits inference progress at a much finer
granularity and allows SpotServe to cheaply resume inference upon preemption.
We evaluate on real spot instance preemption traces and various popular LLMs
and show that SpotServe can reduce the P99 tail latency by 2.4 - 9.1x compared
with the best existing LLM serving systems. We also show that SpotServe can
leverage the price advantage of preemptive instances, saving 54% monetary cost
compared with only using on-demand instances. | null | cs.DC | [
"cs.DC",
"cs.CL",
"cs.LG"
] |
2305.08275 | HF | ULIP-2: Towards Scalable Multimodal Pre-training for 3D Understanding | [
"Le Xue",
"Ning Yu",
"Shu Zhang",
"Artemis Panagopoulou",
"Junnan Li",
"Roberto Martín-Martín",
"Jiajun Wu",
"Caiming Xiong",
"Ran Xu",
"Juan Carlos Niebles",
"Silvio Savarese"
] | 2023-05-14 | Recent advancements in multimodal pre-training have shown promising efficacy
in 3D representation learning by aligning multimodal features across 3D shapes,
their 2D counterparts, and language descriptions. However, the methods used by
existing frameworks to curate such multimodal data, in particular language
descriptions for 3D shapes, are not scalable, and the collected language
descriptions are not diverse. To address this, we introduce ULIP-2, a simple
yet effective tri-modal pre-training framework that leverages large multimodal
models to automatically generate holistic language descriptions for 3D shapes.
It only needs 3D data as input, eliminating the need for any manual 3D
annotations, and is therefore scalable to large datasets. ULIP-2 is also
equipped with scaled-up backbones for better multimodal representation
learning. We conduct experiments on two large-scale 3D datasets, Objaverse and
ShapeNet, and augment them with tri-modal datasets of 3D point clouds, images,
and language for training ULIP-2. Experiments show that ULIP-2 demonstrates
substantial benefits in three downstream tasks: zero-shot 3D classification,
standard 3D classification with fine-tuning, and 3D captioning (3D-to-language
generation). It achieves a new SOTA of 50.6% (top-1) on Objaverse-LVIS and
84.7% (top-1) on ModelNet40 in zero-shot classification. In the ScanObjectNN
benchmark for standard fine-tuning, ULIP-2 reaches an overall accuracy of 91.5%
with a compact model of only 1.4 million parameters. ULIP-2 sheds light on a
new paradigm for scalable multimodal 3D representation learning without human
annotations and shows significant improvements over existing baselines. The
code and datasets are released at https://github.com/salesforce/ULIP. | null | cs.CV | [
"cs.CV"
] |
2408.17131 | HF | VQ4DiT: Efficient Post-Training Vector Quantization for Diffusion Transformers | [
"Juncan Deng",
"Shuaiting Li",
"Zeyu Wang",
"Hong Gu",
"Kedong Xu",
"Kejie Huang"
] | 2024-08-30 | The Diffusion Transformers Models (DiTs) have transitioned the network
architecture from traditional UNets to transformers, demonstrating exceptional
capabilities in image generation. Although DiTs have been widely applied to
high-definition video generation tasks, their large parameter size hinders
inference on edge devices. Vector quantization (VQ) can decompose model weight
into a codebook and assignments, allowing extreme weight quantization and
significantly reducing memory usage. In this paper, we propose VQ4DiT, a fast
post-training vector quantization method for DiTs. We found that traditional VQ
methods calibrate only the codebook without calibrating the assignments. This
leads to weight sub-vectors being incorrectly assigned to the same assignment,
providing inconsistent gradients to the codebook and resulting in a suboptimal
result. To address this challenge, VQ4DiT calculates the candidate assignment
set for each weight sub-vector based on Euclidean distance and reconstructs the
sub-vector based on the weighted average. Then, using the zero-data and
block-wise calibration method, the optimal assignment from the set is
efficiently selected while calibrating the codebook. VQ4DiT quantizes a DiT
XL/2 model on a single NVIDIA A100 GPU within 20 minutes to 5 hours depending
on the different quantization settings. Experiments show that VQ4DiT
establishes a new state-of-the-art in model size and performance trade-offs,
quantizing weights to 2-bit precision while retaining acceptable image
generation quality. | null | cs.CV | [
"cs.CV",
"cs.AI",
"I.2; I.4"
] |
2312.16886 | HF | MobileVLM : A Fast, Strong and Open Vision Language Assistant for Mobile Devices | [
"Xiangxiang Chu",
"Limeng Qiao",
"Xinyang Lin",
"Shuang Xu",
"Yang Yang",
"Yiming Hu",
"Fei Wei",
"Xinyu Zhang",
"Bo Zhang",
"Xiaolin Wei",
"Chunhua Shen"
] | 2023-12-28 | We present MobileVLM, a competent multimodal vision language model (MMVLM)
targeted to run on mobile devices. It is an amalgamation of a myriad of
architectural designs and techniques that are mobile-oriented, which comprises
a set of language models at the scale of 1.4B and 2.7B parameters, trained from
scratch, a multimodal vision model that is pre-trained in the CLIP fashion,
cross-modality interaction via an efficient projector. We evaluate MobileVLM on
several typical VLM benchmarks. Our models demonstrate on par performance
compared with a few much larger models. More importantly, we measure the
inference speed on both a Qualcomm Snapdragon 888 CPU and an NVIDIA Jeston Orin
GPU, and we obtain state-of-the-art performance of 21.5 tokens and 65.3 tokens
per second, respectively. Our code will be made available at:
https://github.com/Meituan-AutoML/MobileVLM. | null | cs.CV | [
"cs.CV"
] |
2407.03211 | AnswerAI | How Does Quantization Affect Multilingual LLMs? | [
"Kelly Marchisio",
"Saurabh Dash",
"Hongyu Chen",
"Dennis Aumiller",
"Ahmet Üstün",
"Sara Hooker",
"Sebastian Ruder"
] | 2024-07-03 | Quantization techniques are widely used to improve inference speed and
deployment of large language models. While a wide body of work examines the
impact of quantized LLMs on English tasks, none have examined the effect of
quantization across languages. We conduct a thorough analysis of quantized
multilingual LLMs, focusing on their performance across languages and at
varying scales. We use automatic benchmarks, LLM-as-a-Judge methods, and human
evaluation, finding that (1) harmful effects of quantization are apparent in
human evaluation, and automatic metrics severely underestimate the detriment: a
1.7% average drop in Japanese across automatic tasks corresponds to a 16.0%
drop reported by human evaluators on realistic prompts; (2) languages are
disparately affected by quantization, with non-Latin script languages impacted
worst; and (3) challenging tasks such as mathematical reasoning degrade
fastest. As the ability to serve low-compute models is critical for wide global
adoption of NLP technologies, our results urge consideration of multilingual
performance as a key evaluation criterion for efficient models. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.07464 | HF | Video-to-Audio Generation with Hidden Alignment | [
"Manjie Xu",
"Chenxing Li",
"Yong Ren",
"Rilin Chen",
"Yu Gu",
"Wei Liang",
"Dong Yu"
] | 2024-07-10 | Generating semantically and temporally aligned audio content in accordance
with video input has become a focal point for researchers, particularly
following the remarkable breakthrough in text-to-video generation. In this
work, we aim to offer insights into the video-to-audio generation paradigm,
focusing on three crucial aspects: vision encoders, auxiliary embeddings, and
data augmentation techniques. Beginning with a foundational model VTA-LDM built
on a simple yet surprisingly effective intuition, we explore various vision
encoders and auxiliary embeddings through ablation studies. Employing a
comprehensive evaluation pipeline that emphasizes generation quality and
video-audio synchronization alignment, we demonstrate that our model exhibits
state-of-the-art video-to-audio generation capabilities. Furthermore, we
provide critical insights into the impact of different data augmentation
methods on enhancing the generation framework's overall capacity. We showcase
possibilities to advance the challenge of generating synchronized audio from
semantic and temporal perspectives. We hope these insights will serve as a
stepping stone toward developing more realistic and accurate audio-visual
generation models. | null | cs.SD | [
"cs.SD",
"cs.CV",
"cs.MM",
"eess.AS"
] |
2402.10259 | HF | GaussianObject: High-Quality 3D Object Reconstruction from Four Views with Gaussian Splatting | [
"Chen Yang",
"Sikuang Li",
"Jiemin Fang",
"Ruofan Liang",
"Lingxi Xie",
"Xiaopeng Zhang",
"Wei Shen",
"Qi Tian"
] | 2024-02-15 | Reconstructing and rendering 3D objects from highly sparse views is of
critical importance for promoting applications of 3D vision techniques and
improving user experience. However, images from sparse views only contain very
limited 3D information, leading to two significant challenges: 1) Difficulty in
building multi-view consistency as images for matching are too few; 2)
Partially omitted or highly compressed object information as view coverage is
insufficient. To tackle these challenges, we propose GaussianObject, a
framework to represent and render the 3D object with Gaussian splatting that
achieves high rendering quality with only 4 input images. We first introduce
techniques of visual hull and floater elimination, which explicitly inject
structure priors into the initial optimization process to help build multi-view
consistency, yielding a coarse 3D Gaussian representation. Then we construct a
Gaussian repair model based on diffusion models to supplement the omitted
object information, where Gaussians are further refined. We design a
self-generating strategy to obtain image pairs for training the repair model.
We further design a COLMAP-free variant, where pre-given accurate camera poses
are not required, which achieves competitive quality and facilitates wider
applications. GaussianObject is evaluated on several challenging datasets,
including MipNeRF360, OmniObject3D, OpenIllumination, and our-collected unposed
images, achieving superior performance from only four views and significantly
outperforming previous SOTA methods. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2308.01317 | HF | ELIXR: Towards a general purpose X-ray artificial intelligence system through alignment of large language models and radiology vision encoders | [
"Shawn Xu",
"Lin Yang",
"Christopher Kelly",
"Marcin Sieniek",
"Timo Kohlberger",
"Martin Ma",
"Wei-Hung Weng",
"Atilla Kiraly",
"Sahar Kazemzadeh",
"Zakkai Melamed",
"Jungyeon Park",
"Patricia Strachan",
"Yun Liu",
"Chuck Lau",
"Preeti Singh",
"Christina Chen",
"Mozziyar Etemadi",
"Sreenivasa Raju Kalidindi",
"Yossi Matias",
"Katherine Chou",
"Greg S. Corrado",
"Shravya Shetty",
"Daniel Tse",
"Shruthi Prabhakara",
"Daniel Golden",
"Rory Pilgrim",
"Krish Eswaran",
"Andrew Sellergren"
] | 2023-08-02 | In this work, we present an approach, which we call Embeddings for
Language/Image-aligned X-Rays, or ELIXR, that leverages a language-aligned
image encoder combined or grafted onto a fixed LLM, PaLM 2, to perform a broad
range of chest X-ray tasks. We train this lightweight adapter architecture
using images paired with corresponding free-text radiology reports from the
MIMIC-CXR dataset. ELIXR achieved state-of-the-art performance on zero-shot
chest X-ray (CXR) classification (mean AUC of 0.850 across 13 findings),
data-efficient CXR classification (mean AUCs of 0.893 and 0.898 across five
findings (atelectasis, cardiomegaly, consolidation, pleural effusion, and
pulmonary edema) for 1% (~2,200 images) and 10% (~22,000 images) training
data), and semantic search (0.76 normalized discounted cumulative gain (NDCG)
across nineteen queries, including perfect retrieval on twelve of them).
Compared to existing data-efficient methods including supervised contrastive
learning (SupCon), ELIXR required two orders of magnitude less data to reach
similar performance. ELIXR also showed promise on CXR vision-language tasks,
demonstrating overall accuracies of 58.7% and 62.5% on visual question
answering and report quality assurance tasks, respectively. These results
suggest that ELIXR is a robust and versatile approach to CXR AI. | null | cs.CV | [
"cs.CV",
"eess.IV"
] |
2311.13384 | HF | LucidDreamer: Domain-free Generation of 3D Gaussian Splatting Scenes | [
"Jaeyoung Chung",
"Suyoung Lee",
"Hyeongjin Nam",
"Jaerin Lee",
"Kyoung Mu Lee"
] | 2023-11-22 | With the widespread usage of VR devices and contents, demands for 3D scene
generation techniques become more popular. Existing 3D scene generation models,
however, limit the target scene to specific domain, primarily due to their
training strategies using 3D scan dataset that is far from the real-world. To
address such limitation, we propose LucidDreamer, a domain-free scene
generation pipeline by fully leveraging the power of existing large-scale
diffusion-based generative model. Our LucidDreamer has two alternate steps:
Dreaming and Alignment. First, to generate multi-view consistent images from
inputs, we set the point cloud as a geometrical guideline for each image
generation. Specifically, we project a portion of point cloud to the desired
view and provide the projection as a guidance for inpainting using the
generative model. The inpainted images are lifted to 3D space with estimated
depth maps, composing a new points. Second, to aggregate the new points into
the 3D scene, we propose an aligning algorithm which harmoniously integrates
the portions of newly generated 3D scenes. The finally obtained 3D scene serves
as initial points for optimizing Gaussian splats. LucidDreamer produces
Gaussian splats that are highly-detailed compared to the previous 3D scene
generation methods, with no constraint on domain of the target scene. Project
page: https://luciddreamer-cvlab.github.io/ | null | cs.CV | [
"cs.CV"
] |
2312.13401 | HF | Time is Encoded in the Weights of Finetuned Language Models | [
"Kai Nylund",
"Suchin Gururangan",
"Noah A. Smith"
] | 2023-12-20 | We present time vectors, a simple tool to customize language models to new
time periods. Time vectors are created by finetuning a language model on data
from a single time (e.g., a year or month), and then subtracting the weights of
the original pretrained model. This vector specifies a direction in weight
space that, as our experiments show, improves performance on text from that
time period. Time vectors specialized to adjacent time periods appear to be
positioned closer together in a manifold. Using this structure, we interpolate
between time vectors to induce new models that perform better on intervening
and future time periods, without any additional training. We demonstrate the
consistency of our findings across different tasks, domains, model sizes, and
time scales. Our results suggest that time is encoded in the weight space of
finetuned models. | null | cs.CL | [
"cs.CL"
] |
2407.08739 | HF | MAVIS: Mathematical Visual Instruction Tuning | [
"Renrui Zhang",
"Xinyu Wei",
"Dongzhi Jiang",
"Yichi Zhang",
"Ziyu Guo",
"Chengzhuo Tong",
"Jiaming Liu",
"Aojun Zhou",
"Bin Wei",
"Shanghang Zhang",
"Peng Gao",
"Hongsheng Li"
] | 2024-07-11 | Multi-modal Large Language Models (MLLMs) have recently emerged as a
significant focus in academia and industry. Despite their proficiency in
general multi-modal scenarios, the mathematical problem-solving capabilities in
visual contexts remain insufficiently explored. We identify three key areas
within MLLMs that need to be improved: visual encoding of math diagrams,
diagram-language alignment, and mathematical reasoning skills. This draws forth
an urgent demand for large-scale, high-quality data and training pipelines in
visual mathematics. In this paper, we propose MAVIS, the first MAthematical
VISual instruction tuning paradigm for MLLMs, involving a series of
mathematical visual datasets and specialized MLLMs. Targeting the three issues,
MAVIS contains three progressive training stages from scratch. First, we curate
MAVIS-Caption, consisting of 558K diagram-caption pairs, to fine-tune a
math-specific vision encoder (CLIP-Math) through contrastive learning, tailored
for improved diagram visual encoding. Second, we utilize MAVIS-Caption to align
the CLIP-Math with a large language model (LLM) by a projection layer,
enhancing vision-language alignment in mathematical domains. Third, we
introduce MAVIS-Instruct, including 900K meticulously collected and annotated
visual math problems, which is adopted to finally instruct-tune the MLLM for
robust mathematical reasoning skills. In MAVIS-Instruct, we incorporate
complete chain-of-thought (CoT) rationales for each problem, and minimize
textual redundancy, thereby concentrating the model towards the visual
elements. Data and Models are released at https://github.com/ZrrSkywalker/MAVIS | null | cs.CV | [
"cs.CV"
] |
2408.07931 | HF | Surgical SAM 2: Real-time Segment Anything in Surgical Video by Efficient Frame Pruning | [
"Haofeng Liu",
"Erli Zhang",
"Junde Wu",
"Mingxuan Hong",
"Yueming Jin"
] | 2024-08-15 | Surgical video segmentation is a critical task in computer-assisted surgery
and is vital for enhancing surgical quality and patient outcomes. Recently, the
Segment Anything Model 2 (SAM2) framework has shown superior advancements in
image and video segmentation. However, SAM2 struggles with efficiency due to
the high computational demands of processing high-resolution images and complex
and long-range temporal dynamics in surgical videos. To address these
challenges, we introduce Surgical SAM 2 (SurgSAM-2), an advanced model to
utilize SAM2 with an Efficient Frame Pruning (EFP) mechanism, to facilitate
real-time surgical video segmentation. The EFP mechanism dynamically manages
the memory bank by selectively retaining only the most informative frames,
reducing memory usage and computational cost while maintaining high
segmentation accuracy. Our extensive experiments demonstrate that SurgSAM-2
significantly improves both efficiency and segmentation accuracy compared to
the vanilla SAM2. Remarkably, SurgSAM-2 achieves a 3$\times$ FPS compared with
SAM2, while also delivering state-of-the-art performance after fine-tuning with
lower-resolution data. These advancements establish SurgSAM-2 as a leading
model for surgical video analysis, making real-time surgical video segmentation
in resource-constrained environments a feasible reality. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.RO",
"eess.IV"
] |
2404.07979 | HF | LLoCO: Learning Long Contexts Offline | [
"Sijun Tan",
"Xiuyu Li",
"Shishir Patil",
"Ziyang Wu",
"Tianjun Zhang",
"Kurt Keutzer",
"Joseph E. Gonzalez",
"Raluca Ada Popa"
] | 2024-04-11 | Processing long contexts remains a challenge for large language models (LLMs)
due to the quadratic computational and memory overhead of the self-attention
mechanism and the substantial KV cache sizes during generation. We propose a
novel approach to address this problem by learning contexts offline through
context compression and in-domain parameter-efficient finetuning. Our method
enables an LLM to create a concise representation of the original context and
efficiently retrieve relevant information to answer questions accurately. We
introduce LLoCO, a technique that combines context compression, retrieval, and
parameter-efficient finetuning using LoRA. Our approach extends the effective
context window of a 4k token LLaMA2-7B model to handle up to 128k tokens. We
evaluate our approach on several long-context question-answering datasets,
demonstrating that LLoCO significantly outperforms in-context learning while
using $30\times$ fewer tokens during inference. LLoCO achieves up to
$7.62\times$ speed-up and substantially reduces the cost of long document
question answering, making it a promising solution for efficient long context
processing. Our code is publicly available at
https://github.com/jeffreysijuntan/lloco. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.00522 | HF | Text Rendering Strategies for Pixel Language Models | [
"Jonas F. Lotz",
"Elizabeth Salesky",
"Phillip Rust",
"Desmond Elliott"
] | 2023-11-01 | Pixel-based language models process text rendered as images, which allows
them to handle any script, making them a promising approach to open vocabulary
language modelling. However, recent approaches use text renderers that produce
a large set of almost-equivalent input patches, which may prove sub-optimal for
downstream tasks, due to redundancy in the input representations. In this
paper, we investigate four approaches to rendering text in the PIXEL model
(Rust et al., 2023), and find that simple character bigram rendering brings
improved performance on sentence-level tasks without compromising performance
on token-level or multilingual tasks. This new rendering strategy also makes it
possible to train a more compact model with only 22M parameters that performs
on par with the original 86M parameter model. Our analyses show that character
bigram rendering leads to a consistently better model but with an anisotropic
patch embedding space, driven by a patch frequency bias, highlighting the
connections between image patch- and tokenization-based language models. | null | cs.CL | [
"cs.CL"
] |
2402.05929 | HF | An Interactive Agent Foundation Model | [
"Zane Durante",
"Bidipta Sarkar",
"Ran Gong",
"Rohan Taori",
"Yusuke Noda",
"Paul Tang",
"Ehsan Adeli",
"Shrinidhi Kowshika Lakshmikanth",
"Kevin Schulman",
"Arnold Milstein",
"Demetri Terzopoulos",
"Ade Famoti",
"Noboru Kuno",
"Ashley Llorens",
"Hoi Vo",
"Katsu Ikeuchi",
"Li Fei-Fei",
"Jianfeng Gao",
"Naoki Wake",
"Qiuyuan Huang"
] | 2024-02-08 | The development of artificial intelligence systems is transitioning from
creating static, task-specific models to dynamic, agent-based systems capable
of performing well in a wide range of applications. We propose an Interactive
Agent Foundation Model that uses a novel multi-task agent training paradigm for
training AI agents across a wide range of domains, datasets, and tasks. Our
training paradigm unifies diverse pre-training strategies, including visual
masked auto-encoders, language modeling, and next-action prediction, enabling a
versatile and adaptable AI framework. We demonstrate the performance of our
framework across three separate domains -- Robotics, Gaming AI, and Healthcare.
Our model demonstrates its ability to generate meaningful and contextually
relevant outputs in each area. The strength of our approach lies in its
generality, leveraging a variety of data sources such as robotics sequences,
gameplay data, large-scale video datasets, and textual information for
effective multimodal and multi-task learning. Our approach provides a promising
avenue for developing generalist, action-taking, multimodal systems. | null | cs.AI | [
"cs.AI",
"cs.LG",
"cs.RO"
] |
2310.13522 | HF | Teaching Language Models to Self-Improve through Interactive Demonstrations | [
"Xiao Yu",
"Baolin Peng",
"Michel Galley",
"Jianfeng Gao",
"Zhou Yu"
] | 2023-10-20 | The self-improving ability of large language models (LLMs), enabled by
prompting them to analyze and revise their own outputs, has garnered
significant interest in recent research. However, this ability has been shown
to be absent and difficult to learn for smaller models, thus widening the
performance gap between state-of-the-art LLMs and more cost-effective and
faster ones. To reduce this gap, we introduce TriPosT, a training algorithm
that endows smaller models with such self-improvement ability, and show that
our approach can improve a LLaMA-7b's performance on math and reasoning tasks
by up to 7.13%. In contrast to prior work, we achieve this by using the smaller
model to interact with LLMs to collect feedback and improvements on its own
generations. We then replay this experience to train the small model. Our
experiments on four math and reasoning datasets show that the interactive
experience of learning from and correcting its own mistakes is crucial for
small models to improve their performance. | null | cs.CL | [
"cs.CL"
] |
2306.04757 | Both | INSTRUCTEVAL: Towards Holistic Evaluation of Instruction-Tuned Large Language Models | [
"Yew Ken Chia",
"Pengfei Hong",
"Lidong Bing",
"Soujanya Poria"
] | 2023-06-07 | Instruction-tuned large language models have revolutionized natural language
processing and have shown great potential in applications such as
conversational agents. These models, such as GPT-4, can not only master
language but also solve complex tasks in areas like mathematics, coding,
medicine, and law. Despite their impressive capabilities, there is still a lack
of comprehensive understanding regarding their full potential, primarily due to
the black-box nature of many models and the absence of holistic evaluation
studies. To address these challenges, we present INSTRUCTEVAL, a more
comprehensive evaluation suite designed specifically for instruction-tuned
large language models. Unlike previous works, our evaluation involves a
rigorous assessment of models based on problem-solving, writing ability, and
alignment to human values. We take a holistic approach to analyze various
factors affecting model performance, including the pretraining foundation,
instruction-tuning data, and training methods. Our findings reveal that the
quality of instruction data is the most crucial factor in scaling model
performance. While open-source models demonstrate impressive writing abilities,
there is substantial room for improvement in problem-solving and alignment. We
are encouraged by the rapid development of models by the open-source community,
but we also highlight the need for rigorous evaluation to support claims made
about these models. Through INSTRUCTEVAL, we aim to foster a deeper
understanding of instruction-tuned models and advancements in their
capabilities. INSTRUCTEVAL is publicly available at
https://github.com/declare-lab/instruct-eval. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.01771 | HF | BlackMamba: Mixture of Experts for State-Space Models | [
"Quentin Anthony",
"Yury Tokpanov",
"Paolo Glorioso",
"Beren Millidge"
] | 2024-02-01 | State-space models (SSMs) have recently demonstrated competitive performance
to transformers at large-scale language modeling benchmarks while achieving
linear time and memory complexity as a function of sequence length. Mamba, a
recently released SSM model, shows impressive performance in both language
modeling and long sequence processing tasks. Simultaneously, mixture-of-expert
(MoE) models have shown remarkable performance while significantly reducing the
compute and latency costs of inference at the expense of a larger memory
footprint. In this paper, we present BlackMamba, a novel architecture that
combines the Mamba SSM with MoE to obtain the benefits of both. We demonstrate
that BlackMamba performs competitively against both Mamba and transformer
baselines, and outperforms in inference and training FLOPs. We fully train and
open-source 340M/1.5B and 630M/2.8B BlackMamba models on 300B tokens of a
custom dataset. We show that BlackMamba inherits and combines both of the
benefits of SSM and MoE architectures, combining linear-complexity generation
from SSM with cheap and fast inference from MoE. We release all weights,
checkpoints, and inference code open-source. Inference code at:
https://github.com/Zyphra/BlackMamba | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.DC",
"cs.LG"
] |
2306.16601 | HF | An Efficient Sparse Inference Software Accelerator for Transformer-based Language Models on CPUs | [
"Haihao Shen",
"Hengyu Meng",
"Bo Dong",
"Zhe Wang",
"Ofir Zafrir",
"Yi Ding",
"Yu Luo",
"Hanwen Chang",
"Qun Gao",
"Ziheng Wang",
"Guy Boudoukh",
"Moshe Wasserblat"
] | 2023-06-28 | In recent years, Transformer-based language models have become the standard
approach for natural language processing tasks. However, stringent throughput
and latency requirements in industrial applications are limiting their
adoption. To mitigate the gap, model compression techniques such as structured
pruning are being used to improve inference efficiency. However, most existing
neural network inference runtimes lack adequate support for structured
sparsity. In this paper, we propose an efficient sparse deep learning inference
software stack for Transformer-based language models where the weights are
pruned with constant block size. Our sparse software accelerator leverages
Intel Deep Learning Boost to maximize the performance of sparse matrix - dense
matrix multiplication (commonly abbreviated as SpMM) on CPUs. Our SpMM kernel
outperforms the existing sparse libraries (oneMKL, TVM, and LIBXSMM) by an
order of magnitude on a wide range of GEMM shapes under 5 representative
sparsity ratios (70%, 75%, 80%, 85%, 90%). Moreover, our SpMM kernel shows up
to 5x speedup over dense GEMM kernel of oneDNN, a well-optimized dense library
widely used in industry. We apply our sparse accelerator on widely-used
Transformer-based language models including Bert-Mini, DistilBERT, Bert-Base,
and BERT-Large. Our sparse inference software shows up to 1.5x speedup over
Neural Magic's Deepsparse under same configurations on Xeon on Amazon Web
Services under proxy production latency constraints. We also compare our
solution with two framework-based inference solutions, ONNX Runtime and
PyTorch, and demonstrate up to 37x speedup over ONNX Runtime and 345x over
PyTorch on Xeon under the latency constraints. All the source code is publicly
available on Github: https://github.com/intel/intel-extension-for-transformers. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2405.10725 | HF | INDUS: Effective and Efficient Language Models for Scientific Applications | [
"Bishwaranjan Bhattacharjee",
"Aashka Trivedi",
"Masayasu Muraoka",
"Muthukumaran Ramasubramanian",
"Takuma Udagawa",
"Iksha Gurung",
"Rong Zhang",
"Bharath Dandala",
"Rahul Ramachandran",
"Manil Maskey",
"Kaylin Bugbee",
"Mike Little",
"Elizabeth Fancher",
"Lauren Sanders",
"Sylvain Costes",
"Sergi Blanco-Cuaresma",
"Kelly Lockhart",
"Thomas Allen",
"Felix Grezes",
"Megan Ansdell",
"Alberto Accomazzi",
"Yousef El-Kurdi",
"Davis Wertheimer",
"Birgit Pfitzmann",
"Cesar Berrospi Ramis",
"Michele Dolfi",
"Rafael Teixeira de Lima",
"Panagiotis Vagenas",
"S. Karthik Mukkavilli",
"Peter Staar",
"Sanaz Vahidinia",
"Ryan McGranaghan",
"Armin Mehrabian",
"Tsendgar Lee"
] | 2024-05-17 | Large language models (LLMs) trained on general domain corpora showed
remarkable results on natural language processing (NLP) tasks. However,
previous research demonstrated LLMs trained using domain-focused corpora
perform better on specialized tasks. Inspired by this pivotal insight, we
developed INDUS, a comprehensive suite of LLMs tailored for the Earth science,
biology, physics, heliophysics, planetary sciences and astrophysics domains and
trained using curated scientific corpora drawn from diverse data sources. The
suite of models include: (1) an encoder model trained using domain-specific
vocabulary and corpora to address natural language understanding tasks, (2) a
contrastive-learning-based general text embedding model trained using a diverse
set of datasets drawn from multiple sources to address information retrieval
tasks and (3) smaller versions of these models created using knowledge
distillation techniques to address applications which have latency or resource
constraints. We also created three new scientific benchmark datasets namely,
CLIMATE-CHANGE-NER (entity-recognition), NASA-QA (extractive QA) and NASA-IR
(IR) to accelerate research in these multi-disciplinary fields. Finally, we
show that our models outperform both general-purpose encoders (RoBERTa) and
existing domain-specific encoders (SciBERT) on these new tasks as well as
existing benchmark tasks in the domains of interest. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2408.05211 | HF | VITA: Towards Open-Source Interactive Omni Multimodal LLM | [
"Chaoyou Fu",
"Haojia Lin",
"Zuwei Long",
"Yunhang Shen",
"Meng Zhao",
"Yifan Zhang",
"Shaoqi Dong",
"Xiong Wang",
"Di Yin",
"Long Ma",
"Xiawu Zheng",
"Ran He",
"Rongrong Ji",
"Yunsheng Wu",
"Caifeng Shan",
"Xing Sun"
] | 2024-08-09 | The remarkable multimodal capabilities and interactive experience of GPT-4o
underscore their necessity in practical applications, yet open-source models
rarely excel in both areas. In this paper, we introduce VITA, the first-ever
open-source Multimodal Large Language Model (MLLM) adept at simultaneous
processing and analysis of Video, Image, Text, and Audio modalities, and
meanwhile has an advanced multimodal interactive experience. Starting from
Mixtral 8x7B as a language foundation, we expand its Chinese vocabulary
followed by bilingual instruction tuning. We further endow the language model
with visual and audio capabilities through two-stage multi-task learning of
multimodal alignment and instruction tuning. VITA demonstrates robust
foundational capabilities of multilingual, vision, and audio understanding, as
evidenced by its strong performance across a range of both unimodal and
multimodal benchmarks. Beyond foundational capabilities, we have made
considerable progress in enhancing the natural multimodal human-computer
interaction experience. VITA is the first step for the open-source community to
explore the seamless integration of multimodal understanding and interaction.
While there is still lots of work to be done on VITA to get close to
close-source counterparts, we hope that its role as a pioneer can serve as a
cornerstone for subsequent research. Project Page: https://vita-home.github.io. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2402.10963 | HF | GLoRe: When, Where, and How to Improve LLM Reasoning via Global and Local Refinements | [
"Alex Havrilla",
"Sharath Raparthy",
"Christoforus Nalmpantis",
"Jane Dwivedi-Yu",
"Maksym Zhuravinskyi",
"Eric Hambro",
"Roberta Raileanu"
] | 2024-02-13 | State-of-the-art language models can exhibit impressive reasoning refinement
capabilities on math, science or coding tasks. However, recent work
demonstrates that even the best models struggle to identify \textit{when and
where to refine} without access to external feedback. Outcome-based Reward
Models (\textbf{ORMs}), trained to predict correctness of the final answer
indicating when to refine, offer one convenient solution for deciding when to
refine. Process Based Reward Models (\textbf{PRMs}), trained to predict
correctness of intermediate steps, can then be used to indicate where to
refine. But they are expensive to train, requiring extensive human annotations.
In this paper, we propose Stepwise ORMs (\textbf{SORMs}) which are trained,
only on synthetic data, to approximate the expected future reward of the
optimal policy or $V^{\star}$. More specifically, SORMs are trained to predict
the correctness of the final answer when sampling the current policy many times
(rather than only once as in the case of ORMs). Our experiments show that SORMs
can more accurately detect incorrect reasoning steps compared to ORMs, thus
improving downstream accuracy when doing refinements. We then train
\textit{global} refinement models, which take only the question and a draft
solution as input and predict a corrected solution, and \textit{local}
refinement models which also take as input a critique indicating the location
of the first reasoning error. We generate training data for both models
synthetically by reusing data used to train the SORM. We find combining global
and local refinements, using the ORM as a reranker, significantly outperforms
either one individually, as well as a best of three sample baseline. With this
strategy we can improve the accuracy of a LLaMA-2 13B model (already fine-tuned
with RL) on GSM8K from 53\% to 65\% when greedily sampled. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2308.00906 | HF | ImageBrush: Learning Visual In-Context Instructions for Exemplar-Based Image Manipulation | [
"Yasheng Sun",
"Yifan Yang",
"Houwen Peng",
"Yifei Shen",
"Yuqing Yang",
"Han Hu",
"Lili Qiu",
"Hideki Koike"
] | 2023-08-02 | While language-guided image manipulation has made remarkable progress, the
challenge of how to instruct the manipulation process faithfully reflecting
human intentions persists. An accurate and comprehensive description of a
manipulation task using natural language is laborious and sometimes even
impossible, primarily due to the inherent uncertainty and ambiguity present in
linguistic expressions. Is it feasible to accomplish image manipulation without
resorting to external cross-modal language information? If this possibility
exists, the inherent modality gap would be effortlessly eliminated. In this
paper, we propose a novel manipulation methodology, dubbed ImageBrush, that
learns visual instructions for more accurate image editing. Our key idea is to
employ a pair of transformation images as visual instructions, which not only
precisely captures human intention but also facilitates accessibility in
real-world scenarios. Capturing visual instructions is particularly challenging
because it involves extracting the underlying intentions solely from visual
demonstrations and then applying this operation to a new image. To address this
challenge, we formulate visual instruction learning as a diffusion-based
inpainting problem, where the contextual information is fully exploited through
an iterative process of generation. A visual prompting encoder is carefully
devised to enhance the model's capacity in uncovering human intent behind the
visual instructions. Extensive experiments show that our method generates
engaging manipulation results conforming to the transformations entailed in
demonstrations. Moreover, our model exhibits robust generalization capabilities
on various downstream tasks such as pose transfer, image translation and video
inpainting. | null | cs.CV | [
"cs.CV"
] |
2305.11171 | Both | TrueTeacher: Learning Factual Consistency Evaluation with Large Language Models | [
"Zorik Gekhman",
"Jonathan Herzig",
"Roee Aharoni",
"Chen Elkind",
"Idan Szpektor"
] | 2023-05-18 | Factual consistency evaluation is often conducted using Natural Language
Inference (NLI) models, yet these models exhibit limited success in evaluating
summaries. Previous work improved such models with synthetic training data.
However, the data is typically based on perturbed human-written summaries,
which often differ in their characteristics from real model-generated summaries
and have limited coverage of possible factual errors. Alternatively, large
language models (LLMs) have recently shown promising results in directly
evaluating generative tasks, but are too computationally expensive for
practical use. Motivated by these limitations, we introduce TrueTeacher, a
method for generating synthetic data by annotating diverse model-generated
summaries using a LLM. Unlike prior work, TrueTeacher does not rely on
human-written summaries, and is multilingual by nature. Experiments on the TRUE
benchmark show that a student model trained using our data, substantially
outperforms both the state-of-the-art model with similar capacity, and the LLM
teacher. In a systematic study, we compare TrueTeacher to existing synthetic
data generation methods and demonstrate its superiority and robustness to
domain-shift. We also show that our method generalizes to multilingual
scenarios. Lastly, we release our large scale synthetic dataset (1.4M
examples), generated using TrueTeacher, and a checkpoint trained on this data. | null | cs.CL | [
"cs.CL"
] |
2403.14520 | HF | Cobra: Extending Mamba to Multi-Modal Large Language Model for Efficient Inference | [
"Han Zhao",
"Min Zhang",
"Wei Zhao",
"Pengxiang Ding",
"Siteng Huang",
"Donglin Wang"
] | 2024-03-21 | In recent years, the application of multimodal large language models (MLLM)
in various fields has achieved remarkable success. However, as the foundation
model for many downstream tasks, current MLLMs are composed of the well-known
Transformer network, which has a less efficient quadratic computation
complexity. To improve the efficiency of such basic models, we propose Cobra, a
linear computational complexity MLLM. Specifically, Cobra integrates the
efficient Mamba language model into the visual modality. Moreover, we explore
and study various modal fusion schemes to create an effective multi-modal
Mamba. Extensive experiments demonstrate that (1) Cobra achieves extremely
competitive performance with current computationally efficient state-of-the-art
methods, e.g., LLaVA-Phi, TinyLLaVA, and MobileVLM v2, and has faster speed due
to Cobra's linear sequential modeling. (2) Interestingly, the results of
closed-set challenging prediction benchmarks show that Cobra performs well in
overcoming visual illusions and spatial relationship judgments. (3) Notably,
Cobra even achieves comparable performance to LLaVA with about 43% of the
number of parameters. We will make all codes of Cobra open-source and hope that
the proposed method can facilitate future research on complexity problems in
MLLM. Our project page is available at: https://sites.google.com/view/cobravlm. | null | cs.CV | [
"cs.CV"
] |
2406.15279 | HF | Cross-Modality Safety Alignment | [
"Siyin Wang",
"Xingsong Ye",
"Qinyuan Cheng",
"Junwen Duan",
"Shimin Li",
"Jinlan Fu",
"Xipeng Qiu",
"Xuanjing Huang"
] | 2024-06-21 | As Artificial General Intelligence (AGI) becomes increasingly integrated into
various facets of human life, ensuring the safety and ethical alignment of such
systems is paramount. Previous studies primarily focus on single-modality
threats, which may not suffice given the integrated and complex nature of
cross-modality interactions. We introduce a novel safety alignment challenge
called Safe Inputs but Unsafe Output (SIUO) to evaluate cross-modality safety
alignment. Specifically, it considers cases where single modalities are safe
independently but could potentially lead to unsafe or unethical outputs when
combined. To empirically investigate this problem, we developed the SIUO, a
cross-modality benchmark encompassing 9 critical safety domains, such as
self-harm, illegal activities, and privacy violations. Our findings reveal
substantial safety vulnerabilities in both closed- and open-source LVLMs, such
as GPT-4V and LLaVA, underscoring the inadequacy of current models to reliably
interpret and respond to complex, real-world scenarios. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2312.14140 | HF | HeadCraft: Modeling High-Detail Shape Variations for Animated 3DMMs | [
"Artem Sevastopolsky",
"Philip-William Grassal",
"Simon Giebenhain",
"ShahRukh Athar",
"Luisa Verdoliva",
"Matthias Niessner"
] | 2023-12-21 | Current advances in human head modeling allow to generate plausible-looking
3D head models via neural representations. Nevertheless, constructing complete
high-fidelity head models with explicitly controlled animation remains an
issue. Furthermore, completing the head geometry based on a partial
observation, e.g. coming from a depth sensor, while preserving details is often
problematic for the existing methods. We introduce a generative model for
detailed 3D head meshes on top of an articulated 3DMM which allows explicit
animation and high-detail preservation at the same time. Our method is trained
in two stages. First, we register a parametric head model with vertex
displacements to each mesh of the recently introduced NPHM dataset of accurate
3D head scans. The estimated displacements are baked into a hand-crafted UV
layout. Second, we train a StyleGAN model in order to generalize over the UV
maps of displacements. The decomposition of the parametric model and
high-quality vertex displacements allows us to animate the model and modify it
semantically. We demonstrate the results of unconditional generation and
fitting to the full or partial observation. The project page is available at
https://seva100.github.io/headcraft. | null | cs.CV | [
"cs.CV"
] |
2402.16641 | HF | Towards Open-ended Visual Quality Comparison | [
"Haoning Wu",
"Hanwei Zhu",
"Zicheng Zhang",
"Erli Zhang",
"Chaofeng Chen",
"Liang Liao",
"Chunyi Li",
"Annan Wang",
"Wenxiu Sun",
"Qiong Yan",
"Xiaohong Liu",
"Guangtao Zhai",
"Shiqi Wang",
"Weisi Lin"
] | 2024-02-26 | Comparative settings (e.g. pairwise choice, listwise ranking) have been
adopted by a wide range of subjective studies for image quality assessment
(IQA), as it inherently standardizes the evaluation criteria across different
observers and offer more clear-cut responses. In this work, we extend the edge
of emerging large multi-modality models (LMMs) to further advance visual
quality comparison into open-ended settings, that 1) can respond to open-range
questions on quality comparison; 2) can provide detailed reasonings beyond
direct answers. To this end, we propose the Co-Instruct. To train this
first-of-its-kind open-source open-ended visual quality comparer, we collect
the Co-Instruct-562K dataset, from two sources: (a) LLM-merged single image
quality description, (b) GPT-4V "teacher" responses on unlabeled data.
Furthermore, to better evaluate this setting, we propose the MICBench, the
first benchmark on multi-image comparison for LMMs. We demonstrate that
Co-Instruct not only achieves in average 30% higher accuracy than
state-of-the-art open-source LMMs, but also outperforms GPT-4V (its teacher),
on both existing related benchmarks and the proposed MICBench. Our model is
published at https://huggingface.co/q-future/co-instruct. | null | cs.CV | [
"cs.CV"
] |
2407.02489 | HF | Magic Insert: Style-Aware Drag-and-Drop | [
"Nataniel Ruiz",
"Yuanzhen Li",
"Neal Wadhwa",
"Yael Pritch",
"Michael Rubinstein",
"David E. Jacobs",
"Shlomi Fruchter"
] | 2024-07-02 | We present Magic Insert, a method for dragging-and-dropping subjects from a
user-provided image into a target image of a different style in a physically
plausible manner while matching the style of the target image. This work
formalizes the problem of style-aware drag-and-drop and presents a method for
tackling it by addressing two sub-problems: style-aware personalization and
realistic object insertion in stylized images. For style-aware personalization,
our method first fine-tunes a pretrained text-to-image diffusion model using
LoRA and learned text tokens on the subject image, and then infuses it with a
CLIP representation of the target style. For object insertion, we use
Bootstrapped Domain Adaption to adapt a domain-specific photorealistic object
insertion model to the domain of diverse artistic styles. Overall, the method
significantly outperforms traditional approaches such as inpainting. Finally,
we present a dataset, SubjectPlop, to facilitate evaluation and future progress
in this area. Project page: https://magicinsert.github.io/ | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.HC",
"cs.LG"
] |
2312.10899 | HF | MagicScroll: Nontypical Aspect-Ratio Image Generation for Visual Storytelling via Multi-Layered Semantic-Aware Denoising | [
"Bingyuan Wang",
"Hengyu Meng",
"Zeyu Cai",
"Lanjiong Li",
"Yue Ma",
"Qifeng Chen",
"Zeyu Wang"
] | 2023-12-18 | Visual storytelling often uses nontypical aspect-ratio images like scroll
paintings, comic strips, and panoramas to create an expressive and compelling
narrative. While generative AI has achieved great success and shown the
potential to reshape the creative industry, it remains a challenge to generate
coherent and engaging content with arbitrary size and controllable style,
concept, and layout, all of which are essential for visual storytelling. To
overcome the shortcomings of previous methods including repetitive content,
style inconsistency, and lack of controllability, we propose MagicScroll, a
multi-layered, progressive diffusion-based image generation framework with a
novel semantic-aware denoising process. The model enables fine-grained control
over the generated image on object, scene, and background levels with text,
image, and layout conditions. We also establish the first benchmark for
nontypical aspect-ratio image generation for visual storytelling including
mediums like paintings, comics, and cinematic panoramas, with customized
metrics for systematic evaluation. Through comparative and ablation studies,
MagicScroll showcases promising results in aligning with the narrative text,
improving visual coherence, and engaging the audience. We plan to release the
code and benchmark in the hope of a better collaboration between AI researchers
and creative practitioners involving visual storytelling. | null | cs.CV | [
"cs.CV"
] |
2310.06786 | AnswerAI | OpenWebMath: An Open Dataset of High-Quality Mathematical Web Text | [
"Keiran Paster",
"Marco Dos Santos",
"Zhangir Azerbayev",
"Jimmy Ba"
] | 2023-10-10 | There is growing evidence that pretraining on high quality, carefully
thought-out tokens such as code or mathematics plays an important role in
improving the reasoning abilities of large language models. For example,
Minerva, a PaLM model finetuned on billions of tokens of mathematical documents
from arXiv and the web, reported dramatically improved performance on problems
that require quantitative reasoning. However, because all known open source web
datasets employ preprocessing that does not faithfully preserve mathematical
notation, the benefits of large scale training on quantitive web documents are
unavailable to the research community. We introduce OpenWebMath, an open
dataset inspired by these works containing 14.7B tokens of mathematical
webpages from Common Crawl. We describe in detail our method for extracting
text and LaTeX content and removing boilerplate from HTML documents, as well as
our methods for quality filtering and deduplication. Additionally, we run
small-scale experiments by training 1.4B parameter language models on
OpenWebMath, showing that models trained on 14.7B tokens of our dataset surpass
the performance of models trained on over 20x the amount of general language
data. We hope that our dataset, openly released on the Hugging Face Hub, will
help spur advances in the reasoning abilities of large language models. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2305.08848 | Both | Small Models are Valuable Plug-ins for Large Language Models | [
"Canwen Xu",
"Yichong Xu",
"Shuohang Wang",
"Yang Liu",
"Chenguang Zhu",
"Julian McAuley"
] | 2023-05-15 | Large language models (LLMs) such as GPT-3 and GPT-4 are powerful but their
weights are often publicly unavailable and their immense sizes make the models
difficult to be tuned with common hardware. As a result, effectively tuning
these models with large-scale supervised data can be challenging. As an
alternative, In-Context Learning (ICL) can only use a small number of
supervised examples due to context length limits. In this paper, we propose
Super In-Context Learning (SuperICL) which allows black-box LLMs to work with
locally fine-tuned smaller models, resulting in superior performance on
supervised tasks. Our experiments demonstrate that SuperICL can improve
performance beyond state-of-the-art fine-tuned models while addressing the
instability problem of in-context learning. Furthermore, SuperICL can enhance
the capabilities of smaller models, such as multilinguality and
interpretability. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.18828 | AnswerAI | One-step Diffusion with Distribution Matching Distillation | [
"Tianwei Yin",
"Michaël Gharbi",
"Richard Zhang",
"Eli Shechtman",
"Fredo Durand",
"William T. Freeman",
"Taesung Park"
] | 2023-11-30 | Diffusion models generate high-quality images but require dozens of forward
passes. We introduce Distribution Matching Distillation (DMD), a procedure to
transform a diffusion model into a one-step image generator with minimal impact
on image quality. We enforce the one-step image generator match the diffusion
model at distribution level, by minimizing an approximate KL divergence whose
gradient can be expressed as the difference between 2 score functions, one of
the target distribution and the other of the synthetic distribution being
produced by our one-step generator. The score functions are parameterized as
two diffusion models trained separately on each distribution. Combined with a
simple regression loss matching the large-scale structure of the multi-step
diffusion outputs, our method outperforms all published few-step diffusion
approaches, reaching 2.62 FID on ImageNet 64x64 and 11.49 FID on zero-shot
COCO-30k, comparable to Stable Diffusion but orders of magnitude faster.
Utilizing FP16 inference, our model generates images at 20 FPS on modern
hardware. | null | cs.CV | [
"cs.CV"
] |
2406.15718 | HF | Beyond the Turn-Based Game: Enabling Real-Time Conversations with Duplex Models | [
"Xinrong Zhang",
"Yingfa Chen",
"Shengding Hu",
"Xu Han",
"Zihang Xu",
"Yuanwei Xu",
"Weilin Zhao",
"Maosong Sun",
"Zhiyuan Liu"
] | 2024-06-22 | As large language models (LLMs) increasingly permeate daily lives, there is a
growing demand for real-time interactions that mirror human conversations.
Traditional turn-based chat systems driven by LLMs prevent users from verbally
interacting with the system while it is generating responses. To overcome these
limitations, we adapt existing LLMs to \textit{duplex models} so that these
LLMs can listen for users while generating output and dynamically adjust
themselves to provide users with instant feedback. % such as in response to
interruptions. Specifically, we divide the queries and responses of
conversations into several time slices and then adopt a
time-division-multiplexing (TDM) encoding-decoding strategy to
pseudo-simultaneously process these slices. Furthermore, to make LLMs
proficient enough to handle real-time conversations, we build a fine-tuning
dataset consisting of alternating time slices of queries and responses as well
as covering typical feedback types in instantaneous interactions. Our
experiments show that although the queries and responses of conversations are
segmented into incomplete slices for processing, LLMs can preserve their
original performance on standard benchmarks with a few fine-tuning steps on our
dataset. Automatic and human evaluation indicate that duplex models make
user-AI interactions more natural and human-like, and greatly improve user
satisfaction compared to vanilla LLMs. Our duplex model and dataset will be
released. | null | cs.CL | [
"cs.CL"
] |
2307.16686 | HF | Guiding Image Captioning Models Toward More Specific Captions | [
"Simon Kornblith",
"Lala Li",
"Zirui Wang",
"Thao Nguyen"
] | 2023-07-31 | Image captioning is conventionally formulated as the task of generating
captions for images that match the distribution of reference image-caption
pairs. However, reference captions in standard captioning datasets are short
and may not uniquely identify the images they describe. These problems are
further exacerbated when models are trained directly on image-alt text pairs
collected from the internet. In this work, we show that it is possible to
generate more specific captions with minimal changes to the training process.
We implement classifier-free guidance for an autoregressive captioning model by
fine-tuning it to estimate both conditional and unconditional distributions
over captions. The guidance scale applied at decoding controls a trade-off
between maximizing $p(\mathrm{caption}|\mathrm{image})$ and
$p(\mathrm{image}|\mathrm{caption})$. Compared to standard greedy decoding,
decoding with a guidance scale of 2 substantially improves reference-free
metrics such as CLIPScore (0.808 vs. 0.775) and caption$\to$image retrieval
performance in the CLIP embedding space (recall@1 44.6% vs. 26.5%), but worsens
standard reference-based captioning metrics (e.g., CIDEr 78.6 vs 126.1). We
further explore the use of language models to guide the decoding process,
obtaining small improvements over the Pareto frontier of reference-free vs.
reference-based captioning metrics that arises from classifier-free guidance,
and substantially improving the quality of captions generated from a model
trained only on minimally curated web data. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2401.05735 | HF | Object-Centric Diffusion for Efficient Video Editing | [
"Kumara Kahatapitiya",
"Adil Karjauv",
"Davide Abati",
"Fatih Porikli",
"Yuki M. Asano",
"Amirhossein Habibian"
] | 2024-01-11 | Diffusion-based video editing have reached impressive quality and can
transform either the global style, local structure, and attributes of given
video inputs, following textual edit prompts. However, such solutions typically
incur heavy memory and computational costs to generate temporally-coherent
frames, either in the form of diffusion inversion and/or cross-frame attention.
In this paper, we conduct an analysis of such inefficiencies, and suggest
simple yet effective modifications that allow significant speed-ups whilst
maintaining quality. Moreover, we introduce Object-Centric Diffusion, to fix
generation artifacts and further reduce latency by allocating more computations
towards foreground edited regions, arguably more important for perceptual
quality. We achieve this by two novel proposals: i) Object-Centric Sampling,
decoupling the diffusion steps spent on salient or background regions and
spending most on the former, and ii) Object-Centric Token Merging, which
reduces cost of cross-frame attention by fusing redundant tokens in unimportant
background regions. Both techniques are readily applicable to a given video
editing model without retraining, and can drastically reduce its memory and
computational cost. We evaluate our proposals on inversion-based and
control-signal-based editing pipelines, and show a latency reduction up to 10x
for a comparable synthesis quality. Project page:
qualcomm-ai-research.github.io/object-centric-diffusion. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2405.21075 | HF | Video-MME: The First-Ever Comprehensive Evaluation Benchmark of Multi-modal LLMs in Video Analysis | [
"Chaoyou Fu",
"Yuhan Dai",
"Yongdong Luo",
"Lei Li",
"Shuhuai Ren",
"Renrui Zhang",
"Zihan Wang",
"Chenyu Zhou",
"Yunhang Shen",
"Mengdan Zhang",
"Peixian Chen",
"Yanwei Li",
"Shaohui Lin",
"Sirui Zhao",
"Ke Li",
"Tong Xu",
"Xiawu Zheng",
"Enhong Chen",
"Rongrong Ji",
"Xing Sun"
] | 2024-05-31 | In the quest for artificial general intelligence, Multi-modal Large Language
Models (MLLMs) have emerged as a focal point in recent advancements. However,
the predominant focus remains on developing their capabilities in static image
understanding. The potential of MLLMs in processing sequential visual data is
still insufficiently explored, highlighting the absence of a comprehensive,
high-quality assessment of their performance. In this paper, we introduce
Video-MME, the first-ever full-spectrum, Multi-Modal Evaluation benchmark of
MLLMs in Video analysis. Our work distinguishes from existing benchmarks
through four key features: 1) Diversity in video types, spanning 6 primary
visual domains with 30 subfields to ensure broad scenario generalizability; 2)
Duration in temporal dimension, encompassing both short-, medium-, and
long-term videos, ranging from 11 seconds to 1 hour, for robust contextual
dynamics; 3) Breadth in data modalities, integrating multi-modal inputs besides
video frames, including subtitles and audios, to unveil the all-round
capabilities of MLLMs; 4) Quality in annotations, utilizing rigorous manual
labeling by expert annotators to facilitate precise and reliable model
assessment. 900 videos with a total of 254 hours are manually selected and
annotated by repeatedly viewing all the video content, resulting in 2,700
question-answer pairs. With Video-MME, we extensively evaluate various
state-of-the-art MLLMs, including GPT-4 series and Gemini 1.5 Pro, as well as
open-source image models like InternVL-Chat-V1.5 and video models like
LLaVA-NeXT-Video. Our experiments reveal that Gemini 1.5 Pro is the
best-performing commercial model, significantly outperforming the open-source
models. Our dataset along with these findings underscores the need for further
improvements in handling longer sequences and multi-modal data. Project Page:
https://video-mme.github.io | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2408.00397 | HF | In-Context Example Selection via Similarity Search Improves Low-Resource Machine Translation | [
"Armel Zebaze",
"Benoît Sagot",
"Rachel Bawden"
] | 2024-08-01 | The ability of generative large language models (LLMs) to perform in-context
learning has given rise to a large body of research into how best to prompt
models for various natural language processing tasks. In this paper, we focus
on machine translation (MT), a task that has been shown to benefit from
in-context translation examples. However no systematic studies have been
published on how best to select examples, and mixed results have been reported
on the usefulness of similarity-based selection over random selection. We
provide a study covering multiple LLMs and multiple in-context example
retrieval strategies, comparing multilingual sentence embeddings. We cover
several language directions, representing different levels of language
resourcedness (English into French, German, Swahili and Wolof). Contrarily to
previously published results, we find that sentence embedding similarity can
improve MT, especially for low-resource language directions, and discuss the
balance between selection pool diversity and quality. We also highlight
potential problems with the evaluation of LLM-based MT and suggest a more
appropriate evaluation protocol, adapting the COMET metric to the evaluation of
LLMs. Code and outputs are freely available at
https://github.com/ArmelRandy/ICL-MT. | null | cs.CL | [
"cs.CL"
] |
2305.11846 | HF | Any-to-Any Generation via Composable Diffusion | [
"Zineng Tang",
"Ziyi Yang",
"Chenguang Zhu",
"Michael Zeng",
"Mohit Bansal"
] | 2023-05-19 | We present Composable Diffusion (CoDi), a novel generative model capable of
generating any combination of output modalities, such as language, image,
video, or audio, from any combination of input modalities. Unlike existing
generative AI systems, CoDi can generate multiple modalities in parallel and
its input is not limited to a subset of modalities like text or image. Despite
the absence of training datasets for many combinations of modalities, we
propose to align modalities in both the input and output space. This allows
CoDi to freely condition on any input combination and generate any group of
modalities, even if they are not present in the training data. CoDi employs a
novel composable generation strategy which involves building a shared
multimodal space by bridging alignment in the diffusion process, enabling the
synchronized generation of intertwined modalities, such as temporally aligned
video and audio. Highly customizable and flexible, CoDi achieves strong
joint-modality generation quality, and outperforms or is on par with the
unimodal state-of-the-art for single-modality synthesis. The project page with
demonstrations and code is at https://codi-gen.github.io | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG",
"cs.SD",
"eess.AS"
] |
2306.09896 | Both | Is Self-Repair a Silver Bullet for Code Generation? | [
"Theo X. Olausson",
"Jeevana Priya Inala",
"Chenglong Wang",
"Jianfeng Gao",
"Armando Solar-Lezama"
] | 2023-06-16 | Large language models have shown remarkable aptitude in code generation, but
still struggle to perform complex tasks. Self-repair -- in which the model
debugs and repairs its own code -- has recently become a popular way to boost
performance in these settings. However, despite its increasing popularity,
existing studies of self-repair have been limited in scope; in many settings,
its efficacy thus remains poorly understood. In this paper, we analyze Code
Llama, GPT-3.5 and GPT-4's ability to perform self-repair on problems taken
from HumanEval and APPS. We find that when the cost of carrying out repair is
taken into account, performance gains are often modest, vary a lot between
subsets of the data, and are sometimes not present at all. We hypothesize that
this is because self-repair is bottlenecked by the model's ability to provide
feedback on its own code; using a stronger model to artificially boost the
quality of the feedback, we observe substantially larger performance gains.
Similarly, a small-scale study in which we provide GPT-4 with feedback from
human participants suggests that even for the strongest models, self-repair
still lags far behind what can be achieved with human-level debugging. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.PL",
"cs.SE"
] |
2405.15223 | HF | iVideoGPT: Interactive VideoGPTs are Scalable World Models | [
"Jialong Wu",
"Shaofeng Yin",
"Ningya Feng",
"Xu He",
"Dong Li",
"Jianye Hao",
"Mingsheng Long"
] | 2024-05-24 | World models empower model-based agents to interactively explore, reason, and
plan within imagined environments for real-world decision-making. However, the
high demand for interactivity poses challenges in harnessing recent
advancements in video generative models for developing world models at scale.
This work introduces Interactive VideoGPT (iVideoGPT), a scalable
autoregressive transformer framework that integrates multimodal signals--visual
observations, actions, and rewards--into a sequence of tokens, facilitating an
interactive experience of agents via next-token prediction. iVideoGPT features
a novel compressive tokenization technique that efficiently discretizes
high-dimensional visual observations. Leveraging its scalable architecture, we
are able to pre-train iVideoGPT on millions of human and robotic manipulation
trajectories, establishing a versatile foundation that is adaptable to serve as
interactive world models for a wide range of downstream tasks. These include
action-conditioned video prediction, visual planning, and model-based
reinforcement learning, where iVideoGPT achieves competitive performance
compared with state-of-the-art methods. Our work advances the development of
interactive general world models, bridging the gap between generative video
models and practical model-based reinforcement learning applications. | null | cs.CV | [
"cs.CV",
"cs.LG",
"cs.RO"
] |
2101.03288 | AnswerAI | How to Train Your Energy-Based Models | [
"Yang Song",
"Diederik P. Kingma"
] | 2021-01-09 | Energy-Based Models (EBMs), also known as non-normalized probabilistic
models, specify probability density or mass functions up to an unknown
normalizing constant. Unlike most other probabilistic models, EBMs do not place
a restriction on the tractability of the normalizing constant, thus are more
flexible to parameterize and can model a more expressive family of probability
distributions. However, the unknown normalizing constant of EBMs makes training
particularly difficult. Our goal is to provide a friendly introduction to
modern approaches for EBM training. We start by explaining maximum likelihood
training with Markov chain Monte Carlo (MCMC), and proceed to elaborate on
MCMC-free approaches, including Score Matching (SM) and Noise Constrastive
Estimation (NCE). We highlight theoretical connections among these three
approaches, and end with a brief survey on alternative training methods, which
are still under active research. Our tutorial is targeted at an audience with
basic understanding of generative models who want to apply EBMs or start a
research project in this direction. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2408.15545 | HF | SciLitLLM: How to Adapt LLMs for Scientific Literature Understanding | [
"Sihang Li",
"Jin Huang",
"Jiaxi Zhuang",
"Yaorui Shi",
"Xiaochen Cai",
"Mingjun Xu",
"Xiang Wang",
"Linfeng Zhang",
"Guolin Ke",
"Hengxing Cai"
] | 2024-08-28 | Scientific literature understanding is crucial for extracting targeted
information and garnering insights, thereby significantly advancing scientific
discovery. Despite the remarkable success of Large Language Models (LLMs), they
face challenges in scientific literature understanding, primarily due to (1) a
lack of scientific knowledge and (2) unfamiliarity with specialized scientific
tasks.
To develop an LLM specialized in scientific literature understanding, we
propose a hybrid strategy that integrates continual pre-training (CPT) and
supervised fine-tuning (SFT), to simultaneously infuse scientific domain
knowledge and enhance instruction-following capabilities for domain-specific
tasks.cIn this process, we identify two key challenges: (1) constructing
high-quality CPT corpora, and (2) generating diverse SFT instructions. We
address these challenges through a meticulous pipeline, including PDF text
extraction, parsing content error correction, quality filtering, and synthetic
instruction creation. Applying this strategy, we present a suite of LLMs:
SciLitLLM, specialized in scientific literature understanding. These models
demonstrate promising performance on scientific literature understanding
benchmarks.
Our contributions are threefold: (1) We present an effective framework that
integrates CPT and SFT to adapt LLMs to scientific literature understanding,
which can also be easily adapted to other domains. (2) We propose an LLM-based
synthesis method to generate diverse and high-quality scientific instructions,
resulting in a new instruction set -- SciLitIns -- for supervised fine-tuning
in less-represented scientific domains. (3) SciLitLLM achieves promising
performance improvements on scientific literature understanding benchmarks. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2311.08734 | HF | Thread of Thought Unraveling Chaotic Contexts | [
"Yucheng Zhou",
"Xiubo Geng",
"Tao Shen",
"Chongyang Tao",
"Guodong Long",
"Jian-Guang Lou",
"Jianbing Shen"
] | 2023-11-15 | Large Language Models (LLMs) have ushered in a transformative era in the
field of natural language processing, excelling in tasks related to text
comprehension and generation. Nevertheless, they encounter difficulties when
confronted with chaotic contexts (e.g., distractors rather than long irrelevant
context), leading to the inadvertent omission of certain details within the
chaotic context. In response to these challenges, we introduce the "Thread of
Thought" (ThoT) strategy, which draws inspiration from human cognitive
processes. ThoT systematically segments and analyzes extended contexts while
adeptly selecting pertinent information. This strategy serves as a versatile
"plug-and-play" module, seamlessly integrating with various LLMs and prompting
techniques. In the experiments, we utilize the PopQA and EntityQ datasets, as
well as a Multi-Turn Conversation Response dataset (MTCR) we collected, to
illustrate that ThoT significantly improves reasoning performance compared to
other prompting techniques. | null | cs.CL | [
"cs.CL"
] |
2309.09390 | HF | Augmenting text for spoken language understanding with Large Language Models | [
"Roshan Sharma",
"Suyoun Kim",
"Daniel Lazar",
"Trang Le",
"Akshat Shrivastava",
"Kwanghoon Ahn",
"Piyush Kansal",
"Leda Sari",
"Ozlem Kalinli",
"Michael Seltzer"
] | 2023-09-17 | Spoken semantic parsing (SSP) involves generating machine-comprehensible
parses from input speech. Training robust models for existing application
domains represented in training data or extending to new domains requires
corresponding triplets of speech-transcript-semantic parse data, which is
expensive to obtain. In this paper, we address this challenge by examining
methods that can use transcript-semantic parse data (unpaired text) without
corresponding speech. First, when unpaired text is drawn from existing textual
corpora, Joint Audio Text (JAT) and Text-to-Speech (TTS) are compared as ways
to generate speech representations for unpaired text. Experiments on the STOP
dataset show that unpaired text from existing and new domains improves
performance by 2% and 30% in absolute Exact Match (EM) respectively. Second, we
consider the setting when unpaired text is not available in existing textual
corpora. We propose to prompt Large Language Models (LLMs) to generate unpaired
text for existing and new domains. Experiments show that examples and words
that co-occur with intents can be used to generate unpaired text with Llama
2.0. Using the generated text with JAT and TTS for spoken semantic parsing
improves EM on STOP by 1.4% and 2.6% absolute for existing and new domains
respectively. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2405.15613 | Both | Automatic Data Curation for Self-Supervised Learning: A Clustering-Based Approach | [
"Huy V. Vo",
"Vasil Khalidov",
"Timothée Darcet",
"Théo Moutakanni",
"Nikita Smetanin",
"Marc Szafraniec",
"Hugo Touvron",
"Camille Couprie",
"Maxime Oquab",
"Armand Joulin",
"Hervé Jégou",
"Patrick Labatut",
"Piotr Bojanowski"
] | 2024-05-24 | Self-supervised features are the cornerstone of modern machine learning
systems. They are typically pre-trained on data collections whose construction
and curation typically require extensive human effort. This manual process has
some limitations similar to those encountered in supervised learning, e.g., the
crowd-sourced selection of data is costly and time-consuming, preventing
scaling the dataset size. In this work, we consider the problem of automatic
curation of high-quality datasets for self-supervised pre-training. We posit
that such datasets should be large, diverse and balanced, and propose a
clustering-based approach for building ones satisfying all these criteria. Our
method involves successive and hierarchical applications of $k$-means on a
large and diverse data repository to obtain clusters that distribute uniformly
among data concepts, followed by a hierarchical, balanced sampling step from
these clusters. Extensive experiments on three different data domains including
web-based images, satellite images and text show that features trained on our
automatically curated datasets outperform those trained on uncurated data while
being on par or better than ones trained on manually curated data. Code is
available at https://github.com/facebookresearch/ssl-data-curation. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2307.13304 | AnswerAI | QuIP: 2-Bit Quantization of Large Language Models With Guarantees | [
"Jerry Chee",
"Yaohui Cai",
"Volodymyr Kuleshov",
"Christopher De Sa"
] | 2023-07-25 | This work studies post-training parameter quantization in large language
models (LLMs). We introduce quantization with incoherence processing (QuIP), a
new method based on the insight that quantization benefits from
$\textit{incoherent}$ weight and Hessian matrices, i.e., from the weights being
even in magnitude and the directions in which it is important to round them
accurately being unaligned with the coordinate axes. QuIP consists of two
steps: (1) an adaptive rounding procedure minimizing a quadratic proxy
objective; (2) efficient pre- and post-processing that ensures weight and
Hessian incoherence via multiplication by random orthogonal matrices. We
complement QuIP with the first theoretical analysis for an LLM-scale
quantization algorithm, and show that our theory also applies to an existing
method, OPTQ. Empirically, we find that our incoherence preprocessing improves
several existing quantization algorithms and yields the first LLM quantization
methods that produce viable results using only two bits per weight. Our code
can be found at https://github.com/Cornell-RelaxML/QuIP. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2309.16534 | HF | MotionLM: Multi-Agent Motion Forecasting as Language Modeling | [
"Ari Seff",
"Brian Cera",
"Dian Chen",
"Mason Ng",
"Aurick Zhou",
"Nigamaa Nayakanti",
"Khaled S. Refaat",
"Rami Al-Rfou",
"Benjamin Sapp"
] | 2023-09-28 | Reliable forecasting of the future behavior of road agents is a critical
component to safe planning in autonomous vehicles. Here, we represent
continuous trajectories as sequences of discrete motion tokens and cast
multi-agent motion prediction as a language modeling task over this domain. Our
model, MotionLM, provides several advantages: First, it does not require
anchors or explicit latent variable optimization to learn multimodal
distributions. Instead, we leverage a single standard language modeling
objective, maximizing the average log probability over sequence tokens. Second,
our approach bypasses post-hoc interaction heuristics where individual agent
trajectory generation is conducted prior to interactive scoring. Instead,
MotionLM produces joint distributions over interactive agent futures in a
single autoregressive decoding process. In addition, the model's sequential
factorization enables temporally causal conditional rollouts. The proposed
approach establishes new state-of-the-art performance for multi-agent motion
prediction on the Waymo Open Motion Dataset, ranking 1st on the interactive
challenge leaderboard. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.RO"
] |
2408.10195 | HF | SpaRP: Fast 3D Object Reconstruction and Pose Estimation from Sparse Views | [
"Chao Xu",
"Ang Li",
"Linghao Chen",
"Yulin Liu",
"Ruoxi Shi",
"Hao Su",
"Minghua Liu"
] | 2024-08-19 | Open-world 3D generation has recently attracted considerable attention. While
many single-image-to-3D methods have yielded visually appealing outcomes, they
often lack sufficient controllability and tend to produce hallucinated regions
that may not align with users' expectations. In this paper, we explore an
important scenario in which the input consists of one or a few unposed 2D
images of a single object, with little or no overlap. We propose a novel
method, SpaRP, to reconstruct a 3D textured mesh and estimate the relative
camera poses for these sparse-view images. SpaRP distills knowledge from 2D
diffusion models and finetunes them to implicitly deduce the 3D spatial
relationships between the sparse views. The diffusion model is trained to
jointly predict surrogate representations for camera poses and multi-view
images of the object under known poses, integrating all information from the
input sparse views. These predictions are then leveraged to accomplish 3D
reconstruction and pose estimation, and the reconstructed 3D model can be used
to further refine the camera poses of input views. Through extensive
experiments on three datasets, we demonstrate that our method not only
significantly outperforms baseline methods in terms of 3D reconstruction
quality and pose prediction accuracy but also exhibits strong efficiency. It
requires only about 20 seconds to produce a textured mesh and camera poses for
the input views. Project page: https://chaoxu.xyz/sparp. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2402.18153 | AnswerAI | Diffusion-based Neural Network Weights Generation | [
"Bedionita Soro",
"Bruno Andreis",
"Hayeon Lee",
"Song Chong",
"Frank Hutter",
"Sung Ju Hwang"
] | 2024-02-28 | Transfer learning is a topic of significant interest in recent deep learning
research because it enables faster convergence and improved performance on new
tasks. While the performance of transfer learning depends on the similarity of
the source data to the target data, it is costly to train a model on a large
number of datasets. Therefore, pretrained models are generally blindly selected
with the hope that they will achieve good performance on the given task. To
tackle such suboptimality of the pretrained models, we propose an efficient and
adaptive transfer learning scheme through dataset-conditioned pretrained
weights sampling. Specifically, we use a latent diffusion model with a
variational autoencoder that can reconstruct the neural network weights, to
learn the distribution of a set of pretrained weights conditioned on each
dataset for transfer learning on unseen datasets. By learning the distribution
of a neural network on a variety pretrained models, our approach enables
adaptive sampling weights for unseen datasets achieving faster convergence and
reaching competitive performance. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2104.08773 | AnswerAI | Cross-Task Generalization via Natural Language Crowdsourcing Instructions | [
"Swaroop Mishra",
"Daniel Khashabi",
"Chitta Baral",
"Hannaneh Hajishirzi"
] | 2021-04-18 | Humans (e.g., crowdworkers) have a remarkable ability in solving different
tasks, by simply reading textual instructions that define them and looking at a
few examples. Despite the success of the conventional supervised learning on
individual datasets, such models often struggle with generalization across
tasks (e.g., a question-answering system cannot solve classification tasks). A
long-standing challenge in AI is to build a model that learns a new task by
understanding the human-readable instructions that define it. To study this, we
introduce NATURAL INSTRUCTIONS, a dataset of 61 distinct tasks, their
human-authored instructions, and 193k task instances (input-output pairs). The
instructions are obtained from crowdsourcing instructions used to create
existing NLP datasets and mapped to a unified schema. Using this meta-dataset,
we measure cross-task generalization by training models on seen tasks and
measuring generalization to the remaining unseen ones. We adopt generative
pre-trained language models to encode task-specific instructions along with
input and generate task output. Our results indicate that models benefit from
instructions when evaluated in terms of generalization to unseen tasks (19%
better for models utilizing instructions). These models, however, are far
behind an estimated performance upperbound indicating significant room for more
progress in this direction. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG"
] |
2407.13168 | HF | SciCode: A Research Coding Benchmark Curated by Scientists | [
"Minyang Tian",
"Luyu Gao",
"Shizhuo Dylan Zhang",
"Xinan Chen",
"Cunwei Fan",
"Xuefei Guo",
"Roland Haas",
"Pan Ji",
"Kittithat Krongchon",
"Yao Li",
"Shengyan Liu",
"Di Luo",
"Yutao Ma",
"Hao Tong",
"Kha Trinh",
"Chenyu Tian",
"Zihan Wang",
"Bohao Wu",
"Yanyu Xiong",
"Shengzhu Yin",
"Minhui Zhu",
"Kilian Lieret",
"Yanxin Lu",
"Genglin Liu",
"Yufeng Du",
"Tianhua Tao",
"Ofir Press",
"Jamie Callan",
"Eliu Huerta",
"Hao Peng"
] | 2024-07-18 | Since language models (LMs) now outperform average humans on many challenging
tasks, it has become increasingly difficult to develop challenging,
high-quality, and realistic evaluations. We address this issue by examining
LMs' capabilities to generate code for solving real scientific research
problems. Incorporating input from scientists and AI researchers in 16 diverse
natural science sub-fields, including mathematics, physics, chemistry, biology,
and materials science, we created a scientist-curated coding benchmark,
SciCode. The problems in SciCode naturally factorize into multiple subproblems,
each involving knowledge recall, reasoning, and code synthesis. In total,
SciCode contains 338 subproblems decomposed from 80 challenging main problems.
It offers optional descriptions specifying useful scientific background
information and scientist-annotated gold-standard solutions and test cases for
evaluation. Claude3.5-Sonnet, the best-performing model among those tested, can
solve only 4.6% of the problems in the most realistic setting. We believe that
SciCode demonstrates both contemporary LMs' progress towards becoming helpful
scientific assistants and sheds light on the development and evaluation of
scientific AI in the future. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2401.01325 | Both | LLM Maybe LongLM: Self-Extend LLM Context Window Without Tuning | [
"Hongye Jin",
"Xiaotian Han",
"Jingfeng Yang",
"Zhimeng Jiang",
"Zirui Liu",
"Chia-Yuan Chang",
"Huiyuan Chen",
"Xia Hu"
] | 2024-01-02 | It is well known that LLMs cannot generalize well to long contexts whose
lengths are larger than the training sequence length. This poses challenges
when employing LLMs for processing long input sequences during inference. In
this work, we argue that LLMs themselves have inherent capabilities to handle
long contexts without fine-tuning. To achieve this goal, we propose SelfExtend
to extend the context window of LLMs by constructing bi-level attention
information: the grouped attention and the neighbor attention. The grouped
attention captures the dependencies among tokens that are far apart, while
neighbor attention captures dependencies among adjacent tokens within a
specified range. The two-level attentions are computed based on the original
model's self-attention mechanism during inference. With minor code
modification, our SelfExtend can effortlessly extend existing LLMs' context
window without any fine-tuning. We conduct comprehensive experiments on
multiple benchmarks and the results show that our SelfExtend can effectively
extend existing LLMs' context window length. The code can be found at
\url{https://github.com/datamllab/LongLM}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.03194 | HF | MAGID: An Automated Pipeline for Generating Synthetic Multi-modal Datasets | [
"Hossein Aboutalebi",
"Hwanjun Song",
"Yusheng Xie",
"Arshit Gupta",
"Justin Sun",
"Hang Su",
"Igor Shalyminov",
"Nikolaos Pappas",
"Siffi Singh",
"Saab Mansour"
] | 2024-03-05 | Development of multimodal interactive systems is hindered by the lack of
rich, multimodal (text, images) conversational data, which is needed in large
quantities for LLMs. Previous approaches augment textual dialogues with
retrieved images, posing privacy, diversity, and quality constraints. In this
work, we introduce \textbf{M}ultimodal \textbf{A}ugmented \textbf{G}enerative
\textbf{I}mages \textbf{D}ialogues (MAGID), a framework to augment text-only
dialogues with diverse and high-quality images. Subsequently, a diffusion model
is applied to craft corresponding images, ensuring alignment with the
identified text. Finally, MAGID incorporates an innovative feedback loop
between an image description generation module (textual LLM) and image quality
modules (addressing aesthetics, image-text matching, and safety), that work in
tandem to generate high-quality and multi-modal dialogues. We compare MAGID to
other SOTA baselines on three dialogue datasets, using automated and human
evaluation. Our results show that MAGID is comparable to or better than
baselines, with significant improvements in human evaluation, especially
against retrieval baselines where the image database is small. | null | cs.CL | [
"cs.CL"
] |
2312.09305 | HF | Stable Score Distillation for High-Quality 3D Generation | [
"Boshi Tang",
"Jianan Wang",
"Zhiyong Wu",
"Lei Zhang"
] | 2023-12-14 | Although Score Distillation Sampling (SDS) has exhibited remarkable
performance in conditional 3D content generation, a comprehensive understanding
of its formulation is still lacking, hindering the development of 3D
generation. In this work, we decompose SDS as a combination of three functional
components, namely mode-seeking, mode-disengaging and variance-reducing terms,
analyzing the properties of each. We show that problems such as over-smoothness
and implausibility result from the intrinsic deficiency of the first two terms
and propose a more advanced variance-reducing term than that introduced by SDS.
Based on the analysis, we propose a simple yet effective approach named Stable
Score Distillation (SSD) which strategically orchestrates each term for
high-quality 3D generation and can be readily incorporated to various 3D
generation frameworks and 3D representations. Extensive experiments validate
the efficacy of our approach, demonstrating its ability to generate
high-fidelity 3D content without succumbing to issues such as over-smoothness. | null | cs.CV | [
"cs.CV"
] |
2305.04745 | HF | Controllable Light Diffusion for Portraits | [
"David Futschik",
"Kelvin Ritland",
"James Vecore",
"Sean Fanello",
"Sergio Orts-Escolano",
"Brian Curless",
"Daniel Sýkora",
"Rohit Pandey"
] | 2023-05-08 | We introduce light diffusion, a novel method to improve lighting in
portraits, softening harsh shadows and specular highlights while preserving
overall scene illumination. Inspired by professional photographers' diffusers
and scrims, our method softens lighting given only a single portrait photo.
Previous portrait relighting approaches focus on changing the entire lighting
environment, removing shadows (ignoring strong specular highlights), or
removing shading entirely. In contrast, we propose a learning based method that
allows us to control the amount of light diffusion and apply it on in-the-wild
portraits. Additionally, we design a method to synthetically generate plausible
external shadows with sub-surface scattering effects while conforming to the
shape of the subject's face. Finally, we show how our approach can increase the
robustness of higher level vision applications, such as albedo estimation,
geometry estimation and semantic segmentation. | null | cs.CV | [
"cs.CV",
"cs.GR",
"I.4.3"
] |
2307.04087 | HF | SVIT: Scaling up Visual Instruction Tuning | [
"Bo Zhao",
"Boya Wu",
"Muyang He",
"Tiejun Huang"
] | 2023-07-09 | Thanks to the emerging of foundation models, the large language and vision
models are integrated to acquire the multimodal ability of visual captioning,
question answering, etc. Although existing multimodal models present impressive
performance of visual understanding and reasoning, their limits are still
largely under-explored due to the scarcity of high-quality instruction tuning
data. To push the limits of multimodal capability, we Scale up Visual
Instruction Tuning (SVIT) by constructing a dataset of 4.2 million visual
instruction tuning data including 1.6M conversation question-answer (QA) pairs,
1.6M complex reasoning QA pairs, 1.0M referring QA pairs and 106K detailed
image descriptions. Besides the volume, the proposed dataset is also featured
by the high quality and rich diversity, which is generated by prompting GPT-4
with the abundant manual annotations of images. We also propose a new data
recipe to select subset with better diversity and balance, which evokes model's
superior capabilities. Extensive experiments verify that SVIT-v1.5, trained on
the proposed dataset, outperforms state-of-the-art Multimodal Large Language
Models on popular benchmarks. The data and code are publicly available at
https://github.com/BAAI-DCAI/Visual-Instruction-Tuning. | null | cs.CV | [
"cs.CV"
] |
2305.11173 | HF | Going Denser with Open-Vocabulary Part Segmentation | [
"Peize Sun",
"Shoufa Chen",
"Chenchen Zhu",
"Fanyi Xiao",
"Ping Luo",
"Saining Xie",
"Zhicheng Yan"
] | 2023-05-18 | Object detection has been expanded from a limited number of categories to
open vocabulary. Moving forward, a complete intelligent vision system requires
understanding more fine-grained object descriptions, object parts. In this
paper, we propose a detector with the ability to predict both open-vocabulary
objects and their part segmentation. This ability comes from two designs.
First, we train the detector on the joint of part-level, object-level and
image-level data to build the multi-granularity alignment between language and
image. Second, we parse the novel object into its parts by its dense semantic
correspondence with the base object. These two designs enable the detector to
largely benefit from various data sources and foundation models. In
open-vocabulary part segmentation experiments, our method outperforms the
baseline by 3.3$\sim$7.3 mAP in cross-dataset generalization on PartImageNet,
and improves the baseline by 7.3 novel AP$_{50}$ in cross-category
generalization on Pascal Part. Finally, we train a detector that generalizes to
a wide range of part segmentation datasets while achieving better performance
than dataset-specific training. | null | cs.CV | [
"cs.CV"
] |
2406.04313 | AnswerAI | Improving Alignment and Robustness with Circuit Breakers | [
"Andy Zou",
"Long Phan",
"Justin Wang",
"Derek Duenas",
"Maxwell Lin",
"Maksym Andriushchenko",
"Rowan Wang",
"Zico Kolter",
"Matt Fredrikson",
"Dan Hendrycks"
] | 2024-06-06 | AI systems can take harmful actions and are highly vulnerable to adversarial
attacks. We present an approach, inspired by recent advances in representation
engineering, that interrupts the models as they respond with harmful outputs
with "circuit breakers." Existing techniques aimed at improving alignment, such
as refusal training, are often bypassed. Techniques such as adversarial
training try to plug these holes by countering specific attacks. As an
alternative to refusal training and adversarial training, circuit-breaking
directly controls the representations that are responsible for harmful outputs
in the first place. Our technique can be applied to both text-only and
multimodal language models to prevent the generation of harmful outputs without
sacrificing utility -- even in the presence of powerful unseen attacks.
Notably, while adversarial robustness in standalone image recognition remains
an open challenge, circuit breakers allow the larger multimodal system to
reliably withstand image "hijacks" that aim to produce harmful content.
Finally, we extend our approach to AI agents, demonstrating considerable
reductions in the rate of harmful actions when they are under attack. Our
approach represents a significant step forward in the development of reliable
safeguards to harmful behavior and adversarial attacks. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV",
"cs.CY"
] |
2409.10173 | HF | jina-embeddings-v3: Multilingual Embeddings With Task LoRA | [
"Saba Sturua",
"Isabelle Mohr",
"Mohammad Kalim Akram",
"Michael Günther",
"Bo Wang",
"Markus Krimmel",
"Feng Wang",
"Georgios Mastrapas",
"Andreas Koukounas",
"Andreas Koukounas",
"Nan Wang",
"Han Xiao"
] | 2024-09-16 | We introduce jina-embeddings-v3, a novel text embedding model with 570
million parameters, achieves state-of-the-art performance on multilingual data
and long-context retrieval tasks, supporting context lengths of up to 8192
tokens. The model includes a set of task-specific Low-Rank Adaptation (LoRA)
adapters to generate high-quality embeddings for query-document retrieval,
clustering, classification, and text matching. Additionally, Matryoshka
Representation Learning is integrated into the training process, allowing
flexible truncation of embedding dimensions without compromising performance.
Evaluation on the MTEB benchmark shows that jina-embeddings-v3 outperforms the
latest proprietary embeddings from OpenAI and Cohere on English tasks, while
achieving superior performance compared to multilingual-e5-large-instruct
across all multilingual tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR",
"68T50",
"I.2.7"
] |
2407.14358 | HF | Stable Audio Open | [
"Zach Evans",
"Julian D. Parker",
"CJ Carr",
"Zack Zukowski",
"Josiah Taylor",
"Jordi Pons"
] | 2024-07-19 | Open generative models are vitally important for the community, allowing for
fine-tunes and serving as baselines when presenting new models. However, most
current text-to-audio models are private and not accessible for artists and
researchers to build upon. Here we describe the architecture and training
process of a new open-weights text-to-audio model trained with Creative Commons
data. Our evaluation shows that the model's performance is competitive with the
state-of-the-art across various metrics. Notably, the reported FDopenl3 results
(measuring the realism of the generations) showcase its potential for
high-quality stereo sound synthesis at 44.1kHz. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2406.18510 | HF | WildTeaming at Scale: From In-the-Wild Jailbreaks to (Adversarially) Safer Language Models | [
"Liwei Jiang",
"Kavel Rao",
"Seungju Han",
"Allyson Ettinger",
"Faeze Brahman",
"Sachin Kumar",
"Niloofar Mireshghallah",
"Ximing Lu",
"Maarten Sap",
"Yejin Choi",
"Nouha Dziri"
] | 2024-06-26 | We introduce WildTeaming, an automatic LLM safety red-teaming framework that
mines in-the-wild user-chatbot interactions to discover 5.7K unique clusters of
novel jailbreak tactics, and then composes multiple tactics for systematic
exploration of novel jailbreaks. Compared to prior work that performed
red-teaming via recruited human workers, gradient-based optimization, or
iterative revision with LLMs, our work investigates jailbreaks from chatbot
users who were not specifically instructed to break the system. WildTeaming
reveals previously unidentified vulnerabilities of frontier LLMs, resulting in
up to 4.6x more diverse and successful adversarial attacks compared to
state-of-the-art jailbreak methods.
While many datasets exist for jailbreak evaluation, very few open-source
datasets exist for jailbreak training, as safety training data has been closed
even when model weights are open. With WildTeaming we create WildJailbreak, a
large-scale open-source synthetic safety dataset with 262K vanilla (direct
request) and adversarial (complex jailbreak) prompt-response pairs. To mitigate
exaggerated safety behaviors, WildJailbreak provides two contrastive types of
queries: 1) harmful queries (vanilla & adversarial) and 2) benign queries that
resemble harmful queries in form but contain no harm. As WildJailbreak
considerably upgrades the quality and scale of existing safety resources, it
uniquely enables us to examine the scaling effects of data and the interplay of
data properties and model capabilities during safety training. Through
extensive experiments, we identify the training properties that enable an ideal
balance of safety behaviors: appropriate safeguarding without over-refusal,
effective handling of vanilla and adversarial queries, and minimal, if any,
decrease in general capabilities. All components of WildJailbeak contribute to
achieving balanced safety behaviors of models. | null | cs.CL | [
"cs.CL"
] |
2407.15060 | HF | MusiConGen: Rhythm and Chord Control for Transformer-Based Text-to-Music Generation | [
"Yun-Han Lan",
"Wen-Yi Hsiao",
"Hao-Chung Cheng",
"Yi-Hsuan Yang"
] | 2024-07-21 | Existing text-to-music models can produce high-quality audio with great
diversity. However, textual prompts alone cannot precisely control temporal
musical features such as chords and rhythm of the generated music. To address
this challenge, we introduce MusiConGen, a temporally-conditioned
Transformer-based text-to-music model that builds upon the pretrained MusicGen
framework. Our innovation lies in an efficient finetuning mechanism, tailored
for consumer-grade GPUs, that integrates automatically-extracted rhythm and
chords as the condition signal. During inference, the condition can either be
musical features extracted from a reference audio signal, or be user-defined
symbolic chord sequence, BPM, and textual prompts. Our performance evaluation
on two datasets -- one derived from extracted features and the other from
user-created inputs -- demonstrates that MusiConGen can generate realistic
backing track music that aligns well with the specified conditions. We
open-source the code and model checkpoints, and provide audio examples online,
https://musicongen.github.io/musicongen_demo/. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2309.12307 | Both | LongLoRA: Efficient Fine-tuning of Long-Context Large Language Models | [
"Yukang Chen",
"Shengju Qian",
"Haotian Tang",
"Xin Lai",
"Zhijian Liu",
"Song Han",
"Jiaya Jia"
] | 2023-09-21 | We present LongLoRA, an efficient fine-tuning approach that extends the
context sizes of pre-trained large language models (LLMs), with limited
computation cost. Typically, training LLMs with long context sizes is
computationally expensive, requiring extensive training hours and GPU
resources. For example, training on the context length of 8192 needs 16x
computational costs in self-attention layers as that of 2048. In this paper, we
speed up the context extension of LLMs in two aspects. On the one hand,
although dense global attention is needed during inference, fine-tuning the
model can be effectively and efficiently done by sparse local attention. The
proposed shifted sparse attention effectively enables context extension,
leading to non-trivial computation saving with similar performance to
fine-tuning with vanilla attention. Particularly, it can be implemented with
only two lines of code in training, while being optional in inference. On the
other hand, we revisit the parameter-efficient fine-tuning regime for context
expansion. Notably, we find that LoRA for context extension works well under
the premise of trainable embedding and normalization. LongLoRA combines this
improved LoRA with S^2-Attn. LongLoRA demonstrates strong empirical results on
various tasks on Llama2 models from 7B/13B to 70B. LongLoRA extends Llama2 7B
from 4k context to 100k, or Llama2 70B to 32k on a single 8x A100 machine.
LongLoRA extends models' context while retaining their original architectures,
and is compatible with most existing techniques, like Flash-Attention2. In
addition, we further conduct supervised fine-tuning with LongLoRA and our long
instruction-following LongAlpaca dataset. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2309.16496 | HF | CCEdit: Creative and Controllable Video Editing via Diffusion Models | [
"Ruoyu Feng",
"Wenming Weng",
"Yanhui Wang",
"Yuhui Yuan",
"Jianmin Bao",
"Chong Luo",
"Zhibo Chen",
"Baining Guo"
] | 2023-09-28 | In this paper, we present CCEdit, a versatile generative video editing
framework based on diffusion models. Our approach employs a novel trident
network structure that separates structure and appearance control, ensuring
precise and creative editing capabilities. Utilizing the foundational
ControlNet architecture, we maintain the structural integrity of the video
during editing. The incorporation of an additional appearance branch enables
users to exert fine-grained control over the edited key frame. These two side
branches seamlessly integrate into the main branch, which is constructed upon
existing text-to-image (T2I) generation models, through learnable temporal
layers. The versatility of our framework is demonstrated through a diverse
range of choices in both structure representations and personalized T2I models,
as well as the option to provide the edited key frame. To facilitate
comprehensive evaluation, we introduce the BalanceCC benchmark dataset,
comprising 100 videos and 4 target prompts for each video. Our extensive user
studies compare CCEdit with eight state-of-the-art video editing methods. The
outcomes demonstrate CCEdit's substantial superiority over all other methods. | null | cs.CV | [
"cs.CV"
] |