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
|
---|---|---|---|---|---|---|---|---|
2404.11912 | HF | TriForce: Lossless Acceleration of Long Sequence Generation with Hierarchical Speculative Decoding | [
"Hanshi Sun",
"Zhuoming Chen",
"Xinyu Yang",
"Yuandong Tian",
"Beidi Chen"
] | 2024-04-18 | With large language models (LLMs) widely deployed in long content generation
recently, there has emerged an increasing demand for efficient long-sequence
inference support. However, key-value (KV) cache, which is stored to avoid
re-computation, has emerged as a critical bottleneck by growing linearly in
size with the sequence length. Due to the auto-regressive nature of LLMs, the
entire KV cache will be loaded for every generated token, resulting in low
utilization of computational cores and high latency. While various compression
methods for KV cache have been proposed to alleviate this issue, they suffer
from degradation in generation quality. We introduce TriForce, a hierarchical
speculative decoding system that is scalable for long sequence generation. This
approach leverages the original model weights and dynamic sparse KV cache via
retrieval as a draft model, which serves as an intermediate layer in the
hierarchy and is further speculated by a smaller model to reduce its drafting
latency. TriForce not only facilitates impressive speedups for Llama2-7B-128K,
achieving up to 2.31$\times$ on an A100 GPU but also showcases scalability in
handling even longer contexts. For the offloading setting on two RTX 4090 GPUs,
TriForce achieves 0.108s/token$\unicode{x2014}$only half as slow as the
auto-regressive baseline on an A100, which attains 7.78$\times$ on our
optimized offloading system. Additionally, TriForce performs 4.86$\times$ than
DeepSpeed-Zero-Inference on a single RTX 4090 GPU. TriForce's robustness is
highlighted by its consistently outstanding performance across various
temperatures. The code is available at
https://github.com/Infini-AI-Lab/TriForce. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2303.17760 | AnswerAI | CAMEL: Communicative Agents for "Mind" Exploration of Large Language Model Society | [
"Guohao Li",
"Hasan Abed Al Kader Hammoud",
"Hani Itani",
"Dmitrii Khizbullin",
"Bernard Ghanem"
] | 2023-03-31 | The rapid advancement of chat-based language models has led to remarkable
progress in complex task-solving. However, their success heavily relies on
human input to guide the conversation, which can be challenging and
time-consuming. This paper explores the potential of building scalable
techniques to facilitate autonomous cooperation among communicative agents, and
provides insight into their "cognitive" processes. To address the challenges of
achieving autonomous cooperation, we propose a novel communicative agent
framework named role-playing. Our approach involves using inception prompting
to guide chat agents toward task completion while maintaining consistency with
human intentions. We showcase how role-playing can be used to generate
conversational data for studying the behaviors and capabilities of a society of
agents, providing a valuable resource for investigating conversational language
models. In particular, we conduct comprehensive studies on
instruction-following cooperation in multi-agent settings. Our contributions
include introducing a novel communicative agent framework, offering a scalable
approach for studying the cooperative behaviors and capabilities of multi-agent
systems, and open-sourcing our library to support research on communicative
agents and beyond: https://github.com/camel-ai/camel. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CY",
"cs.LG",
"cs.MA"
] |
2404.01617 | HF | LLM-ABR: Designing Adaptive Bitrate Algorithms via Large Language Models | [
"Zhiyuan He",
"Aashish Gottipati",
"Lili Qiu",
"Francis Y. Yan",
"Xufang Luo",
"Kenuo Xu",
"Yuqing Yang"
] | 2024-04-02 | We present LLM-ABR, the first system that utilizes the generative
capabilities of large language models (LLMs) to autonomously design adaptive
bitrate (ABR) algorithms tailored for diverse network characteristics.
Operating within a reinforcement learning framework, LLM-ABR empowers LLMs to
design key components such as states and neural network architectures. We
evaluate LLM-ABR across diverse network settings, including broadband,
satellite, 4G, and 5G. LLM-ABR consistently outperforms default ABR algorithms. | null | cs.NI | [
"cs.NI",
"cs.LG",
"cs.MM"
] |
2105.11921 | AnswerAI | Focus Attention: Promoting Faithfulness and Diversity in Summarization | [
"Rahul Aralikatte",
"Shashi Narayan",
"Joshua Maynez",
"Sascha Rothe",
"Ryan McDonald"
] | 2021-05-25 | Professional summaries are written with document-level information, such as
the theme of the document, in mind. This is in contrast with most seq2seq
decoders which simultaneously learn to focus on salient content, while deciding
what to generate, at each decoding step. With the motivation to narrow this
gap, we introduce Focus Attention Mechanism, a simple yet effective method to
encourage decoders to proactively generate tokens that are similar or topical
to the input document. Further, we propose a Focus Sampling method to enable
generation of diverse summaries, an area currently understudied in
summarization. When evaluated on the BBC extreme summarization task, two
state-of-the-art models augmented with Focus Attention generate summaries that
are closer to the target and more faithful to their input documents,
outperforming their vanilla counterparts on \rouge and multiple faithfulness
measures. We also empirically demonstrate that Focus Sampling is more effective
in generating diverse and faithful summaries than top-$k$ or nucleus
sampling-based decoding methods. | null | cs.CL | [
"cs.CL"
] |
2309.03926 | HF | Large-Scale Automatic Audiobook Creation | [
"Brendan Walsh",
"Mark Hamilton",
"Greg Newby",
"Xi Wang",
"Serena Ruan",
"Sheng Zhao",
"Lei He",
"Shaofei Zhang",
"Eric Dettinger",
"William T. Freeman",
"Markus Weimer"
] | 2023-09-07 | An audiobook can dramatically improve a work of literature's accessibility
and improve reader engagement. However, audiobooks can take hundreds of hours
of human effort to create, edit, and publish. In this work, we present a system
that can automatically generate high-quality audiobooks from online e-books. In
particular, we leverage recent advances in neural text-to-speech to create and
release thousands of human-quality, open-license audiobooks from the Project
Gutenberg e-book collection. Our method can identify the proper subset of
e-book content to read for a wide collection of diversely structured books and
can operate on hundreds of books in parallel. Our system allows users to
customize an audiobook's speaking speed and style, emotional intonation, and
can even match a desired voice using a small amount of sample audio. This work
contributed over five thousand open-license audiobooks and an interactive demo
that allows users to quickly create their own customized audiobooks. To listen
to the audiobook collection visit \url{https://aka.ms/audiobook}. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.DC",
"cs.DL",
"cs.LG",
"eess.AS"
] |
2403.03163 | HF | Design2Code: How Far Are We From Automating Front-End Engineering? | [
"Chenglei Si",
"Yanzhe Zhang",
"Zhengyuan Yang",
"Ruibo Liu",
"Diyi Yang"
] | 2024-03-05 | Generative AI has made rapid advancements in recent years, achieving
unprecedented capabilities in multimodal understanding and code generation.
This can enable a new paradigm of front-end development, in which multimodal
LLMs might directly convert visual designs into code implementations. In this
work, we formalize this as a Design2Code task and conduct comprehensive
benchmarking. Specifically, we manually curate a benchmark of 484 diverse
real-world webpages as test cases and develop a set of automatic evaluation
metrics to assess how well current multimodal LLMs can generate the code
implementations that directly render into the given reference webpages, given
the screenshots as input. We also complement automatic metrics with
comprehensive human evaluations. We develop a suite of multimodal prompting
methods and show their effectiveness on GPT-4V and Gemini Pro Vision. We
further finetune an open-source Design2Code-18B model that successfully matches
the performance of Gemini Pro Vision. Both human evaluation and automatic
metrics show that GPT-4V performs the best on this task compared to other
models. Moreover, annotators think GPT-4V generated webpages can replace the
original reference webpages in 49% of cases in terms of visual appearance and
content; and perhaps surprisingly, in 64% of cases GPT-4V generated webpages
are considered better than the original reference webpages. Our fine-grained
break-down metrics indicate that open-source models mostly lag in recalling
visual elements from the input webpages and in generating correct layout
designs, while aspects like text content and coloring can be drastically
improved with proper finetuning. | null | cs.CL | [
"cs.CL",
"cs.CV",
"cs.CY"
] |
2306.16928 | HF | One-2-3-45: Any Single Image to 3D Mesh in 45 Seconds without Per-Shape Optimization | [
"Minghua Liu",
"Chao Xu",
"Haian Jin",
"Linghao Chen",
"Mukund Varma T",
"Zexiang Xu",
"Hao Su"
] | 2023-06-29 | Single image 3D reconstruction is an important but challenging task that
requires extensive knowledge of our natural world. Many existing methods solve
this problem by optimizing a neural radiance field under the guidance of 2D
diffusion models but suffer from lengthy optimization time, 3D inconsistency
results, and poor geometry. In this work, we propose a novel method that takes
a single image of any object as input and generates a full 360-degree 3D
textured mesh in a single feed-forward pass. Given a single image, we first use
a view-conditioned 2D diffusion model, Zero123, to generate multi-view images
for the input view, and then aim to lift them up to 3D space. Since traditional
reconstruction methods struggle with inconsistent multi-view predictions, we
build our 3D reconstruction module upon an SDF-based generalizable neural
surface reconstruction method and propose several critical training strategies
to enable the reconstruction of 360-degree meshes. Without costly
optimizations, our method reconstructs 3D shapes in significantly less time
than existing methods. Moreover, our method favors better geometry, generates
more 3D consistent results, and adheres more closely to the input image. We
evaluate our approach on both synthetic data and in-the-wild images and
demonstrate its superiority in terms of both mesh quality and runtime. In
addition, our approach can seamlessly support the text-to-3D task by
integrating with off-the-shelf text-to-image diffusion models. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.RO"
] |
2402.14590 | HF | Scaling Up LLM Reviews for Google Ads Content Moderation | [
"Wei Qiao",
"Tushar Dogra",
"Otilia Stretcu",
"Yu-Han Lyu",
"Tiantian Fang",
"Dongjin Kwon",
"Chun-Ta Lu",
"Enming Luo",
"Yuan Wang",
"Chih-Chun Chia",
"Ariel Fuxman",
"Fangzhou Wang",
"Ranjay Krishna",
"Mehmet Tek"
] | 2024-02-07 | Large language models (LLMs) are powerful tools for content moderation, but
their inference costs and latency make them prohibitive for casual use on large
datasets, such as the Google Ads repository. This study proposes a method for
scaling up LLM reviews for content moderation in Google Ads. First, we use
heuristics to select candidates via filtering and duplicate removal, and create
clusters of ads for which we select one representative ad per cluster. We then
use LLMs to review only the representative ads. Finally, we propagate the LLM
decisions for the representative ads back to their clusters. This method
reduces the number of reviews by more than 3 orders of magnitude while
achieving a 2x recall compared to a baseline non-LLM model. The success of this
approach is a strong function of the representations used in clustering and
label propagation; we found that cross-modal similarity representations yield
better results than uni-modal representations. | 10.1145/3616855.3635736 | cs.IR | [
"cs.IR",
"cs.CL",
"cs.LG"
] |
2312.10835 | HF | Your Student is Better Than Expected: Adaptive Teacher-Student Collaboration for Text-Conditional Diffusion Models | [
"Nikita Starodubcev",
"Artem Fedorov",
"Artem Babenko",
"Dmitry Baranchuk"
] | 2023-12-17 | Knowledge distillation methods have recently shown to be a promising
direction to speedup the synthesis of large-scale diffusion models by requiring
only a few inference steps. While several powerful distillation methods were
recently proposed, the overall quality of student samples is typically lower
compared to the teacher ones, which hinders their practical usage. In this
work, we investigate the relative quality of samples produced by the teacher
text-to-image diffusion model and its distilled student version. As our main
empirical finding, we discover that a noticeable portion of student samples
exhibit superior fidelity compared to the teacher ones, despite the
"approximate" nature of the student. Based on this finding, we propose an
adaptive collaboration between student and teacher diffusion models for
effective text-to-image synthesis. Specifically, the distilled model produces
the initial sample, and then an oracle decides whether it needs further
improvements with a slow teacher model. Extensive experiments demonstrate that
the designed pipeline surpasses state-of-the-art text-to-image alternatives for
various inference budgets in terms of human preference. Furthermore, the
proposed approach can be naturally used in popular applications such as
text-guided image editing and controllable generation. | null | cs.CV | [
"cs.CV"
] |
2311.00613 | HF | Controllable Music Production with Diffusion Models and Guidance Gradients | [
"Mark Levy",
"Bruno Di Giorgi",
"Floris Weers",
"Angelos Katharopoulos",
"Tom Nickson"
] | 2023-11-01 | We demonstrate how conditional generation from diffusion models can be used
to tackle a variety of realistic tasks in the production of music in 44.1kHz
stereo audio with sampling-time guidance. The scenarios we consider include
continuation, inpainting and regeneration of musical audio, the creation of
smooth transitions between two different music tracks, and the transfer of
desired stylistic characteristics to existing audio clips. We achieve this by
applying guidance at sampling time in a simple framework that supports both
reconstruction and classification losses, or any combination of the two. This
approach ensures that generated audio can match its surrounding context, or
conform to a class distribution or latent representation specified relative to
any suitable pre-trained classifier or embedding model. Audio samples are
available at https://machinelearning.apple.com/research/controllable-music | null | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS"
] |
2309.07900 | HF | Ambiguity-Aware In-Context Learning with Large Language Models | [
"Lingyu Gao",
"Aditi Chaudhary",
"Krishna Srinivasan",
"Kazuma Hashimoto",
"Karthik Raman",
"Michael Bendersky"
] | 2023-09-14 | In-context learning (ICL) i.e. showing LLMs only a few task-specific
demonstrations has led to downstream gains with no task-specific fine-tuning
required. However, LLMs are sensitive to the choice of prompts, and therefore a
crucial research question is how to select good demonstrations for ICL. One
effective strategy is leveraging semantic similarity between the ICL
demonstrations and test inputs by using a text retriever, which however is
sub-optimal as that does not consider the LLM's existing knowledge about that
task. From prior work (Lyu et al., 2023), we already know that labels paired
with the demonstrations bias the model predictions. This leads us to our
hypothesis whether considering LLM's existing knowledge about the task,
especially with respect to the output label space can help in a better
demonstration selection strategy. Through extensive experimentation on three
text classification tasks, we find that it is beneficial to not only choose
semantically similar ICL demonstrations but also to choose those demonstrations
that help resolve the inherent label ambiguity surrounding the test example.
Interestingly, we find that including demonstrations that the LLM previously
mis-classified and also fall on the test example's decision boundary, brings
the most performance gain. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2401.08406 | AnswerAI | RAG vs Fine-tuning: Pipelines, Tradeoffs, and a Case Study on Agriculture | [
"Angels Balaguer",
"Vinamra Benara",
"Renato Luiz de Freitas Cunha",
"Roberto de M. Estevão Filho",
"Todd Hendry",
"Daniel Holstein",
"Jennifer Marsman",
"Nick Mecklenburg",
"Sara Malvar",
"Leonardo O. Nunes",
"Rafael Padilha",
"Morris Sharp",
"Bruno Silva",
"Swati Sharma",
"Vijay Aski",
"Ranveer Chandra"
] | 2024-01-16 | There are two common ways in which developers are incorporating proprietary
and domain-specific data when building applications of Large Language Models
(LLMs): Retrieval-Augmented Generation (RAG) and Fine-Tuning. RAG augments the
prompt with the external data, while fine-Tuning incorporates the additional
knowledge into the model itself. However, the pros and cons of both approaches
are not well understood. In this paper, we propose a pipeline for fine-tuning
and RAG, and present the tradeoffs of both for multiple popular LLMs, including
Llama2-13B, GPT-3.5, and GPT-4. Our pipeline consists of multiple stages,
including extracting information from PDFs, generating questions and answers,
using them for fine-tuning, and leveraging GPT-4 for evaluating the results. We
propose metrics to assess the performance of different stages of the RAG and
fine-Tuning pipeline. We conduct an in-depth study on an agricultural dataset.
Agriculture as an industry has not seen much penetration of AI, and we study a
potentially disruptive application - what if we could provide location-specific
insights to a farmer? Our results show the effectiveness of our dataset
generation pipeline in capturing geographic-specific knowledge, and the
quantitative and qualitative benefits of RAG and fine-tuning. We see an
accuracy increase of over 6 p.p. when fine-tuning the model and this is
cumulative with RAG, which increases accuracy by 5 p.p. further. In one
particular experiment, we also demonstrate that the fine-tuned model leverages
information from across geographies to answer specific questions, increasing
answer similarity from 47% to 72%. Overall, the results point to how systems
built using LLMs can be adapted to respond and incorporate knowledge across a
dimension that is critical for a specific industry, paving the way for further
applications of LLMs in other industrial domains. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2212.10670 | AnswerAI | In-context Learning Distillation: Transferring Few-shot Learning Ability of Pre-trained Language Models | [
"Yukun Huang",
"Yanda Chen",
"Zhou Yu",
"Kathleen McKeown"
] | 2022-12-20 | Given the success with in-context learning of large pre-trained language
models, we introduce in-context learning distillation to transfer in-context
few-shot learning ability from large models to smaller models. We propose to
combine in-context learning objectives with language modeling objectives to
distill both the ability to read in-context examples and task knowledge to the
smaller models. We perform in-context learning distillation under two different
few-shot learning paradigms: Meta In-context Tuning (Meta-ICT) and Multitask
In-context Tuning (Multitask-ICT). Multitask-ICT performs better on multitask
few-shot learning but also requires more computation than Meta-ICT. Our method
shows consistent improvements for both Meta-ICT and Multitask-ICT on two
benchmarks: LAMA and CrossFit. Our extensive experiments and analysis reveal
that in-context learning objectives and language modeling objectives are
complementary under the Multitask-ICT paradigm. In-context learning objectives
achieve the best performance when combined with language modeling objectives. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2211.09800 | AnswerAI | InstructPix2Pix: Learning to Follow Image Editing Instructions | [
"Tim Brooks",
"Aleksander Holynski",
"Alexei A. Efros"
] | 2022-11-17 | We propose a method for editing images from human instructions: given an
input image and a written instruction that tells the model what to do, our
model follows these instructions to edit the image. To obtain training data for
this problem, we combine the knowledge of two large pretrained models -- a
language model (GPT-3) and a text-to-image model (Stable Diffusion) -- to
generate a large dataset of image editing examples. Our conditional diffusion
model, InstructPix2Pix, is trained on our generated data, and generalizes to
real images and user-written instructions at inference time. Since it performs
edits in the forward pass and does not require per example fine-tuning or
inversion, our model edits images quickly, in a matter of seconds. We show
compelling editing results for a diverse collection of input images and written
instructions. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.GR",
"cs.LG"
] |
2406.15339 | HF | Image Conductor: Precision Control for Interactive Video Synthesis | [
"Yaowei Li",
"Xintao Wang",
"Zhaoyang Zhang",
"Zhouxia Wang",
"Ziyang Yuan",
"Liangbin Xie",
"Yuexian Zou",
"Ying Shan"
] | 2024-06-21 | Filmmaking and animation production often require sophisticated techniques
for coordinating camera transitions and object movements, typically involving
labor-intensive real-world capturing. Despite advancements in generative AI for
video creation, achieving precise control over motion for interactive video
asset generation remains challenging. To this end, we propose Image Conductor,
a method for precise control of camera transitions and object movements to
generate video assets from a single image. An well-cultivated training strategy
is proposed to separate distinct camera and object motion by camera LoRA
weights and object LoRA weights. To further address cinematographic variations
from ill-posed trajectories, we introduce a camera-free guidance technique
during inference, enhancing object movements while eliminating camera
transitions. Additionally, we develop a trajectory-oriented video motion data
curation pipeline for training. Quantitative and qualitative experiments
demonstrate our method's precision and fine-grained control in generating
motion-controllable videos from images, advancing the practical application of
interactive video synthesis. Project webpage available at
https://liyaowei-stu.github.io/project/ImageConductor/ | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.MM"
] |
2305.19452 | Both | Bigger, Better, Faster: Human-level Atari with human-level efficiency | [
"Max Schwarzer",
"Johan Obando-Ceron",
"Aaron Courville",
"Marc Bellemare",
"Rishabh Agarwal",
"Pablo Samuel Castro"
] | 2023-05-30 | We introduce a value-based RL agent, which we call BBF, that achieves
super-human performance in the Atari 100K benchmark. BBF relies on scaling the
neural networks used for value estimation, as well as a number of other design
choices that enable this scaling in a sample-efficient manner. We conduct
extensive analyses of these design choices and provide insights for future
work. We end with a discussion about updating the goalposts for
sample-efficient RL research on the ALE. We make our code and data publicly
available at
https://github.com/google-research/google-research/tree/master/bigger_better_faster. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2306.14878 | HF | Restart Sampling for Improving Generative Processes | [
"Yilun Xu",
"Mingyang Deng",
"Xiang Cheng",
"Yonglong Tian",
"Ziming Liu",
"Tommi Jaakkola"
] | 2023-06-26 | Generative processes that involve solving differential equations, such as
diffusion models, frequently necessitate balancing speed and quality. ODE-based
samplers are fast but plateau in performance while SDE-based samplers deliver
higher sample quality at the cost of increased sampling time. We attribute this
difference to sampling errors: ODE-samplers involve smaller discretization
errors while stochasticity in SDE contracts accumulated errors. Based on these
findings, we propose a novel sampling algorithm called Restart in order to
better balance discretization errors and contraction. The sampling method
alternates between adding substantial noise in additional forward steps and
strictly following a backward ODE. Empirically, Restart sampler surpasses
previous SDE and ODE samplers in both speed and accuracy. Restart not only
outperforms the previous best SDE results, but also accelerates the sampling
speed by 10-fold / 2-fold on CIFAR-10 / ImageNet $64 \times 64$. In addition,
it attains significantly better sample quality than ODE samplers within
comparable sampling times. Moreover, Restart better balances text-image
alignment/visual quality versus diversity than previous samplers in the
large-scale text-to-image Stable Diffusion model pre-trained on LAION $512
\times 512$. Code is available at
https://github.com/Newbeeer/diffusion_restart_sampling | null | cs.LG | [
"cs.LG",
"cs.CV",
"stat.CO",
"stat.ML"
] |
2402.15491 | HF | API-BLEND: A Comprehensive Corpora for Training and Benchmarking API LLMs | [
"Kinjal Basu",
"Ibrahim Abdelaziz",
"Subhajit Chaudhury",
"Soham Dan",
"Maxwell Crouse",
"Asim Munawar",
"Sadhana Kumaravel",
"Vinod Muthusamy",
"Pavan Kapanipathi",
"Luis A. Lastras"
] | 2024-02-23 | There is a growing need for Large Language Models (LLMs) to effectively use
tools and external Application Programming Interfaces (APIs) to plan and
complete tasks. As such, there is tremendous interest in methods that can
acquire sufficient quantities of train and test data that involve calls to
tools / APIs. Two lines of research have emerged as the predominant strategies
for addressing this challenge. The first has focused on synthetic data
generation techniques, while the second has involved curating task-adjacent
datasets which can be transformed into API / Tool-based tasks. In this paper,
we focus on the task of identifying, curating, and transforming existing
datasets and, in turn, introduce API-BLEND, a large corpora for training and
systematic testing of tool-augmented LLMs. The datasets mimic real-world
scenarios involving API-tasks such as API / tool detection, slot filling, and
sequencing of the detected APIs. We demonstrate the utility of the API-BLEND
dataset for both training and benchmarking purposes. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.10906 | HF | ShapeSplat: A Large-scale Dataset of Gaussian Splats and Their Self-Supervised Pretraining | [
"Qi Ma",
"Yue Li",
"Bin Ren",
"Nicu Sebe",
"Ender Konukoglu",
"Theo Gevers",
"Luc Van Gool",
"Danda Pani Paudel"
] | 2024-08-20 | 3D Gaussian Splatting (3DGS) has become the de facto method of 3D
representation in many vision tasks. This calls for the 3D understanding
directly in this representation space. To facilitate the research in this
direction, we first build a large-scale dataset of 3DGS using the commonly used
ShapeNet and ModelNet datasets. Our dataset ShapeSplat consists of 65K objects
from 87 unique categories, whose labels are in accordance with the respective
datasets. The creation of this dataset utilized the compute equivalent of 2 GPU
years on a TITAN XP GPU.
We utilize our dataset for unsupervised pretraining and supervised finetuning
for classification and segmentation tasks. To this end, we introduce
\textbf{\textit{Gaussian-MAE}}, which highlights the unique benefits of
representation learning from Gaussian parameters. Through exhaustive
experiments, we provide several valuable insights. In particular, we show that
(1) the distribution of the optimized GS centroids significantly differs from
the uniformly sampled point cloud (used for initialization) counterpart; (2)
this change in distribution results in degradation in classification but
improvement in segmentation tasks when using only the centroids; (3) to
leverage additional Gaussian parameters, we propose Gaussian feature grouping
in a normalized feature space, along with splats pooling layer, offering a
tailored solution to effectively group and embed similar Gaussians, which leads
to notable improvement in finetuning tasks. | null | cs.CV | [
"cs.CV"
] |
2406.11811 | HF | RepLiQA: A Question-Answering Dataset for Benchmarking LLMs on Unseen Reference Content | [
"Joao Monteiro",
"Pierre-Andre Noel",
"Etienne Marcotte",
"Sai Rajeswar",
"Valentina Zantedeschi",
"David Vazquez",
"Nicolas Chapados",
"Christopher Pal",
"Perouz Taslakian"
] | 2024-06-17 | Large Language Models (LLMs) are trained on vast amounts of data, most of
which is automatically scraped from the internet. This data includes
encyclopedic documents that harbor a vast amount of general knowledge (e.g.,
Wikipedia) but also potentially overlap with benchmark datasets used for
evaluating LLMs. Consequently, evaluating models on test splits that might have
leaked into the training set is prone to misleading conclusions. To foster
sound evaluation of language models, we introduce a new test dataset named
RepLiQA, suited for question-answering and topic retrieval tasks. RepLiQA is a
collection of five splits of test sets, four of which have not been released to
the internet or exposed to LLM APIs prior to this publication. Each sample in
RepLiQA comprises (1) a reference document crafted by a human annotator and
depicting an imaginary scenario (e.g., a news article) absent from the
internet; (2) a question about the document's topic; (3) a ground-truth answer
derived directly from the information in the document; and (4) the paragraph
extracted from the reference document containing the answer. As such, accurate
answers can only be generated if a model can find relevant content within the
provided document. We run a large-scale benchmark comprising several
state-of-the-art LLMs to uncover differences in performance across models of
various types and sizes in a context-conditional language modeling setting.
Released splits of RepLiQA can be found here:
https://huggingface.co/datasets/ServiceNow/repliqa. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.09732 | HF | Speech Slytherin: Examining the Performance and Efficiency of Mamba for Speech Separation, Recognition, and Synthesis | [
"Xilin Jiang",
"Yinghao Aaron Li",
"Adrian Nicolas Florea",
"Cong Han",
"Nima Mesgarani"
] | 2024-07-13 | It is too early to conclude that Mamba is a better alternative to
transformers for speech before comparing Mamba with transformers in terms of
both performance and efficiency in multiple speech-related tasks. To reach this
conclusion, we propose and evaluate three models for three tasks: Mamba-TasNet
for speech separation, ConMamba for speech recognition, and VALL-M for speech
synthesis. We compare them with transformers of similar sizes in performance,
memory, and speed. Our Mamba or Mamba-transformer hybrid models show comparable
or higher performance than their transformer counterparts: Sepformer,
Conformer, and VALL-E. They are more efficient than transformers in memory and
speed for speech longer than a threshold duration, inversely related to the
resolution of a speech token. Mamba for separation is the most efficient, and
Mamba for recognition is the least. Further, we show that Mamba is not more
efficient than transformer for speech shorter than the threshold duration and
performs worse in models that require joint modeling of text and speech, such
as cross or masked attention of two inputs. Therefore, we argue that the
superiority of Mamba or transformer depends on particular problems and models.
Code available at https://github.com/xi-j/Mamba-TasNet and
https://github.com/xi-j/Mamba-ASR. | null | eess.AS | [
"eess.AS",
"cs.LG",
"cs.SD"
] |
2406.09411 | HF | MuirBench: A Comprehensive Benchmark for Robust Multi-image Understanding | [
"Fei Wang",
"Xingyu Fu",
"James Y. Huang",
"Zekun Li",
"Qin Liu",
"Xiaogeng Liu",
"Mingyu Derek Ma",
"Nan Xu",
"Wenxuan Zhou",
"Kai Zhang",
"Tianyi Lorena Yan",
"Wenjie Jacky Mo",
"Hsiang-Hui Liu",
"Pan Lu",
"Chunyuan Li",
"Chaowei Xiao",
"Kai-Wei Chang",
"Dan Roth",
"Sheng Zhang",
"Hoifung Poon",
"Muhao Chen"
] | 2024-06-13 | We introduce MuirBench, a comprehensive benchmark that focuses on robust
multi-image understanding capabilities of multimodal LLMs. MuirBench consists
of 12 diverse multi-image tasks (e.g., scene understanding, ordering) that
involve 10 categories of multi-image relations (e.g., multiview, temporal
relations). Comprising 11,264 images and 2,600 multiple-choice questions,
MuirBench is created in a pairwise manner, where each standard instance is
paired with an unanswerable variant that has minimal semantic differences, in
order for a reliable assessment. Evaluated upon 20 recent multi-modal LLMs, our
results reveal that even the best-performing models like GPT-4o and Gemini Pro
find it challenging to solve MuirBench, achieving 68.0% and 49.3% in accuracy.
Open-source multimodal LLMs trained on single images can hardly generalize to
multi-image questions, hovering below 33.3% in accuracy. These results
highlight the importance of MuirBench in encouraging the community to develop
multimodal LLMs that can look beyond a single image, suggesting potential
pathways for future improvements. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2404.16820 | HF | Revisiting Text-to-Image Evaluation with Gecko: On Metrics, Prompts, and Human Ratings | [
"Olivia Wiles",
"Chuhan Zhang",
"Isabela Albuquerque",
"Ivana Kajić",
"Su Wang",
"Emanuele Bugliarello",
"Yasumasa Onoe",
"Chris Knutsen",
"Cyrus Rashtchian",
"Jordi Pont-Tuset",
"Aida Nematzadeh"
] | 2024-04-25 | While text-to-image (T2I) generative models have become ubiquitous, they do
not necessarily generate images that align with a given prompt. While previous
work has evaluated T2I alignment by proposing metrics, benchmarks, and
templates for collecting human judgements, the quality of these components is
not systematically measured. Human-rated prompt sets are generally small and
the reliability of the ratings -- and thereby the prompt set used to compare
models -- is not evaluated. We address this gap by performing an extensive
study evaluating auto-eval metrics and human templates. We provide three main
contributions: (1) We introduce a comprehensive skills-based benchmark that can
discriminate models across different human templates. This skills-based
benchmark categorises prompts into sub-skills, allowing a practitioner to
pinpoint not only which skills are challenging, but at what level of complexity
a skill becomes challenging. (2) We gather human ratings across four templates
and four T2I models for a total of >100K annotations. This allows us to
understand where differences arise due to inherent ambiguity in the prompt and
where they arise due to differences in metric and model quality. (3) Finally,
we introduce a new QA-based auto-eval metric that is better correlated with
human ratings than existing metrics for our new dataset, across different human
templates, and on TIFA160. | null | cs.CV | [
"cs.CV"
] |
2404.15653 | HF | CatLIP: CLIP-level Visual Recognition Accuracy with 2.7x Faster Pre-training on Web-scale Image-Text Data | [
"Sachin Mehta",
"Maxwell Horton",
"Fartash Faghri",
"Mohammad Hossein Sekhavat",
"Mahyar Najibi",
"Mehrdad Farajtabar",
"Oncel Tuzel",
"Mohammad Rastegari"
] | 2024-04-24 | Contrastive learning has emerged as a transformative method for learning
effective visual representations through the alignment of image and text
embeddings. However, pairwise similarity computation in contrastive loss
between image and text pairs poses computational challenges. This paper
presents a novel weakly supervised pre-training of vision models on web-scale
image-text data. The proposed method reframes pre-training on image-text data
as a classification task. Consequently, it eliminates the need for pairwise
similarity computations in contrastive loss, achieving a remarkable $2.7\times$
acceleration in training speed compared to contrastive learning on web-scale
data. Through extensive experiments spanning diverse vision tasks, including
detection and segmentation, we demonstrate that the proposed method maintains
high representation quality. Our source code along with pre-trained model
weights and training recipes is available at
\url{https://github.com/apple/corenet}. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2306.13651 | Both | Bring Your Own Data! Self-Supervised Evaluation for Large Language Models | [
"Neel Jain",
"Khalid Saifullah",
"Yuxin Wen",
"John Kirchenbauer",
"Manli Shu",
"Aniruddha Saha",
"Micah Goldblum",
"Jonas Geiping",
"Tom Goldstein"
] | 2023-06-23 | With the rise of Large Language Models (LLMs) and their ubiquitous deployment
in diverse domains, measuring language model behavior on realistic data is
imperative. For example, a company deploying a client-facing chatbot must
ensure that the model will not respond to client requests with profanity.
Current evaluations approach this problem using small, domain-specific datasets
with human-curated labels. These evaluation sets are often sampled from a
narrow and simplified distribution, and data sources can unknowingly be leaked
into the training set which can lead to misleading evaluations. To bypass these
drawbacks, we propose a framework for self-supervised evaluation of LLMs by
analyzing their sensitivity or invariance to transformations on the input text.
Self-supervised evaluation can directly monitor LLM behavior on datasets
collected in the wild or streamed during live model deployment. We demonstrate
self-supervised evaluation strategies for measuring closed-book knowledge,
toxicity, and long-range context dependence, in addition to sensitivity to
grammatical structure and tokenization errors. When comparisons to similar
human-labeled benchmarks are available, we find strong correlations between
self-supervised and human-supervised evaluations. The self-supervised paradigm
complements current evaluation strategies that rely on labeled data. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2404.05961 | Both | LLM2Vec: Large Language Models Are Secretly Powerful Text Encoders | [
"Parishad BehnamGhader",
"Vaibhav Adlakha",
"Marius Mosbach",
"Dzmitry Bahdanau",
"Nicolas Chapados",
"Siva Reddy"
] | 2024-04-09 | Large decoder-only language models (LLMs) are the state-of-the-art models on
most of today's NLP tasks and benchmarks. Yet, the community is only slowly
adopting these models for text embedding tasks, which require rich
contextualized representations. In this work, we introduce LLM2Vec, a simple
unsupervised approach that can transform any decoder-only LLM into a strong
text encoder. LLM2Vec consists of three simple steps: 1) enabling bidirectional
attention, 2) masked next token prediction, and 3) unsupervised contrastive
learning. We demonstrate the effectiveness of LLM2Vec by applying it to 4
popular LLMs ranging from 1.3B to 8B parameters and evaluate the transformed
models on English word- and sequence-level tasks. We outperform encoder-only
models by a large margin on word-level tasks and reach a new unsupervised
state-of-the-art performance on the Massive Text Embeddings Benchmark (MTEB).
Moreover, when combining LLM2Vec with supervised contrastive learning, we
achieve state-of-the-art performance on MTEB among models that train only on
publicly available data (as of May 24, 2024). Our strong empirical results and
extensive analysis demonstrate that LLMs can be effectively transformed into
universal text encoders in a parameter-efficient manner without the need for
expensive adaptation or synthetic GPT-4 generated data. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.06263 | HF | MaskLID: Code-Switching Language Identification through Iterative Masking | [
"Amir Hossein Kargaran",
"François Yvon",
"Hinrich Schütze"
] | 2024-06-10 | We present MaskLID, a simple, yet effective, code-switching (CS) language
identification (LID) method. MaskLID does not require any training and is
designed to complement current high-performance sentence-level LIDs.
Sentence-level LIDs are classifiers trained on monolingual texts to provide
single labels, typically using a softmax layer to turn scores into
probabilities. However, in cases where a sentence is composed in both L1 and L2
languages, the LID classifier often only returns the dominant label L1. To
address this limitation, MaskLID employs a strategy to mask text features
associated with L1, allowing the LID to classify the text as L2 in the next
round. This method uses the LID itself to identify the features that require
masking and does not rely on any external resource. In this work, we explore
the use of MaskLID for two open-source LIDs (GlotLID and OpenLID), that are
both based on the FastText architecture. Code and demo are available at
https://github.com/cisnlp/MaskLID. | null | cs.CL | [
"cs.CL"
] |
2408.13467 | HF | LlamaDuo: LLMOps Pipeline for Seamless Migration from Service LLMs to Small-Scale Local LLMs | [
"Chansung Park",
"Juyong Jiang",
"Fan Wang",
"Sayak Paul",
"Jing Tang"
] | 2024-08-24 | The widespread adoption of cloud-based proprietary large language models
(LLMs) has introduced significant challenges, including operational
dependencies, privacy concerns, and the necessity of continuous internet
connectivity. In this work, we introduce an LLMOps pipeline, "LlamaDuo", for
the seamless migration of knowledge and abilities from service-oriented LLMs to
smaller, locally manageable models. This pipeline is crucial for ensuring
service continuity in the presence of operational failures, strict privacy
policies, or offline requirements. Our LlamaDuo involves fine-tuning a small
language model against the service LLM using a synthetic dataset generated by
the latter. If the performance of the fine-tuned model falls short of
expectations, it is enhanced by further fine-tuning with additional similar
data created by the service LLM. This iterative process guarantees that the
smaller model can eventually match or even surpass the service LLM's
capabilities in specific downstream tasks, offering a practical and scalable
solution for managing AI deployments in constrained environments. Extensive
experiments with leading edge LLMs are conducted to demonstrate the
effectiveness, adaptability, and affordability of LlamaDuo across various
downstream tasks. Our pipeline implementation is available at
https://github.com/deep-diver/llamaduo. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.DC"
] |
2307.12698 | HF | MC-JEPA: A Joint-Embedding Predictive Architecture for Self-Supervised Learning of Motion and Content Features | [
"Adrien Bardes",
"Jean Ponce",
"Yann LeCun"
] | 2023-07-24 | Self-supervised learning of visual representations has been focusing on
learning content features, which do not capture object motion or location, and
focus on identifying and differentiating objects in images and videos. On the
other hand, optical flow estimation is a task that does not involve
understanding the content of the images on which it is estimated. We unify the
two approaches and introduce MC-JEPA, a joint-embedding predictive architecture
and self-supervised learning approach to jointly learn optical flow and content
features within a shared encoder, demonstrating that the two associated
objectives; the optical flow estimation objective and the self-supervised
learning objective; benefit from each other and thus learn content features
that incorporate motion information. The proposed approach achieves performance
on-par with existing unsupervised optical flow benchmarks, as well as with
common self-supervised learning approaches on downstream tasks such as semantic
segmentation of images and videos. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2108.10341 | AnswerAI | Query Embedding Pruning for Dense Retrieval | [
"Nicola Tonellotto",
"Craig Macdonald"
] | 2021-08-23 | Recent advances in dense retrieval techniques have offered the promise of
being able not just to re-rank documents using contextualised language models
such as BERT, but also to use such models to identify documents from the
collection in the first place. However, when using dense retrieval approaches
that use multiple embedded representations for each query, a large number of
documents can be retrieved for each query, hindering the efficiency of the
method. Hence, this work is the first to consider efficiency improvements in
the context of a dense retrieval approach (namely ColBERT), by pruning query
term embeddings that are estimated not to be useful for retrieving relevant
documents. Our proposed query embeddings pruning reduces the cost of the dense
retrieval operation, as well as reducing the number of documents that are
retrieved and hence require to be fully scored. Experiments conducted on the
MSMARCO passage ranking corpus demonstrate that, when reducing the number of
query embeddings used from 32 to 3 based on the collection frequency of the
corresponding tokens, query embedding pruning results in no statistically
significant differences in effectiveness, while reducing the number of
documents retrieved by 70%. In terms of mean response time for the end-to-end
to end system, this results in a 2.65x speedup. | 10.1145/3459637.3482162 | cs.IR | [
"cs.IR"
] |
2309.14021 | AnswerAI | LORD: Low Rank Decomposition Of Monolingual Code LLMs For One-Shot Compression | [
"Ayush Kaushal",
"Tejas Vaidhya",
"Irina Rish"
] | 2023-09-25 | Low Rank Decomposition of matrix - splitting a large matrix into a product of
two smaller matrix offers a means for compression that reduces the parameters
of a model without sparsification, and hence delivering more speedup on modern
hardware. Moreover, unlike quantization, the compressed linear layers remain
fully differentiable and all the parameters trainable, while being able to
leverage the existing highly efficient kernels over floating point matrices. We
study the potential to compress Large Language Models (LLMs) for monolingual
Code generation via Low Rank Decomposition (LoRD) and observe that ranks for
the linear layers in these models can be reduced by upto 39.58% with less than
1% increase in perplexity. We then use Low Rank Decomposition (LoRD) to
compress StarCoder 16B to 13.2B parameter with no drop and to 12.3B with
minimal drop in HumanEval Pass@1 score, in less than 10 minutes on a single
A100. The compressed models speeds up inference by up to 22.35% with just a
single line of change in code over huggingface's implementation with pytorch
backend. Low Rank Decomposition (LoRD) models remain compatible with state of
the art near-lossless quantization method such as SpQR, which allows leveraging
further compression gains of quantization. Lastly, QLoRA over Low Rank
Decomposition (LoRD) model further reduces memory requirements by as much as
21.2% over vanilla QLoRA while offering similar gains from parameter efficient
fine tuning. Our work shows Low Rank Decomposition (LoRD) as a promising new
paradigm for LLM compression. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.15667 | HF | PoseDiffusion: Solving Pose Estimation via Diffusion-aided Bundle Adjustment | [
"Jianyuan Wang",
"Christian Rupprecht",
"David Novotny"
] | 2023-06-27 | Camera pose estimation is a long-standing computer vision problem that to
date often relies on classical methods, such as handcrafted keypoint matching,
RANSAC and bundle adjustment. In this paper, we propose to formulate the
Structure from Motion (SfM) problem inside a probabilistic diffusion framework,
modelling the conditional distribution of camera poses given input images. This
novel view of an old problem has several advantages. (i) The nature of the
diffusion framework mirrors the iterative procedure of bundle adjustment. (ii)
The formulation allows a seamless integration of geometric constraints from
epipolar geometry. (iii) It excels in typically difficult scenarios such as
sparse views with wide baselines. (iv) The method can predict intrinsics and
extrinsics for an arbitrary amount of images. We demonstrate that our method
PoseDiffusion significantly improves over the classic SfM pipelines and the
learned approaches on two real-world datasets. Finally, it is observed that our
method can generalize across datasets without further training. Project page:
https://posediffusion.github.io/ | null | cs.CV | [
"cs.CV"
] |
2304.08460 | AnswerAI | LongForm: Effective Instruction Tuning with Reverse Instructions | [
"Abdullatif Köksal",
"Timo Schick",
"Anna Korhonen",
"Hinrich Schütze"
] | 2023-04-17 | Instruction tuning enables language models to more effectively generalize and
better follow user intent. However, obtaining instruction data is costly and
challenging. Prior work employs methods such as expensive human annotation,
crowd-sourced datasets with alignment issues, and generating noisy examples via
LLMs. We introduce the LongForm-C dataset, which is created by reverse
instructions. We generate instructions via LLMs for human-written corpus
examples using reverse instructions. First we select a diverse set of
human-written documents from corpora such as C4 and Wikipedia; then we generate
instructions for these documents via LLMs. This approach provides a cheaper and
cleaner instruction-tuning dataset with natural output and one suitable for
long text generation. Our models outperform 10x larger language models without
instruction tuning on tasks such as story/recipe generation and long-form
question answering. Moreover, LongForm models outperform prior
instruction-tuned models such as FLAN-T5 and Alpaca by a large margin, and
improve language understanding capabilities further. Finally, our models can
effectively follow and answer multilingual instructions; we demonstrate this
for news generation. We publicly release our data and models:
https://github.com/akoksal/LongForm. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2404.07821 | HF | Sparse Laneformer | [
"Ji Liu",
"Zifeng Zhang",
"Mingjie Lu",
"Hongyang Wei",
"Dong Li",
"Yile Xie",
"Jinzhang Peng",
"Lu Tian",
"Ashish Sirasao",
"Emad Barsoum"
] | 2024-04-11 | Lane detection is a fundamental task in autonomous driving, and has achieved
great progress as deep learning emerges. Previous anchor-based methods often
design dense anchors, which highly depend on the training dataset and remain
fixed during inference. We analyze that dense anchors are not necessary for
lane detection, and propose a transformer-based lane detection framework based
on a sparse anchor mechanism. To this end, we generate sparse anchors with
position-aware lane queries and angle queries instead of traditional explicit
anchors. We adopt Horizontal Perceptual Attention (HPA) to aggregate the lane
features along the horizontal direction, and adopt Lane-Angle Cross Attention
(LACA) to perform interactions between lane queries and angle queries. We also
propose Lane Perceptual Attention (LPA) based on deformable cross attention to
further refine the lane predictions. Our method, named Sparse Laneformer, is
easy-to-implement and end-to-end trainable. Extensive experiments demonstrate
that Sparse Laneformer performs favorably against the state-of-the-art methods,
e.g., surpassing Laneformer by 3.0% F1 score and O2SFormer by 0.7% F1 score
with fewer MACs on CULane with the same ResNet-34 backbone. | null | cs.CV | [
"cs.CV"
] |
2406.11827 | HF | WPO: Enhancing RLHF with Weighted Preference Optimization | [
"Wenxuan Zhou",
"Ravi Agrawal",
"Shujian Zhang",
"Sathish Reddy Indurthi",
"Sanqiang Zhao",
"Kaiqiang Song",
"Silei Xu",
"Chenguang Zhu"
] | 2024-06-17 | Reinforcement learning from human feedback (RLHF) is a promising solution to
align large language models (LLMs) more closely with human values. Off-policy
preference optimization, where the preference data is obtained from other
models, is widely adopted due to its cost efficiency and scalability. However,
off-policy preference optimization often suffers from a distributional gap
between the policy used for data collection and the target policy, leading to
suboptimal optimization. In this paper, we propose a novel strategy to mitigate
this problem by simulating on-policy learning with off-policy preference data.
Our Weighted Preference Optimization (WPO) method adapts off-policy data to
resemble on-policy data more closely by reweighting preference pairs according
to their probability under the current policy. This method not only addresses
the distributional gap problem but also enhances the optimization process
without incurring additional costs. We validate our method on instruction
following benchmarks including Alpaca Eval 2 and MT-bench. WPO not only
outperforms Direct Preference Optimization (DPO) by up to 5.6% on Alpaca Eval 2
but also establishes a remarkable length-controlled winning rate against
GPT-4-turbo of 48.6% based on Llama-3-8B-Instruct, making it the strongest 8B
model on the leaderboard. We will release the code and models at
https://github.com/wzhouad/WPO. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.10973 | HF | Drag Your GAN: Interactive Point-based Manipulation on the Generative Image Manifold | [
"Xingang Pan",
"Ayush Tewari",
"Thomas Leimkühler",
"Lingjie Liu",
"Abhimitra Meka",
"Christian Theobalt"
] | 2023-05-18 | Synthesizing visual content that meets users' needs often requires flexible
and precise controllability of the pose, shape, expression, and layout of the
generated objects. Existing approaches gain controllability of generative
adversarial networks (GANs) via manually annotated training data or a prior 3D
model, which often lack flexibility, precision, and generality. In this work,
we study a powerful yet much less explored way of controlling GANs, that is, to
"drag" any points of the image to precisely reach target points in a
user-interactive manner, as shown in Fig.1. To achieve this, we propose
DragGAN, which consists of two main components: 1) a feature-based motion
supervision that drives the handle point to move towards the target position,
and 2) a new point tracking approach that leverages the discriminative
generator features to keep localizing the position of the handle points.
Through DragGAN, anyone can deform an image with precise control over where
pixels go, thus manipulating the pose, shape, expression, and layout of diverse
categories such as animals, cars, humans, landscapes, etc. As these
manipulations are performed on the learned generative image manifold of a GAN,
they tend to produce realistic outputs even for challenging scenarios such as
hallucinating occluded content and deforming shapes that consistently follow
the object's rigidity. Both qualitative and quantitative comparisons
demonstrate the advantage of DragGAN over prior approaches in the tasks of
image manipulation and point tracking. We also showcase the manipulation of
real images through GAN inversion. | 10.1145/3588432.3591500 | cs.CV | [
"cs.CV",
"cs.GR"
] |
2305.08844 | HF | RL4F: Generating Natural Language Feedback with Reinforcement Learning for Repairing Model Outputs | [
"Afra Feyza Akyürek",
"Ekin Akyürek",
"Aman Madaan",
"Ashwin Kalyan",
"Peter Clark",
"Derry Wijaya",
"Niket Tandon"
] | 2023-05-15 | Despite their unprecedented success, even the largest language models make
mistakes. Similar to how humans learn and improve using feedback, previous work
proposed providing language models with natural language feedback to guide them
in repairing their outputs. Because human-generated critiques are expensive to
obtain, researchers have devised learned critique generators in lieu of human
critics while assuming one can train downstream models to utilize generated
feedback. However, this approach does not apply to black-box or limited access
models such as ChatGPT, as they cannot be fine-tuned. Moreover, in the era of
large general-purpose language agents, fine-tuning is neither computationally
nor spatially efficient as it results in multiple copies of the network. In
this work, we introduce RL4F (Reinforcement Learning for Feedback), a
multi-agent collaborative framework where the critique generator is trained to
maximize end-task performance of GPT-3, a fixed model more than 200 times its
size. RL4F produces critiques that help GPT-3 revise its outputs. We study
three datasets for action planning, summarization and alphabetization and show
relative improvements up to 10% in multiple text similarity metrics over other
learned, retrieval-augmented or prompting-based critique generators. | null | cs.CL | [
"cs.CL"
] |
2405.18407 | HF | Phased Consistency Model | [
"Fu-Yun Wang",
"Zhaoyang Huang",
"Alexander William Bergman",
"Dazhong Shen",
"Peng Gao",
"Michael Lingelbach",
"Keqiang Sun",
"Weikang Bian",
"Guanglu Song",
"Yu Liu",
"Hongsheng Li",
"Xiaogang Wang"
] | 2024-05-28 | The consistency model (CM) has recently made significant progress in
accelerating the generation of diffusion models. However, its application to
high-resolution, text-conditioned image generation in the latent space (a.k.a.,
LCM) remains unsatisfactory. In this paper, we identify three key flaws in the
current design of LCM. We investigate the reasons behind these limitations and
propose the Phased Consistency Model (PCM), which generalizes the design space
and addresses all identified limitations. Our evaluations demonstrate that PCM
significantly outperforms LCM across 1--16 step generation settings. While PCM
is specifically designed for multi-step refinement, it achieves even superior
or comparable 1-step generation results to previously state-of-the-art
specifically designed 1-step methods. Furthermore, we show that PCM's
methodology is versatile and applicable to video generation, enabling us to
train the state-of-the-art few-step text-to-video generator. More details are
available at https://g-u-n.github.io/projects/pcm/. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2310.12823 | HF | AgentTuning: Enabling Generalized Agent Abilities for LLMs | [
"Aohan Zeng",
"Mingdao Liu",
"Rui Lu",
"Bowen Wang",
"Xiao Liu",
"Yuxiao Dong",
"Jie Tang"
] | 2023-10-19 | Open large language models (LLMs) with great performance in various tasks
have significantly advanced the development of LLMs. However, they are far
inferior to commercial models such as ChatGPT and GPT-4 when acting as agents
to tackle complex tasks in the real world. These agent tasks employ LLMs as the
central controller responsible for planning, memorization, and tool
utilization, necessitating both fine-grained prompting methods and robust LLMs
to achieve satisfactory performance. Though many prompting methods have been
proposed to complete particular agent tasks, there is lack of research focusing
on improving the agent capabilities of LLMs themselves without compromising
their general abilities. In this work, we present AgentTuning, a simple and
general method to enhance the agent abilities of LLMs while maintaining their
general LLM capabilities. We construct AgentInstruct, a lightweight
instruction-tuning dataset containing high-quality interaction trajectories. We
employ a hybrid instruction-tuning strategy by combining AgentInstruct with
open-source instructions from general domains. AgentTuning is used to
instruction-tune the Llama 2 series, resulting in AgentLM. Our evaluations show
that AgentTuning enables LLMs' agent capabilities without compromising general
abilities. The AgentLM-70B is comparable to GPT-3.5-turbo on unseen agent
tasks, demonstrating generalized agent capabilities. We open source the
AgentInstruct and AgentLM-7B, 13B, and 70B models at
https://github.com/THUDM/AgentTuning, serving open and powerful alternatives to
commercial LLMs for agent tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.04842 | HF | MJ-Bench: Is Your Multimodal Reward Model Really a Good Judge for Text-to-Image Generation? | [
"Zhaorun Chen",
"Yichao Du",
"Zichen Wen",
"Yiyang Zhou",
"Chenhang Cui",
"Zhenzhen Weng",
"Haoqin Tu",
"Chaoqi Wang",
"Zhengwei Tong",
"Qinglan Huang",
"Canyu Chen",
"Qinghao Ye",
"Zhihong Zhu",
"Yuqing Zhang",
"Jiawei Zhou",
"Zhuokai Zhao",
"Rafael Rafailov",
"Chelsea Finn",
"Huaxiu Yao"
] | 2024-07-05 | While text-to-image models like DALLE-3 and Stable Diffusion are rapidly
proliferating, they often encounter challenges such as hallucination, bias, and
the production of unsafe, low-quality output. To effectively address these
issues, it is crucial to align these models with desired behaviors based on
feedback from a multimodal judge. Despite their significance, current
multimodal judges frequently undergo inadequate evaluation of their
capabilities and limitations, potentially leading to misalignment and unsafe
fine-tuning outcomes. To address this issue, we introduce MJ-Bench, a novel
benchmark which incorporates a comprehensive preference dataset to evaluate
multimodal judges in providing feedback for image generation models across four
key perspectives: alignment, safety, image quality, and bias. Specifically, we
evaluate a large variety of multimodal judges including smaller-sized
CLIP-based scoring models, open-source VLMs (e.g. LLaVA family), and
close-source VLMs (e.g. GPT-4o, Claude 3) on each decomposed subcategory of our
preference dataset. Experiments reveal that close-source VLMs generally provide
better feedback, with GPT-4o outperforming other judges in average. Compared
with open-source VLMs, smaller-sized scoring models can provide better feedback
regarding text-image alignment and image quality, while VLMs provide more
accurate feedback regarding safety and generation bias due to their stronger
reasoning capabilities. Further studies in feedback scale reveal that VLM
judges can generally provide more accurate and stable feedback in natural
language (Likert-scale) than numerical scales. Notably, human evaluations on
end-to-end fine-tuned models using separate feedback from these multimodal
judges provide similar conclusions, further confirming the effectiveness of
MJ-Bench. All data, code, models are available at
https://huggingface.co/MJ-Bench. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2312.02238 | HF | X-Adapter: Adding Universal Compatibility of Plugins for Upgraded Diffusion Model | [
"Lingmin Ran",
"Xiaodong Cun",
"Jia-Wei Liu",
"Rui Zhao",
"Song Zijie",
"Xintao Wang",
"Jussi Keppo",
"Mike Zheng Shou"
] | 2023-12-04 | We introduce X-Adapter, a universal upgrader to enable the pretrained
plug-and-play modules (e.g., ControlNet, LoRA) to work directly with the
upgraded text-to-image diffusion model (e.g., SDXL) without further retraining.
We achieve this goal by training an additional network to control the frozen
upgraded model with the new text-image data pairs. In detail, X-Adapter keeps a
frozen copy of the old model to preserve the connectors of different plugins.
Additionally, X-Adapter adds trainable mapping layers that bridge the decoders
from models of different versions for feature remapping. The remapped features
will be used as guidance for the upgraded model. To enhance the guidance
ability of X-Adapter, we employ a null-text training strategy for the upgraded
model. After training, we also introduce a two-stage denoising strategy to
align the initial latents of X-Adapter and the upgraded model. Thanks to our
strategies, X-Adapter demonstrates universal compatibility with various plugins
and also enables plugins of different versions to work together, thereby
expanding the functionalities of diffusion community. To verify the
effectiveness of the proposed method, we conduct extensive experiments and the
results show that X-Adapter may facilitate wider application in the upgraded
foundational diffusion model. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.MM"
] |
2306.01693 | Both | Fine-Grained Human Feedback Gives Better Rewards for Language Model Training | [
"Zeqiu Wu",
"Yushi Hu",
"Weijia Shi",
"Nouha Dziri",
"Alane Suhr",
"Prithviraj Ammanabrolu",
"Noah A. Smith",
"Mari Ostendorf",
"Hannaneh Hajishirzi"
] | 2023-06-02 | Language models (LMs) often exhibit undesirable text generation behaviors,
including generating false, toxic, or irrelevant outputs. Reinforcement
learning from human feedback (RLHF) - where human preference judgments on LM
outputs are transformed into a learning signal - has recently shown promise in
addressing these issues. However, such holistic feedback conveys limited
information on long text outputs; it does not indicate which aspects of the
outputs influenced user preference; e.g., which parts contain what type(s) of
errors. In this paper, we use fine-grained human feedback (e.g., which sentence
is false, which sub-sentence is irrelevant) as an explicit training signal. We
introduce Fine-Grained RLHF, a framework that enables training and learning
from reward functions that are fine-grained in two respects: (1) density,
providing a reward after every segment (e.g., a sentence) is generated; and (2)
incorporating multiple reward models associated with different feedback types
(e.g., factual incorrectness, irrelevance, and information incompleteness). We
conduct experiments on detoxification and long-form question answering to
illustrate how learning with such reward functions leads to improved
performance, supported by both automatic and human evaluation. Additionally, we
show that LM behaviors can be customized using different combinations of
fine-grained reward models. We release all data, collected human feedback, and
codes at https://FineGrainedRLHF.github.io. | null | cs.CL | [
"cs.CL"
] |
2407.12679 | HF | Goldfish: Vision-Language Understanding of Arbitrarily Long Videos | [
"Kirolos Ataallah",
"Xiaoqian Shen",
"Eslam Abdelrahman",
"Essam Sleiman",
"Mingchen Zhuge",
"Jian Ding",
"Deyao Zhu",
"Jürgen Schmidhuber",
"Mohamed Elhoseiny"
] | 2024-07-17 | Most current LLM-based models for video understanding can process videos
within minutes. However, they struggle with lengthy videos due to challenges
such as "noise and redundancy", as well as "memory and computation"
constraints. In this paper, we present Goldfish, a methodology tailored for
comprehending videos of arbitrary lengths. We also introduce the TVQA-long
benchmark, specifically designed to evaluate models' capabilities in
understanding long videos with questions in both vision and text content.
Goldfish approaches these challenges with an efficient retrieval mechanism that
initially gathers the top-k video clips relevant to the instruction before
proceeding to provide the desired response. This design of the retrieval
mechanism enables the Goldfish to efficiently process arbitrarily long video
sequences, facilitating its application in contexts such as movies or
television series. To facilitate the retrieval process, we developed
MiniGPT4-Video that generates detailed descriptions for the video clips. In
addressing the scarcity of benchmarks for long video evaluation, we adapted the
TVQA short video benchmark for extended content analysis by aggregating
questions from entire episodes, thereby shifting the evaluation from partial to
full episode comprehension. We attained a 41.78% accuracy rate on the TVQA-long
benchmark, surpassing previous methods by 14.94%. Our MiniGPT4-Video also shows
exceptional performance in short video comprehension, exceeding existing
state-of-the-art methods by 3.23%, 2.03%, 16.5% and 23.59% on the MSVD, MSRVTT,
TGIF, and TVQA short video benchmarks, respectively. These results indicate
that our models have significant improvements in both long and short-video
understanding. Our models and code have been made publicly available at
https://vision-cair.github.io/Goldfish_website/ | null | cs.CV | [
"cs.CV"
] |
2404.12253 | HF | Toward Self-Improvement of LLMs via Imagination, Searching, and Criticizing | [
"Ye Tian",
"Baolin Peng",
"Linfeng Song",
"Lifeng Jin",
"Dian Yu",
"Haitao Mi",
"Dong Yu"
] | 2024-04-18 | Despite the impressive capabilities of Large Language Models (LLMs) on
various tasks, they still struggle with scenarios that involves complex
reasoning and planning. Recent work proposed advanced prompting techniques and
the necessity of fine-tuning with high-quality data to augment LLMs' reasoning
abilities. However, these approaches are inherently constrained by data
availability and quality. In light of this, self-correction and self-learning
emerge as viable solutions, employing strategies that allow LLMs to refine
their outputs and learn from self-assessed rewards. Yet, the efficacy of LLMs
in self-refining its response, particularly in complex reasoning and planning
task, remains dubious. In this paper, we introduce AlphaLLM for the
self-improvements of LLMs, which integrates Monte Carlo Tree Search (MCTS) with
LLMs to establish a self-improving loop, thereby enhancing the capabilities of
LLMs without additional annotations. Drawing inspiration from the success of
AlphaGo, AlphaLLM addresses the unique challenges of combining MCTS with LLM
for self-improvement, including data scarcity, the vastness search spaces of
language tasks, and the subjective nature of feedback in language tasks.
AlphaLLM is comprised of prompt synthesis component, an efficient MCTS approach
tailored for language tasks, and a trio of critic models for precise feedback.
Our experimental results in mathematical reasoning tasks demonstrate that
AlphaLLM significantly enhances the performance of LLMs without additional
annotations, showing the potential for self-improvement in LLMs. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.07153 | HF | Towards best practices in AGI safety and governance: A survey of expert opinion | [
"Jonas Schuett",
"Noemi Dreksler",
"Markus Anderljung",
"David McCaffary",
"Lennart Heim",
"Emma Bluemke",
"Ben Garfinkel"
] | 2023-05-11 | A number of leading AI companies, including OpenAI, Google DeepMind, and
Anthropic, have the stated goal of building artificial general intelligence
(AGI) - AI systems that achieve or exceed human performance across a wide range
of cognitive tasks. In pursuing this goal, they may develop and deploy AI
systems that pose particularly significant risks. While they have already taken
some measures to mitigate these risks, best practices have not yet emerged. To
support the identification of best practices, we sent a survey to 92 leading
experts from AGI labs, academia, and civil society and received 51 responses.
Participants were asked how much they agreed with 50 statements about what AGI
labs should do. Our main finding is that participants, on average, agreed with
all of them. Many statements received extremely high levels of agreement. For
example, 98% of respondents somewhat or strongly agreed that AGI labs should
conduct pre-deployment risk assessments, dangerous capabilities evaluations,
third-party model audits, safety restrictions on model usage, and red teaming.
Ultimately, our list of statements may serve as a helpful foundation for
efforts to develop best practices, standards, and regulations for AGI labs. | null | cs.CY | [
"cs.CY"
] |
2406.16772 | HF | OlympicArena Medal Ranks: Who Is the Most Intelligent AI So Far? | [
"Zhen Huang",
"Zengzhi Wang",
"Shijie Xia",
"Pengfei Liu"
] | 2024-06-24 | In this report, we pose the following question: Who is the most intelligent
AI model to date, as measured by the OlympicArena (an Olympic-level,
multi-discipline, multi-modal benchmark for superintelligent AI)? We
specifically focus on the most recently released models: Claude-3.5-Sonnet,
Gemini-1.5-Pro, and GPT-4o. For the first time, we propose using an Olympic
medal Table approach to rank AI models based on their comprehensive performance
across various disciplines. Empirical results reveal: (1) Claude-3.5-Sonnet
shows highly competitive overall performance over GPT-4o, even surpassing
GPT-4o on a few subjects (i.e., Physics, Chemistry, and Biology). (2)
Gemini-1.5-Pro and GPT-4V are ranked consecutively just behind GPT-4o and
Claude-3.5-Sonnet, but with a clear performance gap between them. (3) The
performance of AI models from the open-source community significantly lags
behind these proprietary models. (4) The performance of these models on this
benchmark has been less than satisfactory, indicating that we still have a long
way to go before achieving superintelligence. We remain committed to
continuously tracking and evaluating the performance of the latest powerful
models on this benchmark (available at
https://github.com/GAIR-NLP/OlympicArena). | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.04690 | AnswerAI | Faster Neighborhood Attention: Reducing the O(n^2) Cost of Self Attention at the Threadblock Level | [
"Ali Hassani",
"Wen-Mei Hwu",
"Humphrey Shi"
] | 2024-03-07 | Neighborhood attention reduces the cost of self attention by restricting each
token's attention span to its nearest neighbors. This restriction,
parameterized by a window size and dilation factor, draws a spectrum of
possible attention patterns between linear projection and self attention.
Neighborhood attention, and more generally sliding window attention patterns,
have long been bounded by infrastructure, particularly in higher-rank spaces
(2-D and 3-D), calling for the development of custom kernels, which have been
limited in either functionality, or performance, if not both. In this work, we
first show that neighborhood attention can be represented as a batched GEMM
problem, similar to standard attention, and implement it for 1-D and 2-D
neighborhood attention. These kernels on average provide 895% and 272%
improvement in full precision latency compared to existing naive kernels for
1-D and 2-D neighborhood attention respectively. We find certain inherent
inefficiencies in all unfused neighborhood attention kernels that bound their
performance and lower-precision scalability. We also developed fused
neighborhood attention; an adaptation of fused dot-product attention kernels
that allow fine-grained control over attention across different spatial axes.
Known for reducing the quadratic time complexity of self attention to a linear
complexity, neighborhood attention can now enjoy a reduced and constant memory
footprint, and record-breaking half precision latency. We observe that our
fused kernels successfully circumvent some of the unavoidable inefficiencies in
unfused implementations. While our unfused GEMM-based kernels only improve half
precision performance compared to naive kernels by an average of 496% and 113%
in 1-D and 2-D problems respectively, our fused kernels improve naive kernels
by an average of 1607% and 581% in 1-D and 2-D problems respectively. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2402.05054 | HF | LGM: Large Multi-View Gaussian Model for High-Resolution 3D Content Creation | [
"Jiaxiang Tang",
"Zhaoxi Chen",
"Xiaokang Chen",
"Tengfei Wang",
"Gang Zeng",
"Ziwei Liu"
] | 2024-02-07 | 3D content creation has achieved significant progress in terms of both
quality and speed. Although current feed-forward models can produce 3D objects
in seconds, their resolution is constrained by the intensive computation
required during training. In this paper, we introduce Large Multi-View Gaussian
Model (LGM), a novel framework designed to generate high-resolution 3D models
from text prompts or single-view images. Our key insights are two-fold: 1) 3D
Representation: We propose multi-view Gaussian features as an efficient yet
powerful representation, which can then be fused together for differentiable
rendering. 2) 3D Backbone: We present an asymmetric U-Net as a high-throughput
backbone operating on multi-view images, which can be produced from text or
single-view image input by leveraging multi-view diffusion models. Extensive
experiments demonstrate the high fidelity and efficiency of our approach.
Notably, we maintain the fast speed to generate 3D objects within 5 seconds
while boosting the training resolution to 512, thereby achieving
high-resolution 3D content generation. | null | cs.CV | [
"cs.CV"
] |
1606.01981 | AnswerAI | Deep neural networks are robust to weight binarization and other non-linear distortions | [
"Paul Merolla",
"Rathinakumar Appuswamy",
"John Arthur",
"Steve K. Esser",
"Dharmendra Modha"
] | 2016-06-07 | Recent results show that deep neural networks achieve excellent performance
even when, during training, weights are quantized and projected to a binary
representation. Here, we show that this is just the tip of the iceberg: these
same networks, during testing, also exhibit a remarkable robustness to
distortions beyond quantization, including additive and multiplicative noise,
and a class of non-linear projections where binarization is just a special
case. To quantify this robustness, we show that one such network achieves 11%
test error on CIFAR-10 even with 0.68 effective bits per weight. Furthermore,
we find that a common training heuristic--namely, projecting quantized weights
during backpropagation--can be altered (or even removed) and networks still
achieve a base level of robustness during testing. Specifically, training with
weight projections other than quantization also works, as does simply clipping
the weights, both of which have never been reported before. We confirm our
results for CIFAR-10 and ImageNet datasets. Finally, drawing from these ideas,
we propose a stochastic projection rule that leads to a new state of the art
network with 7.64% test error on CIFAR-10 using no data augmentation. | null | cs.NE | [
"cs.NE",
"cs.CV",
"cs.LG"
] |
2306.01684 | HF | Harnessing large-language models to generate private synthetic text | [
"Alexey Kurakin",
"Natalia Ponomareva",
"Umar Syed",
"Liam MacDermed",
"Andreas Terzis"
] | 2023-06-02 | Differentially private training algorithms like DP-SGD protect sensitive
training data by ensuring that trained models do not reveal private
information. An alternative approach, which this paper studies, is to use a
sensitive dataset to generate synthetic data that is differentially private
with respect to the original data, and then non-privately training a model on
the synthetic data. Doing so has several advantages: synthetic data can be
reused for other tasks (including for hyper parameter tuning), retained
indefinitely, and shared with third parties without sacrificing privacy.
However, generating private synthetic data is much harder than training a
private model. To improve performance on text data, recent work has utilized
public data by starting with a pre-trained generative language model and
privately fine-tuning it on sensitive data. This model can be used to sample a
DP synthetic dataset. While this strategy seems straightforward, executing it
has proven problematic. Previous approaches either show significant performance
loss, or have, as we show, critical design flaws. In this paper we demonstrate
that a proper training objective along with tuning fewer parameters results in
excellent DP synthetic data quality. Our approach is competitive with direct
DP-training of downstream classifiers in terms of performance on downstream
tasks. Further, we demonstrate that our DP synthetic data is not only useful
for downstream classifier training, but also to tune those same models. | null | cs.LG | [
"cs.LG",
"cs.CR"
] |
1804.04235 | AnswerAI | Adafactor: Adaptive Learning Rates with Sublinear Memory Cost | [
"Noam Shazeer",
"Mitchell Stern"
] | 2018-04-11 | In several recently proposed stochastic optimization methods (e.g. RMSProp,
Adam, Adadelta), parameter updates are scaled by the inverse square roots of
exponential moving averages of squared past gradients. Maintaining these
per-parameter second-moment estimators requires memory equal to the number of
parameters. For the case of neural network weight matrices, we propose
maintaining only the per-row and per-column sums of these moving averages, and
estimating the per-parameter second moments based on these sums. We demonstrate
empirically that this method produces similar results to the baseline.
Secondly, we show that adaptive methods can produce larger-than-desired updates
when the decay rate of the second moment accumulator is too slow. We propose
update clipping and a gradually increasing decay rate scheme as remedies.
Combining these methods and dropping momentum, we achieve comparable results to
the published Adam regime in training the Transformer model on the WMT 2014
English-German machine translation task, while using very little auxiliary
storage in the optimizer. Finally, we propose scaling the parameter updates
based on the scale of the parameters themselves. | null | cs.LG | [
"cs.LG",
"cs.AI",
"stat.ML"
] |
2306.01754 | HF | Transformer-based Vulnerability Detection in Code at EditTime: Zero-shot, Few-shot, or Fine-tuning? | [
"Aaron Chan",
"Anant Kharkar",
"Roshanak Zilouchian Moghaddam",
"Yevhen Mohylevskyy",
"Alec Helyar",
"Eslam Kamal",
"Mohamed Elkamhawy",
"Neel Sundaresan"
] | 2023-05-23 | Software vulnerabilities bear enterprises significant costs. Despite
extensive efforts in research and development of software vulnerability
detection methods, uncaught vulnerabilities continue to put software owners and
users at risk. Many current vulnerability detection methods require that code
snippets can compile and build before attempting detection. This,
unfortunately, introduces a long latency between the time a vulnerability is
injected to the time it is removed, which can substantially increases the cost
of fixing a vulnerability. We recognize that the current advances in machine
learning can be used to detect vulnerable code patterns on syntactically
incomplete code snippets as the developer is writing the code at EditTime. In
this paper we present a practical system that leverages deep learning on a
large-scale data set of vulnerable code patterns to learn complex
manifestations of more than 250 vulnerability types and detect vulnerable code
patterns at EditTime. We discuss zero-shot, few-shot, and fine-tuning
approaches on state of the art pre-trained Large Language Models (LLMs). We
show that in comparison with state of the art vulnerability detection models
our approach improves the state of the art by 10%. We also evaluate our
approach to detect vulnerability in auto-generated code by code LLMs.
Evaluation on a benchmark of high-risk code scenarios shows a reduction of up
to 90% vulnerability reduction. | null | cs.CR | [
"cs.CR",
"cs.AI",
"cs.LG"
] |
2310.02989 | AnswerAI | xVal: A Continuous Number Encoding for Large Language Models | [
"Siavash Golkar",
"Mariel Pettee",
"Michael Eickenberg",
"Alberto Bietti",
"Miles Cranmer",
"Geraud Krawezik",
"Francois Lanusse",
"Michael McCabe",
"Ruben Ohana",
"Liam Parker",
"Bruno Régaldo-Saint Blancard",
"Tiberiu Tesileanu",
"Kyunghyun Cho",
"Shirley Ho"
] | 2023-10-04 | Large Language Models have not yet been broadly adapted for the analysis of
scientific datasets due in part to the unique difficulties of tokenizing
numbers. We propose xVal, a numerical encoding scheme that represents any real
number using just a single token. xVal represents a given real number by
scaling a dedicated embedding vector by the number value. Combined with a
modified number-inference approach, this strategy renders the model end-to-end
continuous when considered as a map from the numbers of the input string to
those of the output string. This leads to an inductive bias that is generally
more suitable for applications in scientific domains. We empirically evaluate
our proposal on a number of synthetic and real-world datasets. Compared with
existing number encoding schemes, we find that xVal is more token-efficient and
demonstrates improved generalization. | null | stat.ML | [
"stat.ML",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2407.04051 | HF | FunAudioLLM: Voice Understanding and Generation Foundation Models for Natural Interaction Between Humans and LLMs | [
"Keyu An",
"Qian Chen",
"Chong Deng",
"Zhihao Du",
"Changfeng Gao",
"Zhifu Gao",
"Yue Gu",
"Ting He",
"Hangrui Hu",
"Kai Hu",
"Shengpeng Ji",
"Yabin Li",
"Zerui Li",
"Heng Lu",
"Haoneng Luo",
"Xiang Lv",
"Bin Ma",
"Ziyang Ma",
"Chongjia Ni",
"Changhe Song",
"Jiaqi Shi",
"Xian Shi",
"Hao Wang",
"Wen Wang",
"Yuxuan Wang",
"Zhangyu Xiao",
"Zhijie Yan",
"Yexin Yang",
"Bin Zhang",
"Qinglin Zhang",
"Shiliang Zhang",
"Nan Zhao",
"Siqi Zheng"
] | 2024-07-04 | This report introduces FunAudioLLM, a model family designed to enhance
natural voice interactions between humans and large language models (LLMs). At
its core are two innovative models: SenseVoice, which handles multilingual
speech recognition, emotion recognition, and audio event detection; and
CosyVoice, which facilitates natural speech generation with control over
multiple languages, timbre, speaking style, and speaker identity.
SenseVoice-Small delivers exceptionally low-latency ASR for 5 languages, and
SenseVoice-Large supports high-precision ASR for over 50 languages, while
CosyVoice excels in multi-lingual voice generation, zero-shot in-context
learning, cross-lingual voice cloning, and instruction-following capabilities.
The models related to SenseVoice and CosyVoice have been open-sourced on
Modelscope and Huggingface, along with the corresponding training, inference,
and fine-tuning codes released on GitHub. By integrating these models with
LLMs, FunAudioLLM enables applications such as speech-to-speech translation,
emotional voice chat, interactive podcasts, and expressive audiobook narration,
thereby pushing the boundaries of voice interaction technology. Demos are
available at https://fun-audio-llm.github.io, and the code can be accessed at
https://github.com/FunAudioLLM. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2212.14034 | AnswerAI | Cramming: Training a Language Model on a Single GPU in One Day | [
"Jonas Geiping",
"Tom Goldstein"
] | 2022-12-28 | Recent trends in language modeling have focused on increasing performance
through scaling, and have resulted in an environment where training language
models is out of reach for most researchers and practitioners. While most in
the community are asking how to push the limits of extreme computation, we ask
the opposite question: How far can we get with a single GPU in just one day?
We investigate the downstream performance achievable with a transformer-based
language model trained completely from scratch with masked language modeling
for a single day on a single consumer GPU. Aside from re-analyzing nearly all
components of the pretraining pipeline for this scenario and providing a
modified pipeline with performance close to BERT, we investigate why scaling
down is hard, and which modifications actually improve performance in this
scenario. We provide evidence that even in this constrained setting,
performance closely follows scaling laws observed in large-compute settings.
Through the lens of scaling laws, we categorize a range of recent improvements
to training and architecture and discuss their merit and practical
applicability (or lack thereof) for the limited compute setting. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2401.17221 | HF | MouSi: Poly-Visual-Expert Vision-Language Models | [
"Xiaoran Fan",
"Tao Ji",
"Changhao Jiang",
"Shuo Li",
"Senjie Jin",
"Sirui Song",
"Junke Wang",
"Boyang Hong",
"Lu Chen",
"Guodong Zheng",
"Ming Zhang",
"Caishuang Huang",
"Rui Zheng",
"Zhiheng Xi",
"Yuhao Zhou",
"Shihan Dou",
"Junjie Ye",
"Hang Yan",
"Tao Gui",
"Qi Zhang",
"Xipeng Qiu",
"Xuanjing Huang",
"Zuxuan Wu",
"Yu-Gang Jiang"
] | 2024-01-30 | Current large vision-language models (VLMs) often encounter challenges such
as insufficient capabilities of a single visual component and excessively long
visual tokens. These issues can limit the model's effectiveness in accurately
interpreting complex visual information and over-lengthy contextual
information. Addressing these challenges is crucial for enhancing the
performance and applicability of VLMs. This paper proposes the use of ensemble
experts technique to synergizes the capabilities of individual visual encoders,
including those skilled in image-text matching, OCR, image segmentation, etc.
This technique introduces a fusion network to unify the processing of outputs
from different visual experts, while bridging the gap between image encoders
and pre-trained LLMs. In addition, we explore different positional encoding
schemes to alleviate the waste of positional encoding caused by lengthy image
feature sequences, effectively addressing the issue of position overflow and
length limitations. For instance, in our implementation, this technique
significantly reduces the positional occupancy in models like SAM, from a
substantial 4096 to a more efficient and manageable 64 or even down to 1.
Experimental results demonstrate that VLMs with multiple experts exhibit
consistently superior performance over isolated visual encoders and mark a
significant performance boost as more experts are integrated. We have
open-sourced the training code used in this report. All of these resources can
be found on our project website. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2407.16224 | HF | OutfitAnyone: Ultra-high Quality Virtual Try-On for Any Clothing and Any Person | [
"Ke Sun",
"Jian Cao",
"Qi Wang",
"Linrui Tian",
"Xindi Zhang",
"Lian Zhuo",
"Bang Zhang",
"Liefeng Bo",
"Wenbo Zhou",
"Weiming Zhang",
"Daiheng Gao"
] | 2024-07-23 | Virtual Try-On (VTON) has become a transformative technology, empowering
users to experiment with fashion without ever having to physically try on
clothing. However, existing methods often struggle with generating
high-fidelity and detail-consistent results. While diffusion models, such as
Stable Diffusion series, have shown their capability in creating high-quality
and photorealistic images, they encounter formidable challenges in conditional
generation scenarios like VTON. Specifically, these models struggle to maintain
a balance between control and consistency when generating images for virtual
clothing trials. OutfitAnyone addresses these limitations by leveraging a
two-stream conditional diffusion model, enabling it to adeptly handle garment
deformation for more lifelike results. It distinguishes itself with
scalability-modulating factors such as pose, body shape and broad
applicability, extending from anime to in-the-wild images. OutfitAnyone's
performance in diverse scenarios underscores its utility and readiness for
real-world deployment. For more details and animated results, please see
\url{https://humanaigc.github.io/outfit-anyone/}. | null | cs.CV | [
"cs.CV"
] |
2309.10400 | AnswerAI | PoSE: Efficient Context Window Extension of LLMs via Positional Skip-wise Training | [
"Dawei Zhu",
"Nan Yang",
"Liang Wang",
"Yifan Song",
"Wenhao Wu",
"Furu Wei",
"Sujian Li"
] | 2023-09-19 | Large Language Models (LLMs) are trained with a pre-defined context length,
restricting their use in scenarios requiring long inputs. Previous efforts for
adapting LLMs to a longer length usually requires fine-tuning with this target
length (Full-length fine-tuning), suffering intensive training cost. To
decouple train length from target length for efficient context window
extension, we propose Positional Skip-wisE (PoSE) training that smartly
simulates long inputs using a fixed context window. This is achieved by first
dividing the original context window into several chunks, then designing
distinct skipping bias terms to manipulate the position indices of each chunk.
These bias terms and the lengths of each chunk are altered for every training
example, allowing the model to adapt to all positions within target length.
Experimental results show that PoSE greatly reduces memory and time overhead
compared with Full-length fine-tuning, with minimal impact on performance.
Leveraging this advantage, we have successfully extended the LLaMA model to
128k tokens using a 2k training context window. Furthermore, we empirically
confirm that PoSE is compatible with all RoPE-based LLMs and position
interpolation strategies. Notably, our method can potentially support infinite
length, limited only by memory usage in inference. With ongoing progress for
efficient inference, we believe PoSE can further scale the context window
beyond 128k. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2409.01199 | HF | OD-VAE: An Omni-dimensional Video Compressor for Improving Latent Video Diffusion Model | [
"Liuhan Chen",
"Zongjian Li",
"Bin Lin",
"Bin Zhu",
"Qian Wang",
"Shenghai Yuan",
"Xing Zhou",
"Xinhua Cheng",
"Li Yuan"
] | 2024-09-02 | Variational Autoencoder (VAE), compressing videos into latent
representations, is a crucial preceding component of Latent Video Diffusion
Models (LVDMs). With the same reconstruction quality, the more sufficient the
VAE's compression for videos is, the more efficient the LVDMs are. However,
most LVDMs utilize 2D image VAE, whose compression for videos is only in the
spatial dimension and often ignored in the temporal dimension. How to conduct
temporal compression for videos in a VAE to obtain more concise latent
representations while promising accurate reconstruction is seldom explored. To
fill this gap, we propose an omni-dimension compression VAE, named OD-VAE,
which can temporally and spatially compress videos. Although OD-VAE's more
sufficient compression brings a great challenge to video reconstruction, it can
still achieve high reconstructed accuracy by our fine design. To obtain a
better trade-off between video reconstruction quality and compression speed,
four variants of OD-VAE are introduced and analyzed. In addition, a novel tail
initialization is designed to train OD-VAE more efficiently, and a novel
inference strategy is proposed to enable OD-VAE to handle videos of arbitrary
length with limited GPU memory. Comprehensive experiments on video
reconstruction and LVDM-based video generation demonstrate the effectiveness
and efficiency of our proposed methods. | null | cs.CV | [
"cs.CV",
"eess.IV"
] |
2308.04430 | HF | SILO Language Models: Isolating Legal Risk In a Nonparametric Datastore | [
"Sewon Min",
"Suchin Gururangan",
"Eric Wallace",
"Weijia Shi",
"Hannaneh Hajishirzi",
"Noah A. Smith",
"Luke Zettlemoyer"
] | 2023-08-08 | The legality of training language models (LMs) on copyrighted or otherwise
restricted data is under intense debate. However, as we show, model performance
significantly degrades if trained only on low-risk text (e.g., out-of-copyright
books or government documents), due to its limited size and domain coverage. We
present SILO, a new language model that manages this risk-performance tradeoff
during inference. SILO is built by (1) training a parametric LM on Open License
Corpus (OLC), a new corpus we curate with 228B tokens of public domain and
permissively licensed text and (2) augmenting it with a more general and easily
modifiable nonparametric datastore (e.g., containing copyrighted books or news)
that is only queried during inference. The datastore allows use of high-risk
data without training on it, supports sentence-level data attribution, and
enables data producers to opt out from the model by removing content from the
store. These capabilities can foster compliance with data-use regulations such
as the fair use doctrine in the United States and the GDPR in the European
Union. Our experiments show that the parametric LM struggles on domains not
covered by OLC. However, access to the datastore greatly improves out of domain
performance, closing 90% of the performance gap with an LM trained on the Pile,
a more diverse corpus with mostly high-risk text. We also analyze which
nonparametric approach works best, where the remaining errors lie, and how
performance scales with datastore size. Our results suggest that it is possible
to build high quality language models while mitigating their legal risk. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.06077 | HF | Relightify: Relightable 3D Faces from a Single Image via Diffusion Models | [
"Foivos Paraperas Papantoniou",
"Alexandros Lattas",
"Stylianos Moschoglou",
"Stefanos Zafeiriou"
] | 2023-05-10 | Following the remarkable success of diffusion models on image generation,
recent works have also demonstrated their impressive ability to address a
number of inverse problems in an unsupervised way, by properly constraining the
sampling process based on a conditioning input. Motivated by this, in this
paper, we present the first approach to use diffusion models as a prior for
highly accurate 3D facial BRDF reconstruction from a single image. We start by
leveraging a high-quality UV dataset of facial reflectance (diffuse and
specular albedo and normals), which we render under varying illumination
settings to simulate natural RGB textures and, then, train an unconditional
diffusion model on concatenated pairs of rendered textures and reflectance
components. At test time, we fit a 3D morphable model to the given image and
unwrap the face in a partial UV texture. By sampling from the diffusion model,
while retaining the observed texture part intact, the model inpaints not only
the self-occluded areas but also the unknown reflectance components, in a
single sequence of denoising steps. In contrast to existing methods, we
directly acquire the observed texture from the input image, thus, resulting in
more faithful and consistent reflectance estimation. Through a series of
qualitative and quantitative comparisons, we demonstrate superior performance
in both texture completion as well as reflectance reconstruction tasks. | null | cs.CV | [
"cs.CV"
] |
2403.09611 | Both | MM1: Methods, Analysis & Insights from Multimodal LLM Pre-training | [
"Brandon McKinzie",
"Zhe Gan",
"Jean-Philippe Fauconnier",
"Sam Dodge",
"Bowen Zhang",
"Philipp Dufter",
"Dhruti Shah",
"Xianzhi Du",
"Futang Peng",
"Floris Weers",
"Anton Belyi",
"Haotian Zhang",
"Karanjeet Singh",
"Doug Kang",
"Ankur Jain",
"Hongyu Hè",
"Max Schwarzer",
"Tom Gunter",
"Xiang Kong",
"Aonan Zhang",
"Jianyu Wang",
"Chong Wang",
"Nan Du",
"Tao Lei",
"Sam Wiseman",
"Guoli Yin",
"Mark Lee",
"Zirui Wang",
"Ruoming Pang",
"Peter Grasch",
"Alexander Toshev",
"Yinfei Yang"
] | 2024-03-14 | In this work, we discuss building performant Multimodal Large Language Models
(MLLMs). In particular, we study the importance of various architecture
components and data choices. Through careful and comprehensive ablations of the
image encoder, the vision language connector, and various pre-training data
choices, we identified several crucial design lessons. For example, we
demonstrate that for large-scale multimodal pre-training using a careful mix of
image-caption, interleaved image-text, and text-only data is crucial for
achieving state-of-the-art (SOTA) few-shot results across multiple benchmarks,
compared to other published pre-training results. Further, we show that the
image encoder together with image resolution and the image token count has
substantial impact, while the vision-language connector design is of
comparatively negligible importance. By scaling up the presented recipe, we
build MM1, a family of multimodal models up to 30B parameters, including both
dense models and mixture-of-experts (MoE) variants, that are SOTA in
pre-training metrics and achieve competitive performance after supervised
fine-tuning on a range of established multimodal benchmarks. Thanks to
large-scale pre-training, MM1 enjoys appealing properties such as enhanced
in-context learning, and multi-image reasoning, enabling few-shot
chain-of-thought prompting. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2406.16758 | HF | Towards Fast Multilingual LLM Inference: Speculative Decoding and Specialized Drafters | [
"Euiin Yi",
"Taehyeon Kim",
"Hongseok Jeung",
"Du-Seong Chang",
"Se-Young Yun"
] | 2024-06-24 | Large language models (LLMs) have revolutionized natural language processing
and broadened their applicability across diverse commercial applications.
However, the deployment of these models is constrained by high inference time
in multilingual settings. To mitigate this challenge, this paper explores a
training recipe of an assistant model in speculative decoding, which are
leveraged to draft and-then its future tokens are verified by the target LLM.
We show that language-specific draft models, optimized through a targeted
pretrain-and-finetune strategy, substantially brings a speedup of inference
time compared to the previous methods. We validate these models across various
languages in inference time, out-of-domain speedup, and GPT-4o evaluation. | null | cs.CL | [
"cs.CL"
] |
2409.10923 | HF | Agile Continuous Jumping in Discontinuous Terrains | [
"Yuxiang Yang",
"Guanya Shi",
"Changyi Lin",
"Xiangyun Meng",
"Rosario Scalise",
"Mateo Guaman Castro",
"Wenhao Yu",
"Tingnan Zhang",
"Ding Zhao",
"Jie Tan",
"Byron Boots"
] | 2024-09-17 | We focus on agile, continuous, and terrain-adaptive jumping of quadrupedal
robots in discontinuous terrains such as stairs and stepping stones. Unlike
single-step jumping, continuous jumping requires accurately executing highly
dynamic motions over long horizons, which is challenging for existing
approaches. To accomplish this task, we design a hierarchical learning and
control framework, which consists of a learned heightmap predictor for robust
terrain perception, a reinforcement-learning-based centroidal-level motion
policy for versatile and terrain-adaptive planning, and a low-level model-based
leg controller for accurate motion tracking. In addition, we minimize the
sim-to-real gap by accurately modeling the hardware characteristics. Our
framework enables a Unitree Go1 robot to perform agile and continuous jumps on
human-sized stairs and sparse stepping stones, for the first time to the best
of our knowledge. In particular, the robot can cross two stair steps in each
jump and completes a 3.5m long, 2.8m high, 14-step staircase in 4.5 seconds.
Moreover, the same policy outperforms baselines in various other parkour tasks,
such as jumping over single horizontal or vertical discontinuities. Experiment
videos can be found at \url{https://yxyang.github.io/jumping\_cod/}. | null | cs.RO | [
"cs.RO"
] |
2407.11298 | HF | ThinkGrasp: A Vision-Language System for Strategic Part Grasping in Clutter | [
"Yaoyao Qian",
"Xupeng Zhu",
"Ondrej Biza",
"Shuo Jiang",
"Linfeng Zhao",
"Haojie Huang",
"Yu Qi",
"Robert Platt"
] | 2024-07-16 | Robotic grasping in cluttered environments remains a significant challenge
due to occlusions and complex object arrangements. We have developed
ThinkGrasp, a plug-and-play vision-language grasping system that makes use of
GPT-4o's advanced contextual reasoning for heavy clutter environment grasping
strategies. ThinkGrasp can effectively identify and generate grasp poses for
target objects, even when they are heavily obstructed or nearly invisible, by
using goal-oriented language to guide the removal of obstructing objects. This
approach progressively uncovers the target object and ultimately grasps it with
a few steps and a high success rate. In both simulated and real experiments,
ThinkGrasp achieved a high success rate and significantly outperformed
state-of-the-art methods in heavily cluttered environments or with diverse
unseen objects, demonstrating strong generalization capabilities. | null | cs.RO | [
"cs.RO"
] |
2306.17563 | HF | Large Language Models are Effective Text Rankers with Pairwise Ranking Prompting | [
"Zhen Qin",
"Rolf Jagerman",
"Kai Hui",
"Honglei Zhuang",
"Junru Wu",
"Le Yan",
"Jiaming Shen",
"Tianqi Liu",
"Jialu Liu",
"Donald Metzler",
"Xuanhui Wang",
"Michael Bendersky"
] | 2023-06-30 | Ranking documents using Large Language Models (LLMs) by directly feeding the
query and candidate documents into the prompt is an interesting and practical
problem. However, researchers have found it difficult to outperform fine-tuned
baseline rankers on benchmark datasets. We analyze pointwise and listwise
ranking prompts used by existing methods and argue that off-the-shelf LLMs do
not fully understand these challenging ranking formulations. In this paper, we
propose to significantly reduce the burden on LLMs by using a new technique
called Pairwise Ranking Prompting (PRP). Our results are the first in the
literature to achieve state-of-the-art ranking performance on standard
benchmarks using moderate-sized open-sourced LLMs. On TREC-DL 2019&2020, PRP
based on the Flan-UL2 model with 20B parameters performs favorably with the
previous best approach in the literature, which is based on the blackbox
commercial GPT-4 that has 50x (estimated) model size, while outperforming other
LLM-based solutions, such as InstructGPT which has 175B parameters, by over 10%
for all ranking metrics. By using the same prompt template on seven BEIR tasks,
PRP outperforms supervised baselines and outperforms the blackbox commercial
ChatGPT solution by 4.2% and pointwise LLM-based solutions by more than 10% on
average NDCG@10. Furthermore, we propose several variants of PRP to improve
efficiency and show that it is possible to achieve competitive results even
with linear complexity. | null | cs.IR | [
"cs.IR",
"cs.CL",
"cs.LG"
] |
2409.10568 | HF | On the limits of agency in agent-based models | [
"Ayush Chopra",
"Shashank Kumar",
"Nurullah Giray-Kuru",
"Ramesh Raskar",
"Arnau Quera-Bofarull"
] | 2024-09-14 | Agent-based modeling (ABM) seeks to understand the behavior of complex
systems by simulating a collection of agents that act and interact within an
environment. Their practical utility requires capturing realistic environment
dynamics and adaptive agent behavior while efficiently simulating million-size
populations. Recent advancements in large language models (LLMs) present an
opportunity to enhance ABMs by using LLMs as agents with further potential to
capture adaptive behavior. However, the computational infeasibility of using
LLMs for large populations has hindered their widespread adoption. In this
paper, we introduce AgentTorch -- a framework that scales ABMs to millions of
agents while capturing high-resolution agent behavior using LLMs. We benchmark
the utility of LLMs as ABM agents, exploring the trade-off between simulation
scale and individual agency. Using the COVID-19 pandemic as a case study, we
demonstrate how AgentTorch can simulate 8.4 million agents representing New
York City, capturing the impact of isolation and employment behavior on health
and economic outcomes. We compare the performance of different agent
architectures based on heuristic and LLM agents in predicting disease waves and
unemployment rates. Furthermore, we showcase AgentTorch's capabilities for
retrospective, counterfactual, and prospective analyses, highlighting how
adaptive agent behavior can help overcome the limitations of historical data in
policy design. AgentTorch is an open-source project actively being used for
policy-making and scientific discovery around the world. The framework is
available here: github.com/AgentTorch/AgentTorch. | null | cs.MA | [
"cs.MA",
"cs.AI"
] |
2307.15189 | Both | Med-Flamingo: a Multimodal Medical Few-shot Learner | [
"Michael Moor",
"Qian Huang",
"Shirley Wu",
"Michihiro Yasunaga",
"Cyril Zakka",
"Yash Dalmia",
"Eduardo Pontes Reis",
"Pranav Rajpurkar",
"Jure Leskovec"
] | 2023-07-27 | Medicine, by its nature, is a multifaceted domain that requires the synthesis
of information across various modalities. Medical generative vision-language
models (VLMs) make a first step in this direction and promise many exciting
clinical applications. However, existing models typically have to be fine-tuned
on sizeable down-stream datasets, which poses a significant limitation as in
many medical applications data is scarce, necessitating models that are capable
of learning from few examples in real-time. Here we propose Med-Flamingo, a
multimodal few-shot learner adapted to the medical domain. Based on
OpenFlamingo-9B, we continue pre-training on paired and interleaved medical
image-text data from publications and textbooks. Med-Flamingo unlocks few-shot
generative medical visual question answering (VQA) abilities, which we evaluate
on several datasets including a novel challenging open-ended VQA dataset of
visual USMLE-style problems. Furthermore, we conduct the first human evaluation
for generative medical VQA where physicians review the problems and blinded
generations in an interactive app. Med-Flamingo improves performance in
generative medical VQA by up to 20\% in clinician's rating and firstly enables
multimodal medical few-shot adaptations, such as rationale generation. We
release our model, code, and evaluation app under
https://github.com/snap-stanford/med-flamingo. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2305.16635 | Both | Impossible Distillation: from Low-Quality Model to High-Quality Dataset & Model for Summarization and Paraphrasing | [
"Jaehun Jung",
"Peter West",
"Liwei Jiang",
"Faeze Brahman",
"Ximing Lu",
"Jillian Fisher",
"Taylor Sorensen",
"Yejin Choi"
] | 2023-05-26 | We present Impossible Distillation, a novel framework for paraphrasing and
sentence summarization, that distills a high-quality dataset and model from a
low-quality teacher that itself cannot perform these tasks. Unlike prior works
that rely on an extreme-scale teacher model (e.g., GPT3) or task-specific
architecture, we hypothesize and verify the paraphrastic proximity intrinsic to
pre-trained LMs (e.g., GPT2), where paraphrases occupy a proximal subspace in
the LM distribution. By identifying and distilling generations from these
subspaces, Impossible Distillation produces a high-quality dataset and model
even from GPT2-scale LMs. We evaluate our method on multiple benchmarks
spanning unconstrained / syntax-controlled paraphrase generation and sentence
summarization. Our model with 770M parameters consistently outperforms strong
baselines, including models distilled from ChatGPT, and sometimes, even ChatGPT
itself. Also, we find that our distilled dataset from 1.5B LMs exhibits higher
diversity and fidelity than up to 13 times larger datasets. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.03875 | HF | Large Language Models for Supply Chain Optimization | [
"Beibin Li",
"Konstantina Mellou",
"Bo Zhang",
"Jeevan Pathuri",
"Ishai Menache"
] | 2023-07-08 | Supply chain operations traditionally involve a variety of complex decision
making problems. Over the last few decades, supply chains greatly benefited
from advances in computation, which allowed the transition from manual
processing to automation and cost-effective optimization. Nonetheless, business
operators still need to spend substantial efforts in explaining and
interpreting the optimization outcomes to stakeholders. Motivated by the recent
advances in Large Language Models (LLMs), we study how this disruptive
technology can help bridge the gap between supply chain automation and human
comprehension and trust thereof. We design OptiGuide -- a framework that
accepts as input queries in plain text, and outputs insights about the
underlying optimization outcomes. Our framework does not forgo the
state-of-the-art combinatorial optimization technology, but rather leverages it
to quantitatively answer what-if scenarios (e.g., how would the cost change if
we used supplier B instead of supplier A for a given demand?). Importantly, our
design does not require sending proprietary data over to LLMs, which can be a
privacy concern in some circumstances. We demonstrate the effectiveness of our
framework on a real server placement scenario within Microsoft's cloud supply
chain. Along the way, we develop a general evaluation benchmark, which can be
used to evaluate the accuracy of the LLM output in other scenarios. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.DM",
"cs.LG"
] |
2310.09342 | HF | Ranking LLM-Generated Loop Invariants for Program Verification | [
"Saikat Chakraborty",
"Shuvendu K. Lahiri",
"Sarah Fakhoury",
"Madanlal Musuvathi",
"Akash Lal",
"Aseem Rastogi",
"Aditya Senthilnathan",
"Rahul Sharma",
"Nikhil Swamy"
] | 2023-10-13 | Synthesizing inductive loop invariants is fundamental to automating program
verification. In this work, we observe that Large Language Models (such as
gpt-3.5 or gpt-4) are capable of synthesizing loop invariants for a class of
programs in a 0-shot setting, yet require several samples to generate the
correct invariants. This can lead to a large number of calls to a program
verifier to establish an invariant. To address this issue, we propose a {\it
re-ranking} approach for the generated results of LLMs. We have designed a
ranker that can distinguish between correct inductive invariants and incorrect
attempts based on the problem definition. The ranker is optimized as a
contrastive ranker. Experimental results demonstrate that this re-ranking
mechanism significantly improves the ranking of correct invariants among the
generated candidates, leading to a notable reduction in the number of calls to
a verifier. The source code and the experimental data for this paper are
available in \url{https://github.com/microsoft/NeuralInvariantRanker}. | null | cs.PL | [
"cs.PL",
"cs.AI",
"cs.CL",
"cs.SE"
] |
2407.17438 | HF | HumanVid: Demystifying Training Data for Camera-controllable Human Image Animation | [
"Zhenzhi Wang",
"Yixuan Li",
"Yanhong Zeng",
"Youqing Fang",
"Yuwei Guo",
"Wenran Liu",
"Jing Tan",
"Kai Chen",
"Tianfan Xue",
"Bo Dai",
"Dahua Lin"
] | 2024-07-24 | Human image animation involves generating videos from a character photo,
allowing user control and unlocking potential for video and movie production.
While recent approaches yield impressive results using high-quality training
data, the inaccessibility of these datasets hampers fair and transparent
benchmarking. Moreover, these approaches prioritize 2D human motion and
overlook the significance of camera motions in videos, leading to limited
control and unstable video generation. To demystify the training data, we
present HumanVid, the first large-scale high-quality dataset tailored for human
image animation, which combines crafted real-world and synthetic data. For the
real-world data, we compile a vast collection of copyright-free real-world
videos from the internet. Through a carefully designed rule-based filtering
strategy, we ensure the inclusion of high-quality videos, resulting in a
collection of 20K human-centric videos in 1080P resolution. Human and camera
motion annotation is accomplished using a 2D pose estimator and a SLAM-based
method. For the synthetic data, we gather 2,300 copyright-free 3D avatar assets
to augment existing available 3D assets. Notably, we introduce a rule-based
camera trajectory generation method, enabling the synthetic pipeline to
incorporate diverse and precise camera motion annotation, which can rarely be
found in real-world data. To verify the effectiveness of HumanVid, we establish
a baseline model named CamAnimate, short for Camera-controllable Human
Animation, that considers both human and camera motions as conditions. Through
extensive experimentation, we demonstrate that such simple baseline training on
our HumanVid achieves state-of-the-art performance in controlling both human
pose and camera motions, setting a new benchmark. Code and data will be
publicly available at https://github.com/zhenzhiwang/HumanVid/. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2404.14994 | HF | Transformers Can Represent $n$-gram Language Models | [
"Anej Svete",
"Ryan Cotterell"
] | 2024-04-23 | Existing work has analyzed the representational capacity of the transformer
architecture by means of formal models of computation. However, the focus so
far has been on analyzing the architecture in terms of language
\emph{acceptance}. We contend that this is an ill-suited problem in the study
of \emph{language models} (LMs), which are definitionally \emph{probability
distributions} over strings. In this paper, we focus on the relationship
between transformer LMs and $n$-gram LMs, a simple and historically relevant
class of language models. We show that transformer LMs using the hard or sparse
attention mechanisms can exactly represent any $n$-gram LM, giving us a
concrete lower bound on their probabilistic representational capacity. This
provides a first step towards understanding the mechanisms that transformer LMs
can use to represent probability distributions over strings. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CC",
"cs.FL",
"cs.LG"
] |
2406.17660 | HF | Grass: Compute Efficient Low-Memory LLM Training with Structured Sparse Gradients | [
"Aashiq Muhamed",
"Oscar Li",
"David Woodruff",
"Mona Diab",
"Virginia Smith"
] | 2024-06-25 | Large language model (LLM) training and finetuning are often bottlenecked by
limited GPU memory. While existing projection-based optimization methods
address this by projecting gradients into a lower-dimensional subspace to
reduce optimizer state memory, they typically rely on dense projection
matrices, which can introduce computational and memory overheads. In this work,
we propose Grass (GRAdient Stuctured Sparsification), a novel approach that
leverages sparse projections to transform gradients into structured sparse
updates. This design not only significantly reduces memory usage for optimizer
states but also minimizes gradient memory footprint, computation, and
communication costs, leading to substantial throughput improvements. Extensive
experiments on pretraining and finetuning tasks demonstrate that Grass achieves
competitive performance to full-rank training and existing projection-based
methods. Notably, Grass enables half-precision pretraining of a 13B parameter
LLaMA model on a single 40GB A100 GPU--a feat infeasible for previous
methods--and yields up to a $2\times$ throughput improvement on an 8-GPU
system. Code can be found at https://github.com/aashiqmuhamed/GRASS . | null | cs.LG | [
"cs.LG"
] |
2310.11324 | AnswerAI | Quantifying Language Models' Sensitivity to Spurious Features in Prompt Design or: How I learned to start worrying about prompt formatting | [
"Melanie Sclar",
"Yejin Choi",
"Yulia Tsvetkov",
"Alane Suhr"
] | 2023-10-17 | As large language models (LLMs) are adopted as a fundamental component of
language technologies, it is crucial to accurately characterize their
performance. Because choices in prompt design can strongly influence model
behavior, this design process is critical in effectively using any modern
pre-trained generative language model. In this work, we focus on LLM
sensitivity to a quintessential class of meaning-preserving design choices:
prompt formatting. We find that several widely used open-source LLMs are
extremely sensitive to subtle changes in prompt formatting in few-shot
settings, with performance differences of up to 76 accuracy points when
evaluated using LLaMA-2-13B. Sensitivity remains even when increasing model
size, the number of few-shot examples, or performing instruction tuning. Our
analysis suggests that work evaluating LLMs with prompting-based methods would
benefit from reporting a range of performance across plausible prompt formats,
instead of the currently-standard practice of reporting performance on a single
format. We also show that format performance only weakly correlates between
models, which puts into question the methodological validity of comparing
models with an arbitrarily chosen, fixed prompt format. To facilitate
systematic analysis we propose FormatSpread, an algorithm that rapidly
evaluates a sampled set of plausible prompt formats for a given task, and
reports the interval of expected performance without accessing model weights.
Furthermore, we present a suite of analyses that characterize the nature of
this sensitivity, including exploring the influence of particular atomic
perturbations and the internal representation of particular formats. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.02545 | HF | Wukong: Towards a Scaling Law for Large-Scale Recommendation | [
"Buyun Zhang",
"Liang Luo",
"Yuxin Chen",
"Jade Nie",
"Xi Liu",
"Daifeng Guo",
"Yanli Zhao",
"Shen Li",
"Yuchen Hao",
"Yantao Yao",
"Guna Lakshminarayanan",
"Ellie Dingqiao Wen",
"Jongsoo Park",
"Maxim Naumov",
"Wenlin Chen"
] | 2024-03-04 | Scaling laws play an instrumental role in the sustainable improvement in
model quality. Unfortunately, recommendation models to date do not exhibit such
laws similar to those observed in the domain of large language models, due to
the inefficiencies of their upscaling mechanisms. This limitation poses
significant challenges in adapting these models to increasingly more complex
real-world datasets. In this paper, we propose an effective network
architecture based purely on stacked factorization machines, and a synergistic
upscaling strategy, collectively dubbed Wukong, to establish a scaling law in
the domain of recommendation. Wukong's unique design makes it possible to
capture diverse, any-order of interactions simply through taller and wider
layers. We conducted extensive evaluations on six public datasets, and our
results demonstrate that Wukong consistently outperforms state-of-the-art
models quality-wise. Further, we assessed Wukong's scalability on an internal,
large-scale dataset. The results show that Wukong retains its superiority in
quality over state-of-the-art models, while holding the scaling law across two
orders of magnitude in model complexity, extending beyond 100 GFLOP/example,
where prior arts fall short. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2310.09259 | AnswerAI | QUIK: Towards End-to-End 4-Bit Inference on Generative Large Language Models | [
"Saleh Ashkboos",
"Ilia Markov",
"Elias Frantar",
"Tingxuan Zhong",
"Xincheng Wang",
"Jie Ren",
"Torsten Hoefler",
"Dan Alistarh"
] | 2023-10-13 | Large Language Models (LLMs) from the GPT family have become extremely
popular, leading to a race towards reducing their inference costs to allow for
efficient local computation. Yet, the vast majority of existing work focuses on
weight-only quantization, which can reduce runtime costs in the memory-bound
one-token-at-a-time generative setting, but does not address them in
compute-bound scenarios, such as batched inference or prompt processing. In
this paper, we address the general quantization problem, where both weights and
activations should be quantized. We show, for the first time, that the majority
of inference computations for large generative models such as LLaMA, OPT, and
Falcon can be performed with both weights and activations being cast to 4 bits,
in a way that leads to practical speedups, while at the same time maintaining
good accuracy. We achieve this via a hybrid quantization strategy called QUIK,
which compresses most of the weights and activations to 4-bit, while keeping
some outlier weights and activations in higher-precision. The key feature of
our scheme is that it is designed with computational efficiency in mind: we
provide GPU kernels matching the QUIK format with highly-efficient layer-wise
runtimes, which lead to practical end-to-end throughput improvements of up to
3.4x relative to FP16 execution. We provide detailed studies for models from
the OPT, LLaMA-2 and Falcon families, as well as a first instance of accurate
inference using quantization plus 2:4 sparsity. Code is available at:
https://github.com/IST-DASLab/QUIK. | null | cs.LG | [
"cs.LG"
] |
2406.17563 | HF | Multi-property Steering of Large Language Models with Dynamic Activation Composition | [
"Daniel Scalena",
"Gabriele Sarti",
"Malvina Nissim"
] | 2024-06-25 | Activation steering methods were shown to be effective in conditioning
language model generation by additively intervening over models' intermediate
representations. However, the evaluation of these techniques has so far been
limited to single conditioning properties and synthetic settings. In this work,
we conduct a comprehensive evaluation of various activation steering
strategies, highlighting the property-dependent nature of optimal parameters to
ensure a robust effect throughout generation. To address this issue, we propose
Dynamic Activation Composition, an information-theoretic approach to modulate
the steering intensity of one or more properties throughout generation. Our
experiments on multi-property steering show that our method successfully
maintains high conditioning while minimizing the impact of conditioning on
generation fluency. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.12612 | HF | Less is More: Focus Attention for Efficient DETR | [
"Dehua Zheng",
"Wenhui Dong",
"Hailin Hu",
"Xinghao Chen",
"Yunhe Wang"
] | 2023-07-24 | DETR-like models have significantly boosted the performance of detectors and
even outperformed classical convolutional models. However, all tokens are
treated equally without discrimination brings a redundant computational burden
in the traditional encoder structure. The recent sparsification strategies
exploit a subset of informative tokens to reduce attention complexity
maintaining performance through the sparse encoder. But these methods tend to
rely on unreliable model statistics. Moreover, simply reducing the token
population hinders the detection performance to a large extent, limiting the
application of these sparse models. We propose Focus-DETR, which focuses
attention on more informative tokens for a better trade-off between computation
efficiency and model accuracy. Specifically, we reconstruct the encoder with
dual attention, which includes a token scoring mechanism that considers both
localization and category semantic information of the objects from multi-scale
feature maps. We efficiently abandon the background queries and enhance the
semantic interaction of the fine-grained object queries based on the scores.
Compared with the state-of-the-art sparse DETR-like detectors under the same
setting, our Focus-DETR gets comparable complexity while achieving 50.4AP
(+2.2) on COCO. The code is available at
https://github.com/huawei-noah/noah-research/tree/master/Focus-DETR and
https://gitee.com/mindspore/models/tree/master/research/cv/Focus-DETR. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2306.04181 | AnswerAI | Benchmarking Foundation Models with Language-Model-as-an-Examiner | [
"Yushi Bai",
"Jiahao Ying",
"Yixin Cao",
"Xin Lv",
"Yuze He",
"Xiaozhi Wang",
"Jifan Yu",
"Kaisheng Zeng",
"Yijia Xiao",
"Haozhe Lyu",
"Jiayin Zhang",
"Juanzi Li",
"Lei Hou"
] | 2023-06-07 | Numerous benchmarks have been established to assess the performance of
foundation models on open-ended question answering, which serves as a
comprehensive test of a model's ability to understand and generate language in
a manner similar to humans. Most of these works focus on proposing new
datasets, however, we see two main issues within previous benchmarking
pipelines, namely testing leakage and evaluation automation. In this paper, we
propose a novel benchmarking framework, Language-Model-as-an-Examiner, where
the LM serves as a knowledgeable examiner that formulates questions based on
its knowledge and evaluates responses in a reference-free manner. Our framework
allows for effortless extensibility as various LMs can be adopted as the
examiner, and the questions can be constantly updated given more diverse
trigger topics. For a more comprehensive and equitable evaluation, we devise
three strategies: (1) We instruct the LM examiner to generate questions across
a multitude of domains to probe for a broad acquisition, and raise follow-up
questions to engage in a more in-depth assessment. (2) Upon evaluation, the
examiner combines both scoring and ranking measurements, providing a reliable
result as it aligns closely with human annotations. (3) We additionally propose
a decentralized Peer-examination method to address the biases in a single
examiner. Our data and benchmarking results are available at:
http://lmexam.xlore.cn. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2312.02179 | HF | Training Chain-of-Thought via Latent-Variable Inference | [
"Du Phan",
"Matthew D. Hoffman",
"David Dohan",
"Sholto Douglas",
"Tuan Anh Le",
"Aaron Parisi",
"Pavel Sountsov",
"Charles Sutton",
"Sharad Vikram",
"Rif A. Saurous"
] | 2023-11-28 | Large language models (LLMs) solve problems more accurately and interpretably
when instructed to work out the answer step by step using a
``chain-of-thought'' (CoT) prompt. One can also improve LLMs' performance on a
specific task by supervised fine-tuning, i.e., by using gradient ascent on some
tunable parameters to maximize the average log-likelihood of correct answers
from a labeled training set. Naively combining CoT with supervised tuning
requires supervision not just of the correct answers, but also of detailed
rationales that lead to those answers; these rationales are expensive to
produce by hand. Instead, we propose a fine-tuning strategy that tries to
maximize the \emph{marginal} log-likelihood of generating a correct answer
using CoT prompting, approximately averaging over all possible rationales. The
core challenge is sampling from the posterior over rationales conditioned on
the correct answer; we address it using a simple Markov-chain Monte Carlo
(MCMC) expectation-maximization (EM) algorithm inspired by the self-taught
reasoner (STaR), memoized wake-sleep, Markovian score climbing, and persistent
contrastive divergence. This algorithm also admits a novel control-variate
technique that drives the variance of our gradient estimates to zero as the
model improves. Applying our technique to GSM8K and the tasks in BIG-Bench
Hard, we find that this MCMC-EM fine-tuning technique typically improves the
model's accuracy on held-out examples more than STaR or prompt-tuning with or
without CoT. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2309.05689 | HF | Large Language Model for Science: A Study on P vs. NP | [
"Qingxiu Dong",
"Li Dong",
"Ke Xu",
"Guangyan Zhou",
"Yaru Hao",
"Zhifang Sui",
"Furu Wei"
] | 2023-09-11 | In this work, we use large language models (LLMs) to augment and accelerate
research on the P versus NP problem, one of the most important open problems in
theoretical computer science and mathematics. Specifically, we propose Socratic
reasoning, a general framework that promotes in-depth thinking with LLMs for
complex problem-solving. Socratic reasoning encourages LLMs to recursively
discover, solve, and integrate problems while facilitating self-evaluation and
refinement. Our pilot study on the P vs. NP problem shows that GPT-4
successfully produces a proof schema and engages in rigorous reasoning
throughout 97 dialogue turns, concluding "P $\neq$ NP", which is in alignment
with (Xu and Zhou, 2023). The investigation uncovers novel insights within the
extensive solution space of LLMs, shedding light on LLM for Science. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.09958 | HF | An Empirical Study of Scaling Instruct-Tuned Large Multimodal Models | [
"Yadong Lu",
"Chunyuan Li",
"Haotian Liu",
"Jianwei Yang",
"Jianfeng Gao",
"Yelong Shen"
] | 2023-09-18 | Visual instruction tuning has recently shown encouraging progress with
open-source large multimodal models (LMM) such as LLaVA and MiniGPT-4. However,
most existing studies of open-source LMM are performed using models with 13B
parameters or smaller. In this paper we present an empirical study of scaling
LLaVA up to 33B and 65B/70B, and share our findings from our explorations in
image resolution, data mixing and parameter-efficient training methods such as
LoRA/QLoRA. These are evaluated by their impact on the multi-modal and language
capabilities when completing real-world tasks in the wild.
We find that scaling LMM consistently enhances model performance and improves
language capabilities, and performance of LoRA/QLoRA tuning of LMM are
comparable to the performance of full-model fine-tuning. Additionally, the
study highlights the importance of higher image resolutions and mixing
multimodal-language data to improve LMM performance, and visual instruction
tuning can sometimes improve LMM's pure language capability. We hope that this
study makes state-of-the-art LMM research at a larger scale more accessible,
thus helping establish stronger baselines for future research. Code and
checkpoints will be made public. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2306.07970 | HF | Neural Scene Chronology | [
"Haotong Lin",
"Qianqian Wang",
"Ruojin Cai",
"Sida Peng",
"Hadar Averbuch-Elor",
"Xiaowei Zhou",
"Noah Snavely"
] | 2023-06-13 | In this work, we aim to reconstruct a time-varying 3D model, capable of
rendering photo-realistic renderings with independent control of viewpoint,
illumination, and time, from Internet photos of large-scale landmarks. The core
challenges are twofold. First, different types of temporal changes, such as
illumination and changes to the underlying scene itself (such as replacing one
graffiti artwork with another) are entangled together in the imagery. Second,
scene-level temporal changes are often discrete and sporadic over time, rather
than continuous. To tackle these problems, we propose a new scene
representation equipped with a novel temporal step function encoding method
that can model discrete scene-level content changes as piece-wise constant
functions over time. Specifically, we represent the scene as a space-time
radiance field with a per-image illumination embedding, where
temporally-varying scene changes are encoded using a set of learned step
functions. To facilitate our task of chronology reconstruction from Internet
imagery, we also collect a new dataset of four scenes that exhibit various
changes over time. We demonstrate that our method exhibits state-of-the-art
view synthesis results on this dataset, while achieving independent control of
viewpoint, time, and illumination. | null | cs.CV | [
"cs.CV"
] |
2311.13435 | HF | PG-Video-LLaVA: Pixel Grounding Large Video-Language Models | [
"Shehan Munasinghe",
"Rusiru Thushara",
"Muhammad Maaz",
"Hanoona Abdul Rasheed",
"Salman Khan",
"Mubarak Shah",
"Fahad Khan"
] | 2023-11-22 | Extending image-based Large Multimodal Models (LMMs) to videos is challenging
due to the inherent complexity of video data. The recent approaches extending
image-based LMMs to videos either lack the grounding capabilities (e.g.,
VideoChat, Video-ChatGPT, Video-LLaMA) or do not utilize the audio-signals for
better video understanding (e.g., Video-ChatGPT). Addressing these gaps, we
propose PG-Video-LLaVA, the first LMM with pixel-level grounding capability,
integrating audio cues by transcribing them into text to enrich video-context
understanding. Our framework uses an off-the-shelf tracker and a novel
grounding module, enabling it to spatially localize objects in videos following
user instructions. We evaluate PG-Video-LLaVA using video-based generative and
question-answering benchmarks and introduce new benchmarks specifically
designed to measure prompt-based object grounding performance in videos.
Further, we propose the use of Vicuna over GPT-3.5, as utilized in
Video-ChatGPT, for video-based conversation benchmarking, ensuring
reproducibility of results which is a concern with the proprietary nature of
GPT-3.5. Our framework builds on SoTA image-based LLaVA model and extends its
advantages to the video domain, delivering promising gains on video-based
conversation and grounding tasks. Project Page:
https://github.com/mbzuai-oryx/Video-LLaVA | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2305.06351 | HF | Reconstructing Animatable Categories from Videos | [
"Gengshan Yang",
"Chaoyang Wang",
"N Dinesh Reddy",
"Deva Ramanan"
] | 2023-05-10 | Building animatable 3D models is challenging due to the need for 3D scans,
laborious registration, and manual rigging, which are difficult to scale to
arbitrary categories. Recently, differentiable rendering provides a pathway to
obtain high-quality 3D models from monocular videos, but these are limited to
rigid categories or single instances. We present RAC that builds category 3D
models from monocular videos while disentangling variations over instances and
motion over time. Three key ideas are introduced to solve this problem: (1)
specializing a skeleton to instances via optimization, (2) a method for latent
space regularization that encourages shared structure across a category while
maintaining instance details, and (3) using 3D background models to disentangle
objects from the background. We show that 3D models of humans, cats, and dogs
can be learned from 50-100 internet videos. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2405.01536 | HF | Customizing Text-to-Image Models with a Single Image Pair | [
"Maxwell Jones",
"Sheng-Yu Wang",
"Nupur Kumari",
"David Bau",
"Jun-Yan Zhu"
] | 2024-05-02 | Art reinterpretation is the practice of creating a variation of a reference
work, making a paired artwork that exhibits a distinct artistic style. We ask
if such an image pair can be used to customize a generative model to capture
the demonstrated stylistic difference. We propose Pair Customization, a new
customization method that learns stylistic difference from a single image pair
and then applies the acquired style to the generation process. Unlike existing
methods that learn to mimic a single concept from a collection of images, our
method captures the stylistic difference between paired images. This allows us
to apply a stylistic change without overfitting to the specific image content
in the examples. To address this new task, we employ a joint optimization
method that explicitly separates the style and content into distinct LoRA
weight spaces. We optimize these style and content weights to reproduce the
style and content images while encouraging their orthogonality. During
inference, we modify the diffusion process via a new style guidance based on
our learned weights. Both qualitative and quantitative experiments show that
our method can effectively learn style while avoiding overfitting to image
content, highlighting the potential of modeling such stylistic differences from
a single image pair. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2402.05099 | Both | Hydragen: High-Throughput LLM Inference with Shared Prefixes | [
"Jordan Juravsky",
"Bradley Brown",
"Ryan Ehrlich",
"Daniel Y. Fu",
"Christopher Ré",
"Azalia Mirhoseini"
] | 2024-02-07 | Transformer-based large language models (LLMs) are now deployed to hundreds
of millions of users. LLM inference is commonly performed on batches of
sequences that share a prefix, such as few-shot examples or a chatbot system
prompt. Decoding in this large-batch setting can be bottlenecked by the
attention operation, which reads large key-value (KV) caches from memory and
computes inefficient matrix-vector products for every sequence in the batch. In
this work, we introduce Hydragen, a hardware-aware exact implementation of
attention with shared prefixes. Hydragen computes attention over the shared
prefix and unique suffixes separately. This decomposition enables efficient
prefix attention by batching queries together across sequences, reducing
redundant memory reads and enabling the use of hardware-friendly matrix
multiplications. Our method can improve end-to-end CodeLlama-13b throughput by
up to 32x against competitive baselines, with speedup growing with the batch
size and shared prefix length. Hydragen also enables the use of very long
shared contexts: with a large batch size, increasing the prefix length from 1K
to 16K tokens decreases Hydragen throughput by less than 15%, while the
throughput of baselines drops by over 90%. Hydragen generalizes beyond simple
prefix-suffix decomposition and can be applied to tree-based prompt sharing
patterns, allowing us to further reduce inference time on competitive
programming problems by 55%. | null | cs.LG | [
"cs.LG"
] |
2308.09687 | AnswerAI | Graph of Thoughts: Solving Elaborate Problems with Large Language Models | [
"Maciej Besta",
"Nils Blach",
"Ales Kubicek",
"Robert Gerstenberger",
"Michal Podstawski",
"Lukas Gianinazzi",
"Joanna Gajda",
"Tomasz Lehmann",
"Hubert Niewiadomski",
"Piotr Nyczyk",
"Torsten Hoefler"
] | 2023-08-18 | We introduce Graph of Thoughts (GoT): a framework that advances prompting
capabilities in large language models (LLMs) beyond those offered by paradigms
such as Chain-of-Thought or Tree of Thoughts (ToT). The key idea and primary
advantage of GoT is the ability to model the information generated by an LLM as
an arbitrary graph, where units of information ("LLM thoughts") are vertices,
and edges correspond to dependencies between these vertices. This approach
enables combining arbitrary LLM thoughts into synergistic outcomes, distilling
the essence of whole networks of thoughts, or enhancing thoughts using feedback
loops. We illustrate that GoT offers advantages over state of the art on
different tasks, for example increasing the quality of sorting by 62% over ToT,
while simultaneously reducing costs by >31%. We ensure that GoT is extensible
with new thought transformations and thus can be used to spearhead new
prompting schemes. This work brings the LLM reasoning closer to human thinking
or brain mechanisms such as recurrence, both of which form complex networks. | 10.1609/aaai.v38i16.29720 | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.06571 | HF | From Text to Motion: Grounding GPT-4 in a Humanoid Robot "Alter3" | [
"Takahide Yoshida",
"Atsushi Masumori",
"Takashi Ikegami"
] | 2023-12-11 | We report the development of Alter3, a humanoid robot capable of generating
spontaneous motion using a Large Language Model (LLM), specifically GPT-4. This
achievement was realized by integrating GPT-4 into our proprietary android,
Alter3, thereby effectively grounding the LLM with Alter's bodily movement.
Typically, low-level robot control is hardware-dependent and falls outside the
scope of LLM corpora, presenting challenges for direct LLM-based robot control.
However, in the case of humanoid robots like Alter3, direct control is feasible
by mapping the linguistic expressions of human actions onto the robot's body
through program code. Remarkably, this approach enables Alter3 to adopt various
poses, such as a 'selfie' stance or 'pretending to be a ghost,' and generate
sequences of actions over time without explicit programming for each body part.
This demonstrates the robot's zero-shot learning capabilities. Additionally,
verbal feedback can adjust poses, obviating the need for fine-tuning. A video
of Alter3's generated motions is available at
https://tnoinkwms.github.io/ALTER-LLM/ | null | cs.RO | [
"cs.RO"
] |
2403.14621 | HF | GRM: Large Gaussian Reconstruction Model for Efficient 3D Reconstruction and Generation | [
"Yinghao Xu",
"Zifan Shi",
"Wang Yifan",
"Hansheng Chen",
"Ceyuan Yang",
"Sida Peng",
"Yujun Shen",
"Gordon Wetzstein"
] | 2024-03-21 | We introduce GRM, a large-scale reconstructor capable of recovering a 3D
asset from sparse-view images in around 0.1s. GRM is a feed-forward
transformer-based model that efficiently incorporates multi-view information to
translate the input pixels into pixel-aligned Gaussians, which are unprojected
to create a set of densely distributed 3D Gaussians representing a scene.
Together, our transformer architecture and the use of 3D Gaussians unlock a
scalable and efficient reconstruction framework. Extensive experimental results
demonstrate the superiority of our method over alternatives regarding both
reconstruction quality and efficiency. We also showcase the potential of GRM in
generative tasks, i.e., text-to-3D and image-to-3D, by integrating it with
existing multi-view diffusion models. Our project website is at:
https://justimyhxu.github.io/projects/grm/. | null | cs.CV | [
"cs.CV"
] |
2309.13018 | HF | Dynamic ASR Pathways: An Adaptive Masking Approach Towards Efficient Pruning of A Multilingual ASR Model | [
"Jiamin Xie",
"Ke Li",
"Jinxi Guo",
"Andros Tjandra",
"Yuan Shangguan",
"Leda Sari",
"Chunyang Wu",
"Junteng Jia",
"Jay Mahadeokar",
"Ozlem Kalinli"
] | 2023-09-22 | Neural network pruning offers an effective method for compressing a
multilingual automatic speech recognition (ASR) model with minimal performance
loss. However, it entails several rounds of pruning and re-training needed to
be run for each language. In this work, we propose the use of an adaptive
masking approach in two scenarios for pruning a multilingual ASR model
efficiently, each resulting in sparse monolingual models or a sparse
multilingual model (named as Dynamic ASR Pathways). Our approach dynamically
adapts the sub-network, avoiding premature decisions about a fixed sub-network
structure. We show that our approach outperforms existing pruning methods when
targeting sparse monolingual models. Further, we illustrate that Dynamic ASR
Pathways jointly discovers and trains better sub-networks (pathways) of a
single multilingual model by adapting from different sub-network
initializations, thereby reducing the need for language-specific pruning. | null | eess.AS | [
"eess.AS",
"cs.CL",
"cs.SD"
] |
2403.12173 | HF | TnT-LLM: Text Mining at Scale with Large Language Models | [
"Mengting Wan",
"Tara Safavi",
"Sujay Kumar Jauhar",
"Yujin Kim",
"Scott Counts",
"Jennifer Neville",
"Siddharth Suri",
"Chirag Shah",
"Ryen W White",
"Longqi Yang",
"Reid Andersen",
"Georg Buscher",
"Dhruv Joshi",
"Nagu Rangan"
] | 2024-03-18 | Transforming unstructured text into structured and meaningful forms,
organized by useful category labels, is a fundamental step in text mining for
downstream analysis and application. However, most existing methods for
producing label taxonomies and building text-based label classifiers still rely
heavily on domain expertise and manual curation, making the process expensive
and time-consuming. This is particularly challenging when the label space is
under-specified and large-scale data annotations are unavailable. In this
paper, we address these challenges with Large Language Models (LLMs), whose
prompt-based interface facilitates the induction and use of large-scale pseudo
labels. We propose TnT-LLM, a two-phase framework that employs LLMs to automate
the process of end-to-end label generation and assignment with minimal human
effort for any given use-case. In the first phase, we introduce a zero-shot,
multi-stage reasoning approach which enables LLMs to produce and refine a label
taxonomy iteratively. In the second phase, LLMs are used as data labelers that
yield training samples so that lightweight supervised classifiers can be
reliably built, deployed, and served at scale. We apply TnT-LLM to the analysis
of user intent and conversational domain for Bing Copilot (formerly Bing Chat),
an open-domain chat-based search engine. Extensive experiments using both human
and automatic evaluation metrics demonstrate that TnT-LLM generates more
accurate and relevant label taxonomies when compared against state-of-the-art
baselines, and achieves a favorable balance between accuracy and efficiency for
classification at scale. We also share our practical experiences and insights
on the challenges and opportunities of using LLMs for large-scale text mining
in real-world applications. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2408.13239 | HF | CustomCrafter: Customized Video Generation with Preserving Motion and Concept Composition Abilities | [
"Tao Wu",
"Yong Zhang",
"Xintao Wang",
"Xianpan Zhou",
"Guangcong Zheng",
"Zhongang Qi",
"Ying Shan",
"Xi Li"
] | 2024-08-23 | Customized video generation aims to generate high-quality videos guided by
text prompts and subject's reference images. However, since it is only trained
on static images, the fine-tuning process of subject learning disrupts
abilities of video diffusion models (VDMs) to combine concepts and generate
motions. To restore these abilities, some methods use additional video similar
to the prompt to fine-tune or guide the model. This requires frequent changes
of guiding videos and even re-tuning of the model when generating different
motions, which is very inconvenient for users. In this paper, we propose
CustomCrafter, a novel framework that preserves the model's motion generation
and conceptual combination abilities without additional video and fine-tuning
to recovery. For preserving conceptual combination ability, we design a
plug-and-play module to update few parameters in VDMs, enhancing the model's
ability to capture the appearance details and the ability of concept
combinations for new subjects. For motion generation, we observed that VDMs
tend to restore the motion of video in the early stage of denoising, while
focusing on the recovery of subject details in the later stage. Therefore, we
propose Dynamic Weighted Video Sampling Strategy. Using the pluggability of our
subject learning modules, we reduce the impact of this module on motion
generation in the early stage of denoising, preserving the ability to generate
motion of VDMs. In the later stage of denoising, we restore this module to
repair the appearance details of the specified subject, thereby ensuring the
fidelity of the subject's appearance. Experimental results show that our method
has a significant improvement compared to previous methods. | null | cs.CV | [
"cs.CV"
] |
2406.06911 | HF | AsyncDiff: Parallelizing Diffusion Models by Asynchronous Denoising | [
"Zigeng Chen",
"Xinyin Ma",
"Gongfan Fang",
"Zhenxiong Tan",
"Xinchao Wang"
] | 2024-06-11 | Diffusion models have garnered significant interest from the community for
their great generative ability across various applications. However, their
typical multi-step sequential-denoising nature gives rise to high cumulative
latency, thereby precluding the possibilities of parallel computation. To
address this, we introduce AsyncDiff, a universal and plug-and-play
acceleration scheme that enables model parallelism across multiple devices. Our
approach divides the cumbersome noise prediction model into multiple
components, assigning each to a different device. To break the dependency chain
between these components, it transforms the conventional sequential denoising
into an asynchronous process by exploiting the high similarity between hidden
states in consecutive diffusion steps. Consequently, each component is
facilitated to compute in parallel on separate devices. The proposed strategy
significantly reduces inference latency while minimally impacting the
generative quality. Specifically, for the Stable Diffusion v2.1, AsyncDiff
achieves a 2.7x speedup with negligible degradation and a 4.0x speedup with
only a slight reduction of 0.38 in CLIP Score, on four NVIDIA A5000 GPUs. Our
experiments also demonstrate that AsyncDiff can be readily applied to video
diffusion models with encouraging performances. The code is available at
https://github.com/czg1225/AsyncDiff. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.09470 | HF | Rolling Diffusion Models | [
"David Ruhe",
"Jonathan Heek",
"Tim Salimans",
"Emiel Hoogeboom"
] | 2024-02-12 | Diffusion models have recently been increasingly applied to temporal data
such as video, fluid mechanics simulations, or climate data. These methods
generally treat subsequent frames equally regarding the amount of noise in the
diffusion process. This paper explores Rolling Diffusion: a new approach that
uses a sliding window denoising process. It ensures that the diffusion process
progressively corrupts through time by assigning more noise to frames that
appear later in a sequence, reflecting greater uncertainty about the future as
the generation process unfolds. Empirically, we show that when the temporal
dynamics are complex, Rolling Diffusion is superior to standard diffusion. In
particular, this result is demonstrated in a video prediction task using the
Kinetics-600 video dataset and in a chaotic fluid dynamics forecasting
experiment. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2309.12311 | HF | LLM-Grounder: Open-Vocabulary 3D Visual Grounding with Large Language Model as an Agent | [
"Jianing Yang",
"Xuweiyi Chen",
"Shengyi Qian",
"Nikhil Madaan",
"Madhavan Iyengar",
"David F. Fouhey",
"Joyce Chai"
] | 2023-09-21 | 3D visual grounding is a critical skill for household robots, enabling them
to navigate, manipulate objects, and answer questions based on their
environment. While existing approaches often rely on extensive labeled data or
exhibit limitations in handling complex language queries, we propose
LLM-Grounder, a novel zero-shot, open-vocabulary, Large Language Model
(LLM)-based 3D visual grounding pipeline. LLM-Grounder utilizes an LLM to
decompose complex natural language queries into semantic constituents and
employs a visual grounding tool, such as OpenScene or LERF, to identify objects
in a 3D scene. The LLM then evaluates the spatial and commonsense relations
among the proposed objects to make a final grounding decision. Our method does
not require any labeled training data and can generalize to novel 3D scenes and
arbitrary text queries. We evaluate LLM-Grounder on the ScanRefer benchmark and
demonstrate state-of-the-art zero-shot grounding accuracy. Our findings
indicate that LLMs significantly improve the grounding capability, especially
for complex language queries, making LLM-Grounder an effective approach for 3D
vision-language tasks in robotics. Videos and interactive demos can be found on
the project website https://chat-with-nerf.github.io/ . | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.RO"
] |
2312.01409 | HF | Generative Rendering: Controllable 4D-Guided Video Generation with 2D Diffusion Models | [
"Shengqu Cai",
"Duygu Ceylan",
"Matheus Gadelha",
"Chun-Hao Paul Huang",
"Tuanfeng Yang Wang",
"Gordon Wetzstein"
] | 2023-12-03 | Traditional 3D content creation tools empower users to bring their
imagination to life by giving them direct control over a scene's geometry,
appearance, motion, and camera path. Creating computer-generated videos,
however, is a tedious manual process, which can be automated by emerging
text-to-video diffusion models. Despite great promise, video diffusion models
are difficult to control, hindering a user to apply their own creativity rather
than amplifying it. To address this challenge, we present a novel approach that
combines the controllability of dynamic 3D meshes with the expressivity and
editability of emerging diffusion models. For this purpose, our approach takes
an animated, low-fidelity rendered mesh as input and injects the ground truth
correspondence information obtained from the dynamic mesh into various stages
of a pre-trained text-to-image generation model to output high-quality and
temporally consistent frames. We demonstrate our approach on various examples
where motion can be obtained by animating rigged assets or changing the camera
path. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2311.11077 | Both | Adapters: A Unified Library for Parameter-Efficient and Modular Transfer Learning | [
"Clifton Poth",
"Hannah Sterz",
"Indraneil Paul",
"Sukannya Purkayastha",
"Leon Engländer",
"Timo Imhof",
"Ivan Vulić",
"Sebastian Ruder",
"Iryna Gurevych",
"Jonas Pfeiffer"
] | 2023-11-18 | We introduce Adapters, an open-source library that unifies
parameter-efficient and modular transfer learning in large language models. By
integrating 10 diverse adapter methods into a unified interface, Adapters
offers ease of use and flexible configuration. Our library allows researchers
and practitioners to leverage adapter modularity through composition blocks,
enabling the design of complex adapter setups. We demonstrate the library's
efficacy by evaluating its performance against full fine-tuning on various NLP
tasks. Adapters provides a powerful tool for addressing the challenges of
conventional fine-tuning paradigms and promoting more efficient and modular
transfer learning. The library is available via https://adapterhub.ml/adapters. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2405.17258 | HF | $\textit{Trans-LoRA}$: towards data-free Transferable Parameter Efficient Finetuning | [
"Runqian Wang",
"Soumya Ghosh",
"David Cox",
"Diego Antognini",
"Aude Oliva",
"Rogerio Feris",
"Leonid Karlinsky"
] | 2024-05-27 | Low-rank adapters (LoRA) and their variants are popular parameter-efficient
fine-tuning (PEFT) techniques that closely match full model fine-tune
performance while requiring only a small number of additional parameters. These
additional LoRA parameters are specific to the base model being adapted. When
the base model needs to be deprecated and replaced with a new one, all the
associated LoRA modules need to be re-trained. Such re-training requires access
to the data used to train the LoRA for the original base model. This is
especially problematic for commercial cloud applications where the LoRA modules
and the base models are hosted by service providers who may not be allowed to
host proprietary client task data. To address this challenge, we propose
$\textit{Trans-LoRA}$ -- a novel method for lossless, nearly data-free transfer
of LoRAs across base models. Our approach relies on synthetic data to transfer
LoRA modules. Using large language models, we design a synthetic data generator
to approximate the data-generating process of the $\textit{observed}$ task data
subset. Training on the resulting synthetic dataset transfers LoRA modules to
new models. We show the effectiveness of our approach using both LLama and
Gemma model families. Our approach achieves lossless (mostly improved) LoRA
transfer between models within and across different base model families, and
even between different PEFT methods, on a wide variety of tasks. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.