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
|
---|---|---|---|---|---|---|---|---|
2305.03726 | HF | Otter: A Multi-Modal Model with In-Context Instruction Tuning | [
"Bo Li",
"Yuanhan Zhang",
"Liangyu Chen",
"Jinghao Wang",
"Jingkang Yang",
"Ziwei Liu"
] | 2023-05-05 | Large language models (LLMs) have demonstrated significant universal
capabilities as few/zero-shot learners in various tasks due to their
pre-training on vast amounts of text data, as exemplified by GPT-3, which
boosted to InstrctGPT and ChatGPT, effectively following natural language
instructions to accomplish real-world tasks. In this paper, we propose to
introduce instruction tuning into multi-modal models, motivated by the Flamingo
model's upstream interleaved format pretraining dataset. We adopt a similar
approach to construct our MultI-Modal In-Context Instruction Tuning (MIMIC-IT)
dataset. We then introduce Otter, a multi-modal model based on OpenFlamingo
(open-sourced version of DeepMind's Flamingo), trained on MIMIC-IT and
showcasing improved instruction-following ability and in-context learning. We
also optimize OpenFlamingo's implementation for researchers, democratizing the
required training resources from 1$\times$ A100 GPU to 4$\times$ RTX-3090 GPUs,
and integrate both OpenFlamingo and Otter into Huggingface Transformers for
more researchers to incorporate the models into their customized training and
inference pipelines. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2307.15131 | HF | Seal-3D: Interactive Pixel-Level Editing for Neural Radiance Fields | [
"Xiangyu Wang",
"Jingsen Zhu",
"Qi Ye",
"Yuchi Huo",
"Yunlong Ran",
"Zhihua Zhong",
"Jiming Chen"
] | 2023-07-27 | With the popularity of implicit neural representations, or neural radiance
fields (NeRF), there is a pressing need for editing methods to interact with
the implicit 3D models for tasks like post-processing reconstructed scenes and
3D content creation. While previous works have explored NeRF editing from
various perspectives, they are restricted in editing flexibility, quality, and
speed, failing to offer direct editing response and instant preview. The key
challenge is to conceive a locally editable neural representation that can
directly reflect the editing instructions and update instantly. To bridge the
gap, we propose a new interactive editing method and system for implicit
representations, called Seal-3D, which allows users to edit NeRF models in a
pixel-level and free manner with a wide range of NeRF-like backbone and preview
the editing effects instantly. To achieve the effects, the challenges are
addressed by our proposed proxy function mapping the editing instructions to
the original space of NeRF models in the teacher model and a two-stage training
strategy for the student model with local pretraining and global finetuning. A
NeRF editing system is built to showcase various editing types. Our system can
achieve compelling editing effects with an interactive speed of about 1 second. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2404.10301 | HF | Long-form music generation with latent diffusion | [
"Zach Evans",
"Julian D. Parker",
"CJ Carr",
"Zack Zukowski",
"Josiah Taylor",
"Jordi Pons"
] | 2024-04-16 | Audio-based generative models for music have seen great strides recently, but
so far have not managed to produce full-length music tracks with coherent
musical structure from text prompts. We show that by training a generative
model on long temporal contexts it is possible to produce long-form music of up
to 4m45s. Our model consists of a diffusion-transformer operating on a highly
downsampled continuous latent representation (latent rate of 21.5Hz). It
obtains state-of-the-art generations according to metrics on audio quality and
prompt alignment, and subjective tests reveal that it produces full-length
music with coherent structure. | null | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS"
] |
2403.13043 | Both | When Do We Not Need Larger Vision Models? | [
"Baifeng Shi",
"Ziyang Wu",
"Maolin Mao",
"Xin Wang",
"Trevor Darrell"
] | 2024-03-19 | Scaling up the size of vision models has been the de facto standard to obtain
more powerful visual representations. In this work, we discuss the point beyond
which larger vision models are not necessary. First, we demonstrate the power
of Scaling on Scales (S$^2$), whereby a pre-trained and frozen smaller vision
model (e.g., ViT-B or ViT-L), run over multiple image scales, can outperform
larger models (e.g., ViT-H or ViT-G) on classification, segmentation, depth
estimation, Multimodal LLM (MLLM) benchmarks, and robotic manipulation.
Notably, S$^2$ achieves state-of-the-art performance in detailed understanding
of MLLM on the V* benchmark, surpassing models such as GPT-4V. We examine the
conditions under which S$^2$ is a preferred scaling approach compared to
scaling on model size. While larger models have the advantage of better
generalization on hard examples, we show that features of larger vision models
can be well approximated by those of multi-scale smaller models. This suggests
most, if not all, of the representations learned by current large pre-trained
models can also be obtained from multi-scale smaller models. Our results show
that a multi-scale smaller model has comparable learning capacity to a larger
model, and pre-training smaller models with S$^2$ can match or even exceed the
advantage of larger models. We release a Python package that can apply S$^2$ on
any vision model with one line of code:
https://github.com/bfshi/scaling_on_scales. | null | cs.CV | [
"cs.CV"
] |
2405.18424 | HF | 3DitScene: Editing Any Scene via Language-guided Disentangled Gaussian Splatting | [
"Qihang Zhang",
"Yinghao Xu",
"Chaoyang Wang",
"Hsin-Ying Lee",
"Gordon Wetzstein",
"Bolei Zhou",
"Ceyuan Yang"
] | 2024-05-28 | Scene image editing is crucial for entertainment, photography, and
advertising design. Existing methods solely focus on either 2D individual
object or 3D global scene editing. This results in a lack of a unified approach
to effectively control and manipulate scenes at the 3D level with different
levels of granularity. In this work, we propose 3DitScene, a novel and unified
scene editing framework leveraging language-guided disentangled Gaussian
Splatting that enables seamless editing from 2D to 3D, allowing precise control
over scene composition and individual objects. We first incorporate 3D
Gaussians that are refined through generative priors and optimization
techniques. Language features from CLIP then introduce semantics into 3D
geometry for object disentanglement. With the disentangled Gaussians, 3DitScene
allows for manipulation at both the global and individual levels,
revolutionizing creative expression and empowering control over scenes and
objects. Experimental results demonstrate the effectiveness and versatility of
3DitScene in scene image editing. Code and online demo can be found at our
project homepage: https://zqh0253.github.io/3DitScene/. | null | cs.CV | [
"cs.CV"
] |
2310.17796 | HF | ControlLLM: Augment Language Models with Tools by Searching on Graphs | [
"Zhaoyang Liu",
"Zeqiang Lai",
"Zhangwei Gao",
"Erfei Cui",
"Ziheng Li",
"Xizhou Zhu",
"Lewei Lu",
"Qifeng Chen",
"Yu Qiao",
"Jifeng Dai",
"Wenhai Wang"
] | 2023-10-26 | We present ControlLLM, a novel framework that enables large language models
(LLMs) to utilize multi-modal tools for solving complex real-world tasks.
Despite the remarkable performance of LLMs, they still struggle with tool
invocation due to ambiguous user prompts, inaccurate tool selection and
parameterization, and inefficient tool scheduling. To overcome these
challenges, our framework comprises three key components: (1) a \textit{task
decomposer} that breaks down a complex task into clear subtasks with
well-defined inputs and outputs; (2) a \textit{Thoughts-on-Graph (ToG)
paradigm} that searches the optimal solution path on a pre-built tool graph,
which specifies the parameter and dependency relations among different tools;
and (3) an \textit{execution engine with a rich toolbox} that interprets the
solution path and runs the tools efficiently on different computational
devices. We evaluate our framework on diverse tasks involving image, audio, and
video processing, demonstrating its superior accuracy, efficiency, and
versatility compared to existing methods. The code is at
https://github.com/OpenGVLab/ControlLLM. | null | cs.CV | [
"cs.CV",
"cs.MM"
] |
2402.07456 | HF | OS-Copilot: Towards Generalist Computer Agents with Self-Improvement | [
"Zhiyong Wu",
"Chengcheng Han",
"Zichen Ding",
"Zhenmin Weng",
"Zhoumianze Liu",
"Shunyu Yao",
"Tao Yu",
"Lingpeng Kong"
] | 2024-02-12 | Autonomous interaction with the computer has been a longstanding challenge
with great potential, and the recent proliferation of large language models
(LLMs) has markedly accelerated progress in building digital agents. However,
most of these agents are designed to interact with a narrow domain, such as a
specific software or website. This narrow focus constrains their applicability
for general computer tasks. To this end, we introduce OS-Copilot, a framework
to build generalist agents capable of interfacing with comprehensive elements
in an operating system (OS), including the web, code terminals, files,
multimedia, and various third-party applications. We use OS-Copilot to create
FRIDAY, a self-improving embodied agent for automating general computer tasks.
On GAIA, a general AI assistants benchmark, FRIDAY outperforms previous methods
by 35%, showcasing strong generalization to unseen applications via accumulated
skills from previous tasks. We also present numerical and quantitative evidence
that FRIDAY learns to control and self-improve on Excel and Powerpoint with
minimal supervision. Our OS-Copilot framework and empirical findings provide
infrastructure and insights for future research toward more capable and
general-purpose computer agents. | null | cs.AI | [
"cs.AI"
] |
2305.12129 | AnswerAI | Lifting the Curse of Capacity Gap in Distilling Language Models | [
"Chen Zhang",
"Yang Yang",
"Jiahao Liu",
"Jingang Wang",
"Yunsen Xian",
"Benyou Wang",
"Dawei Song"
] | 2023-05-20 | Pretrained language models (LMs) have shown compelling performance on various
downstream tasks, but unfortunately they require a tremendous amount of
inference compute. Knowledge distillation finds a path to compress LMs to small
ones with a teacher-student paradigm. However, when the capacity gap between
the teacher and the student is large, a curse of capacity gap appears, invoking
a deficiency in distilling LMs. While a few studies have been carried out to
fill the gap, the curse is not yet well tackled. In this paper, we aim at
lifting the curse of capacity gap via enlarging the capacity of the student
without notably increasing the inference compute. Largely motivated by sparse
activation regime of mixture of experts (MoE), we propose a mixture of minimal
experts (MiniMoE), which imposes extra parameters to the student but introduces
almost no additional inference compute. Experimental results on GLUE and CoNLL
demonstrate the curse of capacity gap is lifted by the magic of MiniMoE to a
large extent. MiniMoE also achieves the state-of-the-art performance at small
FLOPs compared with a range of competitive baselines. With a compression rate
as much as $\sim$50$\times$, MiniMoE preserves $\sim$95\% GLUE score of the
teacher. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2401.01862 | HF | A Vision Check-up for Language Models | [
"Pratyusha Sharma",
"Tamar Rott Shaham",
"Manel Baradad",
"Stephanie Fu",
"Adrian Rodriguez-Munoz",
"Shivam Duggal",
"Phillip Isola",
"Antonio Torralba"
] | 2024-01-03 | What does learning to model relationships between strings teach large
language models (LLMs) about the visual world? We systematically evaluate LLMs'
abilities to generate and recognize an assortment of visual concepts of
increasing complexity and then demonstrate how a preliminary visual
representation learning system can be trained using models of text. As language
models lack the ability to consume or output visual information as pixels, we
use code to represent images in our study. Although LLM-generated images do not
look like natural images, results on image generation and the ability of models
to correct these generated images indicate that precise modeling of strings can
teach language models about numerous aspects of the visual world. Furthermore,
experiments on self-supervised visual representation learning, utilizing images
generated with text models, highlight the potential to train vision models
capable of making semantic assessments of natural images using just LLMs. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2403.03950 | HF | Stop Regressing: Training Value Functions via Classification for Scalable Deep RL | [
"Jesse Farebrother",
"Jordi Orbay",
"Quan Vuong",
"Adrien Ali Taïga",
"Yevgen Chebotar",
"Ted Xiao",
"Alex Irpan",
"Sergey Levine",
"Pablo Samuel Castro",
"Aleksandra Faust",
"Aviral Kumar",
"Rishabh Agarwal"
] | 2024-03-06 | Value functions are a central component of deep reinforcement learning (RL).
These functions, parameterized by neural networks, are trained using a mean
squared error regression objective to match bootstrapped target values.
However, scaling value-based RL methods that use regression to large networks,
such as high-capacity Transformers, has proven challenging. This difficulty is
in stark contrast to supervised learning: by leveraging a cross-entropy
classification loss, supervised methods have scaled reliably to massive
networks. Observing this discrepancy, in this paper, we investigate whether the
scalability of deep RL can also be improved simply by using classification in
place of regression for training value functions. We demonstrate that value
functions trained with categorical cross-entropy significantly improves
performance and scalability in a variety of domains. These include: single-task
RL on Atari 2600 games with SoftMoEs, multi-task RL on Atari with large-scale
ResNets, robotic manipulation with Q-transformers, playing Chess without
search, and a language-agent Wordle task with high-capacity Transformers,
achieving state-of-the-art results on these domains. Through careful analysis,
we show that the benefits of categorical cross-entropy primarily stem from its
ability to mitigate issues inherent to value-based RL, such as noisy targets
and non-stationarity. Overall, we argue that a simple shift to training value
functions with categorical cross-entropy can yield substantial improvements in
the scalability of deep RL at little-to-no cost. | null | cs.LG | [
"cs.LG",
"cs.AI",
"stat.ML"
] |
2406.17294 | HF | Math-LLaVA: Bootstrapping Mathematical Reasoning for Multimodal Large Language Models | [
"Wenhao Shi",
"Zhiqiang Hu",
"Yi Bin",
"Junhua Liu",
"Yang Yang",
"See-Kiong Ng",
"Lidong Bing",
"Roy Ka-Wei Lee"
] | 2024-06-25 | Large language models (LLMs) have demonstrated impressive reasoning
capabilities, particularly in textual mathematical problem-solving. However,
existing open-source image instruction fine-tuning datasets, containing limited
question-answer pairs per image, do not fully exploit visual information to
enhance the multimodal mathematical reasoning capabilities of Multimodal LLMs
(MLLMs). To bridge this gap, we address the lack of high-quality, diverse
multimodal mathematical datasets by collecting 40K high-quality images with
question-answer pairs from 24 existing datasets and synthesizing 320K new
pairs, creating the MathV360K dataset, which enhances both the breadth and
depth of multimodal mathematical questions. We introduce Math-LLaVA, a
LLaVA-1.5-based model fine-tuned with MathV360K. This novel approach
significantly improves the multimodal mathematical reasoning capabilities of
LLaVA-1.5, achieving a 19-point increase and comparable performance to GPT-4V
on MathVista's minitest split. Furthermore, Math-LLaVA demonstrates enhanced
generalizability, showing substantial improvements on the MMMU benchmark. Our
research highlights the importance of dataset diversity and synthesis in
advancing MLLMs' mathematical reasoning abilities. The code and data are
available at: \url{https://github.com/HZQ950419/Math-LLaVA}. | null | cs.CL | [
"cs.CL"
] |
2310.17994 | HF | ZeroNVS: Zero-Shot 360-Degree View Synthesis from a Single Image | [
"Kyle Sargent",
"Zizhang Li",
"Tanmay Shah",
"Charles Herrmann",
"Hong-Xing Yu",
"Yunzhi Zhang",
"Eric Ryan Chan",
"Dmitry Lagun",
"Li Fei-Fei",
"Deqing Sun",
"Jiajun Wu"
] | 2023-10-27 | We introduce a 3D-aware diffusion model, ZeroNVS, for single-image novel view
synthesis for in-the-wild scenes. While existing methods are designed for
single objects with masked backgrounds, we propose new techniques to address
challenges introduced by in-the-wild multi-object scenes with complex
backgrounds. Specifically, we train a generative prior on a mixture of data
sources that capture object-centric, indoor, and outdoor scenes. To address
issues from data mixture such as depth-scale ambiguity, we propose a novel
camera conditioning parameterization and normalization scheme. Further, we
observe that Score Distillation Sampling (SDS) tends to truncate the
distribution of complex backgrounds during distillation of 360-degree scenes,
and propose "SDS anchoring" to improve the diversity of synthesized novel
views. Our model sets a new state-of-the-art result in LPIPS on the DTU dataset
in the zero-shot setting, even outperforming methods specifically trained on
DTU. We further adapt the challenging Mip-NeRF 360 dataset as a new benchmark
for single-image novel view synthesis, and demonstrate strong performance in
this setting. Our code and data are at http://kylesargent.github.io/zeronvs/ | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2306.15595 | Both | Extending Context Window of Large Language Models via Positional Interpolation | [
"Shouyuan Chen",
"Sherman Wong",
"Liangjian Chen",
"Yuandong Tian"
] | 2023-06-27 | We present Position Interpolation (PI) that extends the context window sizes
of RoPE-based pretrained LLMs such as LLaMA models to up to 32768 with minimal
fine-tuning (within 1000 steps), while demonstrating strong empirical results
on various tasks that require long context, including passkey retrieval,
language modeling, and long document summarization from LLaMA 7B to 65B.
Meanwhile, the extended model by Position Interpolation preserve quality
relatively well on tasks within its original context window. To achieve this
goal, Position Interpolation linearly down-scales the input position indices to
match the original context window size, rather than extrapolating beyond the
trained context length which may lead to catastrophically high attention scores
that completely ruin the self-attention mechanism. Our theoretical study shows
that the upper bound of interpolation is at least $\sim 600 \times$ smaller
than that of extrapolation, further demonstrating its stability. Models
extended via Position Interpolation retain its original architecture and can
reuse most pre-existing optimization and infrastructure. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2102.01293 | AnswerAI | Scaling Laws for Transfer | [
"Danny Hernandez",
"Jared Kaplan",
"Tom Henighan",
"Sam McCandlish"
] | 2021-02-02 | We study empirical scaling laws for transfer learning between distributions
in an unsupervised, fine-tuning setting. When we train increasingly large
neural networks from-scratch on a fixed-size dataset, they eventually become
data-limited and stop improving in performance (cross-entropy loss). When we do
the same for models pre-trained on a large language dataset, the slope in
performance gains is merely reduced rather than going to zero. We calculate the
effective data "transferred" from pre-training by determining how much data a
transformer of the same size would have required to achieve the same loss when
training from scratch. In other words, we focus on units of data while holding
everything else fixed. We find that the effective data transferred is described
well in the low data regime by a power-law of parameter count and fine-tuning
dataset size. We believe the exponents in these power-laws correspond to
measures of the generality of a model and proximity of distributions (in a
directed rather than symmetric sense). We find that pre-training effectively
multiplies the fine-tuning dataset size. Transfer, like overall performance,
scales predictably in terms of parameters, data, and compute. | null | cs.LG | [
"cs.LG"
] |
2406.04391 | Both | Why Has Predicting Downstream Capabilities of Frontier AI Models with Scale Remained Elusive? | [
"Rylan Schaeffer",
"Hailey Schoelkopf",
"Brando Miranda",
"Gabriel Mukobi",
"Varun Madan",
"Adam Ibrahim",
"Herbie Bradley",
"Stella Biderman",
"Sanmi Koyejo"
] | 2024-06-06 | Predictable behavior from scaling advanced AI systems is an extremely
desirable property. Although a well-established literature exists on how
pretraining performance scales, the literature on how particular downstream
capabilities scale is significantly muddier. In this work, we take a step back
and ask: why has predicting specific downstream capabilities with scale
remained elusive? While many factors are certainly responsible, we identify a
new factor that makes modeling scaling behavior on widely used multiple-choice
question-answering benchmarks challenging. Using five model families and twelve
well-established multiple-choice benchmarks, we show that downstream
performance is computed from negative log likelihoods via a sequence of
transformations that progressively degrade the statistical relationship between
performance and scale. We then reveal the mechanism causing this degradation:
downstream metrics require comparing the correct choice against a small number
of specific incorrect choices, meaning accurately predicting downstream
capabilities requires predicting not just how probability mass concentrates on
the correct choice with scale, but also how probability mass fluctuates on
specific incorrect choices with scale. We empirically study how probability
mass on the correct choice co-varies with probability mass on incorrect choices
with increasing compute, suggesting that scaling laws for incorrect choices
might be achievable. Our work also explains why pretraining scaling laws are
commonly regarded as more predictable than downstream capabilities and
contributes towards establishing scaling-predictable evaluations of frontier AI
models. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.10969 | Both | Q-Sparse: All Large Language Models can be Fully Sparsely-Activated | [
"Hongyu Wang",
"Shuming Ma",
"Ruiping Wang",
"Furu Wei"
] | 2024-07-15 | We introduce, Q-Sparse, a simple yet effective approach to training
sparsely-activated large language models (LLMs). Q-Sparse enables full sparsity
of activations in LLMs which can bring significant efficiency gains in
inference. This is achieved by applying top-K sparsification to the activations
and the straight-through-estimator to the training. We also introduce Block
Q-Sparse for batch training and inference. The key results from this work are,
(1) Q-Sparse can achieve results comparable to those of baseline LLMs while
being much more efficient at inference time; (2) We present an
inference-optimal scaling law for sparsely-activated LLMs; (3) Q-Sparse is
effective in different settings, including training-from-scratch,
continue-training of off-the-shelf LLMs, and finetuning; (4) Q-Sparse works for
both full-precision and 1-bit LLMs (e.g., BitNet b1.58). Particularly, the
synergy of BitNet b1.58 and Q-Sparse (can be equipped with MoE) provides the
cornerstone and a clear path to revolutionize the efficiency, including cost
and energy consumption, of future LLMs. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.09206 | AnswerAI | TableLlama: Towards Open Large Generalist Models for Tables | [
"Tianshu Zhang",
"Xiang Yue",
"Yifei Li",
"Huan Sun"
] | 2023-11-15 | Semi-structured tables are ubiquitous. There has been a variety of tasks that
aim to automatically interpret, augment, and query tables. Current methods
often require pretraining on tables or special model architecture design, are
restricted to specific table types, or have simplifying assumptions about
tables and tasks. This paper makes the first step towards developing
open-source large language models (LLMs) as generalists for a diversity of
table-based tasks. Towards that end, we construct TableInstruct, a new dataset
with a variety of realistic tables and tasks, for instruction tuning and
evaluating LLMs. We further develop the first open-source generalist model for
tables, TableLlama, by fine-tuning Llama 2 (7B) with LongLoRA to address the
long context challenge. We experiment under both in-domain setting and
out-of-domain setting. On 7 out of 8 in-domain tasks, TableLlama achieves
comparable or better performance than the SOTA for each task, despite the
latter often has task-specific design. On 6 out-of-domain datasets, it achieves
5-44 absolute point gains compared with the base model, showing that training
on TableInstruct enhances the model's generalizability. We open-source our
dataset and trained model to boost future work on developing open generalist
models for tables. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.DB"
] |
2307.10173 | HF | DNA-Rendering: A Diverse Neural Actor Repository for High-Fidelity Human-centric Rendering | [
"Wei Cheng",
"Ruixiang Chen",
"Wanqi Yin",
"Siming Fan",
"Keyu Chen",
"Honglin He",
"Huiwen Luo",
"Zhongang Cai",
"Jingbo Wang",
"Yang Gao",
"Zhengming Yu",
"Zhengyu Lin",
"Daxuan Ren",
"Lei Yang",
"Ziwei Liu",
"Chen Change Loy",
"Chen Qian",
"Wayne Wu",
"Dahua Lin",
"Bo Dai",
"Kwan-Yee Lin"
] | 2023-07-19 | Realistic human-centric rendering plays a key role in both computer vision
and computer graphics. Rapid progress has been made in the algorithm aspect
over the years, yet existing human-centric rendering datasets and benchmarks
are rather impoverished in terms of diversity, which are crucial for rendering
effect. Researchers are usually constrained to explore and evaluate a small set
of rendering problems on current datasets, while real-world applications
require methods to be robust across different scenarios. In this work, we
present DNA-Rendering, a large-scale, high-fidelity repository of human
performance data for neural actor rendering. DNA-Rendering presents several
alluring attributes. First, our dataset contains over 1500 human subjects, 5000
motion sequences, and 67.5M frames' data volume. Second, we provide rich assets
for each subject -- 2D/3D human body keypoints, foreground masks, SMPLX models,
cloth/accessory materials, multi-view images, and videos. These assets boost
the current method's accuracy on downstream rendering tasks. Third, we
construct a professional multi-view system to capture data, which contains 60
synchronous cameras with max 4096 x 3000 resolution, 15 fps speed, and stern
camera calibration steps, ensuring high-quality resources for task training and
evaluation. Along with the dataset, we provide a large-scale and quantitative
benchmark in full-scale, with multiple tasks to evaluate the existing progress
of novel view synthesis, novel pose animation synthesis, and novel identity
rendering methods. In this manuscript, we describe our DNA-Rendering effort as
a revealing of new observations, challenges, and future directions to
human-centric rendering. The dataset, code, and benchmarks will be publicly
available at https://dna-rendering.github.io/ | null | cs.CV | [
"cs.CV"
] |
2406.12246 | HF | TroL: Traversal of Layers for Large Language and Vision Models | [
"Byung-Kwan Lee",
"Sangyun Chung",
"Chae Won Kim",
"Beomchan Park",
"Yong Man Ro"
] | 2024-06-18 | Large language and vision models (LLVMs) have been driven by the
generalization power of large language models (LLMs) and the advent of visual
instruction tuning. Along with scaling them up directly, these models enable
LLVMs to showcase powerful vision language (VL) performances by covering
diverse tasks via natural language instructions. However, existing open-source
LLVMs that perform comparably to closed-source LLVMs such as GPT-4V are often
considered too large (e.g., 26B, 34B, and 110B parameters), having a larger
number of layers. These large models demand costly, high-end resources for both
training and inference. To address this issue, we present a new efficient LLVM
family with 1.8B, 3.8B, and 7B LLM model sizes, Traversal of Layers (TroL),
which enables the reuse of layers in a token-wise manner. This layer traversing
technique simulates the effect of looking back and retracing the answering
stream while increasing the number of forward propagation layers without
physically adding more layers. We demonstrate that TroL employs a simple layer
traversing approach yet efficiently outperforms the open-source LLVMs with
larger model sizes and rivals the performances of the closed-source LLVMs with
substantial sizes. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV"
] |
2401.05654 | Both | Towards Conversational Diagnostic AI | [
"Tao Tu",
"Anil Palepu",
"Mike Schaekermann",
"Khaled Saab",
"Jan Freyberg",
"Ryutaro Tanno",
"Amy Wang",
"Brenna Li",
"Mohamed Amin",
"Nenad Tomasev",
"Shekoofeh Azizi",
"Karan Singhal",
"Yong Cheng",
"Le Hou",
"Albert Webson",
"Kavita Kulkarni",
"S Sara Mahdavi",
"Christopher Semturs",
"Juraj Gottweis",
"Joelle Barral",
"Katherine Chou",
"Greg S Corrado",
"Yossi Matias",
"Alan Karthikesalingam",
"Vivek Natarajan"
] | 2024-01-11 | At the heart of medicine lies the physician-patient dialogue, where skillful
history-taking paves the way for accurate diagnosis, effective management, and
enduring trust. Artificial Intelligence (AI) systems capable of diagnostic
dialogue could increase accessibility, consistency, and quality of care.
However, approximating clinicians' expertise is an outstanding grand challenge.
Here, we introduce AMIE (Articulate Medical Intelligence Explorer), a Large
Language Model (LLM) based AI system optimized for diagnostic dialogue.
AMIE uses a novel self-play based simulated environment with automated
feedback mechanisms for scaling learning across diverse disease conditions,
specialties, and contexts. We designed a framework for evaluating
clinically-meaningful axes of performance including history-taking, diagnostic
accuracy, management reasoning, communication skills, and empathy. We compared
AMIE's performance to that of primary care physicians (PCPs) in a randomized,
double-blind crossover study of text-based consultations with validated patient
actors in the style of an Objective Structured Clinical Examination (OSCE). The
study included 149 case scenarios from clinical providers in Canada, the UK,
and India, 20 PCPs for comparison with AMIE, and evaluations by specialist
physicians and patient actors. AMIE demonstrated greater diagnostic accuracy
and superior performance on 28 of 32 axes according to specialist physicians
and 24 of 26 axes according to patient actors. Our research has several
limitations and should be interpreted with appropriate caution. Clinicians were
limited to unfamiliar synchronous text-chat which permits large-scale
LLM-patient interactions but is not representative of usual clinical practice.
While further research is required before AMIE could be translated to
real-world settings, the results represent a milestone towards conversational
diagnostic AI. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2312.11805 | HF | Gemini: A Family of Highly Capable Multimodal Models | [
"Gemini Team",
"Rohan Anil",
"Sebastian Borgeaud",
"Jean-Baptiste Alayrac",
"Jiahui Yu",
"Radu Soricut",
"Johan Schalkwyk",
"Andrew M. Dai",
"Anja Hauth",
"Katie Millican",
"David Silver",
"Melvin Johnson",
"Ioannis Antonoglou",
"Julian Schrittwieser",
"Amelia Glaese",
"Jilin Chen",
"Emily Pitler",
"Timothy Lillicrap",
"Angeliki Lazaridou",
"Orhan Firat",
"James Molloy",
"Michael Isard",
"Paul R. Barham",
"Tom Hennigan",
"Benjamin Lee",
"Fabio Viola",
"Malcolm Reynolds",
"Yuanzhong Xu",
"Ryan Doherty",
"Eli Collins",
"Clemens Meyer",
"Eliza Rutherford",
"Erica Moreira",
"Kareem Ayoub",
"Megha Goel",
"Jack Krawczyk",
"Cosmo Du",
"Ed Chi",
"Heng-Tze Cheng",
"Eric Ni",
"Purvi Shah",
"Patrick Kane",
"Betty Chan",
"Manaal Faruqui",
"Aliaksei Severyn",
"Hanzhao Lin",
"YaGuang Li",
"Yong Cheng",
"Abe Ittycheriah",
"Mahdis Mahdieh",
"Mia Chen",
"Pei Sun",
"Dustin Tran",
"Sumit Bagri",
"Balaji Lakshminarayanan",
"Jeremiah Liu",
"Andras Orban",
"Fabian Güra",
"Hao Zhou",
"Xinying Song",
"Aurelien Boffy",
"Harish Ganapathy",
"Steven Zheng",
"HyunJeong Choe",
"Ágoston Weisz",
"Tao Zhu",
"Yifeng Lu",
"Siddharth Gopal",
"Jarrod Kahn",
"Maciej Kula",
"Jeff Pitman",
"Rushin Shah",
"Emanuel Taropa",
"Majd Al Merey",
"Martin Baeuml",
"Zhifeng Chen",
"Laurent El Shafey",
"Yujing Zhang",
"Olcan Sercinoglu",
"George Tucker",
"Enrique Piqueras",
"Maxim Krikun",
"Iain Barr",
"Nikolay Savinov",
"Ivo Danihelka",
"Becca Roelofs",
"Anaïs White",
"Anders Andreassen",
"Tamara von Glehn",
"Lakshman Yagati",
"Mehran Kazemi",
"Lucas Gonzalez",
"Misha Khalman",
"Jakub Sygnowski",
"Alexandre Frechette",
"Charlotte Smith",
"Laura Culp",
"Lev Proleev",
"Yi Luan",
"Xi Chen",
"James Lottes",
"Nathan Schucher",
"Federico Lebron",
"Alban Rrustemi",
"Natalie Clay",
"Phil Crone",
"Tomas Kocisky",
"Jeffrey Zhao",
"Bartek Perz",
"Dian Yu",
"Heidi Howard",
"Adam Bloniarz",
"Jack W. Rae",
"Han Lu",
"Laurent Sifre",
"Marcello Maggioni",
"Fred Alcober",
"Dan Garrette",
"Megan Barnes",
"Shantanu Thakoor",
"Jacob Austin",
"Gabriel Barth-Maron",
"William Wong",
"Rishabh Joshi",
"Rahma Chaabouni",
"Deeni Fatiha",
"Arun Ahuja",
"Gaurav Singh Tomar",
"Evan Senter",
"Martin Chadwick",
"Ilya Kornakov",
"Nithya Attaluri",
"Iñaki Iturrate",
"Ruibo Liu",
"Yunxuan Li",
"Sarah Cogan",
"Jeremy Chen",
"Chao Jia",
"Chenjie Gu",
"Qiao Zhang",
"Jordan Grimstad",
"Ale Jakse Hartman",
"Xavier Garcia",
"Thanumalayan Sankaranarayana Pillai",
"Jacob Devlin",
"Michael Laskin",
"Diego de Las Casas",
"Dasha Valter",
"Connie Tao",
"Lorenzo Blanco",
"Adrià Puigdomènech Badia",
"David Reitter",
"Mianna Chen",
"Jenny Brennan",
"Clara Rivera",
"Sergey Brin",
"Shariq Iqbal",
"Gabriela Surita",
"Jane Labanowski",
"Abhi Rao",
"Stephanie Winkler",
"Emilio Parisotto",
"Yiming Gu",
"Kate Olszewska",
"Ravi Addanki",
"Antoine Miech",
"Annie Louis",
"Denis Teplyashin",
"Geoff Brown",
"Elliot Catt",
"Jan Balaguer",
"Jackie Xiang",
"Pidong Wang",
"Zoe Ashwood",
"Anton Briukhov",
"Albert Webson",
"Sanjay Ganapathy",
"Smit Sanghavi",
"Ajay Kannan",
"Ming-Wei Chang",
"Axel Stjerngren",
"Josip Djolonga",
"Yuting Sun",
"Ankur Bapna",
"Matthew Aitchison",
"Pedram Pejman",
"Henryk Michalewski",
"Tianhe Yu",
"Cindy Wang",
"Juliette Love",
"Junwhan Ahn",
"Dawn Bloxwich",
"Kehang Han",
"Peter Humphreys",
"Thibault Sellam",
"James Bradbury",
"Varun Godbole",
"Sina Samangooei",
"Bogdan Damoc",
"Alex Kaskasoli",
"Sébastien M. R. Arnold",
"Vijay Vasudevan",
"Shubham Agrawal",
"Jason Riesa",
"Dmitry Lepikhin",
"Richard Tanburn",
"Srivatsan Srinivasan",
"Hyeontaek Lim",
"Sarah Hodkinson",
"Pranav Shyam",
"Johan Ferret",
"Steven Hand",
"Ankush Garg",
"Tom Le Paine",
"Jian Li",
"Yujia Li",
"Minh Giang",
"Alexander Neitz",
"Zaheer Abbas",
"Sarah York",
"Machel Reid",
"Elizabeth Cole",
"Aakanksha Chowdhery",
"Dipanjan Das",
"Dominika Rogozińska",
"Vitaliy Nikolaev",
"Pablo Sprechmann",
"Zachary Nado",
"Lukas Zilka",
"Flavien Prost",
"Luheng He",
"Marianne Monteiro",
"Gaurav Mishra",
"Chris Welty",
"Josh Newlan",
"Dawei Jia",
"Miltiadis Allamanis",
"Clara Huiyi Hu",
"Raoul de Liedekerke",
"Justin Gilmer",
"Carl Saroufim",
"Shruti Rijhwani",
"Shaobo Hou",
"Disha Shrivastava",
"Anirudh Baddepudi",
"Alex Goldin",
"Adnan Ozturel",
"Albin Cassirer",
"Yunhan Xu",
"Daniel Sohn",
"Devendra Sachan",
"Reinald Kim Amplayo",
"Craig Swanson",
"Dessie Petrova",
"Shashi Narayan",
"Arthur Guez",
"Siddhartha Brahma",
"Jessica Landon",
"Miteyan Patel",
"Ruizhe Zhao",
"Kevin Villela",
"Luyu Wang",
"Wenhao Jia",
"Matthew Rahtz",
"Mai Giménez",
"Legg Yeung",
"James Keeling",
"Petko Georgiev",
"Diana Mincu",
"Boxi Wu",
"Salem Haykal",
"Rachel Saputro",
"Kiran Vodrahalli",
"James Qin",
"Zeynep Cankara",
"Abhanshu Sharma",
"Nick Fernando",
"Will Hawkins",
"Behnam Neyshabur",
"Solomon Kim",
"Adrian Hutter",
"Priyanka Agrawal",
"Alex Castro-Ros",
"George van den Driessche",
"Tao Wang",
"Fan Yang",
"Shuo-yiin Chang",
"Paul Komarek",
"Ross McIlroy",
"Mario Lučić",
"Guodong Zhang",
"Wael Farhan",
"Michael Sharman",
"Paul Natsev",
"Paul Michel",
"Yamini Bansal",
"Siyuan Qiao",
"Kris Cao",
"Siamak Shakeri",
"Christina Butterfield",
"Justin Chung",
"Paul Kishan Rubenstein",
"Shivani Agrawal",
"Arthur Mensch",
"Kedar Soparkar",
"Karel Lenc",
"Timothy Chung",
"Aedan Pope",
"Loren Maggiore",
"Jackie Kay",
"Priya Jhakra",
"Shibo Wang",
"Joshua Maynez",
"Mary Phuong",
"Taylor Tobin",
"Andrea Tacchetti",
"Maja Trebacz",
"Kevin Robinson",
"Yash Katariya",
"Sebastian Riedel",
"Paige Bailey",
"Kefan Xiao",
"Nimesh Ghelani",
"Lora Aroyo",
"Ambrose Slone",
"Neil Houlsby",
"Xuehan Xiong",
"Zhen Yang",
"Elena Gribovskaya",
"Jonas Adler",
"Mateo Wirth",
"Lisa Lee",
"Music Li",
"Thais Kagohara",
"Jay Pavagadhi",
"Sophie Bridgers",
"Anna Bortsova",
"Sanjay Ghemawat",
"Zafarali Ahmed",
"Tianqi Liu",
"Richard Powell",
"Vijay Bolina",
"Mariko Iinuma",
"Polina Zablotskaia",
"James Besley",
"Da-Woon Chung",
"Timothy Dozat",
"Ramona Comanescu",
"Xiance Si",
"Jeremy Greer",
"Guolong Su",
"Martin Polacek",
"Raphaël Lopez Kaufman",
"Simon Tokumine",
"Hexiang Hu",
"Elena Buchatskaya",
"Yingjie Miao",
"Mohamed Elhawaty",
"Aditya Siddhant",
"Nenad Tomasev",
"Jinwei Xing",
"Christina Greer",
"Helen Miller",
"Shereen Ashraf",
"Aurko Roy",
"Zizhao Zhang",
"Ada Ma",
"Angelos Filos",
"Milos Besta",
"Rory Blevins",
"Ted Klimenko",
"Chih-Kuan Yeh",
"Soravit Changpinyo",
"Jiaqi Mu",
"Oscar Chang",
"Mantas Pajarskas",
"Carrie Muir",
"Vered Cohen",
"Charline Le Lan",
"Krishna Haridasan",
"Amit Marathe",
"Steven Hansen",
"Sholto Douglas",
"Rajkumar Samuel",
"Mingqiu Wang",
"Sophia Austin",
"Chang Lan",
"Jiepu Jiang",
"Justin Chiu",
"Jaime Alonso Lorenzo",
"Lars Lowe Sjösund",
"Sébastien Cevey",
"Zach Gleicher",
"Thi Avrahami",
"Anudhyan Boral",
"Hansa Srinivasan",
"Vittorio Selo",
"Rhys May",
"Konstantinos Aisopos",
"Léonard Hussenot",
"Livio Baldini Soares",
"Kate Baumli",
"Michael B. Chang",
"Adrià Recasens",
"Ben Caine",
"Alexander Pritzel",
"Filip Pavetic",
"Fabio Pardo",
"Anita Gergely",
"Justin Frye",
"Vinay Ramasesh",
"Dan Horgan",
"Kartikeya Badola",
"Nora Kassner",
"Subhrajit Roy",
"Ethan Dyer",
"Víctor Campos Campos",
"Alex Tomala",
"Yunhao Tang",
"Dalia El Badawy",
"Elspeth White",
"Basil Mustafa",
"Oran Lang",
"Abhishek Jindal",
"Sharad Vikram",
"Zhitao Gong",
"Sergi Caelles",
"Ross Hemsley",
"Gregory Thornton",
"Fangxiaoyu Feng",
"Wojciech Stokowiec",
"Ce Zheng",
"Phoebe Thacker",
"Çağlar Ünlü",
"Zhishuai Zhang",
"Mohammad Saleh",
"James Svensson",
"Max Bileschi",
"Piyush Patil",
"Ankesh Anand",
"Roman Ring",
"Katerina Tsihlas",
"Arpi Vezer",
"Marco Selvi",
"Toby Shevlane",
"Mikel Rodriguez",
"Tom Kwiatkowski",
"Samira Daruki",
"Keran Rong",
"Allan Dafoe",
"Nicholas FitzGerald",
"Keren Gu-Lemberg",
"Mina Khan",
"Lisa Anne Hendricks",
"Marie Pellat",
"Vladimir Feinberg",
"James Cobon-Kerr",
"Tara Sainath",
"Maribeth Rauh",
"Sayed Hadi Hashemi",
"Richard Ives",
"Yana Hasson",
"Eric Noland",
"Yuan Cao",
"Nathan Byrd",
"Le Hou",
"Qingze Wang",
"Thibault Sottiaux",
"Michela Paganini",
"Jean-Baptiste Lespiau",
"Alexandre Moufarek",
"Samer Hassan",
"Kaushik Shivakumar",
"Joost van Amersfoort",
"Amol Mandhane",
"Pratik Joshi",
"Anirudh Goyal",
"Matthew Tung",
"Andrew Brock",
"Hannah Sheahan",
"Vedant Misra",
"Cheng Li",
"Nemanja Rakićević",
"Mostafa Dehghani",
"Fangyu Liu",
"Sid Mittal",
"Junhyuk Oh",
"Seb Noury",
"Eren Sezener",
"Fantine Huot",
"Matthew Lamm",
"Nicola De Cao",
"Charlie Chen",
"Sidharth Mudgal",
"Romina Stella",
"Kevin Brooks",
"Gautam Vasudevan",
"Chenxi Liu",
"Mainak Chain",
"Nivedita Melinkeri",
"Aaron Cohen",
"Venus Wang",
"Kristie Seymore",
"Sergey Zubkov",
"Rahul Goel",
"Summer Yue",
"Sai Krishnakumaran",
"Brian Albert",
"Nate Hurley",
"Motoki Sano",
"Anhad Mohananey",
"Jonah Joughin",
"Egor Filonov",
"Tomasz Kępa",
"Yomna Eldawy",
"Jiawern Lim",
"Rahul Rishi",
"Shirin Badiezadegan",
"Taylor Bos",
"Jerry Chang",
"Sanil Jain",
"Sri Gayatri Sundara Padmanabhan",
"Subha Puttagunta",
"Kalpesh Krishna",
"Leslie Baker",
"Norbert Kalb",
"Vamsi Bedapudi",
"Adam Kurzrok",
"Shuntong Lei",
"Anthony Yu",
"Oren Litvin",
"Xiang Zhou",
"Zhichun Wu",
"Sam Sobell",
"Andrea Siciliano",
"Alan Papir",
"Robby Neale",
"Jonas Bragagnolo",
"Tej Toor",
"Tina Chen",
"Valentin Anklin",
"Feiran Wang",
"Richie Feng",
"Milad Gholami",
"Kevin Ling",
"Lijuan Liu",
"Jules Walter",
"Hamid Moghaddam",
"Arun Kishore",
"Jakub Adamek",
"Tyler Mercado",
"Jonathan Mallinson",
"Siddhinita Wandekar",
"Stephen Cagle",
"Eran Ofek",
"Guillermo Garrido",
"Clemens Lombriser",
"Maksim Mukha",
"Botu Sun",
"Hafeezul Rahman Mohammad",
"Josip Matak",
"Yadi Qian",
"Vikas Peswani",
"Pawel Janus",
"Quan Yuan",
"Leif Schelin",
"Oana David",
"Ankur Garg",
"Yifan He",
"Oleksii Duzhyi",
"Anton Älgmyr",
"Timothée Lottaz",
"Qi Li",
"Vikas Yadav",
"Luyao Xu",
"Alex Chinien",
"Rakesh Shivanna",
"Aleksandr Chuklin",
"Josie Li",
"Carrie Spadine",
"Travis Wolfe",
"Kareem Mohamed",
"Subhabrata Das",
"Zihang Dai",
"Kyle He",
"Daniel von Dincklage",
"Shyam Upadhyay",
"Akanksha Maurya",
"Luyan Chi",
"Sebastian Krause",
"Khalid Salama",
"Pam G Rabinovitch",
"Pavan Kumar Reddy M",
"Aarush Selvan",
"Mikhail Dektiarev",
"Golnaz Ghiasi",
"Erdem Guven",
"Himanshu Gupta",
"Boyi Liu",
"Deepak Sharma",
"Idan Heimlich Shtacher",
"Shachi Paul",
"Oscar Akerlund",
"François-Xavier Aubet",
"Terry Huang",
"Chen Zhu",
"Eric Zhu",
"Elico Teixeira",
"Matthew Fritze",
"Francesco Bertolini",
"Liana-Eleonora Marinescu",
"Martin Bölle",
"Dominik Paulus",
"Khyatti Gupta",
"Tejasi Latkar",
"Max Chang",
"Jason Sanders",
"Roopa Wilson",
"Xuewei Wu",
"Yi-Xuan Tan",
"Lam Nguyen Thiet",
"Tulsee Doshi",
"Sid Lall",
"Swaroop Mishra",
"Wanming Chen",
"Thang Luong",
"Seth Benjamin",
"Jasmine Lee",
"Ewa Andrejczuk",
"Dominik Rabiej",
"Vipul Ranjan",
"Krzysztof Styrc",
"Pengcheng Yin",
"Jon Simon",
"Malcolm Rose Harriott",
"Mudit Bansal",
"Alexei Robsky",
"Geoff Bacon",
"David Greene",
"Daniil Mirylenka",
"Chen Zhou",
"Obaid Sarvana",
"Abhimanyu Goyal",
"Samuel Andermatt",
"Patrick Siegler",
"Ben Horn",
"Assaf Israel",
"Francesco Pongetti",
"Chih-Wei \"Louis\" Chen",
"Marco Selvatici",
"Pedro Silva",
"Kathie Wang",
"Jackson Tolins",
"Kelvin Guu",
"Roey Yogev",
"Xiaochen Cai",
"Alessandro Agostini",
"Maulik Shah",
"Hung Nguyen",
"Noah Ó Donnaile",
"Sébastien Pereira",
"Linda Friso",
"Adam Stambler",
"Adam Kurzrok",
"Chenkai Kuang",
"Yan Romanikhin",
"Mark Geller",
"ZJ Yan",
"Kane Jang",
"Cheng-Chun Lee",
"Wojciech Fica",
"Eric Malmi",
"Qijun Tan",
"Dan Banica",
"Daniel Balle",
"Ryan Pham",
"Yanping Huang",
"Diana Avram",
"Hongzhi Shi",
"Jasjot Singh",
"Chris Hidey",
"Niharika Ahuja",
"Pranab Saxena",
"Dan Dooley",
"Srividya Pranavi Potharaju",
"Eileen O'Neill",
"Anand Gokulchandran",
"Ryan Foley",
"Kai Zhao",
"Mike Dusenberry",
"Yuan Liu",
"Pulkit Mehta",
"Ragha Kotikalapudi",
"Chalence Safranek-Shrader",
"Andrew Goodman",
"Joshua Kessinger",
"Eran Globen",
"Prateek Kolhar",
"Chris Gorgolewski",
"Ali Ibrahim",
"Yang Song",
"Ali Eichenbaum",
"Thomas Brovelli",
"Sahitya Potluri",
"Preethi Lahoti",
"Cip Baetu",
"Ali Ghorbani",
"Charles Chen",
"Andy Crawford",
"Shalini Pal",
"Mukund Sridhar",
"Petru Gurita",
"Asier Mujika",
"Igor Petrovski",
"Pierre-Louis Cedoz",
"Chenmei Li",
"Shiyuan Chen",
"Niccolò Dal Santo",
"Siddharth Goyal",
"Jitesh Punjabi",
"Karthik Kappaganthu",
"Chester Kwak",
"Pallavi LV",
"Sarmishta Velury",
"Himadri Choudhury",
"Jamie Hall",
"Premal Shah",
"Ricardo Figueira",
"Matt Thomas",
"Minjie Lu",
"Ting Zhou",
"Chintu Kumar",
"Thomas Jurdi",
"Sharat Chikkerur",
"Yenai Ma",
"Adams Yu",
"Soo Kwak",
"Victor Ähdel",
"Sujeevan Rajayogam",
"Travis Choma",
"Fei Liu",
"Aditya Barua",
"Colin Ji",
"Ji Ho Park",
"Vincent Hellendoorn",
"Alex Bailey",
"Taylan Bilal",
"Huanjie Zhou",
"Mehrdad Khatir",
"Charles Sutton",
"Wojciech Rzadkowski",
"Fiona Macintosh",
"Konstantin Shagin",
"Paul Medina",
"Chen Liang",
"Jinjing Zhou",
"Pararth Shah",
"Yingying Bi",
"Attila Dankovics",
"Shipra Banga",
"Sabine Lehmann",
"Marissa Bredesen",
"Zifan Lin",
"John Eric Hoffmann",
"Jonathan Lai",
"Raynald Chung",
"Kai Yang",
"Nihal Balani",
"Arthur Bražinskas",
"Andrei Sozanschi",
"Matthew Hayes",
"Héctor Fernández Alcalde",
"Peter Makarov",
"Will Chen",
"Antonio Stella",
"Liselotte Snijders",
"Michael Mandl",
"Ante Kärrman",
"Paweł Nowak",
"Xinyi Wu",
"Alex Dyck",
"Krishnan Vaidyanathan",
"Raghavender R",
"Jessica Mallet",
"Mitch Rudominer",
"Eric Johnston",
"Sushil Mittal",
"Akhil Udathu",
"Janara Christensen",
"Vishal Verma",
"Zach Irving",
"Andreas Santucci",
"Gamaleldin Elsayed",
"Elnaz Davoodi",
"Marin Georgiev",
"Ian Tenney",
"Nan Hua",
"Geoffrey Cideron",
"Edouard Leurent",
"Mahmoud Alnahlawi",
"Ionut Georgescu",
"Nan Wei",
"Ivy Zheng",
"Dylan Scandinaro",
"Heinrich Jiang",
"Jasper Snoek",
"Mukund Sundararajan",
"Xuezhi Wang",
"Zack Ontiveros",
"Itay Karo",
"Jeremy Cole",
"Vinu Rajashekhar",
"Lara Tumeh",
"Eyal Ben-David",
"Rishub Jain",
"Jonathan Uesato",
"Romina Datta",
"Oskar Bunyan",
"Shimu Wu",
"John Zhang",
"Piotr Stanczyk",
"Ye Zhang",
"David Steiner",
"Subhajit Naskar",
"Michael Azzam",
"Matthew Johnson",
"Adam Paszke",
"Chung-Cheng Chiu",
"Jaume Sanchez Elias",
"Afroz Mohiuddin",
"Faizan Muhammad",
"Jin Miao",
"Andrew Lee",
"Nino Vieillard",
"Jane Park",
"Jiageng Zhang",
"Jeff Stanway",
"Drew Garmon",
"Abhijit Karmarkar",
"Zhe Dong",
"Jong Lee",
"Aviral Kumar",
"Luowei Zhou",
"Jonathan Evens",
"William Isaac",
"Geoffrey Irving",
"Edward Loper",
"Michael Fink",
"Isha Arkatkar",
"Nanxin Chen",
"Izhak Shafran",
"Ivan Petrychenko",
"Zhe Chen",
"Johnson Jia",
"Anselm Levskaya",
"Zhenkai Zhu",
"Peter Grabowski",
"Yu Mao",
"Alberto Magni",
"Kaisheng Yao",
"Javier Snaider",
"Norman Casagrande",
"Evan Palmer",
"Paul Suganthan",
"Alfonso Castaño",
"Irene Giannoumis",
"Wooyeol Kim",
"Mikołaj Rybiński",
"Ashwin Sreevatsa",
"Jennifer Prendki",
"David Soergel",
"Adrian Goedeckemeyer",
"Willi Gierke",
"Mohsen Jafari",
"Meenu Gaba",
"Jeremy Wiesner",
"Diana Gage Wright",
"Yawen Wei",
"Harsha Vashisht",
"Yana Kulizhskaya",
"Jay Hoover",
"Maigo Le",
"Lu Li",
"Chimezie Iwuanyanwu",
"Lu Liu",
"Kevin Ramirez",
"Andrey Khorlin",
"Albert Cui",
"Tian LIN",
"Marcus Wu",
"Ricardo Aguilar",
"Keith Pallo",
"Abhishek Chakladar",
"Ginger Perng",
"Elena Allica Abellan",
"Mingyang Zhang",
"Ishita Dasgupta",
"Nate Kushman",
"Ivo Penchev",
"Alena Repina",
"Xihui Wu",
"Tom van der Weide",
"Priya Ponnapalli",
"Caroline Kaplan",
"Jiri Simsa",
"Shuangfeng Li",
"Olivier Dousse",
"Fan Yang",
"Jeff Piper",
"Nathan Ie",
"Rama Pasumarthi",
"Nathan Lintz",
"Anitha Vijayakumar",
"Daniel Andor",
"Pedro Valenzuela",
"Minnie Lui",
"Cosmin Paduraru",
"Daiyi Peng",
"Katherine Lee",
"Shuyuan Zhang",
"Somer Greene",
"Duc Dung Nguyen",
"Paula Kurylowicz",
"Cassidy Hardin",
"Lucas Dixon",
"Lili Janzer",
"Kiam Choo",
"Ziqiang Feng",
"Biao Zhang",
"Achintya Singhal",
"Dayou Du",
"Dan McKinnon",
"Natasha Antropova",
"Tolga Bolukbasi",
"Orgad Keller",
"David Reid",
"Daniel Finchelstein",
"Maria Abi Raad",
"Remi Crocker",
"Peter Hawkins",
"Robert Dadashi",
"Colin Gaffney",
"Ken Franko",
"Anna Bulanova",
"Rémi Leblond",
"Shirley Chung",
"Harry Askham",
"Luis C. Cobo",
"Kelvin Xu",
"Felix Fischer",
"Jun Xu",
"Christina Sorokin",
"Chris Alberti",
"Chu-Cheng Lin",
"Colin Evans",
"Alek Dimitriev",
"Hannah Forbes",
"Dylan Banarse",
"Zora Tung",
"Mark Omernick",
"Colton Bishop",
"Rachel Sterneck",
"Rohan Jain",
"Jiawei Xia",
"Ehsan Amid",
"Francesco Piccinno",
"Xingyu Wang",
"Praseem Banzal",
"Daniel J. Mankowitz",
"Alex Polozov",
"Victoria Krakovna",
"Sasha Brown",
"MohammadHossein Bateni",
"Dennis Duan",
"Vlad Firoiu",
"Meghana Thotakuri",
"Tom Natan",
"Matthieu Geist",
"Ser tan Girgin",
"Hui Li",
"Jiayu Ye",
"Ofir Roval",
"Reiko Tojo",
"Michael Kwong",
"James Lee-Thorp",
"Christopher Yew",
"Danila Sinopalnikov",
"Sabela Ramos",
"John Mellor",
"Abhishek Sharma",
"Kathy Wu",
"David Miller",
"Nicolas Sonnerat",
"Denis Vnukov",
"Rory Greig",
"Jennifer Beattie",
"Emily Caveness",
"Libin Bai",
"Julian Eisenschlos",
"Alex Korchemniy",
"Tomy Tsai",
"Mimi Jasarevic",
"Weize Kong",
"Phuong Dao",
"Zeyu Zheng",
"Frederick Liu",
"Fan Yang",
"Rui Zhu",
"Tian Huey Teh",
"Jason Sanmiya",
"Evgeny Gladchenko",
"Nejc Trdin",
"Daniel Toyama",
"Evan Rosen",
"Sasan Tavakkol",
"Linting Xue",
"Chen Elkind",
"Oliver Woodman",
"John Carpenter",
"George Papamakarios",
"Rupert Kemp",
"Sushant Kafle",
"Tanya Grunina",
"Rishika Sinha",
"Alice Talbert",
"Diane Wu",
"Denese Owusu-Afriyie",
"Cosmo Du",
"Chloe Thornton",
"Jordi Pont-Tuset",
"Pradyumna Narayana",
"Jing Li",
"Saaber Fatehi",
"John Wieting",
"Omar Ajmeri",
"Benigno Uria",
"Yeongil Ko",
"Laura Knight",
"Amélie Héliou",
"Ning Niu",
"Shane Gu",
"Chenxi Pang",
"Yeqing Li",
"Nir Levine",
"Ariel Stolovich",
"Rebeca Santamaria-Fernandez",
"Sonam Goenka",
"Wenny Yustalim",
"Robin Strudel",
"Ali Elqursh",
"Charlie Deck",
"Hyo Lee",
"Zonglin Li",
"Kyle Levin",
"Raphael Hoffmann",
"Dan Holtmann-Rice",
"Olivier Bachem",
"Sho Arora",
"Christy Koh",
"Soheil Hassas Yeganeh",
"Siim Põder",
"Mukarram Tariq",
"Yanhua Sun",
"Lucian Ionita",
"Mojtaba Seyedhosseini",
"Pouya Tafti",
"Zhiyu Liu",
"Anmol Gulati",
"Jasmine Liu",
"Xinyu Ye",
"Bart Chrzaszcz",
"Lily Wang",
"Nikhil Sethi",
"Tianrun Li",
"Ben Brown",
"Shreya Singh",
"Wei Fan",
"Aaron Parisi",
"Joe Stanton",
"Vinod Koverkathu",
"Christopher A. Choquette-Choo",
"Yunjie Li",
"TJ Lu",
"Abe Ittycheriah",
"Prakash Shroff",
"Mani Varadarajan",
"Sanaz Bahargam",
"Rob Willoughby",
"David Gaddy",
"Guillaume Desjardins",
"Marco Cornero",
"Brona Robenek",
"Bhavishya Mittal",
"Ben Albrecht",
"Ashish Shenoy",
"Fedor Moiseev",
"Henrik Jacobsson",
"Alireza Ghaffarkhah",
"Morgane Rivière",
"Alanna Walton",
"Clément Crepy",
"Alicia Parrish",
"Zongwei Zhou",
"Clement Farabet",
"Carey Radebaugh",
"Praveen Srinivasan",
"Claudia van der Salm",
"Andreas Fidjeland",
"Salvatore Scellato",
"Eri Latorre-Chimoto",
"Hanna Klimczak-Plucińska",
"David Bridson",
"Dario de Cesare",
"Tom Hudson",
"Piermaria Mendolicchio",
"Lexi Walker",
"Alex Morris",
"Matthew Mauger",
"Alexey Guseynov",
"Alison Reid",
"Seth Odoom",
"Lucia Loher",
"Victor Cotruta",
"Madhavi Yenugula",
"Dominik Grewe",
"Anastasia Petrushkina",
"Tom Duerig",
"Antonio Sanchez",
"Steve Yadlowsky",
"Amy Shen",
"Amir Globerson",
"Lynette Webb",
"Sahil Dua",
"Dong Li",
"Surya Bhupatiraju",
"Dan Hurt",
"Haroon Qureshi",
"Ananth Agarwal",
"Tomer Shani",
"Matan Eyal",
"Anuj Khare",
"Shreyas Rammohan Belle",
"Lei Wang",
"Chetan Tekur",
"Mihir Sanjay Kale",
"Jinliang Wei",
"Ruoxin Sang",
"Brennan Saeta",
"Tyler Liechty",
"Yi Sun",
"Yao Zhao",
"Stephan Lee",
"Pandu Nayak",
"Doug Fritz",
"Manish Reddy Vuyyuru",
"John Aslanides",
"Nidhi Vyas",
"Martin Wicke",
"Xiao Ma",
"Evgenii Eltyshev",
"Nina Martin",
"Hardie Cate",
"James Manyika",
"Keyvan Amiri",
"Yelin Kim",
"Xi Xiong",
"Kai Kang",
"Florian Luisier",
"Nilesh Tripuraneni",
"David Madras",
"Mandy Guo",
"Austin Waters",
"Oliver Wang",
"Joshua Ainslie",
"Jason Baldridge",
"Han Zhang",
"Garima Pruthi",
"Jakob Bauer",
"Feng Yang",
"Riham Mansour",
"Jason Gelman",
"Yang Xu",
"George Polovets",
"Ji Liu",
"Honglong Cai",
"Warren Chen",
"XiangHai Sheng",
"Emily Xue",
"Sherjil Ozair",
"Christof Angermueller",
"Xiaowei Li",
"Anoop Sinha",
"Weiren Wang",
"Julia Wiesinger",
"Emmanouil Koukoumidis",
"Yuan Tian",
"Anand Iyer",
"Madhu Gurumurthy",
"Mark Goldenson",
"Parashar Shah",
"MK Blake",
"Hongkun Yu",
"Anthony Urbanowicz",
"Jennimaria Palomaki",
"Chrisantha Fernando",
"Ken Durden",
"Harsh Mehta",
"Nikola Momchev",
"Elahe Rahimtoroghi",
"Maria Georgaki",
"Amit Raul",
"Sebastian Ruder",
"Morgan Redshaw",
"Jinhyuk Lee",
"Denny Zhou",
"Komal Jalan",
"Dinghua Li",
"Blake Hechtman",
"Parker Schuh",
"Milad Nasr",
"Kieran Milan",
"Vladimir Mikulik",
"Juliana Franco",
"Tim Green",
"Nam Nguyen",
"Joe Kelley",
"Aroma Mahendru",
"Andrea Hu",
"Joshua Howland",
"Ben Vargas",
"Jeffrey Hui",
"Kshitij Bansal",
"Vikram Rao",
"Rakesh Ghiya",
"Emma Wang",
"Ke Ye",
"Jean Michel Sarr",
"Melanie Moranski Preston",
"Madeleine Elish",
"Steve Li",
"Aakash Kaku",
"Jigar Gupta",
"Ice Pasupat",
"Da-Cheng Juan",
"Milan Someswar",
"Tejvi M.",
"Xinyun Chen",
"Aida Amini",
"Alex Fabrikant",
"Eric Chu",
"Xuanyi Dong",
"Amruta Muthal",
"Senaka Buthpitiya",
"Sarthak Jauhari",
"Nan Hua",
"Urvashi Khandelwal",
"Ayal Hitron",
"Jie Ren",
"Larissa Rinaldi",
"Shahar Drath",
"Avigail Dabush",
"Nan-Jiang Jiang",
"Harshal Godhia",
"Uli Sachs",
"Anthony Chen",
"Yicheng Fan",
"Hagai Taitelbaum",
"Hila Noga",
"Zhuyun Dai",
"James Wang",
"Chen Liang",
"Jenny Hamer",
"Chun-Sung Ferng",
"Chenel Elkind",
"Aviel Atias",
"Paulina Lee",
"Vít Listík",
"Mathias Carlen",
"Jan van de Kerkhof",
"Marcin Pikus",
"Krunoslav Zaher",
"Paul Müller",
"Sasha Zykova",
"Richard Stefanec",
"Vitaly Gatsko",
"Christoph Hirnschall",
"Ashwin Sethi",
"Xingyu Federico Xu",
"Chetan Ahuja",
"Beth Tsai",
"Anca Stefanoiu",
"Bo Feng",
"Keshav Dhandhania",
"Manish Katyal",
"Akshay Gupta",
"Atharva Parulekar",
"Divya Pitta",
"Jing Zhao",
"Vivaan Bhatia",
"Yashodha Bhavnani",
"Omar Alhadlaq",
"Xiaolin Li",
"Peter Danenberg",
"Dennis Tu",
"Alex Pine",
"Vera Filippova",
"Abhipso Ghosh",
"Ben Limonchik",
"Bhargava Urala",
"Chaitanya Krishna Lanka",
"Derik Clive",
"Yi Sun",
"Edward Li",
"Hao Wu",
"Kevin Hongtongsak",
"Ianna Li",
"Kalind Thakkar",
"Kuanysh Omarov",
"Kushal Majmundar",
"Michael Alverson",
"Michael Kucharski",
"Mohak Patel",
"Mudit Jain",
"Maksim Zabelin",
"Paolo Pelagatti",
"Rohan Kohli",
"Saurabh Kumar",
"Joseph Kim",
"Swetha Sankar",
"Vineet Shah",
"Lakshmi Ramachandruni",
"Xiangkai Zeng",
"Ben Bariach",
"Laura Weidinger",
"Tu Vu",
"Alek Andreev",
"Antoine He",
"Kevin Hui",
"Sheleem Kashem",
"Amar Subramanya",
"Sissie Hsiao",
"Demis Hassabis",
"Koray Kavukcuoglu",
"Adam Sadovsky",
"Quoc Le",
"Trevor Strohman",
"Yonghui Wu",
"Slav Petrov",
"Jeffrey Dean",
"Oriol Vinyals"
] | 2023-12-19 | This report introduces a new family of multimodal models, Gemini, that
exhibit remarkable capabilities across image, audio, video, and text
understanding. The Gemini family consists of Ultra, Pro, and Nano sizes,
suitable for applications ranging from complex reasoning tasks to on-device
memory-constrained use-cases. Evaluation on a broad range of benchmarks shows
that our most-capable Gemini Ultra model advances the state of the art in 30 of
32 of these benchmarks - notably being the first model to achieve human-expert
performance on the well-studied exam benchmark MMLU, and improving the state of
the art in every one of the 20 multimodal benchmarks we examined. We believe
that the new capabilities of the Gemini family in cross-modal reasoning and
language understanding will enable a wide variety of use cases. We discuss our
approach toward post-training and deploying Gemini models responsibly to users
through services including Gemini, Gemini Advanced, Google AI Studio, and Cloud
Vertex AI. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2306.15794 | Both | HyenaDNA: Long-Range Genomic Sequence Modeling at Single Nucleotide Resolution | [
"Eric Nguyen",
"Michael Poli",
"Marjan Faizi",
"Armin Thomas",
"Callum Birch-Sykes",
"Michael Wornow",
"Aman Patel",
"Clayton Rabideau",
"Stefano Massaroli",
"Yoshua Bengio",
"Stefano Ermon",
"Stephen A. Baccus",
"Chris Ré"
] | 2023-06-27 | Genomic (DNA) sequences encode an enormous amount of information for gene
regulation and protein synthesis. Similar to natural language models,
researchers have proposed foundation models in genomics to learn generalizable
features from unlabeled genome data that can then be fine-tuned for downstream
tasks such as identifying regulatory elements. Due to the quadratic scaling of
attention, previous Transformer-based genomic models have used 512 to 4k tokens
as context (<0.001% of the human genome), significantly limiting the modeling
of long-range interactions in DNA. In addition, these methods rely on
tokenizers or fixed k-mers to aggregate meaningful DNA units, losing single
nucleotide resolution where subtle genetic variations can completely alter
protein function via single nucleotide polymorphisms (SNPs). Recently, Hyena, a
large language model based on implicit convolutions was shown to match
attention in quality while allowing longer context lengths and lower time
complexity. Leveraging Hyena's new long-range capabilities, we present
HyenaDNA, a genomic foundation model pretrained on the human reference genome
with context lengths of up to 1 million tokens at the single nucleotide-level -
an up to 500x increase over previous dense attention-based models. HyenaDNA
scales sub-quadratically in sequence length (training up to 160x faster than
Transformer), uses single nucleotide tokens, and has full global context at
each layer. We explore what longer context enables - including the first use of
in-context learning in genomics. On fine-tuned benchmarks from the Nucleotide
Transformer, HyenaDNA reaches state-of-the-art (SotA) on 12 of 18 datasets
using a model with orders of magnitude less parameters and pretraining data. On
the GenomicBenchmarks, HyenaDNA surpasses SotA on 7 of 8 datasets on average by
+10 accuracy points. Code at https://github.com/HazyResearch/hyena-dna. | null | cs.LG | [
"cs.LG",
"q-bio.GN"
] |
2002.10957 | AnswerAI | MiniLM: Deep Self-Attention Distillation for Task-Agnostic Compression of Pre-Trained Transformers | [
"Wenhui Wang",
"Furu Wei",
"Li Dong",
"Hangbo Bao",
"Nan Yang",
"Ming Zhou"
] | 2020-02-25 | Pre-trained language models (e.g., BERT (Devlin et al., 2018) and its
variants) have achieved remarkable success in varieties of NLP tasks. However,
these models usually consist of hundreds of millions of parameters which brings
challenges for fine-tuning and online serving in real-life applications due to
latency and capacity constraints. In this work, we present a simple and
effective approach to compress large Transformer (Vaswani et al., 2017) based
pre-trained models, termed as deep self-attention distillation. The small model
(student) is trained by deeply mimicking the self-attention module, which plays
a vital role in Transformer networks, of the large model (teacher).
Specifically, we propose distilling the self-attention module of the last
Transformer layer of the teacher, which is effective and flexible for the
student. Furthermore, we introduce the scaled dot-product between values in the
self-attention module as the new deep self-attention knowledge, in addition to
the attention distributions (i.e., the scaled dot-product of queries and keys)
that have been used in existing works. Moreover, we show that introducing a
teacher assistant (Mirzadeh et al., 2019) also helps the distillation of large
pre-trained Transformer models. Experimental results demonstrate that our
monolingual model outperforms state-of-the-art baselines in different parameter
size of student models. In particular, it retains more than 99% accuracy on
SQuAD 2.0 and several GLUE benchmark tasks using 50% of the Transformer
parameters and computations of the teacher model. We also obtain competitive
results in applying deep self-attention distillation to multilingual
pre-trained models. | null | cs.CL | [
"cs.CL"
] |
2406.02539 | HF | Parrot: Multilingual Visual Instruction Tuning | [
"Hai-Long Sun",
"Da-Wei Zhou",
"Yang Li",
"Shiyin Lu",
"Chao Yi",
"Qing-Guo Chen",
"Zhao Xu",
"Weihua Luo",
"Kaifu Zhang",
"De-Chuan Zhan",
"Han-Jia Ye"
] | 2024-06-04 | The rapid development of Multimodal Large Language Models (MLLMs) like GPT-4V
has marked a significant step towards artificial general intelligence. Existing
methods mainly focus on aligning vision encoders with LLMs through supervised
fine-tuning (SFT) to endow LLMs with multimodal abilities, making MLLMs'
inherent ability to react to multiple languages progressively deteriorate as
the training process evolves. We empirically find that the imbalanced SFT
datasets, primarily composed of English-centric image-text pairs, lead to
significantly reduced performance in non-English languages. This is due to the
failure of aligning the vision encoder and LLM with multilingual tokens during
the SFT process. In this paper, we introduce Parrot, a novel method that
utilizes textual guidance to drive visual token alignment at the language
level. Parrot makes the visual tokens condition on diverse language inputs and
uses Mixture-of-Experts (MoE) to promote the alignment of multilingual tokens.
Specifically, to enhance non-English visual tokens alignment, we compute the
cross-attention using the initial visual features and textual embeddings, the
result of which is then fed into the MoE router to select the most relevant
experts. The selected experts subsequently convert the initial visual tokens
into language-specific visual tokens. Moreover, considering the current lack of
benchmarks for evaluating multilingual capabilities within the field, we
collect and make available a Massive Multilingual Multimodal Benchmark which
includes 6 languages, 15 categories, and 12,000 questions, named as MMMB. Our
method not only demonstrates state-of-the-art performance on multilingual
MMBench and MMMB, but also excels across a broad range of multimodal tasks.
Both the source code and the training dataset of Parrot will be made publicly
available. Code is available at: https://github.com/AIDC-AI/Parrot. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2403.20327 | Both | Gecko: Versatile Text Embeddings Distilled from Large Language Models | [
"Jinhyuk Lee",
"Zhuyun Dai",
"Xiaoqi Ren",
"Blair Chen",
"Daniel Cer",
"Jeremy R. Cole",
"Kai Hui",
"Michael Boratko",
"Rajvi Kapadia",
"Wen Ding",
"Yi Luan",
"Sai Meher Karthik Duddu",
"Gustavo Hernandez Abrego",
"Weiqiang Shi",
"Nithi Gupta",
"Aditya Kusupati",
"Prateek Jain",
"Siddhartha Reddy Jonnalagadda",
"Ming-Wei Chang",
"Iftekhar Naim"
] | 2024-03-29 | We present Gecko, a compact and versatile text embedding model. Gecko
achieves strong retrieval performance by leveraging a key idea: distilling
knowledge from large language models (LLMs) into a retriever. Our two-step
distillation process begins with generating diverse, synthetic paired data
using an LLM. Next, we further refine the data quality by retrieving a set of
candidate passages for each query, and relabeling the positive and hard
negative passages using the same LLM. The effectiveness of our approach is
demonstrated by the compactness of the Gecko. On the Massive Text Embedding
Benchmark (MTEB), Gecko with 256 embedding dimensions outperforms all existing
entries with 768 embedding size. Gecko with 768 embedding dimensions achieves
an average score of 66.31, competing with 7x larger models and 5x higher
dimensional embeddings. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.12008 | HF | SV3D: Novel Multi-view Synthesis and 3D Generation from a Single Image using Latent Video Diffusion | [
"Vikram Voleti",
"Chun-Han Yao",
"Mark Boss",
"Adam Letts",
"David Pankratz",
"Dmitry Tochilkin",
"Christian Laforte",
"Robin Rombach",
"Varun Jampani"
] | 2024-03-18 | We present Stable Video 3D (SV3D) -- a latent video diffusion model for
high-resolution, image-to-multi-view generation of orbital videos around a 3D
object. Recent work on 3D generation propose techniques to adapt 2D generative
models for novel view synthesis (NVS) and 3D optimization. However, these
methods have several disadvantages due to either limited views or inconsistent
NVS, thereby affecting the performance of 3D object generation. In this work,
we propose SV3D that adapts image-to-video diffusion model for novel multi-view
synthesis and 3D generation, thereby leveraging the generalization and
multi-view consistency of the video models, while further adding explicit
camera control for NVS. We also propose improved 3D optimization techniques to
use SV3D and its NVS outputs for image-to-3D generation. Extensive experimental
results on multiple datasets with 2D and 3D metrics as well as user study
demonstrate SV3D's state-of-the-art performance on NVS as well as 3D
reconstruction compared to prior works. | null | cs.CV | [
"cs.CV"
] |
2307.04577 | HF | AnyTeleop: A General Vision-Based Dexterous Robot Arm-Hand Teleoperation System | [
"Yuzhe Qin",
"Wei Yang",
"Binghao Huang",
"Karl Van Wyk",
"Hao Su",
"Xiaolong Wang",
"Yu-Wei Chao",
"Dieter Fox"
] | 2023-07-10 | Vision-based teleoperation offers the possibility to endow robots with
human-level intelligence to physically interact with the environment, while
only requiring low-cost camera sensors. However, current vision-based
teleoperation systems are designed and engineered towards a particular robot
model and deploy environment, which scales poorly as the pool of the robot
models expands and the variety of the operating environment increases. In this
paper, we propose AnyTeleop, a unified and general teleoperation system to
support multiple different arms, hands, realities, and camera configurations
within a single system. Although being designed to provide great flexibility to
the choice of simulators and real hardware, our system can still achieve great
performance. For real-world experiments, AnyTeleop can outperform a previous
system that was designed for a specific robot hardware with a higher success
rate, using the same robot. For teleoperation in simulation, AnyTeleop leads to
better imitation learning performance, compared with a previous system that is
particularly designed for that simulator. Project page:
https://yzqin.github.io/anyteleop/. | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2311.12775 | HF | SuGaR: Surface-Aligned Gaussian Splatting for Efficient 3D Mesh Reconstruction and High-Quality Mesh Rendering | [
"Antoine Guédon",
"Vincent Lepetit"
] | 2023-11-21 | We propose a method to allow precise and extremely fast mesh extraction from
3D Gaussian Splatting. Gaussian Splatting has recently become very popular as
it yields realistic rendering while being significantly faster to train than
NeRFs. It is however challenging to extract a mesh from the millions of tiny 3D
gaussians as these gaussians tend to be unorganized after optimization and no
method has been proposed so far. Our first key contribution is a regularization
term that encourages the gaussians to align well with the surface of the scene.
We then introduce a method that exploits this alignment to extract a mesh from
the Gaussians using Poisson reconstruction, which is fast, scalable, and
preserves details, in contrast to the Marching Cubes algorithm usually applied
to extract meshes from Neural SDFs. Finally, we introduce an optional
refinement strategy that binds gaussians to the surface of the mesh, and
jointly optimizes these Gaussians and the mesh through Gaussian splatting
rendering. This enables easy editing, sculpting, rigging, animating,
compositing and relighting of the Gaussians using traditional softwares by
manipulating the mesh instead of the gaussians themselves. Retrieving such an
editable mesh for realistic rendering is done within minutes with our method,
compared to hours with the state-of-the-art methods on neural SDFs, while
providing a better rendering quality. Our project page is the following:
https://anttwo.github.io/sugar/ | null | cs.GR | [
"cs.GR",
"cs.CV"
] |
2407.15754 | HF | LongVideoBench: A Benchmark for Long-context Interleaved Video-Language Understanding | [
"Haoning Wu",
"Dongxu Li",
"Bei Chen",
"Junnan Li"
] | 2024-07-22 | Large multimodal models (LMMs) are processing increasingly longer and richer
inputs. Albeit the progress, few public benchmark is available to measure such
development. To mitigate this gap, we introduce LongVideoBench, a
question-answering benchmark that features video-language interleaved inputs up
to an hour long. Our benchmark includes 3,763 varying-length web-collected
videos with their subtitles across diverse themes, designed to comprehensively
evaluate LMMs on long-term multimodal understanding. To achieve this, we
interpret the primary challenge as to accurately retrieve and reason over
detailed multimodal information from long inputs. As such, we formulate a novel
video question-answering task termed referring reasoning. Specifically, as part
of the question, it contains a referring query that references related video
contexts, called referred context. The model is then required to reason over
relevant video details from the referred context. Following the paradigm of
referring reasoning, we curate 6,678 human-annotated multiple-choice questions
in 17 fine-grained categories, establishing one of the most comprehensive
benchmarks for long-form video understanding. Evaluations suggest that the
LongVideoBench presents significant challenges even for the most advanced
proprietary models (e.g. GPT-4o, Gemini-1.5-Pro, GPT-4-Turbo), while their
open-source counterparts show an even larger performance gap. In addition, our
results indicate that model performance on the benchmark improves only when
they are capable of processing more frames, positioning LongVideoBench as a
valuable benchmark for evaluating future-generation long-context LMMs. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2305.03719 | HF | Governance of the AI, by the AI, and for the AI | [
"Andrew W. Torrance",
"Bill Tomlinson"
] | 2023-05-04 | Over the past half century, there have been several false dawns during which
the "arrival" of world-changing artificial intelligence (AI) has been heralded.
Tempting fate, the authors believe the age of AI has, indeed, finally arrived.
Powerful image generators, such as DALL-E2 and Midjourney have suddenly allowed
anyone with access the ability easily to create rich and complex art. In a
similar vein, text generators, such as GPT3.5 (including ChatGPT) and BLOOM,
allow users to compose detailed written descriptions of many topics of
interest. And, it is even possible now for a person without extensive expertise
in writing software to use AI to generate code capable of myriad applications.
While AI will continue to evolve and improve, probably at a rapid rate, the
current state of AI is already ushering in profound changes to many different
sectors of society. Every new technology challenges the ability of humanity to
govern it wisely. However, governance is usually viewed as both possible and
necessary due to the disruption new technology often poses to social
structures, industries, the environment, and other important human concerns. In
this article, we offer an analysis of a range of interactions between AI and
governance, with the hope that wise decisions may be made that maximize
benefits and minimize costs. The article addresses two main aspects of this
relationship: the governance of AI by humanity, and the governance of humanity
by AI. The approach we have taken is itself informed by AI, as this article was
written collaboratively by the authors and ChatGPT. | null | cs.CY | [
"cs.CY",
"cs.AI"
] |
2401.00246 | HF | Boosting Large Language Model for Speech Synthesis: An Empirical Study | [
"Hongkun Hao",
"Long Zhou",
"Shujie Liu",
"Jinyu Li",
"Shujie Hu",
"Rui Wang",
"Furu Wei"
] | 2023-12-30 | Large language models (LLMs) have made significant advancements in natural
language processing and are concurrently extending the language ability to
other modalities, such as speech and vision. Nevertheless, most of the previous
work focuses on prompting LLMs with perception abilities like auditory
comprehension, and the effective approach for augmenting LLMs with speech
synthesis capabilities remains ambiguous. In this paper, we conduct a
comprehensive empirical exploration of boosting LLMs with the ability to
generate speech, by combining pre-trained LLM LLaMA/OPT and text-to-speech
synthesis model VALL-E. We compare three integration methods between LLMs and
speech synthesis models, including directly fine-tuned LLMs, superposed layers
of LLMs and VALL-E, and coupled LLMs and VALL-E using LLMs as a powerful text
encoder. Experimental results show that, using LoRA method to fine-tune LLMs
directly to boost the speech synthesis capability does not work well, and
superposed LLMs and VALL-E can improve the quality of generated speech both in
speaker similarity and word error rate (WER). Among these three methods,
coupled methods leveraging LLMs as the text encoder can achieve the best
performance, making it outperform original speech synthesis models with a
consistently better speaker similarity and a significant (10.9%) WER reduction. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2406.15927 | Both | Semantic Entropy Probes: Robust and Cheap Hallucination Detection in LLMs | [
"Jannik Kossen",
"Jiatong Han",
"Muhammed Razzak",
"Lisa Schut",
"Shreshth Malik",
"Yarin Gal"
] | 2024-06-22 | We propose semantic entropy probes (SEPs), a cheap and reliable method for
uncertainty quantification in Large Language Models (LLMs). Hallucinations,
which are plausible-sounding but factually incorrect and arbitrary model
generations, present a major challenge to the practical adoption of LLMs.
Recent work by Farquhar et al. (2024) proposes semantic entropy (SE), which can
detect hallucinations by estimating uncertainty in the space semantic meaning
for a set of model generations. However, the 5-to-10-fold increase in
computation cost associated with SE computation hinders practical adoption. To
address this, we propose SEPs, which directly approximate SE from the hidden
states of a single generation. SEPs are simple to train and do not require
sampling multiple model generations at test time, reducing the overhead of
semantic uncertainty quantification to almost zero. We show that SEPs retain
high performance for hallucination detection and generalize better to
out-of-distribution data than previous probing methods that directly predict
model accuracy. Our results across models and tasks suggest that model hidden
states capture SE, and our ablation studies give further insights into the
token positions and model layers for which this is the case. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2202.10054 | AnswerAI | Fine-Tuning can Distort Pretrained Features and Underperform Out-of-Distribution | [
"Ananya Kumar",
"Aditi Raghunathan",
"Robbie Jones",
"Tengyu Ma",
"Percy Liang"
] | 2022-02-21 | When transferring a pretrained model to a downstream task, two popular
methods are full fine-tuning (updating all the model parameters) and linear
probing (updating only the last linear layer -- the "head"). It is well known
that fine-tuning leads to better accuracy in-distribution (ID). However, in
this paper, we find that fine-tuning can achieve worse accuracy than linear
probing out-of-distribution (OOD) when the pretrained features are good and the
distribution shift is large. On 10 distribution shift datasets
(Breeds-Living17, Breeds-Entity30, DomainNet, CIFAR $\to$ STL, CIFAR10.1, FMoW,
ImageNetV2, ImageNet-R, ImageNet-A, ImageNet-Sketch), fine-tuning obtains on
average 2% higher accuracy ID but 7% lower accuracy OOD than linear probing. We
show theoretically that this tradeoff between ID and OOD accuracy arises even
in a simple setting: fine-tuning overparameterized two-layer linear networks.
We prove that the OOD error of fine-tuning is high when we initialize with a
fixed or random head -- this is because while fine-tuning learns the head, the
lower layers of the neural network change simultaneously and distort the
pretrained features. Our analysis suggests that the easy two-step strategy of
linear probing then full fine-tuning (LP-FT), sometimes used as a fine-tuning
heuristic, combines the benefits of both fine-tuning and linear probing.
Empirically, LP-FT outperforms both fine-tuning and linear probing on the above
datasets (1% better ID, 10% better OOD than full fine-tuning). | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2406.14035 | HF | Two Giraffes in a Dirt Field: Using Game Play to Investigate Situation Modelling in Large Multimodal Models | [
"Sherzod Hakimov",
"Yerkezhan Abdullayeva",
"Kushal Koshti",
"Antonia Schmidt",
"Yan Weiser",
"Anne Beyer",
"David Schlangen"
] | 2024-06-20 | While the situation has improved for text-only models, it again seems to be
the case currently that multimodal (text and image) models develop faster than
ways to evaluate them. In this paper, we bring a recently developed evaluation
paradigm from text models to multimodal models, namely evaluation through the
goal-oriented game (self) play, complementing reference-based and
preference-based evaluation. Specifically, we define games that challenge a
model's capability to represent a situation from visual information and align
such representations through dialogue. We find that the largest closed models
perform rather well on the games that we define, while even the best
open-weight models struggle with them. On further analysis, we find that the
exceptional deep captioning capabilities of the largest models drive some of
the performance. There is still room to grow for both kinds of models, ensuring
the continued relevance of the benchmark. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.13745 | HF | Be-Your-Outpainter: Mastering Video Outpainting through Input-Specific Adaptation | [
"Fu-Yun Wang",
"Xiaoshi Wu",
"Zhaoyang Huang",
"Xiaoyu Shi",
"Dazhong Shen",
"Guanglu Song",
"Yu Liu",
"Hongsheng Li"
] | 2024-03-20 | Video outpainting is a challenging task, aiming at generating video content
outside the viewport of the input video while maintaining inter-frame and
intra-frame consistency. Existing methods fall short in either generation
quality or flexibility. We introduce MOTIA Mastering Video Outpainting Through
Input-Specific Adaptation, a diffusion-based pipeline that leverages both the
intrinsic data-specific patterns of the source video and the image/video
generative prior for effective outpainting. MOTIA comprises two main phases:
input-specific adaptation and pattern-aware outpainting. The input-specific
adaptation phase involves conducting efficient and effective pseudo outpainting
learning on the single-shot source video. This process encourages the model to
identify and learn patterns within the source video, as well as bridging the
gap between standard generative processes and outpainting. The subsequent
phase, pattern-aware outpainting, is dedicated to the generalization of these
learned patterns to generate outpainting outcomes. Additional strategies
including spatial-aware insertion and noise travel are proposed to better
leverage the diffusion model's generative prior and the acquired video patterns
from source videos. Extensive evaluations underscore MOTIA's superiority,
outperforming existing state-of-the-art methods in widely recognized
benchmarks. Notably, these advancements are achieved without necessitating
extensive, task-specific tuning. | null | cs.CV | [
"cs.CV"
] |
2206.09557 | AnswerAI | LUT-GEMM: Quantized Matrix Multiplication based on LUTs for Efficient Inference in Large-Scale Generative Language Models | [
"Gunho Park",
"Baeseong Park",
"Minsub Kim",
"Sungjae Lee",
"Jeonghoon Kim",
"Beomseok Kwon",
"Se Jung Kwon",
"Byeongwook Kim",
"Youngjoo Lee",
"Dongsoo Lee"
] | 2022-06-20 | Recent advances in self-supervised learning and the Transformer architecture
have significantly improved natural language processing (NLP), achieving
remarkably low perplexity. However, the growing size of NLP models introduces a
memory wall problem during the generation phase. To mitigate this issue, recent
efforts have focused on quantizing model weights to sub-4-bit precision while
preserving full precision for activations, resulting in practical speed-ups
during inference on a single GPU. However, these improvements primarily stem
from reduced memory movement, which necessitates a resource-intensive
dequantization process rather than actual computational reduction. In this
paper, we introduce LUT-GEMM, an efficient kernel for quantized matrix
multiplication, which not only eliminates the resource-intensive dequantization
process but also reduces computational costs compared to previous kernels for
weight-only quantization. Furthermore, we proposed group-wise quantization to
offer a flexible trade-off between compression ratio and accuracy. The impact
of LUT-GEMM is facilitated by implementing high compression ratios through
low-bit quantization and efficient LUT-based operations. We show experimentally
that when applied to the OPT-175B model with 3-bit quantization, LUT-GEMM
substantially accelerates token generation latency, achieving a remarkable
2.1$\times$ improvement on a single GPU when compared to OPTQ, which relies on
the costly dequantization process. | null | cs.DC | [
"cs.DC",
"cs.CL"
] |
2310.16450 | HF | CLEX: Continuous Length Extrapolation for Large Language Models | [
"Guanzheng Chen",
"Xin Li",
"Zaiqiao Meng",
"Shangsong Liang",
"Lidong Bing"
] | 2023-10-25 | Transformer-based Large Language Models (LLMs) are pioneering advances in
many natural language processing tasks, however, their exceptional capabilities
are restricted within the preset context window of Transformer. Position
Embedding (PE) scaling methods, while effective in extending the context window
to a specific length, demonstrate either notable limitations in their
extrapolation abilities or sacrificing partial performance within the context
window. Length extrapolation methods, although theoretically capable of
extending the context window beyond the training sequence length, often
underperform in practical long-context applications. To address these
challenges, we propose Continuous Length EXtrapolation (CLEX) for LLMs. We
generalise the PE scaling approaches to model the continuous dynamics by
ordinary differential equations over the length scaling factor, thereby
overcoming the constraints of current PE scaling methods designed for specific
lengths. Moreover, by extending the dynamics to desired context lengths beyond
the training sequence length, CLEX facilitates the length extrapolation with
impressive performance in practical tasks. We demonstrate that CLEX can be
seamlessly incorporated into LLMs equipped with Rotary Position Embedding, such
as LLaMA and GPT-NeoX, with negligible impact on training and inference
latency. Experimental results reveal that CLEX can effectively extend the
context window to over 4x or almost 8x training length, with no deterioration
in performance. Furthermore, when evaluated on the practical LongBench
benchmark, our model trained on a 4k length exhibits competitive performance
against state-of-the-art open-source models trained on context lengths up to
32k. Our code is available at https://github.com/DAMO-NLP-SG/CLEX. | null | cs.CL | [
"cs.CL"
] |
2407.04604 | HF | PartCraft: Crafting Creative Objects by Parts | [
"Kam Woh Ng",
"Xiatian Zhu",
"Yi-Zhe Song",
"Tao Xiang"
] | 2024-07-05 | This paper propels creative control in generative visual AI by allowing users
to "select". Departing from traditional text or sketch-based methods, we for
the first time allow users to choose visual concepts by parts for their
creative endeavors. The outcome is fine-grained generation that precisely
captures selected visual concepts, ensuring a holistically faithful and
plausible result. To achieve this, we first parse objects into parts through
unsupervised feature clustering. Then, we encode parts into text tokens and
introduce an entropy-based normalized attention loss that operates on them.
This loss design enables our model to learn generic prior topology knowledge
about object's part composition, and further generalize to novel part
compositions to ensure the generation looks holistically faithful. Lastly, we
employ a bottleneck encoder to project the part tokens. This not only enhances
fidelity but also accelerates learning, by leveraging shared knowledge and
facilitating information exchange among instances. Visual results in the paper
and supplementary material showcase the compelling power of PartCraft in
crafting highly customized, innovative creations, exemplified by the "charming"
and creative birds. Code is released at https://github.com/kamwoh/partcraft. | null | cs.CV | [
"cs.CV"
] |
2305.18425 | AnswerAI | Efficient Storage of Fine-Tuned Models via Low-Rank Approximation of Weight Residuals | [
"Simo Ryu",
"Seunghyun Seo",
"Jaejun Yoo"
] | 2023-05-28 | In this paper, we present an efficient method for storing fine-tuned models
by leveraging the low-rank properties of weight residuals. Our key observation
is that weight residuals in large overparameterized models exhibit even
stronger low-rank characteristics. Based on this insight, we propose Efficient
Residual Encoding (ERE), a novel approach that achieves efficient storage of
fine-tuned model weights by approximating the low-rank weight residuals.
Furthermore, we analyze the robustness of weight residuals and push the limit
of storage efficiency by utilizing additional quantization and layer-wise rank
allocation. Our experimental results demonstrate that our method significantly
reduces memory footprint while preserving performance in various tasks and
modalities. We release our code. | null | cs.LG | [
"cs.LG",
"cs.AI",
"I.2.6"
] |
2306.13952 | AnswerAI | Artificial intelligence and biological misuse: Differentiating risks of language models and biological design tools | [
"Jonas B. Sandbrink"
] | 2023-06-24 | As advancements in artificial intelligence (AI) propel progress in the life
sciences, they may also enable the weaponisation and misuse of biological
agents. This article differentiates two classes of AI tools that could pose
such biosecurity risks: large language models (LLMs) and biological design
tools (BDTs). LLMs, such as GPT-4 and its successors, might provide dual-use
information and thus remove some barriers encountered by historical biological
weapons efforts. As LLMs are turned into multi-modal lab assistants and
autonomous science tools, this will increase their ability to support
non-experts in performing laboratory work. Thus, LLMs may in particular lower
barriers to biological misuse. In contrast, BDTs will expand the capabilities
of sophisticated actors. Concretely, BDTs may enable the creation of pandemic
pathogens substantially worse than anything seen to date and could enable forms
of more predictable and targeted biological weapons. In combination, the
convergence of LLMs and BDTs could raise the ceiling of harm from biological
agents and could make them broadly accessible. A range of interventions would
help to manage risks. Independent pre-release evaluations could help understand
the capabilities of models and the effectiveness of safeguards. Options for
differentiated access to such tools should be carefully weighed with the
benefits of openly releasing systems. Lastly, essential for mitigating risks
will be universal and enhanced screening of gene synthesis products. | null | cs.CY | [
"cs.CY"
] |
2403.09347 | Both | BurstAttention: An Efficient Distributed Attention Framework for Extremely Long Sequences | [
"Ao Sun",
"Weilin Zhao",
"Xu Han",
"Cheng Yang",
"Zhiyuan Liu",
"Chuan Shi",
"Maosong Sun"
] | 2024-03-14 | Effective attention modules have played a crucial role in the success of
Transformer-based large language models (LLMs), but the quadratic time and
memory complexities of these attention modules also pose a challenge when
processing long sequences. One potential solution for the long sequence problem
is to utilize distributed clusters to parallelize the computation of attention
modules across multiple devices (e.g., GPUs). However, adopting a distributed
approach inevitably introduces extra memory overheads to store local attention
results and incurs additional communication costs to aggregate local results
into global ones. In this paper, we propose a distributed attention framework
named ``BurstAttention'' to optimize memory access and communication operations
at both the global cluster and local device levels. In our experiments, we
compare BurstAttention with other competitive distributed attention solutions
for long sequence processing. The experimental results under different length
settings demonstrate that BurstAttention offers significant advantages for
processing long sequences compared with these competitive baselines, reducing
40% communication overheads and achieving 1.37 X speedup during training 128K
sequence length on 32 X A100. | null | cs.DC | [
"cs.DC",
"cs.LG"
] |
2307.06350 | HF | T2I-CompBench: A Comprehensive Benchmark for Open-world Compositional Text-to-image Generation | [
"Kaiyi Huang",
"Kaiyue Sun",
"Enze Xie",
"Zhenguo Li",
"Xihui Liu"
] | 2023-07-12 | Despite the stunning ability to generate high-quality images by recent
text-to-image models, current approaches often struggle to effectively compose
objects with different attributes and relationships into a complex and coherent
scene. We propose T2I-CompBench, a comprehensive benchmark for open-world
compositional text-to-image generation, consisting of 6,000 compositional text
prompts from 3 categories (attribute binding, object relationships, and complex
compositions) and 6 sub-categories (color binding, shape binding, texture
binding, spatial relationships, non-spatial relationships, and complex
compositions). We further propose several evaluation metrics specifically
designed to evaluate compositional text-to-image generation and explore the
potential and limitations of multimodal LLMs for evaluation. We introduce a new
approach, Generative mOdel fine-tuning with Reward-driven Sample selection
(GORS), to boost the compositional text-to-image generation abilities of
pretrained text-to-image models. Extensive experiments and evaluations are
conducted to benchmark previous methods on T2I-CompBench, and to validate the
effectiveness of our proposed evaluation metrics and GORS approach. Project
page is available at https://karine-h.github.io/T2I-CompBench/. | null | cs.CV | [
"cs.CV"
] |
2408.08435 | HF | Automated Design of Agentic Systems | [
"Shengran Hu",
"Cong Lu",
"Jeff Clune"
] | 2024-08-15 | Researchers are investing substantial effort in developing powerful
general-purpose agents, wherein Foundation Models are used as modules within
agentic systems (e.g. Chain-of-Thought, Self-Reflection, Toolformer). However,
the history of machine learning teaches us that hand-designed solutions are
eventually replaced by learned solutions. We formulate a new research area,
Automated Design of Agentic Systems (ADAS), which aims to automatically create
powerful agentic system designs, including inventing novel building blocks
and/or combining them in new ways. We further demonstrate that there is an
unexplored yet promising approach within ADAS where agents can be defined in
code and new agents can be automatically discovered by a meta agent programming
ever better ones in code. Given that programming languages are Turing Complete,
this approach theoretically enables the learning of any possible agentic
system: including novel prompts, tool use, control flows, and combinations
thereof. We present a simple yet effective algorithm named Meta Agent Search to
demonstrate this idea, where a meta agent iteratively programs interesting new
agents based on an ever-growing archive of previous discoveries. Through
extensive experiments across multiple domains including coding, science, and
math, we show that our algorithm can progressively invent agents with novel
designs that greatly outperform state-of-the-art hand-designed agents.
Importantly, we consistently observe the surprising result that agents invented
by Meta Agent Search maintain superior performance even when transferred across
domains and models, demonstrating their robustness and generality. Provided we
develop it safely, our work illustrates the potential of an exciting new
research direction toward automatically designing ever-more powerful agentic
systems to benefit humanity. | null | cs.AI | [
"cs.AI"
] |
2001.09768 | AnswerAI | Artificial Intelligence, Values and Alignment | [
"Iason Gabriel"
] | 2020-01-13 | This paper looks at philosophical questions that arise in the context of AI
alignment. It defends three propositions. First, normative and technical
aspects of the AI alignment problem are interrelated, creating space for
productive engagement between people working in both domains. Second, it is
important to be clear about the goal of alignment. There are significant
differences between AI that aligns with instructions, intentions, revealed
preferences, ideal preferences, interests and values. A principle-based
approach to AI alignment, which combines these elements in a systematic way,
has considerable advantages in this context. Third, the central challenge for
theorists is not to identify 'true' moral principles for AI; rather, it is to
identify fair principles for alignment, that receive reflective endorsement
despite widespread variation in people's moral beliefs. The final part of the
paper explores three ways in which fair principles for AI alignment could
potentially be identified. | 10.1007/s11023-020-09539-2 | cs.CY | [
"cs.CY"
] |
2307.15217 | HF | Open Problems and Fundamental Limitations of Reinforcement Learning from Human Feedback | [
"Stephen Casper",
"Xander Davies",
"Claudia Shi",
"Thomas Krendl Gilbert",
"Jérémy Scheurer",
"Javier Rando",
"Rachel Freedman",
"Tomasz Korbak",
"David Lindner",
"Pedro Freire",
"Tony Wang",
"Samuel Marks",
"Charbel-Raphaël Segerie",
"Micah Carroll",
"Andi Peng",
"Phillip Christoffersen",
"Mehul Damani",
"Stewart Slocum",
"Usman Anwar",
"Anand Siththaranjan",
"Max Nadeau",
"Eric J. Michaud",
"Jacob Pfau",
"Dmitrii Krasheninnikov",
"Xin Chen",
"Lauro Langosco",
"Peter Hase",
"Erdem Bıyık",
"Anca Dragan",
"David Krueger",
"Dorsa Sadigh",
"Dylan Hadfield-Menell"
] | 2023-07-27 | Reinforcement learning from human feedback (RLHF) is a technique for training
AI systems to align with human goals. RLHF has emerged as the central method
used to finetune state-of-the-art large language models (LLMs). Despite this
popularity, there has been relatively little public work systematizing its
flaws. In this paper, we (1) survey open problems and fundamental limitations
of RLHF and related methods; (2) overview techniques to understand, improve,
and complement RLHF in practice; and (3) propose auditing and disclosure
standards to improve societal oversight of RLHF systems. Our work emphasizes
the limitations of RLHF and highlights the importance of a multi-faceted
approach to the development of safer AI systems. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2311.02103 | HF | Relax: Composable Abstractions for End-to-End Dynamic Machine Learning | [
"Ruihang Lai",
"Junru Shao",
"Siyuan Feng",
"Steven S. Lyubomirsky",
"Bohan Hou",
"Wuwei Lin",
"Zihao Ye",
"Hongyi Jin",
"Yuchen Jin",
"Jiawei Liu",
"Lesheng Jin",
"Yaxing Cai",
"Ziheng Jiang",
"Yong Wu",
"Sunghyun Park",
"Prakalp Srivastava",
"Jared G. Roesch",
"Todd C. Mowry",
"Tianqi Chen"
] | 2023-11-01 | Dynamic shape computations have become critical in modern machine learning
workloads, especially in emerging large language models. The success of these
models has driven demand for deploying them to a diverse set of backend
environments. In this paper, we present Relax, a compiler abstraction for
optimizing end-to-end dynamic machine learning workloads. Relax introduces
first-class symbolic shape annotations to track dynamic shape computations
globally across the program. It also introduces a cross-level abstraction that
encapsulates computational graphs, loop-level tensor programs, and library
calls in a single representation to enable cross-level optimizations. We build
an end-to-end compilation framework using the proposed approach to optimize
dynamic shape models. Experimental results on large language models show that
Relax delivers performance competitive with state-of-the-art hand-optimized
systems across platforms and enables deployment of emerging dynamic models to a
broader set of environments, including mobile phones, embedded devices, and web
browsers. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.PL"
] |
2406.04823 | AnswerAI | BERTs are Generative In-Context Learners | [
"David Samuel"
] | 2024-06-07 | This paper explores the in-context learning capabilities of masked language
models, challenging the common view that this ability does not 'emerge' in
them. We present an embarrassingly simple inference technique that enables
DeBERTa to operate as a generative model without any additional training. Our
findings demonstrate that DeBERTa can match and even surpass GPT-3, its
contemporary that famously introduced the paradigm of in-context learning. The
comparative analysis reveals that the masked and causal language models behave
very differently, as they clearly outperform each other on different categories
of tasks. This suggests that there is great potential for a hybrid training
approach that takes advantage of the strengths of both training objectives. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.13481 | HF | Attention Overflow: Language Model Input Blur during Long-Context Missing Items Recommendation | [
"Damien Sileo"
] | 2024-07-18 | Large language models (LLMs) can suggest missing elements from items listed
in a prompt, which can be used for list completion or recommendations based on
users' history. However, their performance degrades when presented with too
many items, as they start to suggest items already included in the input list.
This occurs at around 100 items for mid-2024 flagship LLMs. We evaluate this
phenomenon on both synthetic problems (e.g., finding missing numbers in a given
range of shuffled integers) and realistic movie recommendation scenarios. We
refer to this issue as \textit{attention overflow}, as preventing repetition
requires attending to all items simultaneously. Although iterative loops can
mitigate this problem, their costs increase with the repetition rate, affecting
the language models' ability to derive novelty from lengthy inputs. | null | cs.CL | [
"cs.CL"
] |
2402.14194 | HF | BeTAIL: Behavior Transformer Adversarial Imitation Learning from Human Racing Gameplay | [
"Catherine Weaver",
"Chen Tang",
"Ce Hao",
"Kenta Kawamoto",
"Masayoshi Tomizuka",
"Wei Zhan"
] | 2024-02-22 | Imitation learning learns a policy from demonstrations without requiring
hand-designed reward functions. In many robotic tasks, such as autonomous
racing, imitated policies must model complex environment dynamics and human
decision-making. Sequence modeling is highly effective in capturing intricate
patterns of motion sequences but struggles to adapt to new environments or
distribution shifts that are common in real-world robotics tasks. In contrast,
Adversarial Imitation Learning (AIL) can mitigate this effect, but struggles
with sample inefficiency and handling complex motion patterns. Thus, we propose
BeTAIL: Behavior Transformer Adversarial Imitation Learning, which combines a
Behavior Transformer (BeT) policy from human demonstrations with online AIL.
BeTAIL adds an AIL residual policy to the BeT policy to model the sequential
decision-making process of human experts and correct for out-of-distribution
states or shifts in environment dynamics. We test BeTAIL on three challenges
with expert-level demonstrations of real human gameplay in Gran Turismo Sport.
Our proposed residual BeTAIL reduces environment interactions and improves
racing performance and stability, even when the BeT is pretrained on different
tracks than downstream learning. Videos and code available at:
https://sites.google.com/berkeley.edu/BeTAIL/home. | null | cs.LG | [
"cs.LG",
"cs.RO"
] |
2010.13369 | AnswerAI | Accelerating Training of Transformer-Based Language Models with Progressive Layer Dropping | [
"Minjia Zhang",
"Yuxiong He"
] | 2020-10-26 | Recently, Transformer-based language models have demonstrated remarkable
performance across many NLP domains. However, the unsupervised pre-training
step of these models suffers from unbearable overall computational expenses.
Current methods for accelerating the pre-training either rely on massive
parallelism with advanced hardware or are not applicable to language modeling.
In this work, we propose a method based on progressive layer dropping that
speeds the training of Transformer-based language models, not at the cost of
excessive hardware resources but from model architecture change and training
technique boosted efficiency. Extensive experiments on BERT show that the
proposed method achieves a 24% time reduction on average per sample and allows
the pre-training to be 2.5 times faster than the baseline to get a similar
accuracy on downstream tasks. While being faster, our pre-trained models are
equipped with strong knowledge transferability, achieving comparable and
sometimes higher GLUE score than the baseline when pre-trained with the same
number of samples. | null | cs.LG | [
"cs.LG"
] |
2402.01566 | HF | Boximator: Generating Rich and Controllable Motions for Video Synthesis | [
"Jiawei Wang",
"Yuchen Zhang",
"Jiaxin Zou",
"Yan Zeng",
"Guoqiang Wei",
"Liping Yuan",
"Hang Li"
] | 2024-02-02 | Generating rich and controllable motion is a pivotal challenge in video
synthesis. We propose Boximator, a new approach for fine-grained motion
control. Boximator introduces two constraint types: hard box and soft box.
Users select objects in the conditional frame using hard boxes and then use
either type of boxes to roughly or rigorously define the object's position,
shape, or motion path in future frames. Boximator functions as a plug-in for
existing video diffusion models. Its training process preserves the base
model's knowledge by freezing the original weights and training only the
control module. To address training challenges, we introduce a novel
self-tracking technique that greatly simplifies the learning of box-object
correlations. Empirically, Boximator achieves state-of-the-art video quality
(FVD) scores, improving on two base models, and further enhanced after
incorporating box constraints. Its robust motion controllability is validated
by drastic increases in the bounding box alignment metric. Human evaluation
also shows that users favor Boximator generation results over the base model. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.08487 | HF | Beyond LLaVA-HD: Diving into High-Resolution Large Multimodal Models | [
"Yi-Fan Zhang",
"Qingsong Wen",
"Chaoyou Fu",
"Xue Wang",
"Zhang Zhang",
"Liang Wang",
"Rong Jin"
] | 2024-06-12 | Seeing clearly with high resolution is a foundation of Large Multimodal
Models (LMMs), which has been proven to be vital for visual perception and
reasoning. Existing works usually employ a straightforward resolution upscaling
method, where the image consists of global and local branches, with the latter
being the sliced image patches but resized to the same resolution as the
former. This means that higher resolution requires more local patches,
resulting in exorbitant computational expenses, and meanwhile, the dominance of
local image tokens may diminish the global context. In this paper, we dive into
the problems and propose a new framework as well as an elaborate optimization
strategy. Specifically, we extract contextual information from the global view
using a mixture of adapters, based on the observation that different adapters
excel at different tasks. With regard to local patches, learnable query
embeddings are introduced to reduce image tokens, the most important tokens
accounting for the user question will be further selected by a similarity-based
selector. Our empirical results demonstrate a `less is more' pattern, where
\textit{utilizing fewer but more informative local image tokens leads to
improved performance}. Besides, a significant challenge lies in the training
strategy, as simultaneous end-to-end training of the global mining block and
local compression block does not yield optimal results. We thus advocate for an
alternating training way, ensuring balanced learning between global and local
aspects. Finally, we also introduce a challenging dataset with high
requirements for image detail, enhancing the training of the local compression
layer. The proposed method, termed LMM with Sophisticated Tasks, Local image
compression, and Mixture of global Experts (SliME), achieves leading
performance across various benchmarks with only 2 million training data. | null | cs.CV | [
"cs.CV"
] |
2408.06019 | HF | HeadGAP: Few-shot 3D Head Avatar via Generalizable Gaussian Priors | [
"Xiaozheng Zheng",
"Chao Wen",
"Zhaohu Li",
"Weiyi Zhang",
"Zhuo Su",
"Xu Chang",
"Yang Zhao",
"Zheng Lv",
"Xiaoyuan Zhang",
"Yongjie Zhang",
"Guidong Wang",
"Lan Xu"
] | 2024-08-12 | In this paper, we present a novel 3D head avatar creation approach capable of
generalizing from few-shot in-the-wild data with high-fidelity and animatable
robustness. Given the underconstrained nature of this problem, incorporating
prior knowledge is essential. Therefore, we propose a framework comprising
prior learning and avatar creation phases. The prior learning phase leverages
3D head priors derived from a large-scale multi-view dynamic dataset, and the
avatar creation phase applies these priors for few-shot personalization. Our
approach effectively captures these priors by utilizing a Gaussian
Splatting-based auto-decoder network with part-based dynamic modeling. Our
method employs identity-shared encoding with personalized latent codes for
individual identities to learn the attributes of Gaussian primitives. During
the avatar creation phase, we achieve fast head avatar personalization by
leveraging inversion and fine-tuning strategies. Extensive experiments
demonstrate that our model effectively exploits head priors and successfully
generalizes them to few-shot personalization, achieving photo-realistic
rendering quality, multi-view consistency, and stable animation. | null | cs.CV | [
"cs.CV"
] |
2409.08248 | HF | TextBoost: Towards One-Shot Personalization of Text-to-Image Models via Fine-tuning Text Encoder | [
"NaHyeon Park",
"Kunhee Kim",
"Hyunjung Shim"
] | 2024-09-12 | Recent breakthroughs in text-to-image models have opened up promising
research avenues in personalized image generation, enabling users to create
diverse images of a specific subject using natural language prompts. However,
existing methods often suffer from performance degradation when given only a
single reference image. They tend to overfit the input, producing highly
similar outputs regardless of the text prompt. This paper addresses the
challenge of one-shot personalization by mitigating overfitting, enabling the
creation of controllable images through text prompts. Specifically, we propose
a selective fine-tuning strategy that focuses on the text encoder. Furthermore,
we introduce three key techniques to enhance personalization performance: (1)
augmentation tokens to encourage feature disentanglement and alleviate
overfitting, (2) a knowledge-preservation loss to reduce language drift and
promote generalizability across diverse prompts, and (3) SNR-weighted sampling
for efficient training. Extensive experiments demonstrate that our approach
efficiently generates high-quality, diverse images using only a single
reference image while significantly reducing memory and storage requirements. | null | cs.CV | [
"cs.CV"
] |
2306.01242 | HF | Responsible Task Automation: Empowering Large Language Models as Responsible Task Automators | [
"Zhizheng Zhang",
"Xiaoyi Zhang",
"Wenxuan Xie",
"Yan Lu"
] | 2023-06-02 | The recent success of Large Language Models (LLMs) signifies an impressive
stride towards artificial general intelligence. They have shown a promising
prospect in automatically completing tasks upon user instructions, functioning
as brain-like coordinators. The associated risks will be revealed as we
delegate an increasing number of tasks to machines for automated completion. A
big question emerges: how can we make machines behave responsibly when helping
humans automate tasks as personal copilots? In this paper, we explore this
question in depth from the perspectives of feasibility, completeness and
security. In specific, we present Responsible Task Automation (ResponsibleTA)
as a fundamental framework to facilitate responsible collaboration between
LLM-based coordinators and executors for task automation with three empowered
capabilities: 1) predicting the feasibility of the commands for executors; 2)
verifying the completeness of executors; 3) enhancing the security (e.g., the
protection of users' privacy). We further propose and compare two paradigms for
implementing the first two capabilities. One is to leverage the generic
knowledge of LLMs themselves via prompt engineering while the other is to adopt
domain-specific learnable models. Moreover, we introduce a local memory
mechanism for achieving the third capability. We evaluate our proposed
ResponsibleTA on UI task automation and hope it could bring more attentions to
ensuring LLMs more responsible in diverse scenarios. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2403.10615 | HF | LightIt: Illumination Modeling and Control for Diffusion Models | [
"Peter Kocsis",
"Julien Philip",
"Kalyan Sunkavalli",
"Matthias Nießner",
"Yannick Hold-Geoffroy"
] | 2024-03-15 | We introduce LightIt, a method for explicit illumination control for image
generation. Recent generative methods lack lighting control, which is crucial
to numerous artistic aspects of image generation such as setting the overall
mood or cinematic appearance. To overcome these limitations, we propose to
condition the generation on shading and normal maps. We model the lighting with
single bounce shading, which includes cast shadows. We first train a shading
estimation module to generate a dataset of real-world images and shading pairs.
Then, we train a control network using the estimated shading and normals as
input. Our method demonstrates high-quality image generation and lighting
control in numerous scenes. Additionally, we use our generated dataset to train
an identity-preserving relighting model, conditioned on an image and a target
shading. Our method is the first that enables the generation of images with
controllable, consistent lighting and performs on par with specialized
relighting state-of-the-art methods. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG",
"I.4.8; I.2.10"
] |
2304.01481 | AnswerAI | The Vector Grounding Problem | [
"Dimitri Coelho Mollo",
"Raphaël Millière"
] | 2023-04-04 | The remarkable performance of large language models (LLMs) on complex
linguistic tasks has sparked a lively debate on the nature of their
capabilities. Unlike humans, these models learn language exclusively from
textual data, without direct interaction with the real world. Nevertheless,
they can generate seemingly meaningful text about a wide range of topics. This
impressive accomplishment has rekindled interest in the classical 'Symbol
Grounding Problem,' which questioned whether the internal representations and
outputs of classical symbolic AI systems could possess intrinsic meaning.
Unlike these systems, modern LLMs are artificial neural networks that compute
over vectors rather than symbols. However, an analogous problem arises for such
systems, which we dub the Vector Grounding Problem. This paper has two primary
objectives. First, we differentiate various ways in which internal
representations can be grounded in biological or artificial systems,
identifying five distinct notions discussed in the literature: referential,
sensorimotor, relational, communicative, and epistemic grounding.
Unfortunately, these notions of grounding are often conflated. We clarify the
differences between them, and argue that referential grounding is the one that
lies at the heart of the Vector Grounding Problem. Second, drawing on theories
of representational content in philosophy and cognitive science, we propose
that certain LLMs, particularly those fine-tuned with Reinforcement Learning
from Human Feedback (RLHF), possess the necessary features to overcome the
Vector Grounding Problem, as they stand in the requisite causal-historical
relations to the world that underpin intrinsic meaning. We also argue that,
perhaps unexpectedly, multimodality and embodiment are neither necessary nor
sufficient conditions for referential grounding in artificial systems. | null | cs.CL | [
"cs.CL"
] |
2305.15542 | AnswerAI | TOAST: Transfer Learning via Attention Steering | [
"Baifeng Shi",
"Siyu Gai",
"Trevor Darrell",
"Xin Wang"
] | 2023-05-24 | Transfer learning involves adapting a pre-trained model to novel downstream
tasks. However, we observe that current transfer learning methods often fail to
focus on task-relevant features. In this work, we explore refocusing model
attention for transfer learning. We introduce Top-Down Attention Steering
(TOAST), a novel transfer learning algorithm that keeps the pre-trained
backbone frozen, selects task-relevant features in the output, and feeds those
features back to the model to steer the attention to the task-specific
features. By refocusing the attention only, TOAST achieves state-of-the-art
results on a number of transfer learning benchmarks, while having a small
number of tunable parameters. Compared to fully fine-tuning, LoRA, and prompt
tuning, TOAST substantially improves performance across a range of fine-grained
visual classification datasets (e.g., 81.1% -> 86.2% on FGVC). TOAST also
outperforms the fully fine-tuned Alpaca and Vicuna models on
instruction-following language generation. Code is available at
https://github.com/bfshi/TOAST. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2402.12712 | HF | MVDiffusion++: A Dense High-resolution Multi-view Diffusion Model for Single or Sparse-view 3D Object Reconstruction | [
"Shitao Tang",
"Jiacheng Chen",
"Dilin Wang",
"Chengzhou Tang",
"Fuyang Zhang",
"Yuchen Fan",
"Vikas Chandra",
"Yasutaka Furukawa",
"Rakesh Ranjan"
] | 2024-02-20 | This paper presents a neural architecture MVDiffusion++ for 3D object
reconstruction that synthesizes dense and high-resolution views of an object
given one or a few images without camera poses. MVDiffusion++ achieves superior
flexibility and scalability with two surprisingly simple ideas: 1) A
``pose-free architecture'' where standard self-attention among 2D latent
features learns 3D consistency across an arbitrary number of conditional and
generation views without explicitly using camera pose information; and 2) A
``view dropout strategy'' that discards a substantial number of output views
during training, which reduces the training-time memory footprint and enables
dense and high-resolution view synthesis at test time. We use the Objaverse for
training and the Google Scanned Objects for evaluation with standard novel view
synthesis and 3D reconstruction metrics, where MVDiffusion++ significantly
outperforms the current state of the arts. We also demonstrate a text-to-3D
application example by combining MVDiffusion++ with a text-to-image generative
model. The project page is at https://mvdiffusion-plusplus.github.io. | null | cs.CV | [
"cs.CV"
] |
1603.05279 | AnswerAI | XNOR-Net: ImageNet Classification Using Binary Convolutional Neural Networks | [
"Mohammad Rastegari",
"Vicente Ordonez",
"Joseph Redmon",
"Ali Farhadi"
] | 2016-03-16 | We propose two efficient approximations to standard convolutional neural
networks: Binary-Weight-Networks and XNOR-Networks. In Binary-Weight-Networks,
the filters are approximated with binary values resulting in 32x memory saving.
In XNOR-Networks, both the filters and the input to convolutional layers are
binary. XNOR-Networks approximate convolutions using primarily binary
operations. This results in 58x faster convolutional operations and 32x memory
savings. XNOR-Nets offer the possibility of running state-of-the-art networks
on CPUs (rather than GPUs) in real-time. Our binary networks are simple,
accurate, efficient, and work on challenging visual tasks. We evaluate our
approach on the ImageNet classification task. The classification accuracy with
a Binary-Weight-Network version of AlexNet is only 2.9% less than the
full-precision AlexNet (in top-1 measure). We compare our method with recent
network binarization methods, BinaryConnect and BinaryNets, and outperform
these methods by large margins on ImageNet, more than 16% in top-1 accuracy. | null | cs.CV | [
"cs.CV"
] |
2404.18416 | HF | Capabilities of Gemini Models in Medicine | [
"Khaled Saab",
"Tao Tu",
"Wei-Hung Weng",
"Ryutaro Tanno",
"David Stutz",
"Ellery Wulczyn",
"Fan Zhang",
"Tim Strother",
"Chunjong Park",
"Elahe Vedadi",
"Juanma Zambrano Chaves",
"Szu-Yeu Hu",
"Mike Schaekermann",
"Aishwarya Kamath",
"Yong Cheng",
"David G. T. Barrett",
"Cathy Cheung",
"Basil Mustafa",
"Anil Palepu",
"Daniel McDuff",
"Le Hou",
"Tomer Golany",
"Luyang Liu",
"Jean-baptiste Alayrac",
"Neil Houlsby",
"Nenad Tomasev",
"Jan Freyberg",
"Charles Lau",
"Jonas Kemp",
"Jeremy Lai",
"Shekoofeh Azizi",
"Kimberly Kanada",
"SiWai Man",
"Kavita Kulkarni",
"Ruoxi Sun",
"Siamak Shakeri",
"Luheng He",
"Ben Caine",
"Albert Webson",
"Natasha Latysheva",
"Melvin Johnson",
"Philip Mansfield",
"Jian Lu",
"Ehud Rivlin",
"Jesper Anderson",
"Bradley Green",
"Renee Wong",
"Jonathan Krause",
"Jonathon Shlens",
"Ewa Dominowska",
"S. M. Ali Eslami",
"Katherine Chou",
"Claire Cui",
"Oriol Vinyals",
"Koray Kavukcuoglu",
"James Manyika",
"Jeff Dean",
"Demis Hassabis",
"Yossi Matias",
"Dale Webster",
"Joelle Barral",
"Greg Corrado",
"Christopher Semturs",
"S. Sara Mahdavi",
"Juraj Gottweis",
"Alan Karthikesalingam",
"Vivek Natarajan"
] | 2024-04-29 | Excellence in a wide variety of medical applications poses considerable
challenges for AI, requiring advanced reasoning, access to up-to-date medical
knowledge and understanding of complex multimodal data. Gemini models, with
strong general capabilities in multimodal and long-context reasoning, offer
exciting possibilities in medicine. Building on these core strengths of Gemini,
we introduce Med-Gemini, a family of highly capable multimodal models that are
specialized in medicine with the ability to seamlessly use web search, and that
can be efficiently tailored to novel modalities using custom encoders. We
evaluate Med-Gemini on 14 medical benchmarks, establishing new state-of-the-art
(SoTA) performance on 10 of them, and surpass the GPT-4 model family on every
benchmark where a direct comparison is viable, often by a wide margin. On the
popular MedQA (USMLE) benchmark, our best-performing Med-Gemini model achieves
SoTA performance of 91.1% accuracy, using a novel uncertainty-guided search
strategy. On 7 multimodal benchmarks including NEJM Image Challenges and MMMU
(health & medicine), Med-Gemini improves over GPT-4V by an average relative
margin of 44.5%. We demonstrate the effectiveness of Med-Gemini's long-context
capabilities through SoTA performance on a needle-in-a-haystack retrieval task
from long de-identified health records and medical video question answering,
surpassing prior bespoke methods using only in-context learning. Finally,
Med-Gemini's performance suggests real-world utility by surpassing human
experts on tasks such as medical text summarization, alongside demonstrations
of promising potential for multimodal medical dialogue, medical research and
education. Taken together, our results offer compelling evidence for
Med-Gemini's potential, although further rigorous evaluation will be crucial
before real-world deployment in this safety-critical domain. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CV",
"cs.LG"
] |
2403.14606 | AnswerAI | The Elements of Differentiable Programming | [
"Mathieu Blondel",
"Vincent Roulet"
] | 2024-03-21 | Artificial intelligence has recently experienced remarkable advances, fueled
by large models, vast datasets, accelerated hardware, and, last but not least,
the transformative power of differentiable programming. This new programming
paradigm enables end-to-end differentiation of complex computer programs
(including those with control flows and data structures), making gradient-based
optimization of program parameters possible. As an emerging paradigm,
differentiable programming builds upon several areas of computer science and
applied mathematics, including automatic differentiation, graphical models,
optimization and statistics. This book presents a comprehensive review of the
fundamental concepts useful for differentiable programming. We adopt two main
perspectives, that of optimization and that of probability, with clear
analogies between the two. Differentiable programming is not merely the
differentiation of programs, but also the thoughtful design of programs
intended for differentiation. By making programs differentiable, we inherently
introduce probability distributions over their execution, providing a means to
quantify the uncertainty associated with program outputs. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.PL"
] |
2402.13598 | HF | User-LLM: Efficient LLM Contextualization with User Embeddings | [
"Lin Ning",
"Luyang Liu",
"Jiaxing Wu",
"Neo Wu",
"Devora Berlowitz",
"Sushant Prakash",
"Bradley Green",
"Shawn O'Banion",
"Jun Xie"
] | 2024-02-21 | Large language models (LLMs) have achieved remarkable success across various
domains, but effectively incorporating complex and potentially noisy user
timeline data into LLMs remains a challenge. Current approaches often involve
translating user timelines into text descriptions before feeding them to LLMs,
which can be inefficient and may not fully capture the nuances of user
behavior. Inspired by how LLMs are effectively integrated with images through
direct embeddings, we propose User-LLM, a novel framework that leverages user
embeddings to directly contextualize LLMs with user history interactions. These
embeddings, generated by a user encoder pretrained using self-supervised
learning on diverse user interactions, capture latent user behaviors and
interests as well as their evolution over time. We integrate these user
embeddings with LLMs through cross-attention, enabling LLMs to dynamically
adapt their responses based on the context of a user's past actions and
preferences.
Our approach achieves significant efficiency gains by representing user
timelines directly as embeddings, leading to substantial inference speedups of
up to 78.1X. Comprehensive experiments on MovieLens, Amazon Review, and Google
Local Review datasets demonstrate that User-LLM outperforms text-prompt-based
contextualization on tasks requiring deep user understanding, with improvements
of up to 16.33%, particularly excelling on long sequences that capture subtle
shifts in user behavior. Furthermore, the incorporation of Perceiver layers
streamlines the integration between user encoders and LLMs, yielding additional
computational savings. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2109.05687 | AnswerAI | Raise a Child in Large Language Model: Towards Effective and Generalizable Fine-tuning | [
"Runxin Xu",
"Fuli Luo",
"Zhiyuan Zhang",
"Chuanqi Tan",
"Baobao Chang",
"Songfang Huang",
"Fei Huang"
] | 2021-09-13 | Recent pretrained language models extend from millions to billions of
parameters. Thus the need to fine-tune an extremely large pretrained model with
a limited training corpus arises in various downstream tasks. In this paper, we
propose a straightforward yet effective fine-tuning technique, Child-Tuning,
which updates a subset of parameters (called child network) of large pretrained
models via strategically masking out the gradients of the non-child network
during the backward process. Experiments on various downstream tasks in GLUE
benchmark show that Child-Tuning consistently outperforms the vanilla
fine-tuning by 1.5~8.6 average score among four different pretrained models,
and surpasses the prior fine-tuning techniques by 0.6~1.3 points. Furthermore,
empirical results on domain transfer and task transfer show that Child-Tuning
can obtain better generalization performance by large margins. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.10003 | Both | ReST meets ReAct: Self-Improvement for Multi-Step Reasoning LLM Agent | [
"Renat Aksitov",
"Sobhan Miryoosefi",
"Zonglin Li",
"Daliang Li",
"Sheila Babayan",
"Kavya Kopparapu",
"Zachary Fisher",
"Ruiqi Guo",
"Sushant Prakash",
"Pranesh Srinivasan",
"Manzil Zaheer",
"Felix Yu",
"Sanjiv Kumar"
] | 2023-12-15 | Answering complex natural language questions often necessitates multi-step
reasoning and integrating external information. Several systems have combined
knowledge retrieval with a large language model (LLM) to answer such questions.
These systems, however, suffer from various failure cases, and we cannot
directly train them end-to-end to fix such failures, as interaction with
external knowledge is non-differentiable. To address these deficiencies, we
define a ReAct-style LLM agent with the ability to reason and act upon external
knowledge. We further refine the agent through a ReST-like method that
iteratively trains on previous trajectories, employing growing-batch
reinforcement learning with AI feedback for continuous self-improvement and
self-distillation. Starting from a prompted large model and after just two
iterations of the algorithm, we can produce a fine-tuned small model that
achieves comparable performance on challenging compositional question-answering
benchmarks with two orders of magnitude fewer parameters. | null | cs.CL | [
"cs.CL"
] |
2409.01322 | HF | Guide-and-Rescale: Self-Guidance Mechanism for Effective Tuning-Free Real Image Editing | [
"Vadim Titov",
"Madina Khalmatova",
"Alexandra Ivanova",
"Dmitry Vetrov",
"Aibek Alanov"
] | 2024-09-02 | Despite recent advances in large-scale text-to-image generative models,
manipulating real images with these models remains a challenging problem. The
main limitations of existing editing methods are that they either fail to
perform with consistent quality on a wide range of image edits or require
time-consuming hyperparameter tuning or fine-tuning of the diffusion model to
preserve the image-specific appearance of the input image. We propose a novel
approach that is built upon a modified diffusion sampling process via the
guidance mechanism. In this work, we explore the self-guidance technique to
preserve the overall structure of the input image and its local regions
appearance that should not be edited. In particular, we explicitly introduce
layout-preserving energy functions that are aimed to save local and global
structures of the source image. Additionally, we propose a noise rescaling
mechanism that allows to preserve noise distribution by balancing the norms of
classifier-free guidance and our proposed guiders during generation. Such a
guiding approach does not require fine-tuning the diffusion model and exact
inversion process. As a result, the proposed method provides a fast and
high-quality editing mechanism. In our experiments, we show through human
evaluation and quantitative analysis that the proposed method allows to produce
desired editing which is more preferable by humans and also achieves a better
trade-off between editing quality and preservation of the original image. Our
code is available at https://github.com/FusionBrainLab/Guide-and-Rescale. | null | cs.CV | [
"cs.CV"
] |
2403.17005 | HF | TRIP: Temporal Residual Learning with Image Noise Prior for Image-to-Video Diffusion Models | [
"Zhongwei Zhang",
"Fuchen Long",
"Yingwei Pan",
"Zhaofan Qiu",
"Ting Yao",
"Yang Cao",
"Tao Mei"
] | 2024-03-25 | Recent advances in text-to-video generation have demonstrated the utility of
powerful diffusion models. Nevertheless, the problem is not trivial when
shaping diffusion models to animate static image (i.e., image-to-video
generation). The difficulty originates from the aspect that the diffusion
process of subsequent animated frames should not only preserve the faithful
alignment with the given image but also pursue temporal coherence among
adjacent frames. To alleviate this, we present TRIP, a new recipe of
image-to-video diffusion paradigm that pivots on image noise prior derived from
static image to jointly trigger inter-frame relational reasoning and ease the
coherent temporal modeling via temporal residual learning. Technically, the
image noise prior is first attained through one-step backward diffusion process
based on both static image and noised video latent codes. Next, TRIP executes a
residual-like dual-path scheme for noise prediction: 1) a shortcut path that
directly takes image noise prior as the reference noise of each frame to
amplify the alignment between the first frame and subsequent frames; 2) a
residual path that employs 3D-UNet over noised video and static image latent
codes to enable inter-frame relational reasoning, thereby easing the learning
of the residual noise for each frame. Furthermore, both reference and residual
noise of each frame are dynamically merged via attention mechanism for final
video generation. Extensive experiments on WebVid-10M, DTDB and MSR-VTT
datasets demonstrate the effectiveness of our TRIP for image-to-video
generation. Please see our project page at https://trip-i2v.github.io/TRIP/. | null | cs.CV | [
"cs.CV",
"cs.MM"
] |
2408.17024 | HF | InkubaLM: A small language model for low-resource African languages | [
"Atnafu Lambebo Tonja",
"Bonaventure F. P. Dossou",
"Jessica Ojo",
"Jenalea Rajab",
"Fadel Thior",
"Eric Peter Wairagala",
"Anuoluwapo Aremu",
"Pelonomi Moiloa",
"Jade Abbott",
"Vukosi Marivate",
"Benjamin Rosman"
] | 2024-08-30 | High-resource language models often fall short in the African context, where
there is a critical need for models that are efficient, accessible, and locally
relevant, even amidst significant computing and data constraints. This paper
introduces InkubaLM, a small language model with 0.4 billion parameters, which
achieves performance comparable to models with significantly larger parameter
counts and more extensive training data on tasks such as machine translation,
question-answering, AfriMMLU, and the AfriXnli task. Notably, InkubaLM
outperforms many larger models in sentiment analysis and demonstrates
remarkable consistency across multiple languages. This work represents a
pivotal advancement in challenging the conventional paradigm that effective
language models must rely on substantial resources. Our model and datasets are
publicly available at https://huggingface.co/lelapa to encourage research and
development on low-resource languages. | null | cs.CL | [
"cs.CL"
] |
2404.15449 | HF | ID-Aligner: Enhancing Identity-Preserving Text-to-Image Generation with Reward Feedback Learning | [
"Weifeng Chen",
"Jiacheng Zhang",
"Jie Wu",
"Hefeng Wu",
"Xuefeng Xiao",
"Liang Lin"
] | 2024-04-23 | The rapid development of diffusion models has triggered diverse applications.
Identity-preserving text-to-image generation (ID-T2I) particularly has received
significant attention due to its wide range of application scenarios like AI
portrait and advertising. While existing ID-T2I methods have demonstrated
impressive results, several key challenges remain: (1) It is hard to maintain
the identity characteristics of reference portraits accurately, (2) The
generated images lack aesthetic appeal especially while enforcing identity
retention, and (3) There is a limitation that cannot be compatible with
LoRA-based and Adapter-based methods simultaneously. To address these issues,
we present \textbf{ID-Aligner}, a general feedback learning framework to
enhance ID-T2I performance. To resolve identity features lost, we introduce
identity consistency reward fine-tuning to utilize the feedback from face
detection and recognition models to improve generated identity preservation.
Furthermore, we propose identity aesthetic reward fine-tuning leveraging
rewards from human-annotated preference data and automatically constructed
feedback on character structure generation to provide aesthetic tuning signals.
Thanks to its universal feedback fine-tuning framework, our method can be
readily applied to both LoRA and Adapter models, achieving consistent
performance gains. Extensive experiments on SD1.5 and SDXL diffusion models
validate the effectiveness of our approach. \textbf{Project Page:
\url{https://idaligner.github.io/}} | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2311.05908 | HF | FlashFFTConv: Efficient Convolutions for Long Sequences with Tensor Cores | [
"Daniel Y. Fu",
"Hermann Kumbong",
"Eric Nguyen",
"Christopher Ré"
] | 2023-11-10 | Convolution models with long filters have demonstrated state-of-the-art
reasoning abilities in many long-sequence tasks but lag behind the most
optimized Transformers in wall-clock time. A major bottleneck is the Fast
Fourier Transform (FFT)--which allows long convolutions to run in $O(N logN)$
time in sequence length $N$ but has poor hardware utilization. In this paper,
we study how to optimize the FFT convolution. We find two key bottlenecks: the
FFT does not effectively use specialized matrix multiply units, and it incurs
expensive I/O between layers of the memory hierarchy. In response, we propose
FlashFFTConv. FlashFFTConv uses a matrix decomposition that computes the FFT
using matrix multiply units and enables kernel fusion for long sequences,
reducing I/O. We also present two sparse convolution algorithms--1) partial
convolutions and 2) frequency-sparse convolutions--which can be implemented
simply by skipping blocks in the matrix decomposition, enabling further
opportunities for memory and compute savings. FlashFFTConv speeds up exact FFT
convolutions by up to 7.93$\times$ over PyTorch and achieves up to 4.4$\times$
speedup end-to-end. Given the same compute budget, FlashFFTConv allows
Hyena-GPT-s to achieve 2.3 points better perplexity on the PILE and
M2-BERT-base to achieve 3.3 points higher GLUE score--matching models with
twice the parameter count. FlashFFTConv also achieves 96.1% accuracy on
Path-512, a high-resolution vision task where no model had previously achieved
better than 50%. Furthermore, partial convolutions enable longer-sequence
models--yielding the first DNA model that can process the longest human genes
(2.3M base pairs)--and frequency-sparse convolutions speed up pretrained models
while maintaining or improving model quality. | null | cs.LG | [
"cs.LG"
] |
2402.19173 | HF | StarCoder 2 and The Stack v2: The Next Generation | [
"Anton Lozhkov",
"Raymond Li",
"Loubna Ben Allal",
"Federico Cassano",
"Joel Lamy-Poirier",
"Nouamane Tazi",
"Ao Tang",
"Dmytro Pykhtar",
"Jiawei Liu",
"Yuxiang Wei",
"Tianyang Liu",
"Max Tian",
"Denis Kocetkov",
"Arthur Zucker",
"Younes Belkada",
"Zijian Wang",
"Qian Liu",
"Dmitry Abulkhanov",
"Indraneil Paul",
"Zhuang Li",
"Wen-Ding Li",
"Megan Risdal",
"Jia Li",
"Jian Zhu",
"Terry Yue Zhuo",
"Evgenii Zheltonozhskii",
"Nii Osae Osae Dade",
"Wenhao Yu",
"Lucas Krauß",
"Naman Jain",
"Yixuan Su",
"Xuanli He",
"Manan Dey",
"Edoardo Abati",
"Yekun Chai",
"Niklas Muennighoff",
"Xiangru Tang",
"Muhtasham Oblokulov",
"Christopher Akiki",
"Marc Marone",
"Chenghao Mou",
"Mayank Mishra",
"Alex Gu",
"Binyuan Hui",
"Tri Dao",
"Armel Zebaze",
"Olivier Dehaene",
"Nicolas Patry",
"Canwen Xu",
"Julian McAuley",
"Han Hu",
"Torsten Scholak",
"Sebastien Paquet",
"Jennifer Robinson",
"Carolyn Jane Anderson",
"Nicolas Chapados",
"Mostofa Patwary",
"Nima Tajbakhsh",
"Yacine Jernite",
"Carlos Muñoz Ferrandis",
"Lingming Zhang",
"Sean Hughes",
"Thomas Wolf",
"Arjun Guha",
"Leandro von Werra",
"Harm de Vries"
] | 2024-02-29 | The BigCode project, an open-scientific collaboration focused on the
responsible development of Large Language Models for Code (Code LLMs),
introduces StarCoder2. In partnership with Software Heritage (SWH), we build
The Stack v2 on top of the digital commons of their source code archive.
Alongside the SWH repositories spanning 619 programming languages, we carefully
select other high-quality data sources, such as GitHub pull requests, Kaggle
notebooks, and code documentation. This results in a training set that is 4x
larger than the first StarCoder dataset. We train StarCoder2 models with 3B,
7B, and 15B parameters on 3.3 to 4.3 trillion tokens and thoroughly evaluate
them on a comprehensive set of Code LLM benchmarks. We find that our small
model, StarCoder2-3B, outperforms other Code LLMs of similar size on most
benchmarks, and also outperforms StarCoderBase-15B. Our large model,
StarCoder2- 15B, significantly outperforms other models of comparable size. In
addition, it matches or outperforms CodeLlama-34B, a model more than twice its
size. Although DeepSeekCoder- 33B is the best-performing model at code
completion for high-resource languages, we find that StarCoder2-15B outperforms
it on math and code reasoning benchmarks, as well as several low-resource
languages. We make the model weights available under an OpenRAIL license and
ensure full transparency regarding the training data by releasing the SoftWare
Heritage persistent IDentifiers (SWHIDs) of the source code data. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2407.19593 | HF | Bridging the Gap: Studio-like Avatar Creation from a Monocular Phone Capture | [
"ShahRukh Athar",
"Shunsuke Saito",
"Zhengyu Yang",
"Stanislav Pidhorsky",
"Chen Cao"
] | 2024-07-28 | Creating photorealistic avatars for individuals traditionally involves
extensive capture sessions with complex and expensive studio devices like the
LightStage system. While recent strides in neural representations have enabled
the generation of photorealistic and animatable 3D avatars from quick phone
scans, they have the capture-time lighting baked-in, lack facial details and
have missing regions in areas such as the back of the ears. Thus, they lag in
quality compared to studio-captured avatars. In this paper, we propose a method
that bridges this gap by generating studio-like illuminated texture maps from
short, monocular phone captures. We do this by parameterizing the phone texture
maps using the $W^+$ space of a StyleGAN2, enabling near-perfect
reconstruction. Then, we finetune a StyleGAN2 by sampling in the $W^+$
parameterized space using a very small set of studio-captured textures as an
adversarial training signal. To further enhance the realism and accuracy of
facial details, we super-resolve the output of the StyleGAN2 using carefully
designed diffusion model that is guided by image gradients of the
phone-captured texture map. Once trained, our method excels at producing
studio-like facial texture maps from casual monocular smartphone videos.
Demonstrating its capabilities, we showcase the generation of photorealistic,
uniformly lit, complete avatars from monocular phone captures. The project page
can be found at http://shahrukhathar.github.io/2024/07/22/Bridging.html | null | cs.CV | [
"cs.CV"
] |
2201.11903 | AnswerAI | Chain-of-Thought Prompting Elicits Reasoning in Large Language Models | [
"Jason Wei",
"Xuezhi Wang",
"Dale Schuurmans",
"Maarten Bosma",
"Brian Ichter",
"Fei Xia",
"Ed Chi",
"Quoc Le",
"Denny Zhou"
] | 2022-01-28 | We explore how generating a chain of thought -- a series of intermediate
reasoning steps -- significantly improves the ability of large language models
to perform complex reasoning. In particular, we show how such reasoning
abilities emerge naturally in sufficiently large language models via a simple
method called chain of thought prompting, where a few chain of thought
demonstrations are provided as exemplars in prompting. Experiments on three
large language models show that chain of thought prompting improves performance
on a range of arithmetic, commonsense, and symbolic reasoning tasks. The
empirical gains can be striking. For instance, prompting a 540B-parameter
language model with just eight chain of thought exemplars achieves state of the
art accuracy on the GSM8K benchmark of math word problems, surpassing even
finetuned GPT-3 with a verifier. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2304.06364 | AnswerAI | AGIEval: A Human-Centric Benchmark for Evaluating Foundation Models | [
"Wanjun Zhong",
"Ruixiang Cui",
"Yiduo Guo",
"Yaobo Liang",
"Shuai Lu",
"Yanlin Wang",
"Amin Saied",
"Weizhu Chen",
"Nan Duan"
] | 2023-04-13 | Evaluating the general abilities of foundation models to tackle human-level
tasks is a vital aspect of their development and application in the pursuit of
Artificial General Intelligence (AGI). Traditional benchmarks, which rely on
artificial datasets, may not accurately represent human-level capabilities. In
this paper, we introduce AGIEval, a novel benchmark specifically designed to
assess foundation model in the context of human-centric standardized exams,
such as college entrance exams, law school admission tests, math competitions,
and lawyer qualification tests. We evaluate several state-of-the-art foundation
models, including GPT-4, ChatGPT, and Text-Davinci-003, using this benchmark.
Impressively, GPT-4 surpasses average human performance on SAT, LSAT, and math
competitions, attaining a 95% accuracy rate on the SAT Math test and a 92.5%
accuracy on the English test of the Chinese national college entrance exam.
This demonstrates the extraordinary performance of contemporary foundation
models. In contrast, we also find that GPT-4 is less proficient in tasks that
require complex reasoning or specific domain knowledge. Our comprehensive
analyses of model capabilities (understanding, knowledge, reasoning, and
calculation) reveal these models' strengths and limitations, providing valuable
insights into future directions for enhancing their general capabilities. By
concentrating on tasks pertinent to human cognition and decision-making, our
benchmark delivers a more meaningful and robust evaluation of foundation
models' performance in real-world scenarios. The data, code, and all model
outputs are released in https://github.com/ruixiangcui/AGIEval. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2210.13382 | AnswerAI | Emergent World Representations: Exploring a Sequence Model Trained on a Synthetic Task | [
"Kenneth Li",
"Aspen K. Hopkins",
"David Bau",
"Fernanda Viégas",
"Hanspeter Pfister",
"Martin Wattenberg"
] | 2022-10-24 | Language models show a surprising range of capabilities, but the source of
their apparent competence is unclear. Do these networks just memorize a
collection of surface statistics, or do they rely on internal representations
of the process that generates the sequences they see? We investigate this
question by applying a variant of the GPT model to the task of predicting legal
moves in a simple board game, Othello. Although the network has no a priori
knowledge of the game or its rules, we uncover evidence of an emergent
nonlinear internal representation of the board state. Interventional
experiments indicate this representation can be used to control the output of
the network and create "latent saliency maps" that can help explain predictions
in human terms. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2406.06216 | HF | Lighting Every Darkness with 3DGS: Fast Training and Real-Time Rendering for HDR View Synthesis | [
"Xin Jin",
"Pengyi Jiao",
"Zheng-Peng Duan",
"Xingchao Yang",
"Chun-Le Guo",
"Bo Ren",
"Chongyi Li"
] | 2024-06-10 | Volumetric rendering based methods, like NeRF, excel in HDR view synthesis
from RAWimages, especially for nighttime scenes. While, they suffer from long
training times and cannot perform real-time rendering due to dense sampling
requirements. The advent of 3D Gaussian Splatting (3DGS) enables real-time
rendering and faster training. However, implementing RAW image-based view
synthesis directly using 3DGS is challenging due to its inherent drawbacks: 1)
in nighttime scenes, extremely low SNR leads to poor structure-from-motion
(SfM) estimation in distant views; 2) the limited representation capacity of
spherical harmonics (SH) function is unsuitable for RAW linear color space; and
3) inaccurate scene structure hampers downstream tasks such as refocusing. To
address these issues, we propose LE3D (Lighting Every darkness with 3DGS). Our
method proposes Cone Scatter Initialization to enrich the estimation of SfM,
and replaces SH with a Color MLP to represent the RAW linear color space.
Additionally, we introduce depth distortion and near-far regularizations to
improve the accuracy of scene structure for downstream tasks. These designs
enable LE3D to perform real-time novel view synthesis, HDR rendering,
refocusing, and tone-mapping changes. Compared to previous volumetric rendering
based methods, LE3D reduces training time to 1% and improves rendering speed by
up to 4,000 times for 2K resolution images in terms of FPS. Code and viewer can
be found in https://github.com/Srameo/LE3D . | null | cs.CV | [
"cs.CV"
] |
2406.15704 | HF | video-SALMONN: Speech-Enhanced Audio-Visual Large Language Models | [
"Guangzhi Sun",
"Wenyi Yu",
"Changli Tang",
"Xianzhao Chen",
"Tian Tan",
"Wei Li",
"Lu Lu",
"Zejun Ma",
"Yuxuan Wang",
"Chao Zhang"
] | 2024-06-22 | Speech understanding as an element of the more generic video understanding
using audio-visual large language models (av-LLMs) is a crucial yet
understudied aspect. This paper proposes video-SALMONN, a single end-to-end
av-LLM for video processing, which can understand not only visual frame
sequences, audio events and music, but speech as well. To obtain fine-grained
temporal information required by speech understanding, while keeping efficient
for other video elements, this paper proposes a novel multi-resolution causal
Q-Former (MRC Q-Former) structure to connect pre-trained audio-visual encoders
and the backbone large language model. Moreover, dedicated training approaches
including the diversity loss and the unpaired audio-visual mixed training
scheme are proposed to avoid frames or modality dominance. On the introduced
speech-audio-visual evaluation benchmark, video-SALMONN achieves more than 25\%
absolute accuracy improvements on the video-QA task and over 30\% absolute
accuracy improvements on audio-visual QA tasks with human speech. In addition,
video-SALMONN demonstrates remarkable video comprehension and reasoning
abilities on tasks that are unprecedented by other av-LLMs. Our training code
and model checkpoints are available at
\texttt{\url{https://github.com/bytedance/SALMONN/}}. | null | cs.CV | [
"cs.CV"
] |
2306.04076 | HF | Text-only Domain Adaptation using Unified Speech-Text Representation in Transducer | [
"Lu Huang",
"Boyu Li",
"Jun Zhang",
"Lu Lu",
"Zejun Ma"
] | 2023-06-07 | Domain adaptation using text-only corpus is challenging in end-to-end(E2E)
speech recognition. Adaptation by synthesizing audio from text through TTS is
resource-consuming. We present a method to learn Unified Speech-Text
Representation in Conformer Transducer(USTR-CT) to enable fast domain
adaptation using the text-only corpus. Different from the previous textogram
method, an extra text encoder is introduced in our work to learn text
representation and is removed during inference, so there is no modification for
online deployment. To improve the efficiency of adaptation, single-step and
multi-step adaptations are also explored. The experiments on adapting
LibriSpeech to SPGISpeech show the proposed method reduces the word error
rate(WER) by relatively 44% on the target domain, which is better than those of
TTS method and textogram method. Also, it is shown the proposed method can be
combined with internal language model estimation(ILME) to further improve the
performance. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2407.07315 | HF | CosmoCLIP: Generalizing Large Vision-Language Models for Astronomical Imaging | [
"Raza Imam",
"Mohammed Talha Alam",
"Umaima Rahman",
"Mohsen Guizani",
"Fakhri Karray"
] | 2024-07-10 | Existing vision-text contrastive learning models enhance representation
transferability and support zero-shot prediction by matching paired image and
caption embeddings while pushing unrelated pairs apart. However, astronomical
image-label datasets are significantly smaller compared to general image and
label datasets available from the internet. We introduce CosmoCLIP, an
astronomical image-text contrastive learning framework precisely fine-tuned on
the pre-trained CLIP model using SpaceNet and BLIP-based captions. SpaceNet,
attained via FLARE, constitutes ~13k optimally distributed images, while BLIP
acts as a rich knowledge extractor. The rich semantics derived from this
SpaceNet and BLIP descriptions, when learned contrastively, enable CosmoCLIP to
achieve superior generalization across various in-domain and out-of-domain
tasks. Our results demonstrate that CosmoCLIP is a straightforward yet powerful
framework, significantly outperforming CLIP in zero-shot classification and
image-text retrieval tasks. | null | cs.CV | [
"cs.CV"
] |
1909.08053 | AnswerAI | Megatron-LM: Training Multi-Billion Parameter Language Models Using Model Parallelism | [
"Mohammad Shoeybi",
"Mostofa Patwary",
"Raul Puri",
"Patrick LeGresley",
"Jared Casper",
"Bryan Catanzaro"
] | 2019-09-17 | Recent work in language modeling demonstrates that training large transformer
models advances the state of the art in Natural Language Processing
applications. However, very large models can be quite difficult to train due to
memory constraints. In this work, we present our techniques for training very
large transformer models and implement a simple, efficient intra-layer model
parallel approach that enables training transformer models with billions of
parameters. Our approach does not require a new compiler or library changes, is
orthogonal and complimentary to pipeline model parallelism, and can be fully
implemented with the insertion of a few communication operations in native
PyTorch. We illustrate this approach by converging transformer based models up
to 8.3 billion parameters using 512 GPUs. We sustain 15.1 PetaFLOPs across the
entire application with 76% scaling efficiency when compared to a strong single
GPU baseline that sustains 39 TeraFLOPs, which is 30% of peak FLOPs. To
demonstrate that large language models can further advance the state of the art
(SOTA), we train an 8.3 billion parameter transformer language model similar to
GPT-2 and a 3.9 billion parameter model similar to BERT. We show that careful
attention to the placement of layer normalization in BERT-like models is
critical to achieving increased performance as the model size grows. Using the
GPT-2 model we achieve SOTA results on the WikiText103 (10.8 compared to SOTA
perplexity of 15.8) and LAMBADA (66.5% compared to SOTA accuracy of 63.2%)
datasets. Our BERT model achieves SOTA results on the RACE dataset (90.9%
compared to SOTA accuracy of 89.4%). | null | cs.CL | [
"cs.CL"
] |
2110.08193 | AnswerAI | BBQ: A Hand-Built Bias Benchmark for Question Answering | [
"Alicia Parrish",
"Angelica Chen",
"Nikita Nangia",
"Vishakh Padmakumar",
"Jason Phang",
"Jana Thompson",
"Phu Mon Htut",
"Samuel R. Bowman"
] | 2021-10-15 | It is well documented that NLP models learn social biases, but little work
has been done on how these biases manifest in model outputs for applied tasks
like question answering (QA). We introduce the Bias Benchmark for QA (BBQ), a
dataset of question sets constructed by the authors that highlight attested
social biases against people belonging to protected classes along nine social
dimensions relevant for U.S. English-speaking contexts. Our task evaluates
model responses at two levels: (i) given an under-informative context, we test
how strongly responses reflect social biases, and (ii) given an adequately
informative context, we test whether the model's biases override a correct
answer choice. We find that models often rely on stereotypes when the context
is under-informative, meaning the model's outputs consistently reproduce
harmful biases in this setting. Though models are more accurate when the
context provides an informative answer, they still rely on stereotypes and
average up to 3.4 percentage points higher accuracy when the correct answer
aligns with a social bias than when it conflicts, with this difference widening
to over 5 points on examples targeting gender for most models tested. | null | cs.CL | [
"cs.CL"
] |
2407.18129 | HF | Dallah: A Dialect-Aware Multimodal Large Language Model for Arabic | [
"Fakhraddin Alwajih",
"Gagan Bhatia",
"Muhammad Abdul-Mageed"
] | 2024-07-25 | Recent advancements have significantly enhanced the capabilities of
Multimodal Large Language Models (MLLMs) in generating and understanding
image-to-text content. Despite these successes, progress is predominantly
limited to English due to the scarcity of high quality multimodal resources in
other languages. This limitation impedes the development of competitive models
in languages such as Arabic. To alleviate this situation, we introduce an
efficient Arabic multimodal assistant, dubbed Dallah, that utilizes an advanced
language model based on LLaMA-2 to facilitate multimodal interactions. Dallah
demonstrates state-of-the-art performance in Arabic MLLMs. Through fine-tuning
six Arabic dialects, Dallah showcases its capability to handle complex
dialectal interactions incorporating both textual and visual elements. The
model excels in two benchmark tests: one evaluating its performance on Modern
Standard Arabic (MSA) and another specifically designed to assess dialectal
responses. Beyond its robust performance in multimodal interaction tasks,
Dallah has the potential to pave the way for further development of
dialect-aware Arabic MLLMs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2212.10554 | AnswerAI | A Length-Extrapolatable Transformer | [
"Yutao Sun",
"Li Dong",
"Barun Patra",
"Shuming Ma",
"Shaohan Huang",
"Alon Benhaim",
"Vishrav Chaudhary",
"Xia Song",
"Furu Wei"
] | 2022-12-20 | Position modeling plays a critical role in Transformers. In this paper, we
focus on length extrapolation, i.e., training on short texts while evaluating
longer sequences. We define attention resolution as an indicator of
extrapolation. Then we propose two designs to improve the above metric of
Transformers. Specifically, we introduce a relative position embedding to
explicitly maximize attention resolution. Moreover, we use blockwise causal
attention during inference for better resolution. We evaluate different
Transformer variants with language modeling. Experimental results show that our
model achieves strong performance in both interpolation and extrapolation
settings. The code will be available at https://aka.ms/LeX-Transformer. | null | cs.CL | [
"cs.CL"
] |
2402.04744 | HF | Progressive Gradient Flow for Robust N:M Sparsity Training in Transformers | [
"Abhimanyu Rajeshkumar Bambhaniya",
"Amir Yazdanbakhsh",
"Suvinay Subramanian",
"Sheng-Chun Kao",
"Shivani Agrawal",
"Utku Evci",
"Tushar Krishna"
] | 2024-02-07 | N:M Structured sparsity has garnered significant interest as a result of
relatively modest overhead and improved efficiency. Additionally, this form of
sparsity holds considerable appeal for reducing the memory footprint owing to
their modest representation overhead. There have been efforts to develop
training recipes for N:M structured sparsity, they primarily focus on
low-sparsity regions ($\sim$50\%). Nonetheless, performance of models trained
using these approaches tends to decline when confronted with high-sparsity
regions ($>$80\%). In this work, we study the effectiveness of existing sparse
training recipes at \textit{high-sparsity regions} and argue that these methods
fail to sustain the model quality on par with low-sparsity regions. We
demonstrate that the significant factor contributing to this disparity is the
presence of elevated levels of induced noise in the gradient magnitudes. To
mitigate this undesirable effect, we employ decay mechanisms to progressively
restrict the flow of gradients towards pruned elements. Our approach improves
the model quality by up to 2$\%$ and 5$\%$ in vision and language models at
high sparsity regime, respectively. We also evaluate the trade-off between
model accuracy and training compute cost in terms of FLOPs. At iso-training
FLOPs, our method yields better performance compared to conventional sparse
training recipes, exhibiting an accuracy improvement of up to 2$\%$. The source
code is available at
https://github.com/abhibambhaniya/progressive_gradient_flow_nm_sparsity. | null | cs.LG | [
"cs.LG",
"cs.AR"
] |
2307.00119 | HF | Meta-training with Demonstration Retrieval for Efficient Few-shot Learning | [
"Aaron Mueller",
"Kanika Narang",
"Lambert Mathias",
"Qifan Wang",
"Hamed Firooz"
] | 2023-06-30 | Large language models show impressive results on few-shot NLP tasks. However,
these models are memory and computation-intensive. Meta-training allows one to
leverage smaller models for few-shot generalization in a domain-general and
task-agnostic manner; however, these methods alone results in models that may
not have sufficient parameterization or knowledge to adapt quickly to a large
variety of tasks. To overcome this issue, we propose meta-training with
demonstration retrieval, where we use a dense passage retriever to retrieve
semantically similar labeled demonstrations to each example for more varied
supervision. By separating external knowledge from model parameters, we can use
meta-training to train parameter-efficient models that generalize well on a
larger variety of tasks. We construct a meta-training set from UnifiedQA and
CrossFit, and propose a demonstration bank based on UnifiedQA tasks. To our
knowledge, our work is the first to combine retrieval with meta-training, to
use DPR models to retrieve demonstrations, and to leverage demonstrations from
many tasks simultaneously, rather than randomly sampling demonstrations from
the training set of the target task. Our approach outperforms a variety of
targeted parameter-efficient and retrieval-augmented few-shot methods on QA,
NLI, and text classification tasks (including SQuAD, QNLI, and TREC). Our
approach can be meta-trained and fine-tuned quickly on a single GPU. | null | cs.CL | [
"cs.CL"
] |
2212.09689 | AnswerAI | Unnatural Instructions: Tuning Language Models with (Almost) No Human Labor | [
"Or Honovich",
"Thomas Scialom",
"Omer Levy",
"Timo Schick"
] | 2022-12-19 | Instruction tuning enables pretrained language models to perform new tasks
from inference-time natural language descriptions. These approaches rely on
vast amounts of human supervision in the form of crowdsourced datasets or user
interactions. In this work, we introduce Unnatural Instructions: a large
dataset of creative and diverse instructions, collected with virtually no human
labor. We collect 64,000 examples by prompting a language model with three seed
examples of instructions and eliciting a fourth. This set is then expanded by
prompting the model to rephrase each instruction, creating a total of
approximately 240,000 examples of instructions, inputs, and outputs.
Experiments show that despite containing a fair amount of noise, training on
Unnatural Instructions rivals the effectiveness of training on open-source
manually-curated datasets, surpassing the performance of models such as T0++
and Tk-Instruct across various benchmarks. These results demonstrate the
potential of model-generated data as a cost-effective alternative to
crowdsourcing for dataset expansion and diversification. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2309.05516 | Both | Optimize Weight Rounding via Signed Gradient Descent for the Quantization of LLMs | [
"Wenhua Cheng",
"Weiwei Zhang",
"Haihao Shen",
"Yiyang Cai",
"Xin He",
"Kaokao Lv",
"Yi Liu"
] | 2023-09-11 | Large Language Models (LLMs) have demonstrated exceptional proficiency in
language-related tasks, but their deployment poses significant challenges due
to substantial memory and storage requirements. Weight-only quantization has
emerged as a promising solution to address these challenges. Previous research
suggests that fine-tuning through up and down rounding can enhance performance.
In this study, we introduce SignRound, a method that utilizes signed gradient
descent (SignSGD) to optimize rounding values and weight clipping within just
200 steps. SignRound integrates the advantages of Quantization-Aware Training
(QAT) and Post-Training Quantization (PTQ), achieving exceptional results
across 2 to 4 bits while maintaining low tuning costs and avoiding additional
inference overhead. For example, SignRound achieves absolute average accuracy
improvements ranging from 6.91\% to 33.22\% at 2 bits. It also demonstrates
robust generalization to recent models and achieves near-lossless quantization
in most scenarios at 4 bits. The source code is publicly available at
\url{https://github.com/intel/auto-round}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.12436 | HF | A Challenger to GPT-4V? Early Explorations of Gemini in Visual Expertise | [
"Chaoyou Fu",
"Renrui Zhang",
"Zihan Wang",
"Yubo Huang",
"Zhengye Zhang",
"Longtian Qiu",
"Gaoxiang Ye",
"Yunhang Shen",
"Mengdan Zhang",
"Peixian Chen",
"Sirui Zhao",
"Shaohui Lin",
"Deqiang Jiang",
"Di Yin",
"Peng Gao",
"Ke Li",
"Hongsheng Li",
"Xing Sun"
] | 2023-12-19 | The surge of interest towards Multi-modal Large Language Models (MLLMs),
e.g., GPT-4V(ision) from OpenAI, has marked a significant trend in both
academia and industry. They endow Large Language Models (LLMs) with powerful
capabilities in visual understanding, enabling them to tackle diverse
multi-modal tasks. Very recently, Google released Gemini, its newest and most
capable MLLM built from the ground up for multi-modality. In light of the
superior reasoning capabilities, can Gemini challenge GPT-4V's leading position
in multi-modal learning? In this paper, we present a preliminary exploration of
Gemini Pro's visual understanding proficiency, which comprehensively covers
four domains: fundamental perception, advanced cognition, challenging vision
tasks, and various expert capacities. We compare Gemini Pro with the
state-of-the-art GPT-4V to evaluate its upper limits, along with the latest
open-sourced MLLM, Sphinx, which reveals the gap between manual efforts and
black-box systems. The qualitative samples indicate that, while GPT-4V and
Gemini showcase different answering styles and preferences, they can exhibit
comparable visual reasoning capabilities, and Sphinx still trails behind them
concerning domain generalizability. Specifically, GPT-4V tends to elaborate
detailed explanations and intermediate steps, and Gemini prefers to output a
direct and concise answer. The quantitative evaluation on the popular MME
benchmark also demonstrates the potential of Gemini to be a strong challenger
to GPT-4V. Our early investigation of Gemini also observes some common issues
of MLLMs, indicating that there still remains a considerable distance towards
artificial general intelligence. Our project for tracking the progress of MLLM
is released at
https://github.com/BradyFU/Awesome-Multimodal-Large-Language-Models. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.MM"
] |
2401.03321 | AnswerAI | PIXAR: Auto-Regressive Language Modeling in Pixel Space | [
"Yintao Tai",
"Xiyang Liao",
"Alessandro Suglia",
"Antonio Vergari"
] | 2024-01-06 | Recent work showed the possibility of building open-vocabulary large language
models (LLMs) that directly operate on pixel representations. These models are
implemented as autoencoders that reconstruct masked patches of rendered text.
However, these pixel-based LLMs are limited to discriminative tasks (e.g.,
classification) and, similar to BERT, cannot be used to generate text.
Therefore, they cannot be used for generative tasks such as free-form question
answering. In this work, we introduce PIXAR, the first pixel-based
autoregressive LLM that performs text generation. Consisting of only a decoder,
PIXAR can perform free-form generative tasks while keeping the number of
parameters on par with previous encoder-decoder models. Furthermore, we
highlight the challenges of generating text as non-noisy images and show this
is due to using a maximum likelihood objective. To overcome this problem, we
propose an adversarial pretraining stage that improves the readability and
accuracy of PIXAR by 8.1 on LAMBADA and 8.5 on bAbI -- making it comparable to
GPT-2 on text generation tasks. This paves the way to build open-vocabulary
LLMs that operate on perceptual input only and calls into question the
necessity of the usual symbolic input representation, i.e., text as
(sub)tokens. | null | cs.CL | [
"cs.CL"
] |
2206.06522 | AnswerAI | LST: Ladder Side-Tuning for Parameter and Memory Efficient Transfer Learning | [
"Yi-Lin Sung",
"Jaemin Cho",
"Mohit Bansal"
] | 2022-06-13 | Fine-tuning large pre-trained models on downstream tasks has been adopted in
a variety of domains recently. However, it is costly to update the entire
parameter set of large pre-trained models. Although recently proposed
parameter-efficient transfer learning (PETL) techniques allow updating a small
subset of parameters (e.g. only using 2% of parameters) inside a pre-trained
backbone network for a new task, they only reduce the training memory
requirement by up to 30%. This is because the gradient computation for the
trainable parameters still requires backpropagation through the large
pre-trained backbone model. To address this, we propose Ladder Side-Tuning
(LST), a new PETL technique that can reduce training memory requirements by
more substantial amounts. Unlike existing parameter-efficient methods that
insert additional parameters inside backbone networks, we train a ladder side
network, a small and separate network that takes intermediate activations as
input via shortcut connections (called ladders) from backbone networks and
makes predictions. LST has significantly lower memory requirements than
previous methods, because it does not require backpropagation through the
backbone network, but instead only through the side network and ladder
connections. We evaluate our method with various models (T5 and CLIP-T5) on
both NLP (GLUE) and vision-and-language (VQA, GQA, NLVR2 , MSCOCO) tasks. LST
saves 69% of the memory costs to fine-tune the whole network, while other
methods only save 26% of that in similar parameter usages (hence, 2.7x more
memory savings). Moreover, LST achieves higher accuracy than Adapter and LoRA
in a low-memory regime. To further show the advantage of this better memory
efficiency, we also apply LST to larger T5 models, attaining better GLUE
performance than full fine-tuning and other PETL methods. The
accuracy-efficiency trade-off also holds on VL tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2306.17843 | HF | Magic123: One Image to High-Quality 3D Object Generation Using Both 2D and 3D Diffusion Priors | [
"Guocheng Qian",
"Jinjie Mai",
"Abdullah Hamdi",
"Jian Ren",
"Aliaksandr Siarohin",
"Bing Li",
"Hsin-Ying Lee",
"Ivan Skorokhodov",
"Peter Wonka",
"Sergey Tulyakov",
"Bernard Ghanem"
] | 2023-06-30 | We present Magic123, a two-stage coarse-to-fine approach for high-quality,
textured 3D meshes generation from a single unposed image in the wild using
both2D and 3D priors. In the first stage, we optimize a neural radiance field
to produce a coarse geometry. In the second stage, we adopt a memory-efficient
differentiable mesh representation to yield a high-resolution mesh with a
visually appealing texture. In both stages, the 3D content is learned through
reference view supervision and novel views guided by a combination of 2D and 3D
diffusion priors. We introduce a single trade-off parameter between the 2D and
3D priors to control exploration (more imaginative) and exploitation (more
precise) of the generated geometry. Additionally, we employ textual inversion
and monocular depth regularization to encourage consistent appearances across
views and to prevent degenerate solutions, respectively. Magic123 demonstrates
a significant improvement over previous image-to-3D techniques, as validated
through extensive experiments on synthetic benchmarks and diverse real-world
images. Our code, models, and generated 3D assets are available at
https://github.com/guochengqian/Magic123. | null | cs.CV | [
"cs.CV"
] |
2403.12014 | AnswerAI | EnvGen: Generating and Adapting Environments via LLMs for Training Embodied Agents | [
"Abhay Zala",
"Jaemin Cho",
"Han Lin",
"Jaehong Yoon",
"Mohit Bansal"
] | 2024-03-18 | Recent SOTA approaches for embodied learning via interaction directly employ
large language models (LLMs) as agents to determine the next steps in an
environment. Due to their world knowledge and reasoning capabilities, LLM
agents achieve stronger performance than previous smaller agents based on
reinforcement learning (RL); however, frequently calling LLMs is slow and
expensive. Instead of directly employing LLMs as agents, can we use LLMs'
reasoning capabilities to adaptively create training environments to help
smaller RL agents learn useful skills that they are weak at? We propose EnvGen,
a novel framework to address this question. We first prompt an LLM to generate
training environments by giving it the task description and simulator
objectives that the agents should learn and then asking it to generate a set of
environment configurations (e.g., different terrains, items initially given to
agents, etc.). Next, we train a small RL agent in a mixture of the original and
LLM-generated environments. Then, we enable the LLM to continuously adapt the
generated environments to progressively improve the skills that the agent is
weak at, by providing feedback to the LLM in the form of the agent's
performance. We demonstrate the usefulness of EnvGen with comprehensive
experiments in Crafter and Heist environments. We find that a small RL agent
trained with EnvGen can outperform SOTA methods, including a GPT-4 agent, and
learns long-horizon tasks significantly faster. We also show that using an LLM
to adapt environments dynamically outperforms curriculum learning approaches
and how the environments are adapted to help improve RL agents' weaker skills
over time. Additionally, EnvGen is substantially more efficient as it only uses
a small number of LLM calls (e.g., 4 in total), whereas LLM agents require
thousands of calls. Lastly, we present detailed ablation studies for EnvGen
design choices. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.06971 | HF | CCM: Adding Conditional Controls to Text-to-Image Consistency Models | [
"Jie Xiao",
"Kai Zhu",
"Han Zhang",
"Zhiheng Liu",
"Yujun Shen",
"Yu Liu",
"Xueyang Fu",
"Zheng-Jun Zha"
] | 2023-12-12 | Consistency Models (CMs) have showed a promise in creating visual content
efficiently and with high quality. However, the way to add new conditional
controls to the pretrained CMs has not been explored. In this technical report,
we consider alternative strategies for adding ControlNet-like conditional
control to CMs and present three significant findings. 1) ControlNet trained
for diffusion models (DMs) can be directly applied to CMs for high-level
semantic controls but struggles with low-level detail and realism control. 2)
CMs serve as an independent class of generative models, based on which
ControlNet can be trained from scratch using Consistency Training proposed by
Song et al. 3) A lightweight adapter can be jointly optimized under multiple
conditions through Consistency Training, allowing for the swift transfer of
DMs-based ControlNet to CMs. We study these three solutions across various
conditional controls, including edge, depth, human pose, low-resolution image
and masked image with text-to-image latent consistency models. | null | cs.CV | [
"cs.CV"
] |
2406.15193 | HF | Reward Steering with Evolutionary Heuristics for Decoding-time Alignment | [
"Chia-Yu Hung",
"Navonil Majumder",
"Ambuj Mehrish",
"Soujanya Poria"
] | 2024-06-21 | The widespread applicability and increasing omnipresence of LLMs have
instigated a need to align LLM responses to user and stakeholder preferences.
Many preference optimization approaches have been proposed that fine-tune LLM
parameters to achieve good alignment. However, such parameter tuning is known
to interfere with model performance on many tasks. Moreover, keeping up with
shifting user preferences is tricky in such a situation. Decoding-time
alignment with reward model guidance solves these issues at the cost of
increased inference time. However, most of such methods fail to strike the
right balance between exploration and exploitation of reward -- often due to
the conflated formulation of these two aspects - to give well-aligned
responses. To remedy this we decouple these two aspects and implement them in
an evolutionary fashion: exploration is enforced by decoding from mutated
instructions and exploitation is represented as the periodic replacement of
poorly-rewarded generations with well-rewarded ones. Empirical evidences
indicate that this strategy outperforms many preference optimization and
decode-time alignment approaches on two widely accepted alignment benchmarks
AlpacaEval 2 and MT-Bench. Our implementation will be available at:
https://darwin-alignment.github.io. | null | cs.CL | [
"cs.CL"
] |
2312.12456 | HF | PowerInfer: Fast Large Language Model Serving with a Consumer-grade GPU | [
"Yixin Song",
"Zeyu Mi",
"Haotong Xie",
"Haibo Chen"
] | 2023-12-16 | This paper introduces PowerInfer, a high-speed Large Language Model (LLM)
inference engine on a personal computer (PC) equipped with a single
consumer-grade GPU. The key underlying the design of PowerInfer is exploiting
the high locality inherent in LLM inference, characterized by a power-law
distribution in neuron activation. This distribution indicates that a small
subset of neurons, termed hot neurons, are consistently activated across
inputs, while the majority, cold neurons, vary based on specific inputs.
PowerInfer exploits such an insight to design a GPU-CPU hybrid inference
engine: hot-activated neurons are preloaded onto the GPU for fast access, while
cold-activated neurons are computed on the CPU, thus significantly reducing GPU
memory demands and CPU-GPU data transfers. PowerInfer further integrates
adaptive predictors and neuron-aware sparse operators, optimizing the
efficiency of neuron activation and computational sparsity. Evaluation shows
that PowerInfer attains an average token generation rate of 13.20 tokens/s,
with a peak of 29.08 tokens/s, across various LLMs (including OPT-175B) on a
single NVIDIA RTX 4090 GPU, only 18% lower than that achieved by a top-tier
server-grade A100 GPU. This significantly outperforms llama.cpp by up to 11.69x
while retaining model accuracy. | null | cs.LG | [
"cs.LG",
"cs.OS"
] |
2409.09213 | HF | ReCLAP: Improving Zero Shot Audio Classification by Describing Sounds | [
"Sreyan Ghosh",
"Sonal Kumar",
"Chandra Kiran Reddy Evuru",
"Oriol Nieto",
"Ramani Duraiswami",
"Dinesh Manocha"
] | 2024-09-13 | Open-vocabulary audio-language models, like CLAP, offer a promising approach
for zero-shot audio classification (ZSAC) by enabling classification with any
arbitrary set of categories specified with natural language prompts. In this
paper, we propose a simple but effective method to improve ZSAC with CLAP.
Specifically, we shift from the conventional method of using prompts with
abstract category labels (e.g., Sound of an organ) to prompts that describe
sounds using their inherent descriptive features in a diverse context (e.g.,The
organ's deep and resonant tones filled the cathedral.). To achieve this, we
first propose ReCLAP, a CLAP model trained with rewritten audio captions for
improved understanding of sounds in the wild. These rewritten captions describe
each sound event in the original caption using their unique discriminative
characteristics. ReCLAP outperforms all baselines on both multi-modal
audio-text retrieval and ZSAC. Next, to improve zero-shot audio classification
with ReCLAP, we propose prompt augmentation. In contrast to the traditional
method of employing hand-written template prompts, we generate custom prompts
for each unique label in the dataset. These custom prompts first describe the
sound event in the label and then employ them in diverse scenes. Our proposed
method improves ReCLAP's performance on ZSAC by 1%-18% and outperforms all
baselines by 1% - 55%. | null | eess.AS | [
"eess.AS",
"cs.CL",
"cs.SD"
] |
2408.11475 | HF | TrackGo: A Flexible and Efficient Method for Controllable Video Generation | [
"Haitao Zhou",
"Chuang Wang",
"Rui Nie",
"Jinxiao Lin",
"Dongdong Yu",
"Qian Yu",
"Changhu Wang"
] | 2024-08-21 | Recent years have seen substantial progress in diffusion-based controllable
video generation. However, achieving precise control in complex scenarios,
including fine-grained object parts, sophisticated motion trajectories, and
coherent background movement, remains a challenge. In this paper, we introduce
TrackGo, a novel approach that leverages free-form masks and arrows for
conditional video generation. This method offers users with a flexible and
precise mechanism for manipulating video content. We also propose the
TrackAdapter for control implementation, an efficient and lightweight adapter
designed to be seamlessly integrated into the temporal self-attention layers of
a pretrained video generation model. This design leverages our observation that
the attention map of these layers can accurately activate regions corresponding
to motion in videos. Our experimental results demonstrate that our new
approach, enhanced by the TrackAdapter, achieves state-of-the-art performance
on key metrics such as FVD, FID, and ObjMC scores. The project page of TrackGo
can be found at: https://zhtjtcz.github.io/TrackGo-Page/ | null | cs.CV | [
"cs.CV"
] |
2401.06080 | Both | Secrets of RLHF in Large Language Models Part II: Reward Modeling | [
"Binghai Wang",
"Rui Zheng",
"Lu Chen",
"Yan Liu",
"Shihan Dou",
"Caishuang Huang",
"Wei Shen",
"Senjie Jin",
"Enyu Zhou",
"Chenyu Shi",
"Songyang Gao",
"Nuo Xu",
"Yuhao Zhou",
"Xiaoran Fan",
"Zhiheng Xi",
"Jun Zhao",
"Xiao Wang",
"Tao Ji",
"Hang Yan",
"Lixing Shen",
"Zhan Chen",
"Tao Gui",
"Qi Zhang",
"Xipeng Qiu",
"Xuanjing Huang",
"Zuxuan Wu",
"Yu-Gang Jiang"
] | 2024-01-11 | Reinforcement Learning from Human Feedback (RLHF) has become a crucial
technology for aligning language models with human values and intentions,
enabling models to produce more helpful and harmless responses. Reward models
are trained as proxies for human preferences to drive reinforcement learning
optimization. While reward models are often considered central to achieving
high performance, they face the following challenges in practical applications:
(1) Incorrect and ambiguous preference pairs in the dataset may hinder the
reward model from accurately capturing human intent. (2) Reward models trained
on data from a specific distribution often struggle to generalize to examples
outside that distribution and are not suitable for iterative RLHF training.
In this report, we attempt to address these two issues. (1) From a data
perspective, we propose a method to measure the strength of preferences within
the data, based on a voting mechanism of multiple reward models. Experimental
results confirm that data with varying preference strengths have different
impacts on reward model performance. We introduce a series of novel methods to
mitigate the influence of incorrect and ambiguous preferences in the dataset
and fully leverage high-quality preference data. (2) From an algorithmic
standpoint, we introduce contrastive learning to enhance the ability of reward
models to distinguish between chosen and rejected responses, thereby improving
model generalization. Furthermore, we employ meta-learning to enable the reward
model to maintain the ability to differentiate subtle differences in
out-of-distribution samples, and this approach can be utilized for iterative
RLHF optimization. | null | cs.AI | [
"cs.AI"
] |
2404.03683 | Both | Stream of Search (SoS): Learning to Search in Language | [
"Kanishk Gandhi",
"Denise Lee",
"Gabriel Grand",
"Muxin Liu",
"Winson Cheng",
"Archit Sharma",
"Noah D. Goodman"
] | 2024-04-01 | Language models are rarely shown fruitful mistakes while training. They then
struggle to look beyond the next token, suffering from a snowballing of errors
and struggling to predict the consequence of their actions several steps ahead.
In this paper, we show how language models can be taught to search by
representing the process of search in language, as a flattened string -- a
stream of search (SoS). We propose a unified language for search that captures
an array of different symbolic search strategies. We demonstrate our approach
using the simple yet difficult game of Countdown, where the goal is to combine
input numbers with arithmetic operations to reach a target number. We pretrain
a transformer-based language model from scratch on a dataset of streams of
search generated by heuristic solvers. We find that SoS pretraining increases
search accuracy by 25% over models trained to predict only the optimal search
trajectory. We further finetune this model with two policy improvement methods:
Advantage-Induced Policy Alignment (APA) and Self-Taught Reasoner (STaR). The
finetuned SoS models solve 36% of previously unsolved problems, including
problems that cannot be solved by any of the heuristic solvers. Our results
indicate that language models can learn to solve problems via search,
self-improve to flexibly use different search strategies, and potentially
discover new ones. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2306.00622 | HF | ReviewerGPT? An Exploratory Study on Using Large Language Models for Paper Reviewing | [
"Ryan Liu",
"Nihar B. Shah"
] | 2023-06-01 | Given the rapid ascent of large language models (LLMs), we study the
question: (How) can large language models help in reviewing of scientific
papers or proposals? We first conduct some pilot studies where we find that (i)
GPT-4 outperforms other LLMs (Bard, Vicuna, Koala, Alpaca, LLaMa, Dolly,
OpenAssistant, StableLM), and (ii) prompting with a specific question (e.g., to
identify errors) outperforms prompting to simply write a review. With these
insights, we study the use of LLMs (specifically, GPT-4) for three tasks:
1. Identifying errors: We construct 13 short computer science papers each
with a deliberately inserted error, and ask the LLM to check for the
correctness of these papers. We observe that the LLM finds errors in 7 of them,
spanning both mathematical and conceptual errors.
2. Verifying checklists: We task the LLM to verify 16 closed-ended checklist
questions in the respective sections of 15 NeurIPS 2022 papers. We find that
across 119 {checklist question, paper} pairs, the LLM had an 86.6% accuracy.
3. Choosing the "better" paper: We generate 10 pairs of abstracts,
deliberately designing each pair in such a way that one abstract was clearly
superior than the other. The LLM, however, struggled to discern these
relatively straightforward distinctions accurately, committing errors in its
evaluations for 6 out of the 10 pairs.
Based on these experiments, we think that LLMs have a promising use as
reviewing assistants for specific reviewing tasks, but not (yet) for complete
evaluations of papers or proposals. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.DL"
] |
Subsets and Splits