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
|
---|---|---|---|---|---|---|---|---|
2403.07750 | HF | Synth$^2$: Boosting Visual-Language Models with Synthetic Captions and Image Embeddings | [
"Sahand Sharifzadeh",
"Christos Kaplanis",
"Shreya Pathak",
"Dharshan Kumaran",
"Anastasija Ilic",
"Jovana Mitrovic",
"Charles Blundell",
"Andrea Banino"
] | 2024-03-12 | The creation of high-quality human-labeled image-caption datasets presents a
significant bottleneck in the development of Visual-Language Models (VLMs). In
this work, we investigate an approach that leverages the strengths of Large
Language Models (LLMs) and image generation models to create synthetic
image-text pairs for efficient and effective VLM training. Our method employs a
pretrained text-to-image model to synthesize image embeddings from captions
generated by an LLM. Despite the text-to-image model and VLM initially being
trained on the same data, our approach leverages the image generator's ability
to create novel compositions, resulting in synthetic image embeddings that
expand beyond the limitations of the original dataset. Extensive experiments
demonstrate that our VLM, finetuned on synthetic data achieves comparable
performance to models trained solely on human-annotated data, while requiring
significantly less data. Furthermore, we perform a set of analyses on captions
which reveals that semantic diversity and balance are key aspects for better
downstream performance. Finally, we show that synthesizing images in the image
embedding space is 25\% faster than in the pixel space. We believe our work not
only addresses a significant challenge in VLM training but also opens up
promising avenues for the development of self-improving multi-modal models. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2311.01767 | HF | PPTC Benchmark: Evaluating Large Language Models for PowerPoint Task Completion | [
"Yiduo Guo",
"Zekai Zhang",
"Yaobo Liang",
"Dongyan Zhao",
"Nan Duan"
] | 2023-11-03 | Recent evaluations of Large Language Models (LLMs) have centered around
testing their zero-shot/few-shot capabilities for basic natural language tasks
and their ability to translate instructions into tool APIs. However, the
evaluation of LLMs utilizing complex tools to finish multi-turn, multi-modal
instructions in a complex multi-modal environment has not been investigated. To
address this gap, we introduce the PowerPoint Task Completion (PPTC) benchmark
to assess LLMs' ability to create and edit PPT files based on user
instructions. It contains 279 multi-turn sessions covering diverse topics and
hundreds of instructions involving multi-modal operations. We also propose the
PPTX-Match Evaluation System that evaluates if LLMs finish the instruction
based on the prediction file rather than the label API sequence, thus it
supports various LLM-generated API sequences. We measure 3 closed LLMs and 6
open-source LLMs. The results show that GPT-4 outperforms other LLMs with
75.1\% accuracy in single-turn dialogue testing but faces challenges in
completing entire sessions, achieving just 6\% session accuracy. We find three
main error causes in our benchmark: error accumulation in the multi-turn
session, long PPT template processing, and multi-modality perception. These
pose great challenges for future LLM and agent systems. We release the data,
code, and evaluation system of PPTC at \url{https://github.com/gydpku/PPTC}. | null | cs.CL | [
"cs.CL"
] |
2404.10719 | AnswerAI | Is DPO Superior to PPO for LLM Alignment? A Comprehensive Study | [
"Shusheng Xu",
"Wei Fu",
"Jiaxuan Gao",
"Wenjie Ye",
"Weilin Liu",
"Zhiyu Mei",
"Guangju Wang",
"Chao Yu",
"Yi Wu"
] | 2024-04-16 | Reinforcement Learning from Human Feedback (RLHF) is currently the most
widely used method to align large language models (LLMs) with human
preferences. Existing RLHF methods can be roughly categorized as either
reward-based or reward-free. Novel applications such as ChatGPT and Claude
leverage reward-based methods that first learn a reward model and apply
actor-critic algorithms, such as Proximal Policy Optimization (PPO). However,
in academic benchmarks, state-of-the-art results are often achieved via
reward-free methods, such as Direct Preference Optimization (DPO). Is DPO truly
superior to PPO? Why does PPO perform poorly on these benchmarks? In this
paper, we first conduct both theoretical and empirical studies on the
algorithmic properties of DPO and show that DPO may have fundamental
limitations. Moreover, we also comprehensively examine PPO and reveal the key
factors for the best performances of PPO in fine-tuning LLMs. Finally, we
benchmark DPO and PPO across a collection of RLHF testbeds, ranging from
dialogue to code generation. Experiment results demonstrate that PPO is able to
surpass other alignment methods in all cases and achieve state-of-the-art
results in challenging code competitions. | null | cs.CL | [
"cs.CL"
] |
2408.11745 | HF | FocusLLM: Scaling LLM's Context by Parallel Decoding | [
"Zhenyu Li",
"Yike Zhang",
"Tengyu Pan",
"Yutao Sun",
"Zhichao Duan",
"Junjie Fang",
"Rong Han",
"Zixuan Wang",
"Jianyong Wang"
] | 2024-08-21 | Empowering LLMs with the ability to utilize useful information from a long
context is crucial for many downstream applications. However, achieving long
context lengths with the conventional transformer architecture requires
substantial training and inference resources. In this paper, we present
FocusLLM, a framework designed to extend the context length of any decoder-only
LLM, enabling the model to focus on relevant information from very long
sequences. FocusLLM processes long text inputs by dividing them into chunks
based on the model's original context length to alleviate the issue of
attention distraction. Then, it appends the local context to each chunk as a
prompt to extract essential information from each chunk based on a novel
parallel decoding mechanism, and ultimately integrates the extracted
information into the local context. FocusLLM stands out for great training
efficiency and versatility: trained with an 8K input length with much less
training cost than previous methods, FocusLLM exhibits superior performance
across downstream long-context tasks and maintains strong language modeling
ability when handling extensive long texts, even up to 400K tokens. Our code is
available at https://github.com/leezythu/FocusLLM. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.08017 | Both | Lumos : Empowering Multimodal LLMs with Scene Text Recognition | [
"Ashish Shenoy",
"Yichao Lu",
"Srihari Jayakumar",
"Debojeet Chatterjee",
"Mohsen Moslehpour",
"Pierce Chuang",
"Abhay Harpale",
"Vikas Bhardwaj",
"Di Xu",
"Shicong Zhao",
"Longfang Zhao",
"Ankit Ramchandani",
"Xin Luna Dong",
"Anuj Kumar"
] | 2024-02-12 | We introduce Lumos, the first end-to-end multimodal question-answering system
with text understanding capabilities. At the core of Lumos is a Scene Text
Recognition (STR) component that extracts text from first person point-of-view
images, the output of which is used to augment input to a Multimodal Large
Language Model (MM-LLM). While building Lumos, we encountered numerous
challenges related to STR quality, overall latency, and model inference. In
this paper, we delve into those challenges, and discuss the system
architecture, design choices, and modeling techniques employed to overcome
these obstacles. We also provide a comprehensive evaluation for each component,
showcasing high quality and efficiency. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2212.14052 | AnswerAI | Hungry Hungry Hippos: Towards Language Modeling with State Space Models | [
"Daniel Y. Fu",
"Tri Dao",
"Khaled K. Saab",
"Armin W. Thomas",
"Atri Rudra",
"Christopher Ré"
] | 2022-12-28 | State space models (SSMs) have demonstrated state-of-the-art sequence
modeling performance in some modalities, but underperform attention in language
modeling. Moreover, despite scaling nearly linearly in sequence length instead
of quadratically, SSMs are still slower than Transformers due to poor hardware
utilization. In this paper, we make progress on understanding the expressivity
gap between SSMs and attention in language modeling, and on reducing the
hardware barrier between SSMs and attention. First, we use synthetic language
modeling tasks to understand the gap between SSMs and attention. We find that
existing SSMs struggle with two capabilities: recalling earlier tokens in the
sequence and comparing tokens across the sequence. To understand the impact on
language modeling, we propose a new SSM layer, H3, that is explicitly designed
for these abilities. H3 matches attention on the synthetic languages and comes
within 0.4 PPL of Transformers on OpenWebText. Furthermore, a hybrid
125M-parameter H3-attention model that retains two attention layers
surprisingly outperforms Transformers on OpenWebText by 1.0 PPL. Next, to
improve the efficiency of training SSMs on modern hardware, we propose
FlashConv. FlashConv uses a fused block FFT algorithm to improve efficiency on
sequences up to 8K, and introduces a novel state passing algorithm that
exploits the recurrent properties of SSMs to scale to longer sequences.
FlashConv yields 2$\times$ speedup on the long-range arena benchmark and allows
hybrid language models to generate text 2.4$\times$ faster than Transformers.
Using FlashConv, we scale hybrid H3-attention language models up to 2.7B
parameters on the Pile and find promising initial results, achieving lower
perplexity than Transformers and outperforming Transformers in zero- and
few-shot learning on a majority of tasks in the SuperGLUE benchmark. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2312.13285 | HF | UniSDF: Unifying Neural Representations for High-Fidelity 3D Reconstruction of Complex Scenes with Reflections | [
"Fangjinhua Wang",
"Marie-Julie Rakotosaona",
"Michael Niemeyer",
"Richard Szeliski",
"Marc Pollefeys",
"Federico Tombari"
] | 2023-12-20 | Neural 3D scene representations have shown great potential for 3D
reconstruction from 2D images. However, reconstructing real-world captures of
complex scenes still remains a challenge. Existing generic 3D reconstruction
methods often struggle to represent fine geometric details and do not
adequately model reflective surfaces of large-scale scenes. Techniques that
explicitly focus on reflective surfaces can model complex and detailed
reflections by exploiting better reflection parameterizations. However, we
observe that these methods are often not robust in real unbounded scenarios
where non-reflective as well as reflective components are present. In this
work, we propose UniSDF, a general purpose 3D reconstruction method that can
reconstruct large complex scenes with reflections. We investigate both
view-based as well as reflection-based color prediction parameterization
techniques and find that explicitly blending these representations in 3D space
enables reconstruction of surfaces that are more geometrically accurate,
especially for reflective surfaces. We further combine this representation with
a multi-resolution grid backbone that is trained in a coarse-to-fine manner,
enabling faster reconstructions than prior methods. Extensive experiments on
object-level datasets DTU, Shiny Blender as well as unbounded datasets Mip-NeRF
360 and Ref-NeRF real demonstrate that our method is able to robustly
reconstruct complex large-scale scenes with fine details and reflective
surfaces. Please see our project page at
https://fangjinhuawang.github.io/UniSDF. | null | cs.CV | [
"cs.CV"
] |
2406.06592 | Both | Improve Mathematical Reasoning in Language Models by Automated Process Supervision | [
"Liangchen Luo",
"Yinxiao Liu",
"Rosanne Liu",
"Samrat Phatale",
"Harsh Lara",
"Yunxuan Li",
"Lei Shu",
"Yun Zhu",
"Lei Meng",
"Jiao Sun",
"Abhinav Rastogi"
] | 2024-06-05 | Complex multi-step reasoning tasks, such as solving mathematical problems or
generating code, remain a significant hurdle for even the most advanced large
language models (LLMs). Verifying LLM outputs with an Outcome Reward Model
(ORM) is a standard inference-time technique aimed at enhancing the reasoning
performance of LLMs. However, this still proves insufficient for reasoning
tasks with a lengthy or multi-hop reasoning chain, where the intermediate
outcomes are neither properly rewarded nor penalized. Process supervision
addresses this limitation by assigning intermediate rewards during the
reasoning process. To date, the methods used to collect process supervision
data have relied on either human annotation or per-step Monte Carlo estimation,
both prohibitively expensive to scale, thus hindering the broad application of
this technique. In response to this challenge, we propose a novel
divide-and-conquer style Monte Carlo Tree Search (MCTS) algorithm named
\textit{OmegaPRM} for the efficient collection of high-quality process
supervision data. This algorithm swiftly identifies the first error in the
Chain of Thought (CoT) with binary search and balances the positive and
negative examples, thereby ensuring both efficiency and quality. As a result,
we are able to collect over 1.5 million process supervision annotations to
train a Process Reward Model (PRM). Utilizing this fully automated process
supervision alongside the weighted self-consistency algorithm, we have enhanced
the instruction tuned Gemini Pro model's math reasoning performance, achieving
a 69.4\% success rate on the MATH benchmark, a 36\% relative improvement from
the 51\% base model performance. Additionally, the entire process operates
without any human intervention, making our method both financially and
computationally cost-effective compared to existing methods. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.11966 | Both | Efficient Training with Denoised Neural Weights | [
"Yifan Gong",
"Zheng Zhan",
"Yanyu Li",
"Yerlan Idelbayev",
"Andrey Zharkov",
"Kfir Aberman",
"Sergey Tulyakov",
"Yanzhi Wang",
"Jian Ren"
] | 2024-07-16 | Good weight initialization serves as an effective measure to reduce the
training cost of a deep neural network (DNN) model. The choice of how to
initialize parameters is challenging and may require manual tuning, which can
be time-consuming and prone to human error. To overcome such limitations, this
work takes a novel step towards building a weight generator to synthesize the
neural weights for initialization. We use the image-to-image translation task
with generative adversarial networks (GANs) as an example due to the ease of
collecting model weights spanning a wide range. Specifically, we first collect
a dataset with various image editing concepts and their corresponding trained
weights, which are later used for the training of the weight generator. To
address the different characteristics among layers and the substantial number
of weights to be predicted, we divide the weights into equal-sized blocks and
assign each block an index. Subsequently, a diffusion model is trained with
such a dataset using both text conditions of the concept and the block indexes.
By initializing the image translation model with the denoised weights predicted
by our diffusion model, the training requires only 43.3 seconds. Compared to
training from scratch (i.e., Pix2pix), we achieve a 15x training time
acceleration for a new concept while obtaining even better image generation
quality. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2308.12261 | AnswerAI | Prompt2Model: Generating Deployable Models from Natural Language Instructions | [
"Vijay Viswanathan",
"Chenyang Zhao",
"Amanda Bertsch",
"Tongshuang Wu",
"Graham Neubig"
] | 2023-08-23 | Large language models (LLMs) enable system builders today to create competent
NLP systems through prompting, where they only need to describe the task in
natural language and provide a few examples. However, in other ways, LLMs are a
step backward from traditional special-purpose NLP models; they require
extensive computational resources for deployment and can be gated behind APIs.
In this paper, we propose Prompt2Model, a general-purpose method that takes a
natural language task description like the prompts provided to LLMs, and uses
it to train a special-purpose model that is conducive to deployment. This is
done through a multi-step process of retrieval of existing datasets and
pretrained models, dataset generation using LLMs, and supervised fine-tuning on
these retrieved and generated datasets. Over three tasks, we demonstrate that
given the same few-shot prompt as input, Prompt2Model trains models that
outperform the results of a strong LLM, gpt-3.5-turbo, by an average of 20%
while being up to 700 times smaller. We also show that this data can be used to
obtain reliable performance estimates of model performance, enabling model
developers to assess model reliability before deployment. Prompt2Model is
available open-source at https://github.com/neulab/prompt2model. | null | cs.CL | [
"cs.CL"
] |
2408.03695 | HF | Openstory++: A Large-scale Dataset and Benchmark for Instance-aware Open-domain Visual Storytelling | [
"Zilyu Ye",
"Jinxiu Liu",
"Ruotian Peng",
"Jinjin Cao",
"Zhiyang Chen",
"Yiyang Zhang",
"Ziwei Xuan",
"Mingyuan Zhou",
"Xiaoqian Shen",
"Mohamed Elhoseiny",
"Qi Liu",
"Guo-Jun Qi"
] | 2024-08-07 | Recent image generation models excel at creating high-quality images from
brief captions. However, they fail to maintain consistency of multiple
instances across images when encountering lengthy contexts. This inconsistency
is largely due to in existing training datasets the absence of granular
instance feature labeling in existing training datasets. To tackle these
issues, we introduce Openstory++, a large-scale dataset combining additional
instance-level annotations with both images and text. Furthermore, we develop a
training methodology that emphasizes entity-centric image-text generation,
ensuring that the models learn to effectively interweave visual and textual
information. Specifically, Openstory++ streamlines the process of keyframe
extraction from open-domain videos, employing vision-language models to
generate captions that are then polished by a large language model for
narrative continuity. It surpasses previous datasets by offering a more
expansive open-domain resource, which incorporates automated captioning,
high-resolution imagery tailored for instance count, and extensive frame
sequences for temporal consistency. Additionally, we present Cohere-Bench, a
pioneering benchmark framework for evaluating the image generation tasks when
long multimodal context is provided, including the ability to keep the
background, style, instances in the given context coherent. Compared to
existing benchmarks, our work fills critical gaps in multi-modal generation,
propelling the development of models that can adeptly generate and interpret
complex narratives in open-domain environments. Experiments conducted within
Cohere-Bench confirm the superiority of Openstory++ in nurturing high-quality
visual storytelling models, enhancing their ability to address open-domain
generation tasks. More details can be found at https://openstorypp.github.io/ | null | cs.CV | [
"cs.CV"
] |
2403.02884 | HF | MathScale: Scaling Instruction Tuning for Mathematical Reasoning | [
"Zhengyang Tang",
"Xingxing Zhang",
"Benyou Wang",
"Furu Wei"
] | 2024-03-05 | Large language models (LLMs) have demonstrated remarkable capabilities in
problem-solving. However, their proficiency in solving mathematical problems
remains inadequate. We propose MathScale, a simple and scalable method to
create high-quality mathematical reasoning data using frontier LLMs (e.g., {\tt
GPT-3.5}). Inspired by the cognitive mechanism in human mathematical learning,
it first extracts topics and knowledge points from seed math questions and then
build a concept graph, which is subsequently used to generate new math
questions. MathScale exhibits effective scalability along the size axis of the
math dataset that we generate. As a result, we create a mathematical reasoning
dataset (MathScaleQA) containing two million math question-answer pairs. To
evaluate mathematical reasoning abilities of LLMs comprehensively, we construct
{\sc MwpBench}, a benchmark of Math Word Problems, which is a collection of ten
datasets (including GSM8K and MATH) covering K-12, college, and competition
level math problems. We apply MathScaleQA to fine-tune open-source LLMs (e.g.,
LLaMA-2 and Mistral), resulting in significantly improved capabilities in
mathematical reasoning. Evaluated on {\sc MwpBench}, MathScale-7B achieves
state-of-the-art performance across all datasets, surpassing its best peers of
equivalent size by 42.9\% in micro average accuracy and 43.7\% in macro average
accuracy, respectively. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2310.11954 | HF | MusicAgent: An AI Agent for Music Understanding and Generation with Large Language Models | [
"Dingyao Yu",
"Kaitao Song",
"Peiling Lu",
"Tianyu He",
"Xu Tan",
"Wei Ye",
"Shikun Zhang",
"Jiang Bian"
] | 2023-10-18 | AI-empowered music processing is a diverse field that encompasses dozens of
tasks, ranging from generation tasks (e.g., timbre synthesis) to comprehension
tasks (e.g., music classification). For developers and amateurs, it is very
difficult to grasp all of these task to satisfy their requirements in music
processing, especially considering the huge differences in the representations
of music data and the model applicability across platforms among various tasks.
Consequently, it is necessary to build a system to organize and integrate these
tasks, and thus help practitioners to automatically analyze their demand and
call suitable tools as solutions to fulfill their requirements. Inspired by the
recent success of large language models (LLMs) in task automation, we develop a
system, named MusicAgent, which integrates numerous music-related tools and an
autonomous workflow to address user requirements. More specifically, we build
1) toolset that collects tools from diverse sources, including Hugging Face,
GitHub, and Web API, etc. 2) an autonomous workflow empowered by LLMs (e.g.,
ChatGPT) to organize these tools and automatically decompose user requests into
multiple sub-tasks and invoke corresponding music tools. The primary goal of
this system is to free users from the intricacies of AI-music tools, enabling
them to concentrate on the creative aspect. By granting users the freedom to
effortlessly combine tools, the system offers a seamless and enriching music
experience. | null | cs.CL | [
"cs.CL",
"cs.MM",
"eess.AS"
] |
2407.15295 | HF | VideoGameBunny: Towards vision assistants for video games | [
"Mohammad Reza Taesiri",
"Cor-Paul Bezemer"
] | 2024-07-21 | Large multimodal models (LMMs) hold substantial promise across various
domains, from personal assistance in daily tasks to sophisticated applications
like medical diagnostics. However, their capabilities have limitations in the
video game domain, such as challenges with scene understanding, hallucinations,
and inaccurate descriptions of video game content, especially in open-source
models. This paper describes the development of VideoGameBunny, a LLaVA-style
model based on Bunny, specifically tailored for understanding images from video
games. We release intermediate checkpoints, training logs, and an extensive
dataset comprising 185,259 video game images from 413 titles, along with
389,565 image-instruction pairs that include image captions, question-answer
pairs, and a JSON representation of 16 elements of 136,974 images. Our
experiments show that our high quality game-related data has the potential to
make a relatively small model outperform the much larger state-of-the-art model
LLaVa-1.6-34b (which has more than 4x the number of parameters). Our study
paves the way for future research in video game understanding on tasks such as
playing, commentary, and debugging. Code and data are available at
https://videogamebunny.github.io/ | null | cs.CV | [
"cs.CV",
"cs.SE"
] |
2310.13289 | HF | SALMONN: Towards Generic Hearing Abilities for Large Language Models | [
"Changli Tang",
"Wenyi Yu",
"Guangzhi Sun",
"Xianzhao Chen",
"Tian Tan",
"Wei Li",
"Lu Lu",
"Zejun Ma",
"Chao Zhang"
] | 2023-10-20 | Hearing is arguably an essential ability of artificial intelligence (AI)
agents in the physical world, which refers to the perception and understanding
of general auditory information consisting of at least three types of sounds:
speech, audio events, and music. In this paper, we propose SALMONN, a speech
audio language music open neural network, built by integrating a pre-trained
text-based large language model (LLM) with speech and audio encoders into a
single multimodal model. SALMONN enables the LLM to directly process and
understand general audio inputs and achieve competitive performances on a
number of speech and audio tasks used in training, such as automatic speech
recognition and translation, auditory-information-based question answering,
emotion recognition, speaker verification, and music and audio captioning etc.
SALMONN also has a diverse set of emergent abilities unseen in the training,
which includes but is not limited to speech translation to untrained languages,
speech-based slot filling, spoken-query-based question answering, audio-based
storytelling, and speech audio co-reasoning etc. The presence of cross-modal
emergent abilities is studied, and a novel few-shot activation tuning approach
is proposed to activate such abilities. To our knowledge, SALMONN is the first
model of its type and can be regarded as a step towards AI with generic hearing
abilities. The source code, model checkpoints and data are available at
https://github.com/bytedance/SALMONN. | null | cs.SD | [
"cs.SD",
"cs.CL",
"eess.AS"
] |
2403.10242 | HF | FDGaussian: Fast Gaussian Splatting from Single Image via Geometric-aware Diffusion Model | [
"Qijun Feng",
"Zhen Xing",
"Zuxuan Wu",
"Yu-Gang Jiang"
] | 2024-03-15 | Reconstructing detailed 3D objects from single-view images remains a
challenging task due to the limited information available. In this paper, we
introduce FDGaussian, a novel two-stage framework for single-image 3D
reconstruction. Recent methods typically utilize pre-trained 2D diffusion
models to generate plausible novel views from the input image, yet they
encounter issues with either multi-view inconsistency or lack of geometric
fidelity. To overcome these challenges, we propose an orthogonal plane
decomposition mechanism to extract 3D geometric features from the 2D input,
enabling the generation of consistent multi-view images. Moreover, we further
accelerate the state-of-the-art Gaussian Splatting incorporating epipolar
attention to fuse images from different viewpoints. We demonstrate that
FDGaussian generates images with high consistency across different views and
reconstructs high-quality 3D objects, both qualitatively and quantitatively.
More examples can be found at our website https://qjfeng.net/FDGaussian/. | null | cs.CV | [
"cs.CV"
] |
2305.19012 | HF | StyleAvatar3D: Leveraging Image-Text Diffusion Models for High-Fidelity 3D Avatar Generation | [
"Chi Zhang",
"Yiwen Chen",
"Yijun Fu",
"Zhenglin Zhou",
"Gang YU",
"Billzb Wang",
"Bin Fu",
"Tao Chen",
"Guosheng Lin",
"Chunhua Shen"
] | 2023-05-30 | The recent advancements in image-text diffusion models have stimulated
research interest in large-scale 3D generative models. Nevertheless, the
limited availability of diverse 3D resources presents significant challenges to
learning. In this paper, we present a novel method for generating high-quality,
stylized 3D avatars that utilizes pre-trained image-text diffusion models for
data generation and a Generative Adversarial Network (GAN)-based 3D generation
network for training. Our method leverages the comprehensive priors of
appearance and geometry offered by image-text diffusion models to generate
multi-view images of avatars in various styles. During data generation, we
employ poses extracted from existing 3D models to guide the generation of
multi-view images. To address the misalignment between poses and images in
data, we investigate view-specific prompts and develop a coarse-to-fine
discriminator for GAN training. We also delve into attribute-related prompts to
increase the diversity of the generated avatars. Additionally, we develop a
latent diffusion model within the style space of StyleGAN to enable the
generation of avatars based on image inputs. Our approach demonstrates superior
performance over current state-of-the-art methods in terms of visual quality
and diversity of the produced avatars. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2405.19707 | HF | DeMamba: AI-Generated Video Detection on Million-Scale GenVideo Benchmark | [
"Haoxing Chen",
"Yan Hong",
"Zizheng Huang",
"Zhuoer Xu",
"Zhangxuan Gu",
"Yaohui Li",
"Jun Lan",
"Huijia Zhu",
"Jianfu Zhang",
"Weiqiang Wang",
"Huaxiong Li"
] | 2024-05-30 | Recently, video generation techniques have advanced rapidly. Given the
popularity of video content on social media platforms, these models intensify
concerns about the spread of fake information. Therefore, there is a growing
demand for detectors capable of distinguishing between fake AI-generated videos
and mitigating the potential harm caused by fake information. However, the lack
of large-scale datasets from the most advanced video generators poses a barrier
to the development of such detectors. To address this gap, we introduce the
first AI-generated video detection dataset, GenVideo. It features the following
characteristics: (1) a large volume of videos, including over one million
AI-generated and real videos collected; (2) a rich diversity of generated
content and methodologies, covering a broad spectrum of video categories and
generation techniques. We conducted extensive studies of the dataset and
proposed two evaluation methods tailored for real-world-like scenarios to
assess the detectors' performance: the cross-generator video classification
task assesses the generalizability of trained detectors on generators; the
degraded video classification task evaluates the robustness of detectors to
handle videos that have degraded in quality during dissemination. Moreover, we
introduced a plug-and-play module, named Detail Mamba (DeMamba), designed to
enhance the detectors by identifying AI-generated videos through the analysis
of inconsistencies in temporal and spatial dimensions. Our extensive
experiments demonstrate DeMamba's superior generalizability and robustness on
GenVideo compared to existing detectors. We believe that the GenVideo dataset
and the DeMamba module will significantly advance the field of AI-generated
video detection. Our code and dataset will be aviliable at
\url{https://github.com/chenhaoxing/DeMamba}. | null | cs.CV | [
"cs.CV"
] |
2305.08252 | AnswerAI | Parameter-Efficient Fine-Tuning for Medical Image Analysis: The Missed Opportunity | [
"Raman Dutt",
"Linus Ericsson",
"Pedro Sanchez",
"Sotirios A. Tsaftaris",
"Timothy Hospedales"
] | 2023-05-14 | Foundation models have significantly advanced medical image analysis through
the pre-train fine-tune paradigm. Among various fine-tuning algorithms,
Parameter-Efficient Fine-Tuning (PEFT) is increasingly utilized for knowledge
transfer across diverse tasks, including vision-language and text-to-image
generation. However, its application in medical image analysis is relatively
unexplored due to the lack of a structured benchmark for evaluating PEFT
methods. This study fills this gap by evaluating 17 distinct PEFT algorithms
across convolutional and transformer-based networks on image classification and
text-to-image generation tasks using six medical datasets of varying size,
modality, and complexity. Through a battery of over 700 controlled experiments,
our findings demonstrate PEFT's effectiveness, particularly in low data regimes
common in medical imaging, with performance gains of up to 22% in
discriminative and generative tasks. These recommendations can assist the
community in incorporating PEFT into their workflows and facilitate fair
comparisons of future PEFT methods, ensuring alignment with advancements in
other areas of machine learning and AI. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2310.16836 | HF | LLM-FP4: 4-Bit Floating-Point Quantized Transformers | [
"Shih-yang Liu",
"Zechun Liu",
"Xijie Huang",
"Pingcheng Dong",
"Kwang-Ting Cheng"
] | 2023-10-25 | We propose LLM-FP4 for quantizing both weights and activations in large
language models (LLMs) down to 4-bit floating-point values, in a post-training
manner. Existing post-training quantization (PTQ) solutions are primarily
integer-based and struggle with bit widths below 8 bits. Compared to integer
quantization, floating-point (FP) quantization is more flexible and can better
handle long-tail or bell-shaped distributions, and it has emerged as a default
choice in many hardware platforms. One characteristic of FP quantization is
that its performance largely depends on the choice of exponent bits and
clipping range. In this regard, we construct a strong FP-PTQ baseline by
searching for the optimal quantization parameters. Furthermore, we observe a
high inter-channel variance and low intra-channel variance pattern in
activation distributions, which adds activation quantization difficulty. We
recognize this pattern to be consistent across a spectrum of transformer models
designed for diverse tasks, such as LLMs, BERT, and Vision Transformer models.
To tackle this, we propose per-channel activation quantization and show that
these additional scaling factors can be reparameterized as exponential biases
of weights, incurring a negligible cost. Our method, for the first time, can
quantize both weights and activations in the LLaMA-13B to only 4-bit and
achieves an average score of 63.1 on the common sense zero-shot reasoning
tasks, which is only 5.8 lower than the full-precision model, significantly
outperforming the previous state-of-the-art by 12.7 points. Code is available
at: https://github.com/nbasyl/LLM-FP4. | 10.18653/v1/2023.emnlp-main.39 | cs.CL | [
"cs.CL",
"cs.AI",
"cs.AR",
"cs.CV"
] |
2008.08927 | AnswerAI | Generating Music with a Self-Correcting Non-Chronological Autoregressive Model | [
"Wayne Chi",
"Prachi Kumar",
"Suri Yaddanapudi",
"Rahul Suresh",
"Umut Isik"
] | 2020-08-18 | We describe a novel approach for generating music using a self-correcting,
non-chronological, autoregressive model. We represent music as a sequence of
edit events, each of which denotes either the addition or removal of a
note---even a note previously generated by the model. During inference, we
generate one edit event at a time using direct ancestral sampling. Our approach
allows the model to fix previous mistakes such as incorrectly sampled notes and
prevent accumulation of errors which autoregressive models are prone to have.
Another benefit is a finer, note-by-note control during human and AI
collaborative composition. We show through quantitative metrics and human
survey evaluation that our approach generates better results than orderless
NADE and Gibbs sampling approaches. | null | eess.AS | [
"eess.AS",
"cs.LG",
"cs.SD"
] |
2407.13559 | HF | Qalam : A Multimodal LLM for Arabic Optical Character and Handwriting Recognition | [
"Gagan Bhatia",
"El Moatez Billah Nagoudi",
"Fakhraddin Alwajih",
"Muhammad Abdul-Mageed"
] | 2024-07-18 | Arabic Optical Character Recognition (OCR) and Handwriting Recognition (HWR)
pose unique challenges due to the cursive and context-sensitive nature of the
Arabic script. This study introduces Qalam, a novel foundation model designed
for Arabic OCR and HWR, built on a SwinV2 encoder and RoBERTa decoder
architecture. Our model significantly outperforms existing methods, achieving a
Word Error Rate (WER) of just 0.80% in HWR tasks and 1.18% in OCR tasks. We
train Qalam on a diverse dataset, including over 4.5 million images from Arabic
manuscripts and a synthetic dataset comprising 60k image-text pairs. Notably,
Qalam demonstrates exceptional handling of Arabic diacritics, a critical
feature in Arabic scripts. Furthermore, it shows a remarkable ability to
process high-resolution inputs, addressing a common limitation in current OCR
systems. These advancements underscore Qalam's potential as a leading solution
for Arabic script recognition, offering a significant leap in accuracy and
efficiency. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2306.07967 | HF | One-for-All: Generalized LoRA for Parameter-Efficient Fine-tuning | [
"Arnav Chavan",
"Zhuang Liu",
"Deepak Gupta",
"Eric Xing",
"Zhiqiang Shen"
] | 2023-06-13 | We present Generalized LoRA (GLoRA), an advanced approach for universal
parameter-efficient fine-tuning tasks. Enhancing Low-Rank Adaptation (LoRA),
GLoRA employs a generalized prompt module to optimize pre-trained model weights
and adjust intermediate activations, providing more flexibility and capability
across diverse tasks and datasets. Moreover, GLoRA facilitates efficient
parameter adaptation by employing a scalable, modular, layer-wise structure
search that learns individual adapter of each layer. Originating from a unified
mathematical formulation, GLoRA exhibits strong transfer learning, few-shot
learning and domain generalization abilities, as it adapts to new tasks through
not only weights but also additional dimensions like activations. Comprehensive
experiments demonstrate that GLoRA outperforms all previous methods in natural,
specialized, and structured vision benchmarks, achieving superior accuracy with
fewer parameters and computations. The proposed method on LLaMA-1 and LLaMA-2
also show considerable enhancements compared to the original LoRA in the
language domain. Furthermore, our structural re-parameterization design ensures
that GLoRA incurs no extra inference cost, rendering it a practical solution
for resource-limited applications. Code and models are available at:
https://github.com/Arnav0400/ViT-Slim/tree/master/GLoRA. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2402.18819 | AnswerAI | Dual Operating Modes of In-Context Learning | [
"Ziqian Lin",
"Kangwook Lee"
] | 2024-02-29 | In-context learning (ICL) exhibits dual operating modes: task learning, i.e.,
acquiring a new skill from in-context samples, and task retrieval, i.e.,
locating and activating a relevant pretrained skill. Recent theoretical work
investigates various mathematical models to analyze ICL, but existing models
explain only one operating mode at a time. We introduce a probabilistic model,
with which one can explain the dual operating modes of ICL simultaneously.
Focusing on in-context learning of linear functions, we extend existing models
for pretraining data by introducing multiple task groups and task-dependent
input distributions. We then analyze the behavior of the optimally pretrained
model under the squared loss, i.e., the MMSE estimator of the label given
in-context examples. Regarding pretraining task distribution as prior and
in-context examples as the observation, we derive the closed-form expression of
the task posterior distribution. With the closed-form expression, we obtain a
quantitative understanding of the two operating modes of ICL. Furthermore, we
shed light on an unexplained phenomenon observed in practice: under certain
settings, the ICL risk initially increases and then decreases with more
in-context examples. Our model offers a plausible explanation for this "early
ascent" phenomenon: a limited number of in-context samples may lead to the
retrieval of an incorrect skill, thereby increasing the risk, which will
eventually diminish as task learning takes effect with more in-context samples.
We also theoretically analyze ICL with biased labels, e.g., zero-shot ICL,
where in-context examples are assigned random labels. Lastly, we validate our
findings and predictions via experiments involving Transformers and large
language models. | null | cs.LG | [
"cs.LG"
] |
2401.17585 | AnswerAI | Propagation and Pitfalls: Reasoning-based Assessment of Knowledge Editing through Counterfactual Tasks | [
"Wenyue Hua",
"Jiang Guo",
"Mingwen Dong",
"Henghui Zhu",
"Patrick Ng",
"Zhiguo Wang"
] | 2024-01-31 | Current approaches of knowledge editing struggle to effectively propagate
updates to interconnected facts. In this work, we delve into the barriers that
hinder the appropriate propagation of updated knowledge within these models for
accurate reasoning. To support our analysis, we introduce a novel
reasoning-based benchmark -- ReCoE (Reasoning-based Counterfactual Editing
dataset) -- which covers six common reasoning schemes in real world. We conduct
a thorough analysis of existing knowledge editing techniques, including input
augmentation, finetuning, and locate-and-edit. We found that all model editing
methods show notably low performance on this dataset, especially in certain
reasoning schemes. Our analysis over the chain-of-thought generation of edited
models further uncover key reasons behind the inadequacy of existing knowledge
editing methods from a reasoning standpoint, involving aspects on fact-wise
editing, fact recall ability, and coherence in generation. We will make our
benchmark publicly available. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"stat.ME"
] |
2408.04520 | HF | Advancing Molecular Machine (Learned) Representations with Stereoelectronics-Infused Molecular Graphs | [
"Daniil A. Boiko",
"Thiago Reschützegger",
"Benjamin Sanchez-Lengeling",
"Samuel M. Blau",
"Gabe Gomes"
] | 2024-08-08 | Molecular representation is a foundational element in our understanding of
the physical world. Its importance ranges from the fundamentals of chemical
reactions to the design of new therapies and materials. Previous molecular
machine learning models have employed strings, fingerprints, global features,
and simple molecular graphs that are inherently information-sparse
representations. However, as the complexity of prediction tasks increases, the
molecular representation needs to encode higher fidelity information. This work
introduces a novel approach to infusing quantum-chemical-rich information into
molecular graphs via stereoelectronic effects. We show that the explicit
addition of stereoelectronic interactions significantly improves the
performance of molecular machine learning models. Furthermore,
stereoelectronics-infused representations can be learned and deployed with a
tailored double graph neural network workflow, enabling its application to any
downstream molecular machine learning task. Finally, we show that the learned
representations allow for facile stereoelectronic evaluation of previously
intractable systems, such as entire proteins, opening new avenues of molecular
design. | null | cs.LG | [
"cs.LG",
"physics.chem-ph"
] |
2402.13753 | Both | LongRoPE: Extending LLM Context Window Beyond 2 Million Tokens | [
"Yiran Ding",
"Li Lyna Zhang",
"Chengruidong Zhang",
"Yuanyuan Xu",
"Ning Shang",
"Jiahang Xu",
"Fan Yang",
"Mao Yang"
] | 2024-02-21 | Large context window is a desirable feature in large language models (LLMs).
However, due to high fine-tuning costs, scarcity of long texts, and
catastrophic values introduced by new token positions, current extended context
windows are limited to around 128k tokens. This paper introduces LongRoPE that,
for the first time, extends the context window of pre-trained LLMs to an
impressive 2048k tokens, with up to only 1k fine-tuning steps at within 256k
training lengths, while maintaining performance at the original short context
window. This is achieved by three key innovations: (i) we identify and exploit
two forms of non-uniformities in positional interpolation through an efficient
search, providing a better initialization for fine-tuning and enabling an 8x
extension in non-fine-tuning scenarios; (ii) we introduce a progressive
extension strategy that first fine-tunes a 256k length LLM and then conducts a
second positional interpolation on the fine-tuned extended LLM to achieve a
2048k context window; (iii) we readjust LongRoPE on 8k length to recover the
short context window performance. Extensive experiments on LLaMA2 and Mistral
across various tasks demonstrate the effectiveness of our method. Models
extended via LongRoPE retain the original architecture with minor modifications
to the positional embedding, and can reuse most pre-existing optimizations. | null | cs.CL | [
"cs.CL"
] |
2310.13012 | HF | H2O Open Ecosystem for State-of-the-art Large Language Models | [
"Arno Candel",
"Jon McKinney",
"Philipp Singer",
"Pascal Pfeiffer",
"Maximilian Jeblick",
"Chun Ming Lee",
"Marcos V. Conde"
] | 2023-10-17 | Large Language Models (LLMs) represent a revolution in AI. However, they also
pose many significant risks, such as the presence of biased, private,
copyrighted or harmful text. For this reason we need open, transparent and safe
solutions. We introduce a complete open-source ecosystem for developing and
testing LLMs. The goal of this project is to boost open alternatives to
closed-source approaches. We release h2oGPT, a family of fine-tuned LLMs of
diverse sizes. We also introduce H2O LLM Studio, a framework and no-code GUI
designed for efficient fine-tuning, evaluation, and deployment of LLMs using
the most recent state-of-the-art techniques. Our code and models are fully
open-source. We believe this work helps to boost AI development and make it
more accessible, efficient and trustworthy. The demo is available at:
https://gpt.h2o.ai/ | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.08583 | Both | ZeroQuant(4+2): Redefining LLMs Quantization with a New FP6-Centric Strategy for Diverse Generative Tasks | [
"Xiaoxia Wu",
"Haojun Xia",
"Stephen Youn",
"Zhen Zheng",
"Shiyang Chen",
"Arash Bakhtiari",
"Michael Wyatt",
"Reza Yazdani Aminabadi",
"Yuxiong He",
"Olatunji Ruwase",
"Leon Song",
"Zhewei Yao"
] | 2023-12-14 | This study examines 4-bit quantization methods like GPTQ in large language
models (LLMs), highlighting GPTQ's overfitting and limited enhancement in
Zero-Shot tasks. While prior works merely focusing on zero-shot measurement, we
extend task scope to more generative categories such as code generation and
abstractive summarization, in which we found that INT4 quantization can
significantly underperform. However, simply shifting to higher precision
formats like FP6 has been particularly challenging, thus overlooked, due to
poor performance caused by the lack of sophisticated integration and system
acceleration strategies on current AI hardware. Our results show that FP6, even
with a coarse-grain quantization scheme, performs robustly across various
algorithms and tasks, demonstrating its superiority in accuracy and
versatility. Notably, with the FP6 quantization, \codestar-15B model performs
comparably to its FP16 counterpart in code generation, and for smaller models
like the 406M it closely matches their baselines in summarization. Neither can
be achieved by INT4. To better accommodate various AI hardware and achieve the
best system performance, we propose a novel 4+2 design for FP6 to achieve
similar latency to the state-of-the-art INT4 fine-grain quantization. With our
design, FP6 can become a promising solution to the current 4-bit quantization
methods used in LLMs. | null | cs.CL | [
"cs.CL",
"stat.ML"
] |
2406.07546 | HF | Commonsense-T2I Challenge: Can Text-to-Image Generation Models Understand Commonsense? | [
"Xingyu Fu",
"Muyu He",
"Yujie Lu",
"William Yang Wang",
"Dan Roth"
] | 2024-06-11 | We present a novel task and benchmark for evaluating the ability of
text-to-image(T2I) generation models to produce images that align with
commonsense in real life, which we call Commonsense-T2I. Given two adversarial
text prompts containing an identical set of action words with minor
differences, such as "a lightbulb without electricity" v.s. "a lightbulb with
electricity", we evaluate whether T2I models can conduct visual-commonsense
reasoning, e.g. produce images that fit "the lightbulb is unlit" vs. "the
lightbulb is lit" correspondingly. Commonsense-T2I presents an adversarial
challenge, providing pairwise text prompts along with expected outputs. The
dataset is carefully hand-curated by experts and annotated with fine-grained
labels, such as commonsense type and likelihood of the expected outputs, to
assist analyzing model behavior. We benchmark a variety of state-of-the-art
(sota) T2I models and surprisingly find that, there is still a large gap
between image synthesis and real life photos--even the DALL-E 3 model could
only achieve 48.92% on Commonsense-T2I, and the stable diffusion XL model only
achieves 24.92% accuracy. Our experiments show that GPT-enriched prompts cannot
solve this challenge, and we include a detailed analysis about possible reasons
for such deficiency. We aim for Commonsense-T2I to serve as a high-quality
evaluation benchmark for T2I commonsense checking, fostering advancements in
real life image generation. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2401.11985 | HF | Scaling Face Interaction Graph Networks to Real World Scenes | [
"Tatiana Lopez-Guevara",
"Yulia Rubanova",
"William F. Whitney",
"Tobias Pfaff",
"Kimberly Stachenfeld",
"Kelsey R. Allen"
] | 2024-01-22 | Accurately simulating real world object dynamics is essential for various
applications such as robotics, engineering, graphics, and design. To better
capture complex real dynamics such as contact and friction, learned simulators
based on graph networks have recently shown great promise. However, applying
these learned simulators to real scenes comes with two major challenges: first,
scaling learned simulators to handle the complexity of real world scenes which
can involve hundreds of objects each with complicated 3D shapes, and second,
handling inputs from perception rather than 3D state information. Here we
introduce a method which substantially reduces the memory required to run
graph-based learned simulators. Based on this memory-efficient simulation
model, we then present a perceptual interface in the form of editable NeRFs
which can convert real-world scenes into a structured representation that can
be processed by graph network simulator. We show that our method uses
substantially less memory than previous graph-based simulators while retaining
their accuracy, and that the simulators learned in synthetic environments can
be applied to real world scenes captured from multiple camera angles. This
paves the way for expanding the application of learned simulators to settings
where only perceptual information is available at inference time. | null | cs.LG | [
"cs.LG",
"cs.CV",
"cs.RO"
] |
2407.03471 | HF | Learning Action and Reasoning-Centric Image Editing from Videos and Simulations | [
"Benno Krojer",
"Dheeraj Vattikonda",
"Luis Lara",
"Varun Jampani",
"Eva Portelance",
"Christopher Pal",
"Siva Reddy"
] | 2024-07-03 | An image editing model should be able to perform diverse edits, ranging from
object replacement, changing attributes or style, to performing actions or
movement, which require many forms of reasoning. Current general
instruction-guided editing models have significant shortcomings with action and
reasoning-centric edits. Object, attribute or stylistic changes can be learned
from visually static datasets. On the other hand, high-quality data for action
and reasoning-centric edits is scarce and has to come from entirely different
sources that cover e.g. physical dynamics, temporality and spatial reasoning.
To this end, we meticulously curate the AURORA Dataset
(Action-Reasoning-Object-Attribute), a collection of high-quality training
data, human-annotated and curated from videos and simulation engines. We focus
on a key aspect of quality training data: triplets (source image, prompt,
target image) contain a single meaningful visual change described by the
prompt, i.e., truly minimal changes between source and target images. To
demonstrate the value of our dataset, we evaluate an AURORA-finetuned model on
a new expert-curated benchmark (AURORA-Bench) covering 8 diverse editing tasks.
Our model significantly outperforms previous editing models as judged by human
raters. For automatic evaluations, we find important flaws in previous metrics
and caution their use for semantically hard editing tasks. Instead, we propose
a new automatic metric that focuses on discriminative understanding. We hope
that our efforts : (1) curating a quality training dataset and an evaluation
benchmark, (2) developing critical evaluations, and (3) releasing a
state-of-the-art model, will fuel further progress on general image editing. | null | cs.CV | [
"cs.CV"
] |
2406.09414 | HF | Depth Anything V2 | [
"Lihe Yang",
"Bingyi Kang",
"Zilong Huang",
"Zhen Zhao",
"Xiaogang Xu",
"Jiashi Feng",
"Hengshuang Zhao"
] | 2024-06-13 | This work presents Depth Anything V2. Without pursuing fancy techniques, we
aim to reveal crucial findings to pave the way towards building a powerful
monocular depth estimation model. Notably, compared with V1, this version
produces much finer and more robust depth predictions through three key
practices: 1) replacing all labeled real images with synthetic images, 2)
scaling up the capacity of our teacher model, and 3) teaching student models
via the bridge of large-scale pseudo-labeled real images. Compared with the
latest models built on Stable Diffusion, our models are significantly more
efficient (more than 10x faster) and more accurate. We offer models of
different scales (ranging from 25M to 1.3B params) to support extensive
scenarios. Benefiting from their strong generalization capability, we fine-tune
them with metric depth labels to obtain our metric depth models. In addition to
our models, considering the limited diversity and frequent noise in current
test sets, we construct a versatile evaluation benchmark with precise
annotations and diverse scenes to facilitate future research. | null | cs.CV | [
"cs.CV"
] |
2407.06397 | HF | RRM: Relightable assets using Radiance guided Material extraction | [
"Diego Gomez",
"Julien Philip",
"Adrien Kaiser",
"Élie Michel"
] | 2024-07-08 | Synthesizing NeRFs under arbitrary lighting has become a seminal problem in
the last few years. Recent efforts tackle the problem via the extraction of
physically-based parameters that can then be rendered under arbitrary lighting,
but they are limited in the range of scenes they can handle, usually
mishandling glossy scenes. We propose RRM, a method that can extract the
materials, geometry, and environment lighting of a scene even in the presence
of highly reflective objects. Our method consists of a physically-aware
radiance field representation that informs physically-based parameters, and an
expressive environment light structure based on a Laplacian Pyramid. We
demonstrate that our contributions outperform the state-of-the-art on parameter
retrieval tasks, leading to high-fidelity relighting and novel view synthesis
on surfacic scenes. | null | cs.CV | [
"cs.CV"
] |
2409.11211 | HF | SplatFields: Neural Gaussian Splats for Sparse 3D and 4D Reconstruction | [
"Marko Mihajlovic",
"Sergey Prokudin",
"Siyu Tang",
"Robert Maier",
"Federica Bogo",
"Tony Tung",
"Edmond Boyer"
] | 2024-09-17 | Digitizing 3D static scenes and 4D dynamic events from multi-view images has
long been a challenge in computer vision and graphics. Recently, 3D Gaussian
Splatting (3DGS) has emerged as a practical and scalable reconstruction method,
gaining popularity due to its impressive reconstruction quality, real-time
rendering capabilities, and compatibility with widely used visualization tools.
However, the method requires a substantial number of input views to achieve
high-quality scene reconstruction, introducing a significant practical
bottleneck. This challenge is especially severe in capturing dynamic scenes,
where deploying an extensive camera array can be prohibitively costly. In this
work, we identify the lack of spatial autocorrelation of splat features as one
of the factors contributing to the suboptimal performance of the 3DGS technique
in sparse reconstruction settings. To address the issue, we propose an
optimization strategy that effectively regularizes splat features by modeling
them as the outputs of a corresponding implicit neural field. This results in a
consistent enhancement of reconstruction quality across various scenarios. Our
approach effectively handles static and dynamic cases, as demonstrated by
extensive testing across different setups and scene complexities. | null | cs.CV | [
"cs.CV"
] |
2309.15251 | HF | VPA: Fully Test-Time Visual Prompt Adaptation | [
"Jiachen Sun",
"Mark Ibrahim",
"Melissa Hall",
"Ivan Evtimov",
"Z. Morley Mao",
"Cristian Canton Ferrer",
"Caner Hazirbas"
] | 2023-09-26 | Textual prompt tuning has demonstrated significant performance improvements
in adapting natural language processing models to a variety of downstream tasks
by treating hand-engineered prompts as trainable parameters. Inspired by the
success of textual prompting, several studies have investigated the efficacy of
visual prompt tuning. In this work, we present Visual Prompt Adaptation (VPA),
the first framework that generalizes visual prompting with test-time
adaptation. VPA introduces a small number of learnable tokens, enabling fully
test-time and storage-efficient adaptation without necessitating source-domain
information. We examine our VPA design under diverse adaptation settings,
encompassing single-image, batched-image, and pseudo-label adaptation. We
evaluate VPA on multiple tasks, including out-of-distribution (OOD)
generalization, corruption robustness, and domain adaptation. Experimental
results reveal that VPA effectively enhances OOD generalization by 3.3% across
various models, surpassing previous test-time approaches. Furthermore, we show
that VPA improves corruption robustness by 6.5% compared to strong baselines.
Finally, we demonstrate that VPA also boosts domain adaptation performance by
relatively 5.2%. Our VPA also exhibits marked effectiveness in improving the
robustness of zero-shot recognition for vision-language models. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2203.02155 | AnswerAI | Training language models to follow instructions with human feedback | [
"Long Ouyang",
"Jeff Wu",
"Xu Jiang",
"Diogo Almeida",
"Carroll L. Wainwright",
"Pamela Mishkin",
"Chong Zhang",
"Sandhini Agarwal",
"Katarina Slama",
"Alex Ray",
"John Schulman",
"Jacob Hilton",
"Fraser Kelton",
"Luke Miller",
"Maddie Simens",
"Amanda Askell",
"Peter Welinder",
"Paul Christiano",
"Jan Leike",
"Ryan Lowe"
] | 2022-03-04 | Making language models bigger does not inherently make them better at
following a user's intent. For example, large language models can generate
outputs that are untruthful, toxic, or simply not helpful to the user. In other
words, these models are not aligned with their users. In this paper, we show an
avenue for aligning language models with user intent on a wide range of tasks
by fine-tuning with human feedback. Starting with a set of labeler-written
prompts and prompts submitted through the OpenAI API, we collect a dataset of
labeler demonstrations of the desired model behavior, which we use to fine-tune
GPT-3 using supervised learning. We then collect a dataset of rankings of model
outputs, which we use to further fine-tune this supervised model using
reinforcement learning from human feedback. We call the resulting models
InstructGPT. In human evaluations on our prompt distribution, outputs from the
1.3B parameter InstructGPT model are preferred to outputs from the 175B GPT-3,
despite having 100x fewer parameters. Moreover, InstructGPT models show
improvements in truthfulness and reductions in toxic output generation while
having minimal performance regressions on public NLP datasets. Even though
InstructGPT still makes simple mistakes, our results show that fine-tuning with
human feedback is a promising direction for aligning language models with human
intent. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.13455 | HF | DreamEditor: Text-Driven 3D Scene Editing with Neural Fields | [
"Jingyu Zhuang",
"Chen Wang",
"Lingjie Liu",
"Liang Lin",
"Guanbin Li"
] | 2023-06-23 | Neural fields have achieved impressive advancements in view synthesis and
scene reconstruction. However, editing these neural fields remains challenging
due to the implicit encoding of geometry and texture information. In this
paper, we propose DreamEditor, a novel framework that enables users to perform
controlled editing of neural fields using text prompts. By representing scenes
as mesh-based neural fields, DreamEditor allows localized editing within
specific regions. DreamEditor utilizes the text encoder of a pretrained
text-to-Image diffusion model to automatically identify the regions to be
edited based on the semantics of the text prompts. Subsequently, DreamEditor
optimizes the editing region and aligns its geometry and texture with the text
prompts through score distillation sampling [29]. Extensive experiments have
demonstrated that DreamEditor can accurately edit neural fields of real-world
scenes according to the given text prompts while ensuring consistency in
irrelevant areas. DreamEditor generates highly realistic textures and geometry,
significantly surpassing previous works in both quantitative and qualitative
evaluations. | null | cs.CV | [
"cs.CV"
] |
2307.05473 | HF | Differentiable Blocks World: Qualitative 3D Decomposition by Rendering Primitives | [
"Tom Monnier",
"Jake Austin",
"Angjoo Kanazawa",
"Alexei A. Efros",
"Mathieu Aubry"
] | 2023-07-11 | Given a set of calibrated images of a scene, we present an approach that
produces a simple, compact, and actionable 3D world representation by means of
3D primitives. While many approaches focus on recovering high-fidelity 3D
scenes, we focus on parsing a scene into mid-level 3D representations made of a
small set of textured primitives. Such representations are interpretable, easy
to manipulate and suited for physics-based simulations. Moreover, unlike
existing primitive decomposition methods that rely on 3D input data, our
approach operates directly on images through differentiable rendering.
Specifically, we model primitives as textured superquadric meshes and optimize
their parameters from scratch with an image rendering loss. We highlight the
importance of modeling transparency for each primitive, which is critical for
optimization and also enables handling varying numbers of primitives. We show
that the resulting textured primitives faithfully reconstruct the input images
and accurately model the visible 3D points, while providing amodal shape
completions of unseen object regions. We compare our approach to the state of
the art on diverse scenes from DTU, and demonstrate its robustness on real-life
captures from BlendedMVS and Nerfstudio. We also showcase how our results can
be used to effortlessly edit a scene or perform physical simulations. Code and
video results are available at https://www.tmonnier.com/DBW . | null | cs.CV | [
"cs.CV"
] |
2407.20243 | AnswerAI | Matryoshka-Adaptor: Unsupervised and Supervised Tuning for Smaller Embedding Dimensions | [
"Jinsung Yoon",
"Raj Sinha",
"Sercan O Arik",
"Tomas Pfister"
] | 2024-07-17 | Embeddings from Large Language Models (LLMs) have emerged as critical
components in various applications, particularly for information retrieval.
While high-dimensional embeddings generally demonstrate superior performance as
they contain more salient information, their practical application is
frequently hindered by elevated computational latency and the associated higher
cost. To address these challenges, we propose Matryoshka-Adaptor, a novel
tuning framework designed for the customization of LLM embeddings.
Matryoshka-Adaptor facilitates substantial dimensionality reduction while
maintaining comparable performance levels, thereby achieving a significant
enhancement in computational efficiency and cost-effectiveness. Our framework
directly modifies the embeddings from pre-trained LLMs which is designed to be
seamlessly integrated with any LLM architecture, encompassing those accessible
exclusively through black-box APIs. Also, it exhibits efficacy in both
unsupervised and supervised learning settings. A rigorous evaluation conducted
across a diverse corpus of English, multilingual, and multimodal datasets
consistently reveals substantial gains with Matryoshka-Adaptor. Notably, with
Google and OpenAI Embedding APIs, Matryoshka-Adaptor achieves a reduction in
dimensionality ranging from two- to twelve-fold without compromising
performance across multiple BEIR datasets. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2406.10118 | HF | SEACrowd: A Multilingual Multimodal Data Hub and Benchmark Suite for Southeast Asian Languages | [
"Holy Lovenia",
"Rahmad Mahendra",
"Salsabil Maulana Akbar",
"Lester James V. Miranda",
"Jennifer Santoso",
"Elyanah Aco",
"Akhdan Fadhilah",
"Jonibek Mansurov",
"Joseph Marvin Imperial",
"Onno P. Kampman",
"Joel Ruben Antony Moniz",
"Muhammad Ravi Shulthan Habibi",
"Frederikus Hudi",
"Railey Montalan",
"Ryan Ignatius",
"Joanito Agili Lopo",
"William Nixon",
"Börje F. Karlsson",
"James Jaya",
"Ryandito Diandaru",
"Yuze Gao",
"Patrick Amadeus",
"Bin Wang",
"Jan Christian Blaise Cruz",
"Chenxi Whitehouse",
"Ivan Halim Parmonangan",
"Maria Khelli",
"Wenyu Zhang",
"Lucky Susanto",
"Reynard Adha Ryanda",
"Sonny Lazuardi Hermawan",
"Dan John Velasco",
"Muhammad Dehan Al Kautsar",
"Willy Fitra Hendria",
"Yasmin Moslem",
"Noah Flynn",
"Muhammad Farid Adilazuarda",
"Haochen Li",
"Johanes Lee",
"R. Damanhuri",
"Shuo Sun",
"Muhammad Reza Qorib",
"Amirbek Djanibekov",
"Wei Qi Leong",
"Quyet V. Do",
"Niklas Muennighoff",
"Tanrada Pansuwan",
"Ilham Firdausi Putra",
"Yan Xu",
"Ngee Chia Tai",
"Ayu Purwarianti",
"Sebastian Ruder",
"William Tjhi",
"Peerat Limkonchotiwat",
"Alham Fikri Aji",
"Sedrick Keh",
"Genta Indra Winata",
"Ruochen Zhang",
"Fajri Koto",
"Zheng-Xin Yong",
"Samuel Cahyawijaya"
] | 2024-06-14 | Southeast Asia (SEA) is a region rich in linguistic diversity and cultural
variety, with over 1,300 indigenous languages and a population of 671 million
people. However, prevailing AI models suffer from a significant lack of
representation of texts, images, and audio datasets from SEA, compromising the
quality of AI models for SEA languages. Evaluating models for SEA languages is
challenging due to the scarcity of high-quality datasets, compounded by the
dominance of English training data, raising concerns about potential cultural
misrepresentation. To address these challenges, we introduce SEACrowd, a
collaborative initiative that consolidates a comprehensive resource hub that
fills the resource gap by providing standardized corpora in nearly 1,000 SEA
languages across three modalities. Through our SEACrowd benchmarks, we assess
the quality of AI models on 36 indigenous languages across 13 tasks, offering
valuable insights into the current AI landscape in SEA. Furthermore, we propose
strategies to facilitate greater AI advancements, maximizing potential utility
and resource equity for the future of AI in SEA. | null | cs.CL | [
"cs.CL"
] |
2401.04925 | Both | The Impact of Reasoning Step Length on Large Language Models | [
"Mingyu Jin",
"Qinkai Yu",
"Dong Shu",
"Haiyan Zhao",
"Wenyue Hua",
"Yanda Meng",
"Yongfeng Zhang",
"Mengnan Du"
] | 2024-01-10 | Chain of Thought (CoT) is significant in improving the reasoning abilities of
large language models (LLMs). However, the correlation between the
effectiveness of CoT and the length of reasoning steps in prompts remains
largely unknown. To shed light on this, we have conducted several empirical
experiments to explore the relations. Specifically, we design experiments that
expand and compress the rationale reasoning steps within CoT demonstrations
while keeping all other factors constant. We have the following key findings.
First, the results indicate that lengthening the reasoning steps in prompts,
even without adding new information into the prompt, considerably enhances
LLMs' reasoning abilities across multiple datasets. Alternatively, shortening
the reasoning steps, even while preserving the key information, significantly
diminishes the reasoning abilities of models. This finding highlights the
importance of the number of steps in CoT prompts and provides practical
guidance to make better use of LLMs' potential in complex problem-solving
scenarios. Second, we also investigated the relationship between the
performance of CoT and the rationales used in demonstrations. Surprisingly, the
result shows that even incorrect rationales can yield favorable outcomes if
they maintain the requisite length of inference. Third, we observed that the
advantages of increasing reasoning steps are task-dependent: simpler tasks
require fewer steps, whereas complex tasks gain significantly from longer
inference sequences. The code is available at
https://github.com/MingyuJ666/The-Impact-of-Reasoning-Step-Length-on-Large-Language-Models | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.09979 | AnswerAI | LoRAMoE: Alleviate World Knowledge Forgetting in Large Language Models via MoE-Style Plugin | [
"Shihan Dou",
"Enyu Zhou",
"Yan Liu",
"Songyang Gao",
"Jun Zhao",
"Wei Shen",
"Yuhao Zhou",
"Zhiheng Xi",
"Xiao Wang",
"Xiaoran Fan",
"Shiliang Pu",
"Jiang Zhu",
"Rui Zheng",
"Tao Gui",
"Qi Zhang",
"Xuanjing Huang"
] | 2023-12-15 | Supervised fine-tuning (SFT) is a crucial step for large language models
(LLMs), enabling them to align with human instructions and enhance their
capabilities in downstream tasks. Increasing instruction data substantially is
a direct solution to align the model with a broader range of downstream tasks
or notably improve its performance on a specific task. However, we find that
large-scale increases in instruction data can damage the world knowledge
previously stored in LLMs. To address this challenge, we propose LoRAMoE, a
novelty framework that introduces several low-rank adapters (LoRA) and
integrates them by using a router network, like a plugin version of Mixture of
Experts (MoE). It freezes the backbone model and forces a portion of LoRAs to
focus on leveraging world knowledge to solve downstream tasks, to alleviate
world knowledge-edge forgetting. Experimental results show that, as the
instruction data increases, LoRAMoE can significantly improve the ability to
process downstream tasks, while maintaining the world knowledge stored in the
LLM. | null | cs.CL | [
"cs.CL"
] |
2401.06105 | HF | PALP: Prompt Aligned Personalization of Text-to-Image Models | [
"Moab Arar",
"Andrey Voynov",
"Amir Hertz",
"Omri Avrahami",
"Shlomi Fruchter",
"Yael Pritch",
"Daniel Cohen-Or",
"Ariel Shamir"
] | 2024-01-11 | Content creators often aim to create personalized images using personal
subjects that go beyond the capabilities of conventional text-to-image models.
Additionally, they may want the resulting image to encompass a specific
location, style, ambiance, and more. Existing personalization methods may
compromise personalization ability or the alignment to complex textual prompts.
This trade-off can impede the fulfillment of user prompts and subject fidelity.
We propose a new approach focusing on personalization methods for a
\emph{single} prompt to address this issue. We term our approach prompt-aligned
personalization. While this may seem restrictive, our method excels in
improving text alignment, enabling the creation of images with complex and
intricate prompts, which may pose a challenge for current techniques. In
particular, our method keeps the personalized model aligned with a target
prompt using an additional score distillation sampling term. We demonstrate the
versatility of our method in multi- and single-shot settings and further show
that it can compose multiple subjects or use inspiration from reference images,
such as artworks. We compare our approach quantitatively and qualitatively with
existing baselines and state-of-the-art techniques. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.GR",
"cs.LG"
] |
2407.21781 | HF | Berkeley Humanoid: A Research Platform for Learning-based Control | [
"Qiayuan Liao",
"Bike Zhang",
"Xuanyu Huang",
"Xiaoyu Huang",
"Zhongyu Li",
"Koushil Sreenath"
] | 2024-07-31 | We introduce Berkeley Humanoid, a reliable and low-cost mid-scale humanoid
research platform for learning-based control. Our lightweight, in-house-built
robot is designed specifically for learning algorithms with low simulation
complexity, anthropomorphic motion, and high reliability against falls. The
robot's narrow sim-to-real gap enables agile and robust locomotion across
various terrains in outdoor environments, achieved with a simple reinforcement
learning controller using light domain randomization. Furthermore, we
demonstrate the robot traversing for hundreds of meters, walking on a steep
unpaved trail, and hopping with single and double legs as a testimony to its
high performance in dynamical walking. Capable of omnidirectional locomotion
and withstanding large perturbations with a compact setup, our system aims for
scalable, sim-to-real deployment of learning-based humanoid systems. Please
check http://berkeley-humanoid.com for more details. | null | cs.RO | [
"cs.RO"
] |
2408.08189 | HF | FancyVideo: Towards Dynamic and Consistent Video Generation via Cross-frame Textual Guidance | [
"Jiasong Feng",
"Ao Ma",
"Jing Wang",
"Bo Cheng",
"Xiaodan Liang",
"Dawei Leng",
"Yuhui Yin"
] | 2024-08-15 | Synthesizing motion-rich and temporally consistent videos remains a challenge
in artificial intelligence, especially when dealing with extended durations.
Existing text-to-video (T2V) models commonly employ spatial cross-attention for
text control, equivalently guiding different frame generations without
frame-specific textual guidance. Thus, the model's capacity to comprehend the
temporal logic conveyed in prompts and generate videos with coherent motion is
restricted. To tackle this limitation, we introduce FancyVideo, an innovative
video generator that improves the existing text-control mechanism with the
well-designed Cross-frame Textual Guidance Module (CTGM). Specifically, CTGM
incorporates the Temporal Information Injector (TII), Temporal Affinity Refiner
(TAR), and Temporal Feature Booster (TFB) at the beginning, middle, and end of
cross-attention, respectively, to achieve frame-specific textual guidance.
Firstly, TII injects frame-specific information from latent features into text
conditions, thereby obtaining cross-frame textual conditions. Then, TAR refines
the correlation matrix between cross-frame textual conditions and latent
features along the time dimension. Lastly, TFB boosts the temporal consistency
of latent features. Extensive experiments comprising both quantitative and
qualitative evaluations demonstrate the effectiveness of FancyVideo. Our video
demo, code and model are available at https://360cvgroup.github.io/FancyVideo/. | null | cs.CV | [
"cs.CV"
] |
2401.10225 | Both | ChatQA: Surpassing GPT-4 on Conversational QA and RAG | [
"Zihan Liu",
"Wei Ping",
"Rajarshi Roy",
"Peng Xu",
"Chankyu Lee",
"Mohammad Shoeybi",
"Bryan Catanzaro"
] | 2024-01-18 | In this work, we introduce ChatQA, a suite of models that outperform GPT-4 on
retrieval-augmented generation (RAG) and conversational question answering
(QA). To enhance generation, we propose a two-stage instruction tuning method
that significantly boosts the performance of RAG. For effective retrieval, we
introduce a dense retriever optimized for conversational QA, which yields
results comparable to the alternative state-of-the-art query rewriting models,
while substantially reducing deployment costs. We also present the ChatRAG
Bench, which encompasses ten datasets covering comprehensive evaluations on
RAG, table-related QA, arithmetic calculations, and scenarios involving
unanswerable questions. Our ChatQA-1.0-70B (score: 54.14), built on Llama2, a
weaker foundation model than GPT-4, can slightly outperform GPT-4-0613 (score:
53.90) and GPT-4-Turbo-2024-04-09 (score: 54.03) on the ChatRAG Bench, without
relying on any synthetic data from OpenAI GPT models. Notably, the
Llama3-ChatQA-1.5-70B model surpasses the accuracy of GPT-4-Turbo-2024-04-09,
achieving a 4.4% improvement. To advance research in this field, we
open-sourced the model weights, instruction tuning data, ChatRAG Bench, and
retriever for the community: https://chatqa-project.github.io/. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR",
"cs.LG"
] |
2404.17521 | HF | Ag2Manip: Learning Novel Manipulation Skills with Agent-Agnostic Visual and Action Representations | [
"Puhao Li",
"Tengyu Liu",
"Yuyang Li",
"Muzhi Han",
"Haoran Geng",
"Shu Wang",
"Yixin Zhu",
"Song-Chun Zhu",
"Siyuan Huang"
] | 2024-04-26 | Autonomous robotic systems capable of learning novel manipulation tasks are
poised to transform industries from manufacturing to service automation.
However, modern methods (e.g., VIP and R3M) still face significant hurdles,
notably the domain gap among robotic embodiments and the sparsity of successful
task executions within specific action spaces, resulting in misaligned and
ambiguous task representations. We introduce Ag2Manip (Agent-Agnostic
representations for Manipulation), a framework aimed at surmounting these
challenges through two key innovations: a novel agent-agnostic visual
representation derived from human manipulation videos, with the specifics of
embodiments obscured to enhance generalizability; and an agent-agnostic action
representation abstracting a robot's kinematics to a universal agent proxy,
emphasizing crucial interactions between end-effector and object. Ag2Manip's
empirical validation across simulated benchmarks like FrankaKitchen, ManiSkill,
and PartManip shows a 325% increase in performance, achieved without
domain-specific demonstrations. Ablation studies underline the essential
contributions of the visual and action representations to this success.
Extending our evaluations to the real world, Ag2Manip significantly improves
imitation learning success rates from 50% to 77.5%, demonstrating its
effectiveness and generalizability across both simulated and physical
environments. | null | cs.RO | [
"cs.RO",
"cs.CV"
] |
2305.16381 | HF | DPOK: Reinforcement Learning for Fine-tuning Text-to-Image Diffusion Models | [
"Ying Fan",
"Olivia Watkins",
"Yuqing Du",
"Hao Liu",
"Moonkyung Ryu",
"Craig Boutilier",
"Pieter Abbeel",
"Mohammad Ghavamzadeh",
"Kangwook Lee",
"Kimin Lee"
] | 2023-05-25 | Learning from human feedback has been shown to improve text-to-image models.
These techniques first learn a reward function that captures what humans care
about in the task and then improve the models based on the learned reward
function. Even though relatively simple approaches (e.g., rejection sampling
based on reward scores) have been investigated, fine-tuning text-to-image
models with the reward function remains challenging. In this work, we propose
using online reinforcement learning (RL) to fine-tune text-to-image models. We
focus on diffusion models, defining the fine-tuning task as an RL problem, and
updating the pre-trained text-to-image diffusion models using policy gradient
to maximize the feedback-trained reward. Our approach, coined DPOK, integrates
policy optimization with KL regularization. We conduct an analysis of KL
regularization for both RL fine-tuning and supervised fine-tuning. In our
experiments, we show that DPOK is generally superior to supervised fine-tuning
with respect to both image-text alignment and image quality. Our code is
available at
https://github.com/google-research/google-research/tree/master/dpok. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2305.14201 | HF | Goat: Fine-tuned LLaMA Outperforms GPT-4 on Arithmetic Tasks | [
"Tiedong Liu",
"Bryan Kian Hsiang Low"
] | 2023-05-23 | We introduce Goat, a fine-tuned LLaMA model that significantly outperforms
GPT-4 on a range of arithmetic tasks. Fine-tuned on a synthetically generated
dataset, Goat achieves state-of-the-art performance on BIG-bench arithmetic
sub-task. In particular, the zero-shot Goat-7B matches or even surpasses the
accuracy achieved by the few-shot PaLM-540B. Surprisingly, Goat can achieve
near-perfect accuracy on large-number addition and subtraction through
supervised fine-tuning only, which is almost impossible with previous
pretrained language models, such as Bloom, OPT, GPT-NeoX, etc. We attribute
Goat's exceptional performance to LLaMA's consistent tokenization of numbers.
To tackle more challenging tasks like large-number multiplication and division,
we propose an approach that classifies tasks based on their learnability, and
subsequently decomposes unlearnable tasks, such as multi-digit multiplication
and division, into a series of learnable tasks by leveraging basic arithmetic
principles. We thoroughly examine the performance of our model, offering a
comprehensive evaluation of the effectiveness of our proposed decomposition
steps. Additionally, Goat-7B can be easily trained using LoRA on a 24GB VRAM
GPU, facilitating reproducibility for other researchers. We release our model,
dataset, and the Python script for dataset generation. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2310.15200 | HF | Open-Set Image Tagging with Multi-Grained Text Supervision | [
"Xinyu Huang",
"Yi-Jie Huang",
"Youcai Zhang",
"Weiwei Tian",
"Rui Feng",
"Yuejie Zhang",
"Yanchun Xie",
"Yaqian Li",
"Lei Zhang"
] | 2023-10-23 | In this paper, we introduce the Recognize Anything Plus Model (RAM++), an
open-set image tagging model effectively leveraging multi-grained text
supervision. Previous approaches (e.g., CLIP) primarily utilize global text
supervision paired with images, leading to sub-optimal performance in
recognizing multiple individual semantic tags. In contrast, RAM++ seamlessly
integrates individual tag supervision with global text supervision, all within
a unified alignment framework. This integration not only ensures efficient
recognition of predefined tag categories, but also enhances generalization
capabilities for diverse open-set categories. Furthermore, RAM++ employs large
language models (LLMs) to convert semantically constrained tag supervision into
more expansive tag description supervision, thereby enriching the scope of
open-set visual description concepts. Comprehensive evaluations on various
image recognition benchmarks demonstrate RAM++ exceeds existing
state-of-the-art (SOTA) open-set image tagging models on most aspects.
Specifically, for predefined commonly used tag categories, RAM++ showcases 10.2
mAP and 15.4 mAP enhancements over CLIP on OpenImages and ImageNet. For
open-set categories beyond predefined, RAM++ records improvements of 5.0 mAP
and 6.4 mAP over CLIP and RAM respectively on OpenImages. For diverse
human-object interaction phrases, RAM++ achieves 7.8 mAP and 4.7 mAP
improvements on the HICO benchmark. Code, datasets and pre-trained models are
available at \url{https://github.com/xinyu1205/recognize-anything}. | null | cs.CV | [
"cs.CV"
] |
2405.00732 | Both | LoRA Land: 310 Fine-tuned LLMs that Rival GPT-4, A Technical Report | [
"Justin Zhao",
"Timothy Wang",
"Wael Abid",
"Geoffrey Angus",
"Arnav Garg",
"Jeffery Kinnison",
"Alex Sherstinsky",
"Piero Molino",
"Travis Addair",
"Devvret Rishi"
] | 2024-04-29 | Low Rank Adaptation (LoRA) has emerged as one of the most widely adopted
methods for Parameter Efficient Fine-Tuning (PEFT) of Large Language Models
(LLMs). LoRA reduces the number of trainable parameters and memory usage while
achieving comparable performance to full fine-tuning. We aim to assess the
viability of training and serving LLMs fine-tuned with LoRA in real-world
applications. First, we measure the quality of LLMs fine-tuned with quantized
low rank adapters across 10 base models and 31 tasks for a total of 310 models.
We find that 4-bit LoRA fine-tuned models outperform base models by 34 points
and GPT-4 by 10 points on average. Second, we investigate the most effective
base models for fine-tuning and assess the correlative and predictive
capacities of task complexity heuristics in forecasting the outcomes of
fine-tuning. Finally, we evaluate the latency and concurrency capabilities of
LoRAX, an open-source Multi-LoRA inference server that facilitates the
deployment of multiple LoRA fine-tuned models on a single GPU using shared base
model weights and dynamic adapter loading. LoRAX powers LoRA Land, a web
application that hosts 25 LoRA fine-tuned Mistral-7B LLMs on a single NVIDIA
A100 GPU with 80GB memory. LoRA Land highlights the quality and
cost-effectiveness of employing multiple specialized LLMs over a single,
general-purpose LLM. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2310.15144 | HF | DEsignBench: Exploring and Benchmarking DALL-E 3 for Imagining Visual Design | [
"Kevin Lin",
"Zhengyuan Yang",
"Linjie Li",
"Jianfeng Wang",
"Lijuan Wang"
] | 2023-10-23 | We introduce DEsignBench, a text-to-image (T2I) generation benchmark tailored
for visual design scenarios. Recent T2I models like DALL-E 3 and others, have
demonstrated remarkable capabilities in generating photorealistic images that
align closely with textual inputs. While the allure of creating visually
captivating images is undeniable, our emphasis extends beyond mere aesthetic
pleasure. We aim to investigate the potential of using these powerful models in
authentic design contexts. In pursuit of this goal, we develop DEsignBench,
which incorporates test samples designed to assess T2I models on both "design
technical capability" and "design application scenario." Each of these two
dimensions is supported by a diverse set of specific design categories. We
explore DALL-E 3 together with other leading T2I models on DEsignBench,
resulting in a comprehensive visual gallery for side-by-side comparisons. For
DEsignBench benchmarking, we perform human evaluations on generated images in
DEsignBench gallery, against the criteria of image-text alignment, visual
aesthetic, and design creativity. Our evaluation also considers other
specialized design capabilities, including text rendering, layout composition,
color harmony, 3D design, and medium style. In addition to human evaluations,
we introduce the first automatic image generation evaluator powered by GPT-4V.
This evaluator provides ratings that align well with human judgments, while
being easily replicable and cost-efficient. A high-resolution version is
available at
https://github.com/design-bench/design-bench.github.io/raw/main/designbench.pdf?download= | null | cs.CV | [
"cs.CV"
] |
2305.19370 | Both | Blockwise Parallel Transformer for Large Context Models | [
"Hao Liu",
"Pieter Abbeel"
] | 2023-05-30 | Transformers have emerged as the cornerstone of state-of-the-art natural
language processing models, showcasing exceptional performance across a wide
range of AI applications. However, the memory demands posed by the
self-attention mechanism and the large feedforward network in Transformers
limit their ability to handle long sequences, thereby creating challenges for
tasks involving multiple long sequences or long-term dependencies. We present a
distinct approach, Blockwise Parallel Transformer (BPT), that leverages
blockwise computation of self-attention and feedforward network fusion to
minimize memory costs. By processing longer input sequences while maintaining
memory efficiency, BPT enables training sequences 32 times longer than vanilla
Transformers and up to 4 times longer than previous memory-efficient methods.
Extensive experiments on language modeling and reinforcement learning tasks
demonstrate the effectiveness of BPT in reducing memory requirements and
improving performance. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2203.08913 | AnswerAI | Memorizing Transformers | [
"Yuhuai Wu",
"Markus N. Rabe",
"DeLesley Hutchins",
"Christian Szegedy"
] | 2022-03-16 | Language models typically need to be trained or finetuned in order to acquire
new knowledge, which involves updating their weights. We instead envision
language models that can simply read and memorize new data at inference time,
thus acquiring new knowledge immediately. In this work, we extend language
models with the ability to memorize the internal representations of past
inputs. We demonstrate that an approximate kNN lookup into a non-differentiable
memory of recent (key, value) pairs improves language modeling across various
benchmarks and tasks, including generic webtext (C4), math papers (arXiv),
books (PG-19), code (Github), as well as formal theorems (Isabelle). We show
that the performance steadily improves when we increase the size of memory up
to 262K tokens. On benchmarks including code and mathematics, we find that the
model is capable of making use of newly defined functions and theorems during
test time. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2406.00856 | HF | DistilDIRE: A Small, Fast, Cheap and Lightweight Diffusion Synthesized Deepfake Detection | [
"Yewon Lim",
"Changyeon Lee",
"Aerin Kim",
"Oren Etzioni"
] | 2024-06-02 | A dramatic influx of diffusion-generated images has marked recent years,
posing unique challenges to current detection technologies. While the task of
identifying these images falls under binary classification, a seemingly
straightforward category, the computational load is significant when employing
the "reconstruction then compare" technique. This approach, known as DIRE
(Diffusion Reconstruction Error), not only identifies diffusion-generated
images but also detects those produced by GANs, highlighting the technique's
broad applicability. To address the computational challenges and improve
efficiency, we propose distilling the knowledge embedded in diffusion models to
develop rapid deepfake detection models. Our approach, aimed at creating a
small, fast, cheap, and lightweight diffusion synthesized deepfake detector,
maintains robust performance while significantly reducing operational demands.
Maintaining performance, our experimental results indicate an inference speed
3.2 times faster than the existing DIRE framework. This advance not only
enhances the practicality of deploying these systems in real-world settings but
also paves the way for future research endeavors that seek to leverage
diffusion model knowledge. | null | cs.CV | [
"cs.CV",
"cs.CR",
"cs.LG"
] |
2407.12563 | HF | Audio Conditioning for Music Generation via Discrete Bottleneck Features | [
"Simon Rouard",
"Yossi Adi",
"Jade Copet",
"Axel Roebel",
"Alexandre Défossez"
] | 2024-07-17 | While most music generation models use textual or parametric conditioning
(e.g. tempo, harmony, musical genre), we propose to condition a language model
based music generation system with audio input. Our exploration involves two
distinct strategies. The first strategy, termed textual inversion, leverages a
pre-trained text-to-music model to map audio input to corresponding
"pseudowords" in the textual embedding space. For the second model we train a
music language model from scratch jointly with a text conditioner and a
quantized audio feature extractor. At inference time, we can mix textual and
audio conditioning and balance them thanks to a novel double classifier free
guidance method. We conduct automatic and human studies that validates our
approach. We will release the code and we provide music samples on
https://musicgenstyle.github.io in order to show the quality of our model. | null | cs.SD | [
"cs.SD",
"eess.AS"
] |
2405.06650 | HF | Large Language Models as Planning Domain Generators | [
"James Oswald",
"Kavitha Srinivas",
"Harsha Kokel",
"Junkyu Lee",
"Michael Katz",
"Shirin Sohrabi"
] | 2024-04-02 | Developing domain models is one of the few remaining places that require
manual human labor in AI planning. Thus, in order to make planning more
accessible, it is desirable to automate the process of domain model generation.
To this end, we investigate if large language models (LLMs) can be used to
generate planning domain models from simple textual descriptions. Specifically,
we introduce a framework for automated evaluation of LLM-generated domains by
comparing the sets of plans for domain instances. Finally, we perform an
empirical analysis of 7 large language models, including coding and chat models
across 9 different planning domains, and under three classes of natural
language domain descriptions. Our results indicate that LLMs, particularly
those with high parameter counts, exhibit a moderate level of proficiency in
generating correct planning domains from natural language descriptions. Our
code is available at https://github.com/IBM/NL2PDDL. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.10670 | HF | CoLoR-Filter: Conditional Loss Reduction Filtering for Targeted Language Model Pre-training | [
"David Brandfonbrener",
"Hanlin Zhang",
"Andreas Kirsch",
"Jonathan Richard Schwarz",
"Sham Kakade"
] | 2024-06-15 | Selecting high-quality data for pre-training is crucial in shaping the
downstream task performance of language models. A major challenge lies in
identifying this optimal subset, a problem generally considered intractable,
thus necessitating scalable and effective heuristics. In this work, we propose
a data selection method, CoLoR-Filter (Conditional Loss Reduction Filtering),
which leverages an empirical Bayes-inspired approach to derive a simple and
computationally efficient selection criterion based on the relative loss values
of two auxiliary models.
In addition to the modeling rationale, we evaluate CoLoR-Filter empirically
on two language modeling tasks: (1) selecting data from C4 for domain
adaptation to evaluation on Books and (2) selecting data from C4 for a suite of
downstream multiple-choice question answering tasks. We demonstrate favorable
scaling both as we subselect more aggressively and using small auxiliary models
to select data for large target models. As one headline result, CoLoR-Filter
data selected using a pair of 150m parameter auxiliary models can train a 1.2b
parameter target model to match a 1.2b parameter model trained on 25b randomly
selected tokens with 25x less data for Books and 11x less data for the
downstream tasks.
Code: https://github.com/davidbrandfonbrener/color-filter-olmo
Filtered data:
https://huggingface.co/datasets/davidbrandfonbrener/color-filtered-c4 | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2404.04204 | HF | Social Skill Training with Large Language Models | [
"Diyi Yang",
"Caleb Ziems",
"William Held",
"Omar Shaikh",
"Michael S. Bernstein",
"John Mitchell"
] | 2024-04-05 | People rely on social skills like conflict resolution to communicate
effectively and to thrive in both work and personal life. However, practice
environments for social skills are typically out of reach for most people. How
can we make social skill training more available, accessible, and inviting?
Drawing upon interdisciplinary research from communication and psychology, this
perspective paper identifies social skill barriers to enter specialized fields.
Then we present a solution that leverages large language models for social
skill training via a generic framework. Our AI Partner, AI Mentor framework
merges experiential learning with realistic practice and tailored feedback.
This work ultimately calls for cross-disciplinary innovation to address the
broader implications for workforce development and social equality. | null | cs.CL | [
"cs.CL",
"cs.HC"
] |
2406.19395 | HF | Dataset Size Recovery from LoRA Weights | [
"Mohammad Salama",
"Jonathan Kahana",
"Eliahu Horwitz",
"Yedid Hoshen"
] | 2024-06-27 | Model inversion and membership inference attacks aim to reconstruct and
verify the data which a model was trained on. However, they are not guaranteed
to find all training samples as they do not know the size of the training set.
In this paper, we introduce a new task: dataset size recovery, that aims to
determine the number of samples used to train a model, directly from its
weights. We then propose DSiRe, a method for recovering the number of images
used to fine-tune a model, in the common case where fine-tuning uses LoRA. We
discover that both the norm and the spectrum of the LoRA matrices are closely
linked to the fine-tuning dataset size; we leverage this finding to propose a
simple yet effective prediction algorithm. To evaluate dataset size recovery of
LoRA weights, we develop and release a new benchmark, LoRA-WiSE, consisting of
over 25000 weight snapshots from more than 2000 diverse LoRA fine-tuned models.
Our best classifier can predict the number of fine-tuning images with a mean
absolute error of 0.36 images, establishing the feasibility of this attack. | null | cs.CV | [
"cs.CV"
] |
2310.08740 | HF | A Zero-Shot Language Agent for Computer Control with Structured Reflection | [
"Tao Li",
"Gang Li",
"Zhiwei Deng",
"Bryan Wang",
"Yang Li"
] | 2023-10-12 | Large language models (LLMs) have shown increasing capacity at planning and
executing a high-level goal in a live computer environment (e.g. MiniWoB++). To
perform a task, recent works often require a model to learn from trace examples
of the task via either supervised learning or few/many-shot prompting. Without
these trace examples, it remains a challenge how an agent can autonomously
learn and improve its control on a computer, which limits the ability of an
agent to perform a new task. We approach this problem with a zero-shot agent
that requires no given expert traces. Our agent plans for executable actions on
a partially observed environment, and iteratively progresses a task by
identifying and learning from its mistakes via self-reflection and structured
thought management. On the easy tasks of MiniWoB++, we show that our zero-shot
agent often outperforms recent SoTAs, with more efficient reasoning. For tasks
with more complexity, our reflective agent performs on par with prior best
models, even though previous works had the advantages of accessing expert
traces or additional screen information. | null | cs.CL | [
"cs.CL",
"cs.SY",
"eess.SY"
] |
2404.00498 | AnswerAI | 94% on CIFAR-10 in 3.29 Seconds on a Single GPU | [
"Keller Jordan"
] | 2024-03-30 | CIFAR-10 is among the most widely used datasets in machine learning,
facilitating thousands of research projects per year. To accelerate research
and reduce the cost of experiments, we introduce training methods for CIFAR-10
which reach 94% accuracy in 3.29 seconds, 95% in 10.4 seconds, and 96% in 46.3
seconds, when run on a single NVIDIA A100 GPU. As one factor contributing to
these training speeds, we propose a derandomized variant of horizontal flipping
augmentation, which we show improves over the standard method in every case
where flipping is beneficial over no flipping at all. Our code is released at
https://github.com/KellerJordan/cifar10-airbench. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2406.11431 | HF | Super(ficial)-alignment: Strong Models May Deceive Weak Models in Weak-to-Strong Generalization | [
"Wenkai Yang",
"Shiqi Shen",
"Guangyao Shen",
"Zhi Gong",
"Yankai Lin"
] | 2024-06-17 | Superalignment, where humans are weak supervisors of superhuman models, has
become an important and widely discussed issue in the current era of rapid
development of Large Language Models (LLMs). The recent work preliminarily
studies this problem by using weak models to supervise strong models. It
discovers that weakly supervised strong students can consistently outperform
weak teachers towards the alignment target, leading to a weak-to-strong
generalization phenomenon. However, we are concerned that behind such a
promising phenomenon, whether there exists an issue of weak-to-strong
deception, where strong models may deceive weak models by exhibiting
well-aligned in areas known to weak models but producing misaligned behaviors
in cases weak models do not know. We then take an initial step towards
exploring this security issue in a specific but realistic multi-objective
alignment case, where there may be some alignment targets conflicting with each
other (e.g., helpfulness v.s. harmlessness). Such a conflict is likely to cause
strong models to deceive weak models in one alignment dimension to gain high
reward in other alignment dimension. Our experiments on both the reward
modeling task and the preference optimization scenario indicate: (1) the
weak-to-strong deception exists; (2) the deception phenomenon may intensify as
the capability gap between weak and strong models increases. We also discuss
potential solutions and find bootstrapping with an intermediate model can
mitigate the deception to some extent. Our work highlights the urgent need to
pay more attention to the true reliability of superalignment. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.07677 | HF | Masked Audio Text Encoders are Effective Multi-Modal Rescorers | [
"Jinglun Cai",
"Monica Sunkara",
"Xilai Li",
"Anshu Bhatia",
"Xiao Pan",
"Sravan Bodapati"
] | 2023-05-11 | Masked Language Models (MLMs) have proven to be effective for second-pass
rescoring in Automatic Speech Recognition (ASR) systems. In this work, we
propose Masked Audio Text Encoder (MATE), a multi-modal masked language model
rescorer which incorporates acoustic representations into the input space of
MLM. We adopt contrastive learning for effectively aligning the modalities by
learning shared representations. We show that using a multi-modal rescorer is
beneficial for domain generalization of the ASR system when target domain data
is unavailable. MATE reduces word error rate (WER) by 4%-16% on in-domain, and
3%-7% on out-of-domain datasets, over the text-only baseline. Additionally,
with very limited amount of training data (0.8 hours), MATE achieves a WER
reduction of 8%-23% over the first-pass baseline. | null | cs.SD | [
"cs.SD",
"cs.CL",
"cs.LG"
] |
2309.09117 | Both | Contrastive Decoding Improves Reasoning in Large Language Models | [
"Sean O'Brien",
"Mike Lewis"
] | 2023-09-17 | We demonstrate that Contrastive Decoding -- a simple, computationally light,
and training-free text generation method proposed by Li et al 2022 -- achieves
large out-of-the-box improvements over greedy decoding on a variety of
reasoning tasks. Originally shown to improve the perceived quality of long-form
text generation, Contrastive Decoding searches for strings that maximize a
weighted difference in likelihood between strong and weak models. We show that
Contrastive Decoding leads LLaMA-65B to outperform LLaMA 2, GPT-3.5 and PaLM
2-L on the HellaSwag commonsense reasoning benchmark, and to outperform LLaMA
2, GPT-3.5 and PaLM-540B on the GSM8K math word reasoning benchmark, in
addition to improvements on a collection of other tasks. Analysis suggests that
Contrastive Decoding improves over existing methods by preventing some abstract
reasoning errors, as well as by avoiding simpler modes such as copying sections
of the input during chain-of-thought. Overall, Contrastive Decoding outperforms
nucleus sampling for long-form generation and greedy decoding for reasoning
tasks, making it a powerful general purpose method for generating text from
language models. | null | cs.CL | [
"cs.CL",
"cs.AI",
"I.2.7"
] |
2403.01444 | HF | 3DGStream: On-the-Fly Training of 3D Gaussians for Efficient Streaming of Photo-Realistic Free-Viewpoint Videos | [
"Jiakai Sun",
"Han Jiao",
"Guangyuan Li",
"Zhanjie Zhang",
"Lei Zhao",
"Wei Xing"
] | 2024-03-03 | Constructing photo-realistic Free-Viewpoint Videos (FVVs) of dynamic scenes
from multi-view videos remains a challenging endeavor. Despite the remarkable
advancements achieved by current neural rendering techniques, these methods
generally require complete video sequences for offline training and are not
capable of real-time rendering. To address these constraints, we introduce
3DGStream, a method designed for efficient FVV streaming of real-world dynamic
scenes. Our method achieves fast on-the-fly per-frame reconstruction within 12
seconds and real-time rendering at 200 FPS. Specifically, we utilize 3D
Gaussians (3DGs) to represent the scene. Instead of the na\"ive approach of
directly optimizing 3DGs per-frame, we employ a compact Neural Transformation
Cache (NTC) to model the translations and rotations of 3DGs, markedly reducing
the training time and storage required for each FVV frame. Furthermore, we
propose an adaptive 3DG addition strategy to handle emerging objects in dynamic
scenes. Experiments demonstrate that 3DGStream achieves competitive performance
in terms of rendering speed, image quality, training time, and model storage
when compared with state-of-the-art methods. | null | cs.CV | [
"cs.CV"
] |
2402.10896 | HF | PaLM2-VAdapter: Progressively Aligned Language Model Makes a Strong Vision-language Adapter | [
"Junfei Xiao",
"Zheng Xu",
"Alan Yuille",
"Shen Yan",
"Boyu Wang"
] | 2024-02-16 | This paper demonstrates that a progressively aligned language model can
effectively bridge frozen vision encoders and large language models (LLMs).
While the fundamental architecture and pre-training methods of vision encoders
and LLMs have been extensively studied, the architecture and training strategy
of vision-language adapters vary significantly across recent works. Our
research undertakes a thorough exploration of the state-of-the-art perceiver
resampler architecture and builds a strong baseline. However, we observe that
the vision-language alignment with perceiver resampler exhibits slow
convergence and limited scalability with a lack of direct supervision. To
address this issue, we propose PaLM2-VAdapter, employing a progressively
aligned language model as the vision-language adapter. Compared to the strong
baseline with perceiver resampler, our method empirically shows faster
convergence, higher performance, and stronger scalability. Extensive
experiments across various Visual Question Answering (VQA) and captioning tasks
on both images and videos demonstrate that our model exhibits state-of-the-art
visual understanding and multi-modal reasoning capabilities. Notably, our
method achieves these advancements with 30~70% fewer parameters than the
state-of-the-art large vision-language models, marking a significant efficiency
improvement. | null | cs.CV | [
"cs.CV"
] |
2306.14892 | HF | Supervised Pretraining Can Learn In-Context Reinforcement Learning | [
"Jonathan N. Lee",
"Annie Xie",
"Aldo Pacchiano",
"Yash Chandak",
"Chelsea Finn",
"Ofir Nachum",
"Emma Brunskill"
] | 2023-06-26 | Large transformer models trained on diverse datasets have shown a remarkable
ability to learn in-context, achieving high few-shot performance on tasks they
were not explicitly trained to solve. In this paper, we study the in-context
learning capabilities of transformers in decision-making problems, i.e.,
reinforcement learning (RL) for bandits and Markov decision processes. To do
so, we introduce and study Decision-Pretrained Transformer (DPT), a supervised
pretraining method where the transformer predicts an optimal action given a
query state and an in-context dataset of interactions, across a diverse set of
tasks. This procedure, while simple, produces a model with several surprising
capabilities. We find that the pretrained transformer can be used to solve a
range of RL problems in-context, exhibiting both exploration online and
conservatism offline, despite not being explicitly trained to do so. The model
also generalizes beyond the pretraining distribution to new tasks and
automatically adapts its decision-making strategies to unknown structure.
Theoretically, we show DPT can be viewed as an efficient implementation of
Bayesian posterior sampling, a provably sample-efficient RL algorithm. We
further leverage this connection to provide guarantees on the regret of the
in-context algorithm yielded by DPT, and prove that it can learn faster than
algorithms used to generate the pretraining data. These results suggest a
promising yet simple path towards instilling strong in-context decision-making
abilities in transformers. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2305.16704 | HF | A Closer Look at In-Context Learning under Distribution Shifts | [
"Kartik Ahuja",
"David Lopez-Paz"
] | 2023-05-26 | In-context learning, a capability that enables a model to learn from input
examples on the fly without necessitating weight updates, is a defining
characteristic of large language models. In this work, we follow the setting
proposed in (Garg et al., 2022) to better understand the generality and
limitations of in-context learning from the lens of the simple yet fundamental
task of linear regression. The key question we aim to address is: Are
transformers more adept than some natural and simpler architectures at
performing in-context learning under varying distribution shifts? To compare
transformers, we propose to use a simple architecture based on set-based
Multi-Layer Perceptrons (MLPs). We find that both transformers and set-based
MLPs exhibit in-context learning under in-distribution evaluations, but
transformers more closely emulate the performance of ordinary least squares
(OLS). Transformers also display better resilience to mild distribution shifts,
where set-based MLPs falter. However, under severe distribution shifts, both
models' in-context learning abilities diminish. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2406.05967 | HF | CVQA: Culturally-diverse Multilingual Visual Question Answering Benchmark | [
"David Romero",
"Chenyang Lyu",
"Haryo Akbarianto Wibowo",
"Teresa Lynn",
"Injy Hamed",
"Aditya Nanda Kishore",
"Aishik Mandal",
"Alina Dragonetti",
"Artem Abzaliev",
"Atnafu Lambebo Tonja",
"Bontu Fufa Balcha",
"Chenxi Whitehouse",
"Christian Salamea",
"Dan John Velasco",
"David Ifeoluwa Adelani",
"David Le Meur",
"Emilio Villa-Cueva",
"Fajri Koto",
"Fauzan Farooqui",
"Frederico Belcavello",
"Ganzorig Batnasan",
"Gisela Vallejo",
"Grainne Caulfield",
"Guido Ivetta",
"Haiyue Song",
"Henok Biadglign Ademtew",
"Hernán Maina",
"Holy Lovenia",
"Israel Abebe Azime",
"Jan Christian Blaise Cruz",
"Jay Gala",
"Jiahui Geng",
"Jesus-German Ortiz-Barajas",
"Jinheon Baek",
"Jocelyn Dunstan",
"Laura Alonso Alemany",
"Kumaranage Ravindu Yasas Nagasinghe",
"Luciana Benotti",
"Luis Fernando D'Haro",
"Marcelo Viridiano",
"Marcos Estecha-Garitagoitia",
"Maria Camila Buitrago Cabrera",
"Mario Rodríguez-Cantelar",
"Mélanie Jouitteau",
"Mihail Mihaylov",
"Mohamed Fazli Mohamed Imam",
"Muhammad Farid Adilazuarda",
"Munkhjargal Gochoo",
"Munkh-Erdene Otgonbold",
"Naome Etori",
"Olivier Niyomugisha",
"Paula Mónica Silva",
"Pranjal Chitale",
"Raj Dabre",
"Rendi Chevi",
"Ruochen Zhang",
"Ryandito Diandaru",
"Samuel Cahyawijaya",
"Santiago Góngora",
"Soyeong Jeong",
"Sukannya Purkayastha",
"Tatsuki Kuribayashi",
"Thanmay Jayakumar",
"Tiago Timponi Torrent",
"Toqeer Ehsan",
"Vladimir Araujo",
"Yova Kementchedjhieva",
"Zara Burzo",
"Zheng Wei Lim",
"Zheng Xin Yong",
"Oana Ignat",
"Joan Nwatu",
"Rada Mihalcea",
"Thamar Solorio",
"Alham Fikri Aji"
] | 2024-06-10 | Visual Question Answering (VQA) is an important task in multimodal AI, and it
is often used to test the ability of vision-language models to understand and
reason on knowledge present in both visual and textual data. However, most of
the current VQA models use datasets that are primarily focused on English and a
few major world languages, with images that are typically Western-centric.
While recent efforts have tried to increase the number of languages covered on
VQA datasets, they still lack diversity in low-resource languages. More
importantly, although these datasets often extend their linguistic range via
translation or some other approaches, they usually keep images the same,
resulting in narrow cultural representation. To address these limitations, we
construct CVQA, a new Culturally-diverse multilingual Visual Question Answering
benchmark, designed to cover a rich set of languages and cultures, where we
engage native speakers and cultural experts in the data collection process. As
a result, CVQA includes culturally-driven images and questions from across 28
countries on four continents, covering 26 languages with 11 scripts, providing
a total of 9k questions. We then benchmark several Multimodal Large Language
Models (MLLMs) on CVQA, and show that the dataset is challenging for the
current state-of-the-art models. This benchmark can serve as a probing
evaluation suite for assessing the cultural capability and bias of multimodal
models and hopefully encourage more research efforts toward increasing cultural
awareness and linguistic diversity in this field. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2305.04757 | AnswerAI | Augmented Large Language Models with Parametric Knowledge Guiding | [
"Ziyang Luo",
"Can Xu",
"Pu Zhao",
"Xiubo Geng",
"Chongyang Tao",
"Jing Ma",
"Qingwei Lin",
"Daxin Jiang"
] | 2023-05-08 | Large Language Models (LLMs) have significantly advanced natural language
processing (NLP) with their impressive language understanding and generation
capabilities. However, their performance may be suboptimal for domain-specific
tasks that require specialized knowledge due to limited exposure to the related
data. Additionally, the lack of transparency of most state-of-the-art (SOTA)
LLMs, which can only be accessed via APIs, impedes further fine-tuning with
domain custom data. Moreover, providing private data to the LLMs' owner leads
to data privacy problems. To address these challenges, we propose the novel
Parametric Knowledge Guiding (PKG) framework, which equips LLMs with a
knowledge-guiding module to access relevant knowledge without altering the
LLMs' parameters. Our PKG is based on open-source "white-box" language models,
allowing offline memory of any knowledge that LLMs require. We demonstrate that
our PKG framework can enhance the performance of "black-box" LLMs on a range of
domain knowledge-intensive tasks that require factual (+7.9%), tabular
(+11.9%), medical (+3.0%), and multimodal (+8.1%) knowledge. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.12077 | Both | GoldFinch: High Performance RWKV/Transformer Hybrid with Linear Pre-Fill and Extreme KV-Cache Compression | [
"Daniel Goldstein",
"Fares Obeid",
"Eric Alcaide",
"Guangyu Song",
"Eugene Cheah"
] | 2024-07-16 | We introduce GoldFinch, a hybrid Linear Attention/Transformer sequence model
that uses a new technique to efficiently generate a highly compressed and
reusable KV-Cache in linear time and space with respect to sequence length.
GoldFinch stacks our new GOLD transformer on top of an enhanced version of the
Finch (RWKV-6) architecture. We train up to 1.5B parameter class models of the
Finch, Llama, and GoldFinch architectures, and find dramatically improved
modeling performance relative to both Finch and Llama. Our cache size savings
increase linearly with model layer count, ranging from 756-2550 times smaller
than the traditional transformer cache for common sizes, enabling inference of
extremely large context lengths even on limited hardware. Although
autoregressive generation has O(n) time complexity per token because of
attention, pre-fill computation of the entire initial cache state for a
submitted context costs only O(1) time per token due to the use of a recurrent
neural network (RNN) to generate this cache. We release our trained weights and
training code under the Apache 2.0 license for community use. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.14572 | HF | CURLoRA: Stable LLM Continual Fine-Tuning and Catastrophic Forgetting Mitigation | [
"Muhammad Fawi"
] | 2024-08-26 | This paper introduces CURLoRA, a novel approach to fine-tuning large language
models (LLMs) that leverages CUR matrix decomposition in the context of
Low-Rank Adaptation (LoRA). Our method addresses two critical challenges in LLM
fine-tuning: mitigating catastrophic forgetting during continual learning and
reducing the number of trainable parameters. We propose a unique modification
to the CUR decomposition process, utilizing inverted probabilities for column
and row selection which acts as an implicit regularization, and initializing
the $U$ matrix as a zero matrix, and only fine-tuning it. We demonstrate
through experiments on multiple datasets that CURLoRA outperforms standard LoRA
in mitigating catastrophic forgetting. It maintains model stability and
performance across tasks while significantly reducing the number of trainable
parameters. Our results show that CURLoRA achieves very good and stable task
accuracy while maintaining base model's perplexity scores fixed compared to
LoRA upon continual fine-tuning, particularly in scenarios with limited data. | 10.5281/zenodo.12730055 | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2307.02053 | Both | Flacuna: Unleashing the Problem Solving Power of Vicuna using FLAN Fine-Tuning | [
"Deepanway Ghosal",
"Yew Ken Chia",
"Navonil Majumder",
"Soujanya Poria"
] | 2023-07-05 | Recently, the release of INSTRUCTEVAL has provided valuable insights into the
performance of large language models (LLMs) that utilize encoder-decoder or
decoder-only architecture. Interestingly, despite being introduced four years
ago, T5-based LLMs, such as FLAN-T5, continue to outperform the latest
decoder-based LLMs, such as LLAMA and VICUNA, on tasks that require general
problem-solving skills. This performance discrepancy can be attributed to three
key factors: (1) Pre-training data, (2) Backbone architecture, and (3)
Instruction dataset. In this technical report, our main focus is on
investigating the impact of the third factor by leveraging VICUNA, a large
language model based on LLAMA, which has undergone fine-tuning on ChatGPT
conversations. To achieve this objective, we fine-tuned VICUNA using a
customized instruction dataset collection called FLANMINI. This collection
includes a subset of the large-scale instruction dataset known as FLAN, as well
as various code-related datasets and conversational datasets derived from
ChatGPT/GPT-4. This dataset comprises a large number of tasks that demand
problem-solving skills. Our experimental findings strongly indicate that the
enhanced problem-solving abilities of our model, FLACUNA, are obtained through
fine-tuning VICUNA on the FLAN dataset, leading to significant improvements
across numerous benchmark datasets in INSTRUCTEVAL. FLACUNA is publicly
available at https://huggingface.co/declare-lab/flacuna-13b-v1.0. | null | cs.CL | [
"cs.CL"
] |
2408.15666 | HF | StyleRemix: Interpretable Authorship Obfuscation via Distillation and Perturbation of Style Elements | [
"Jillian Fisher",
"Skyler Hallinan",
"Ximing Lu",
"Mitchell Gordon",
"Zaid Harchaoui",
"Yejin Choi"
] | 2024-08-28 | Authorship obfuscation, rewriting a text to intentionally obscure the
identity of the author, is an important but challenging task. Current methods
using large language models (LLMs) lack interpretability and controllability,
often ignoring author-specific stylistic features, resulting in less robust
performance overall.
To address this, we develop StyleRemix, an adaptive and interpretable
obfuscation method that perturbs specific, fine-grained style elements of the
original input text. StyleRemix uses pre-trained Low Rank Adaptation (LoRA)
modules to rewrite an input specifically along various stylistic axes (e.g.,
formality and length) while maintaining low computational cost. StyleRemix
outperforms state-of-the-art baselines and much larger LLMs in a variety of
domains as assessed by both automatic and human evaluation.
Additionally, we release AuthorMix, a large set of 30K high-quality,
long-form texts from a diverse set of 14 authors and 4 domains, and DiSC, a
parallel corpus of 1,500 texts spanning seven style axes in 16 unique
directions | null | cs.CL | [
"cs.CL"
] |
2404.04319 | HF | SpatialTracker: Tracking Any 2D Pixels in 3D Space | [
"Yuxi Xiao",
"Qianqian Wang",
"Shangzhan Zhang",
"Nan Xue",
"Sida Peng",
"Yujun Shen",
"Xiaowei Zhou"
] | 2024-04-05 | Recovering dense and long-range pixel motion in videos is a challenging
problem. Part of the difficulty arises from the 3D-to-2D projection process,
leading to occlusions and discontinuities in the 2D motion domain. While 2D
motion can be intricate, we posit that the underlying 3D motion can often be
simple and low-dimensional. In this work, we propose to estimate point
trajectories in 3D space to mitigate the issues caused by image projection. Our
method, named SpatialTracker, lifts 2D pixels to 3D using monocular depth
estimators, represents the 3D content of each frame efficiently using a
triplane representation, and performs iterative updates using a transformer to
estimate 3D trajectories. Tracking in 3D allows us to leverage
as-rigid-as-possible (ARAP) constraints while simultaneously learning a
rigidity embedding that clusters pixels into different rigid parts. Extensive
evaluation shows that our approach achieves state-of-the-art tracking
performance both qualitatively and quantitatively, particularly in challenging
scenarios such as out-of-plane rotation. | null | cs.CV | [
"cs.CV"
] |
2406.16747 | HF | Sparser is Faster and Less is More: Efficient Sparse Attention for Long-Range Transformers | [
"Chao Lou",
"Zixia Jia",
"Zilong Zheng",
"Kewei Tu"
] | 2024-06-24 | Accommodating long sequences efficiently in autoregressive Transformers,
especially within an extended context window, poses significant challenges due
to the quadratic computational complexity and substantial KV memory
requirements inherent in self-attention mechanisms. In this work, we introduce
SPARSEK Attention, a novel sparse attention mechanism designed to overcome
these computational and memory obstacles while maintaining performance. Our
approach integrates a scoring network and a differentiable top-k mask operator,
SPARSEK, to select a constant number of KV pairs for each query, thereby
enabling gradient-based optimization. As a result, SPARSEK Attention offers
linear time complexity and constant memory footprint during generation.
Experimental results reveal that SPARSEK Attention outperforms previous sparse
attention methods and provides significant speed improvements during both
training and inference, particularly in language modeling and downstream tasks.
Furthermore, our method can be seamlessly integrated into pre-trained Large
Language Models (LLMs) with minimal fine-tuning, offering a practical solution
for effectively managing long-range dependencies in diverse applications. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2309.07906 | HF | Generative Image Dynamics | [
"Zhengqi Li",
"Richard Tucker",
"Noah Snavely",
"Aleksander Holynski"
] | 2023-09-14 | We present an approach to modeling an image-space prior on scene motion. Our
prior is learned from a collection of motion trajectories extracted from real
video sequences depicting natural, oscillatory dynamics such as trees, flowers,
candles, and clothes swaying in the wind. We model this dense, long-term motion
prior in the Fourier domain:given a single image, our trained model uses a
frequency-coordinated diffusion sampling process to predict a spectral volume,
which can be converted into a motion texture that spans an entire video. Along
with an image-based rendering module, these trajectories can be used for a
number of downstream applications, such as turning still images into seamlessly
looping videos, or allowing users to realistically interact with objects in
real pictures by interpreting the spectral volumes as image-space modal bases,
which approximate object dynamics. | null | cs.CV | [
"cs.CV"
] |
2401.01970 | HF | FMGS: Foundation Model Embedded 3D Gaussian Splatting for Holistic 3D Scene Understanding | [
"Xingxing Zuo",
"Pouya Samangouei",
"Yunwen Zhou",
"Yan Di",
"Mingyang Li"
] | 2024-01-03 | Precisely perceiving the geometric and semantic properties of real-world 3D
objects is crucial for the continued evolution of augmented reality and robotic
applications. To this end, we present Foundation Model Embedded Gaussian
Splatting (FMGS), which incorporates vision-language embeddings of foundation
models into 3D Gaussian Splatting (GS). The key contribution of this work is an
efficient method to reconstruct and represent 3D vision-language models. This
is achieved by distilling feature maps generated from image-based foundation
models into those rendered from our 3D model. To ensure high-quality rendering
and fast training, we introduce a novel scene representation by integrating
strengths from both GS and multi-resolution hash encodings (MHE). Our effective
training procedure also introduces a pixel alignment loss that makes the
rendered feature distance of the same semantic entities close, following the
pixel-level semantic boundaries. Our results demonstrate remarkable multi-view
semantic consistency, facilitating diverse downstream tasks, beating
state-of-the-art methods by 10.2 percent on open-vocabulary language-based
object detection, despite that we are 851X faster for inference. This research
explores the intersection of vision, language, and 3D scene representation,
paving the way for enhanced scene understanding in uncontrolled real-world
environments. We plan to release the code on the project page. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2311.05707 | HF | FMViT: A multiple-frequency mixing Vision Transformer | [
"Wei Tan",
"Yifeng Geng",
"Xuansong Xie"
] | 2023-11-09 | The transformer model has gained widespread adoption in computer vision tasks
in recent times. However, due to the quadratic time and memory complexity of
self-attention, which is proportional to the number of input tokens, most
existing Vision Transformers (ViTs) encounter challenges in achieving efficient
performance in practical industrial deployment scenarios, such as TensorRT and
CoreML, where traditional CNNs excel. Although some recent attempts have been
made to design CNN-Transformer hybrid architectures to tackle this problem,
their overall performance has not met expectations. To tackle these challenges,
we propose an efficient hybrid ViT architecture named FMViT. This approach
enhances the model's expressive power by blending high-frequency features and
low-frequency features with varying frequencies, enabling it to capture both
local and global information effectively. Additionally, we introduce
deploy-friendly mechanisms such as Convolutional Multigroup Reparameterization
(gMLP), Lightweight Multi-head Self-Attention (RLMHSA), and Convolutional
Fusion Block (CFB) to further improve the model's performance and reduce
computational overhead. Our experiments demonstrate that FMViT surpasses
existing CNNs, ViTs, and CNNTransformer hybrid architectures in terms of
latency/accuracy trade-offs for various vision tasks. On the TensorRT platform,
FMViT outperforms Resnet101 by 2.5% (83.3% vs. 80.8%) in top-1 accuracy on the
ImageNet dataset while maintaining similar inference latency. Moreover, FMViT
achieves comparable performance with EfficientNet-B5, but with a 43%
improvement in inference speed. On CoreML, FMViT outperforms MobileOne by 2.6%
in top-1 accuracy on the ImageNet dataset, with inference latency comparable to
MobileOne (78.5% vs. 75.9%). Our code can be found at
https://github.com/tany0699/FMViT. | null | cs.CV | [
"cs.CV"
] |
2307.13269 | Both | LoraHub: Efficient Cross-Task Generalization via Dynamic LoRA Composition | [
"Chengsong Huang",
"Qian Liu",
"Bill Yuchen Lin",
"Tianyu Pang",
"Chao Du",
"Min Lin"
] | 2023-07-25 | Low-rank adaptations (LoRA) are often employed to fine-tune large language
models (LLMs) for new tasks. This paper investigates LoRA composability for
cross-task generalization and introduces LoraHub, a simple framework devised
for the purposive assembly of LoRA modules trained on diverse given tasks, with
the objective of achieving adaptable performance on unseen tasks. With just a
few examples from a new task, LoraHub can fluidly combine multiple LoRA
modules, eliminating the need for human expertise and assumptions. Notably, the
composition requires neither additional model parameters nor gradients.
Empirical results on the Big-Bench Hard benchmark suggest that LoraHub, while
not surpassing the performance of in-context learning, offers a notable
performance-efficiency trade-off in few-shot scenarios by employing a
significantly reduced number of tokens per example during inference. Notably,
LoraHub establishes a better upper bound compared to in-context learning when
paired with different demonstration examples, demonstrating its potential for
future development. Our vision is to establish a platform for LoRA modules,
empowering users to share their trained LoRA modules. This collaborative
approach facilitates the seamless application of LoRA modules to novel tasks,
contributing to an adaptive ecosystem. Our code is available at
https://github.com/sail-sg/lorahub, and all the pre-trained LoRA modules are
released at https://huggingface.co/lorahub. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.14289 | HF | Faster Segment Anything: Towards Lightweight SAM for Mobile Applications | [
"Chaoning Zhang",
"Dongshen Han",
"Yu Qiao",
"Jung Uk Kim",
"Sung-Ho Bae",
"Seungkyu Lee",
"Choong Seon Hong"
] | 2023-06-25 | Segment Anything Model (SAM) has attracted significant attention due to its
impressive zero-shot transfer performance and high versatility for numerous
vision applications (like image editing with fine-grained control). Many of
such applications need to be run on resource-constraint edge devices, like
mobile phones. In this work, we aim to make SAM mobile-friendly by replacing
the heavyweight image encoder with a lightweight one. A naive way to train such
a new SAM as in the original SAM paper leads to unsatisfactory performance,
especially when limited training sources are available. We find that this is
mainly caused by the coupled optimization of the image encoder and mask
decoder, motivated by which we propose decoupled distillation. Concretely, we
distill the knowledge from the heavy image encoder (ViT-H in the original SAM)
to a lightweight image encoder, which can be automatically compatible with the
mask decoder in the original SAM. The training can be completed on a single GPU
within less than one day, and the resulting lightweight SAM is termed MobileSAM
which is more than 60 times smaller yet performs on par with the original SAM.
For inference speed, With a single GPU, MobileSAM runs around 10ms per image:
8ms on the image encoder and 4ms on the mask decoder. With superior
performance, our MobileSAM is around 5 times faster than the concurrent FastSAM
and 7 times smaller, making it more suitable for mobile applications. Moreover,
we show that MobileSAM can run relatively smoothly on CPU. The code for our
project is provided at
\href{https://github.com/ChaoningZhang/MobileSAM}{\textcolor{red}{MobileSAM}}),
with a demo showing that MobileSAM can run relatively smoothly on CPU. | null | cs.CV | [
"cs.CV"
] |
2406.10023 | HF | Deep Bayesian Active Learning for Preference Modeling in Large Language Models | [
"Luckeciano C. Melo",
"Panagiotis Tigas",
"Alessandro Abate",
"Yarin Gal"
] | 2024-06-14 | Leveraging human preferences for steering the behavior of Large Language
Models (LLMs) has demonstrated notable success in recent years. Nonetheless,
data selection and labeling are still a bottleneck for these systems,
particularly at large scale. Hence, selecting the most informative points for
acquiring human feedback may considerably reduce the cost of preference
labeling and unleash the further development of LLMs. Bayesian Active Learning
provides a principled framework for addressing this challenge and has
demonstrated remarkable success in diverse settings. However, previous attempts
to employ it for Preference Modeling did not meet such expectations. In this
work, we identify that naive epistemic uncertainty estimation leads to the
acquisition of redundant samples. We address this by proposing the Bayesian
Active Learner for Preference Modeling (BAL-PM), a novel stochastic acquisition
policy that not only targets points of high epistemic uncertainty according to
the preference model but also seeks to maximize the entropy of the acquired
prompt distribution in the feature space spanned by the employed LLM. Notably,
our experiments demonstrate that BAL-PM requires 33% to 68% fewer preference
labels in two popular human preference datasets and exceeds previous stochastic
Bayesian acquisition policies. | null | cs.LG | [
"cs.LG",
"cs.CL",
"stat.ML"
] |
2308.06873 | HF | SpeechX: Neural Codec Language Model as a Versatile Speech Transformer | [
"Xiaofei Wang",
"Manthan Thakker",
"Zhuo Chen",
"Naoyuki Kanda",
"Sefik Emre Eskimez",
"Sanyuan Chen",
"Min Tang",
"Shujie Liu",
"Jinyu Li",
"Takuya Yoshioka"
] | 2023-08-14 | Recent advancements in generative speech models based on audio-text prompts
have enabled remarkable innovations like high-quality zero-shot text-to-speech.
However, existing models still face limitations in handling diverse audio-text
speech generation tasks involving transforming input speech and processing
audio captured in adverse acoustic conditions. This paper introduces SpeechX, a
versatile speech generation model capable of zero-shot TTS and various speech
transformation tasks, dealing with both clean and noisy signals. SpeechX
combines neural codec language modeling with multi-task learning using
task-dependent prompting, enabling unified and extensible modeling and
providing a consistent way for leveraging textual input in speech enhancement
and transformation tasks. Experimental results show SpeechX's efficacy in
various tasks, including zero-shot TTS, noise suppression, target speaker
extraction, speech removal, and speech editing with or without background
noise, achieving comparable or superior performance to specialized models
across tasks. See https://aka.ms/speechx for demo samples. | null | eess.AS | [
"eess.AS",
"cs.CL",
"cs.LG",
"cs.SD"
] |
2310.12036 | AnswerAI | A General Theoretical Paradigm to Understand Learning from Human Preferences | [
"Mohammad Gheshlaghi Azar",
"Mark Rowland",
"Bilal Piot",
"Daniel Guo",
"Daniele Calandriello",
"Michal Valko",
"Rémi Munos"
] | 2023-10-18 | The prevalent deployment of learning from human preferences through
reinforcement learning (RLHF) relies on two important approximations: the first
assumes that pairwise preferences can be substituted with pointwise rewards.
The second assumes that a reward model trained on these pointwise rewards can
generalize from collected data to out-of-distribution data sampled by the
policy. Recently, Direct Preference Optimisation (DPO) has been proposed as an
approach that bypasses the second approximation and learn directly a policy
from collected data without the reward modelling stage. However, this method
still heavily relies on the first approximation.
In this paper we try to gain a deeper theoretical understanding of these
practical algorithms. In particular we derive a new general objective called
$\Psi$PO for learning from human preferences that is expressed in terms of
pairwise preferences and therefore bypasses both approximations. This new
general objective allows us to perform an in-depth analysis of the behavior of
RLHF and DPO (as special cases of $\Psi$PO) and to identify their potential
pitfalls. We then consider another special case for $\Psi$PO by setting $\Psi$
simply to Identity, for which we can derive an efficient optimisation
procedure, prove performance guarantees and demonstrate its empirical
superiority to DPO on some illustrative examples. | null | cs.AI | [
"cs.AI",
"cs.LG",
"stat.ML"
] |
2402.12348 | AnswerAI | GTBench: Uncovering the Strategic Reasoning Limitations of LLMs via Game-Theoretic Evaluations | [
"Jinhao Duan",
"Renming Zhang",
"James Diffenderfer",
"Bhavya Kailkhura",
"Lichao Sun",
"Elias Stengel-Eskin",
"Mohit Bansal",
"Tianlong Chen",
"Kaidi Xu"
] | 2024-02-19 | As Large Language Models (LLMs) are integrated into critical real-world
applications, their strategic and logical reasoning abilities are increasingly
crucial. This paper evaluates LLMs' reasoning abilities in competitive
environments through game-theoretic tasks, e.g., board and card games that
require pure logic and strategic reasoning to compete with opponents. We first
propose GTBench, a language-driven environment composing 10 widely recognized
tasks, across a comprehensive game taxonomy: complete versus incomplete
information, dynamic versus static, and probabilistic versus deterministic
scenarios. Then, we (1) Characterize the game-theoretic reasoning of LLMs; and
(2) Perform LLM-vs.-LLM competitions as reasoning evaluation. We observe that
(1) LLMs have distinct behaviors regarding various gaming scenarios; for
example, LLMs fail in complete and deterministic games yet they are competitive
in probabilistic gaming scenarios; (2) Most open-source LLMs, e.g.,
CodeLlama-34b-Instruct and Llama-2-70b-chat, are less competitive than
commercial LLMs, e.g., GPT-4, in complex games, yet the recently released
Llama-3-70b-Instruct makes up for this shortcoming. In addition,
code-pretraining greatly benefits strategic reasoning, while advanced reasoning
methods such as Chain-of-Thought (CoT) and Tree-of-Thought (ToT) do not always
help. We further characterize the game-theoretic properties of LLMs, such as
equilibrium and Pareto Efficiency in repeated games. Detailed error profiles
are provided for a better understanding of LLMs' behavior. We hope our research
provides standardized protocols and serves as a foundation to spur further
explorations in the strategic reasoning of LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.06523 | HF | NaRCan: Natural Refined Canonical Image with Integration of Diffusion Prior for Video Editing | [
"Ting-Hsuan Chen",
"Jiewen Chan",
"Hau-Shiang Shiu",
"Shih-Han Yen",
"Chang-Han Yeh",
"Yu-Lun Liu"
] | 2024-06-10 | We propose a video editing framework, NaRCan, which integrates a hybrid
deformation field and diffusion prior to generate high-quality natural
canonical images to represent the input video. Our approach utilizes homography
to model global motion and employs multi-layer perceptrons (MLPs) to capture
local residual deformations, enhancing the model's ability to handle complex
video dynamics. By introducing a diffusion prior from the early stages of
training, our model ensures that the generated images retain a high-quality
natural appearance, making the produced canonical images suitable for various
downstream tasks in video editing, a capability not achieved by current
canonical-based methods. Furthermore, we incorporate low-rank adaptation (LoRA)
fine-tuning and introduce a noise and diffusion prior update scheduling
technique that accelerates the training process by 14 times. Extensive
experimental results show that our method outperforms existing approaches in
various video editing tasks and produces coherent and high-quality edited video
sequences. See our project page for video results at
https://koi953215.github.io/NaRCan_page/. | null | cs.CV | [
"cs.CV"
] |
2407.18908 | HF | Wolf: Captioning Everything with a World Summarization Framework | [
"Boyi Li",
"Ligeng Zhu",
"Ran Tian",
"Shuhan Tan",
"Yuxiao Chen",
"Yao Lu",
"Yin Cui",
"Sushant Veer",
"Max Ehrlich",
"Jonah Philion",
"Xinshuo Weng",
"Fuzhao Xue",
"Andrew Tao",
"Ming-Yu Liu",
"Sanja Fidler",
"Boris Ivanovic",
"Trevor Darrell",
"Jitendra Malik",
"Song Han",
"Marco Pavone"
] | 2024-07-26 | We propose Wolf, a WOrLd summarization Framework for accurate video
captioning. Wolf is an automated captioning framework that adopts a
mixture-of-experts approach, leveraging complementary strengths of Vision
Language Models (VLMs). By utilizing both image and video models, our framework
captures different levels of information and summarizes them efficiently. Our
approach can be applied to enhance video understanding, auto-labeling, and
captioning. To evaluate caption quality, we introduce CapScore, an LLM-based
metric to assess the similarity and quality of generated captions compared to
the ground truth captions. We further build four human-annotated datasets in
three domains: autonomous driving, general scenes, and robotics, to facilitate
comprehensive comparisons. We show that Wolf achieves superior captioning
performance compared to state-of-the-art approaches from the research community
(VILA1.5, CogAgent) and commercial solutions (Gemini-Pro-1.5, GPT-4V). For
instance, in comparison with GPT-4V, Wolf improves CapScore both quality-wise
by 55.6% and similarity-wise by 77.4% on challenging driving videos. Finally,
we establish a benchmark for video captioning and introduce a leaderboard,
aiming to accelerate advancements in video understanding, captioning, and data
alignment. Leaderboard: https://wolfv0.github.io/leaderboard.html. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV"
] |
2401.02415 | Both | LLaMA Pro: Progressive LLaMA with Block Expansion | [
"Chengyue Wu",
"Yukang Gan",
"Yixiao Ge",
"Zeyu Lu",
"Jiahao Wang",
"Ye Feng",
"Ying Shan",
"Ping Luo"
] | 2024-01-04 | Humans generally acquire new skills without compromising the old; however,
the opposite holds for Large Language Models (LLMs), e.g., from LLaMA to
CodeLLaMA. To this end, we propose a new post-pretraining method for LLMs with
an expansion of Transformer blocks. We tune the expanded blocks using only new
corpus, efficiently and effectively improving the model's knowledge without
catastrophic forgetting. In this paper, we experiment on the corpus of code and
math, yielding LLaMA Pro-8.3B, a versatile foundation model initialized from
LLaMA2-7B, excelling in general tasks, programming, and mathematics. LLaMA Pro
and its instruction-following counterpart (LLaMA Pro-Instruct) achieve advanced
performance among various benchmarks, demonstrating superiority over existing
open models in the LLaMA family and the immense potential of reasoning and
addressing diverse tasks as an intelligent agent. Our findings provide valuable
insights into integrating natural and programming languages, laying a solid
foundation for developing advanced language agents that operate effectively in
various environments. | null | cs.CL | [
"cs.CL"
] |
2404.01297 | HF | Streaming Dense Video Captioning | [
"Xingyi Zhou",
"Anurag Arnab",
"Shyamal Buch",
"Shen Yan",
"Austin Myers",
"Xuehan Xiong",
"Arsha Nagrani",
"Cordelia Schmid"
] | 2024-04-01 | An ideal model for dense video captioning -- predicting captions localized
temporally in a video -- should be able to handle long input videos, predict
rich, detailed textual descriptions, and be able to produce outputs before
processing the entire video. Current state-of-the-art models, however, process
a fixed number of downsampled frames, and make a single full prediction after
seeing the whole video. We propose a streaming dense video captioning model
that consists of two novel components: First, we propose a new memory module,
based on clustering incoming tokens, which can handle arbitrarily long videos
as the memory is of a fixed size. Second, we develop a streaming decoding
algorithm that enables our model to make predictions before the entire video
has been processed. Our model achieves this streaming ability, and
significantly improves the state-of-the-art on three dense video captioning
benchmarks: ActivityNet, YouCook2 and ViTT. Our code is released at
https://github.com/google-research/scenic. | null | cs.CV | [
"cs.CV"
] |
2401.14403 | HF | Adaptive Mobile Manipulation for Articulated Objects In the Open World | [
"Haoyu Xiong",
"Russell Mendonca",
"Kenneth Shaw",
"Deepak Pathak"
] | 2024-01-25 | Deploying robots in open-ended unstructured environments such as homes has
been a long-standing research problem. However, robots are often studied only
in closed-off lab settings, and prior mobile manipulation work is restricted to
pick-move-place, which is arguably just the tip of the iceberg in this area. In
this paper, we introduce Open-World Mobile Manipulation System, a full-stack
approach to tackle realistic articulated object operation, e.g. real-world
doors, cabinets, drawers, and refrigerators in open-ended unstructured
environments. The robot utilizes an adaptive learning framework to initially
learns from a small set of data through behavior cloning, followed by learning
from online practice on novel objects that fall outside the training
distribution. We also develop a low-cost mobile manipulation hardware platform
capable of safe and autonomous online adaptation in unstructured environments
with a cost of around 20,000 USD. In our experiments we utilize 20 articulate
objects across 4 buildings in the CMU campus. With less than an hour of online
learning for each object, the system is able to increase success rate from 50%
of BC pre-training to 95% using online adaptation. Video results at
https://open-world-mobilemanip.github.io/ | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV",
"cs.LG",
"cs.SY",
"eess.SY"
] |
2405.18144 | Both | 4-bit Shampoo for Memory-Efficient Network Training | [
"Sike Wang",
"Jia Li",
"Pan Zhou",
"Hua Huang"
] | 2024-05-28 | Second-order optimizers, maintaining a matrix termed a preconditioner, are
superior to first-order optimizers in both theory and practice. The states
forming the preconditioner and its inverse root restrict the maximum size of
models trained by second-order optimizers. To address this, compressing 32-bit
optimizer states to lower bitwidths has shown promise in reducing memory usage.
However, current approaches only pertain to first-order optimizers. In this
paper, we propose the first 4-bit second-order optimizers, exemplified by 4-bit
Shampoo, maintaining performance similar to that of 32-bit ones. We show that
quantizing the eigenvector matrix of the preconditioner in 4-bit Shampoo is
remarkably better than quantizing the preconditioner itself both theoretically
and experimentally. By rectifying the orthogonality of the quantized
eigenvector matrix, we enhance the approximation of the preconditioner's
eigenvector matrix, which also benefits the computation of its inverse 4-th
root. Besides, we find that linear square quantization slightly outperforms
dynamic tree quantization when quantizing second-order optimizer states.
Evaluation on various networks for image classification demonstrates that our
4-bit Shampoo achieves comparable test accuracy to its 32-bit counterpart while
being more memory-efficient. The source code will be made available. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2406.04594 | HF | Boosting Large-scale Parallel Training Efficiency with C4: A Communication-Driven Approach | [
"Jianbo Dong",
"Bin Luo",
"Jun Zhang",
"Pengcheng Zhang",
"Fei Feng",
"Yikai Zhu",
"Ang Liu",
"Zian Chen",
"Yi Shi",
"Hairong Jiao",
"Gang Lu",
"Yu Guan",
"Ennan Zhai",
"Wencong Xiao",
"Hanyu Zhao",
"Man Yuan",
"Siran Yang",
"Xiang Li",
"Jiamang Wang",
"Rui Men",
"Jianwei Zhang",
"Huang Zhong",
"Dennis Cai",
"Yuan Xie",
"Binzhang Fu"
] | 2024-06-07 | The emergence of Large Language Models (LLMs) has necessitated the adoption
of parallel training techniques, involving the deployment of thousands of GPUs
to train a single model. Unfortunately, we have found that the efficiency of
current parallel training is often suboptimal, largely due to the following two
main issues. Firstly, hardware failures are inevitable, leading to
interruptions in the training tasks. The inability to quickly identify the
faulty components results in a substantial waste of GPU resources. Secondly,
since GPUs must wait for parameter synchronization to complete before
proceeding to the next round of computation, network congestions can greatly
increase the waiting time for GPUs. To address these challenges, this paper
introduces a communication-driven solution, namely the C4. The key insights of
C4 are two folds. First, in parallel training, collective communication
exhibits periodic and homogeneous characteristics, so any anomalies are
certainly due to some form of hardware malfunction. By leveraging this feature,
C4 can rapidly identify the faulty components, swiftly isolate the anomaly, and
restart the task, thereby avoiding resource wastage caused by delays in anomaly
detection. Second, the predictable communication model of collective
communication, involving few large flows, allows C4 to efficiently execute
traffic planning, substantially reducing network congestion. C4 has been
extensively implemented across our production systems, cutting error-induced
overhead by roughly 30% and enhancing runtime performance by about 15% for
certain applications with moderate communication costs. | null | cs.DC | [
"cs.DC",
"cs.AI",
"cs.LG"
] |
2310.09983 | HF | Farzi Data: Autoregressive Data Distillation | [
"Noveen Sachdeva",
"Zexue He",
"Wang-Cheng Kang",
"Jianmo Ni",
"Derek Zhiyuan Cheng",
"Julian McAuley"
] | 2023-10-15 | We study data distillation for auto-regressive machine learning tasks, where
the input and output have a strict left-to-right causal structure. More
specifically, we propose Farzi, which summarizes an event sequence dataset into
a small number of synthetic sequences -- Farzi Data -- which are optimized to
maintain (if not improve) model performance compared to training on the full
dataset. Under the hood, Farzi conducts memory-efficient data distillation by
(i) deriving efficient reverse-mode differentiation of the Adam optimizer by
leveraging Hessian-Vector Products; and (ii) factorizing the high-dimensional
discrete event-space into a latent-space which provably promotes implicit
regularization. Empirically, for sequential recommendation and language
modeling tasks, we are able to achieve 98-120% of downstream full-data
performance when training state-of-the-art models on Farzi Data of size as
little as 0.1% of the original dataset. Notably, being able to train better
models with significantly less data sheds light on the design of future large
auto-regressive models, and opens up new opportunities to further scale up
model and data sizes. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.IR"
] |
2409.00587 | HF | FLUX that Plays Music | [
"Zhengcong Fei",
"Mingyuan Fan",
"Changqian Yu",
"Junshi Huang"
] | 2024-09-01 | This paper explores a simple extension of diffusion-based rectified flow
Transformers for text-to-music generation, termed as FluxMusic. Generally,
along with design in advanced
Flux\footnote{https://github.com/black-forest-labs/flux} model, we transfers it
into a latent VAE space of mel-spectrum. It involves first applying a sequence
of independent attention to the double text-music stream, followed by a stacked
single music stream for denoised patch prediction. We employ multiple
pre-trained text encoders to sufficiently capture caption semantic information
as well as inference flexibility. In between, coarse textual information, in
conjunction with time step embeddings, is utilized in a modulation mechanism,
while fine-grained textual details are concatenated with the music patch
sequence as inputs. Through an in-depth study, we demonstrate that rectified
flow training with an optimized architecture significantly outperforms
established diffusion methods for the text-to-music task, as evidenced by
various automatic metrics and human preference evaluations. Our experimental
data, code, and model weights are made publicly available at:
\url{https://github.com/feizc/FluxMusic}. | null | cs.SD | [
"cs.SD",
"cs.CV",
"eess.AS"
] |
2401.06071 | HF | GroundingGPT:Language Enhanced Multi-modal Grounding Model | [
"Zhaowei Li",
"Qi Xu",
"Dong Zhang",
"Hang Song",
"Yiqing Cai",
"Qi Qi",
"Ran Zhou",
"Junting Pan",
"Zefeng Li",
"Van Tu Vu",
"Zhida Huang",
"Tao Wang"
] | 2024-01-11 | Multi-modal large language models have demonstrated impressive performance
across various tasks in different modalities. However, existing multi-modal
models primarily emphasize capturing global information within each modality
while neglecting the importance of perceiving local information across
modalities. Consequently, these models lack the ability to effectively
understand the fine-grained details of input data, limiting their performance
in tasks that require a more nuanced understanding. To address this limitation,
there is a compelling need to develop models that enable fine-grained
understanding across multiple modalities, thereby enhancing their applicability
to a wide range of tasks. In this paper, we propose GroundingGPT, a language
enhanced multi-modal grounding model. Beyond capturing global information like
other multi-modal models, our proposed model excels at tasks demanding a
detailed understanding of local information within the input. It demonstrates
precise identification and localization of specific regions in images or
moments in videos. To achieve this objective, we design a diversified dataset
construction pipeline, resulting in a multi-modal, multi-granularity dataset
for model training. The code, dataset, and demo of our model can be found at
https: //github.com/lzw-lzw/GroundingGPT. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2408.03541 | HF | EXAONE 3.0 7.8B Instruction Tuned Language Model | [
"LG AI Research",
":",
"Soyoung An",
"Kyunghoon Bae",
"Eunbi Choi",
"Stanley Jungkyu Choi",
"Yemuk Choi",
"Seokhee Hong",
"Yeonjung Hong",
"Junwon Hwang",
"Hyojin Jeon",
"Gerrard Jeongwon Jo",
"Hyunjik Jo",
"Jiyeon Jung",
"Yountae Jung",
"Euisoon Kim",
"Hyosang Kim",
"Joonkee Kim",
"Seonghwan Kim",
"Soyeon Kim",
"Sunkyoung Kim",
"Yireun Kim",
"Youchul Kim",
"Edward Hwayoung Lee",
"Haeju Lee",
"Honglak Lee",
"Jinsik Lee",
"Kyungmin Lee",
"Moontae Lee",
"Seungjun Lee",
"Woohyung Lim",
"Sangha Park",
"Sooyoun Park",
"Yongmin Park",
"Boseong Seo",
"Sihoon Yang",
"Heuiyeen Yeen",
"Kyungjae Yoo",
"Hyeongu Yun"
] | 2024-08-07 | We introduce EXAONE 3.0 instruction-tuned language model, the first open
model in the family of Large Language Models (LLMs) developed by LG AI
Research. Among different model sizes, we publicly release the 7.8B
instruction-tuned model to promote open research and innovations. Through
extensive evaluations across a wide range of public and in-house benchmarks,
EXAONE 3.0 demonstrates highly competitive real-world performance with
instruction-following capability against other state-of-the-art open models of
similar size. Our comparative analysis shows that EXAONE 3.0 excels
particularly in Korean, while achieving compelling performance across general
tasks and complex reasoning. With its strong real-world effectiveness and
bilingual proficiency, we hope that EXAONE keeps contributing to advancements
in Expert AI. Our EXAONE 3.0 instruction-tuned model is available at
https://huggingface.co/LGAI-EXAONE/EXAONE-3.0-7.8B-Instruct | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.19164 | HF | LANCE: Stress-testing Visual Models by Generating Language-guided Counterfactual Images | [
"Viraj Prabhu",
"Sriram Yenamandra",
"Prithvijit Chattopadhyay",
"Judy Hoffman"
] | 2023-05-30 | We propose an automated algorithm to stress-test a trained visual model by
generating language-guided counterfactual test images (LANCE). Our method
leverages recent progress in large language modeling and text-based image
editing to augment an IID test set with a suite of diverse, realistic, and
challenging test images without altering model weights. We benchmark the
performance of a diverse set of pre-trained models on our generated data and
observe significant and consistent performance drops. We further analyze model
sensitivity across different types of edits, and demonstrate its applicability
at surfacing previously unknown class-level model biases in ImageNet. Code is
available at https://github.com/virajprabhu/lance. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2103.06583 | AnswerAI | Preprint: Norm Loss: An efficient yet effective regularization method for deep neural networks | [
"Theodoros Georgiou",
"Sebastian Schmitt",
"Thomas Bäck",
"Wei Chen",
"Michael Lew"
] | 2021-03-11 | Convolutional neural network training can suffer from diverse issues like
exploding or vanishing gradients, scaling-based weight space symmetry and
covariant-shift. In order to address these issues, researchers develop weight
regularization methods and activation normalization methods. In this work we
propose a weight soft-regularization method based on the Oblique manifold. The
proposed method uses a loss function which pushes each weight vector to have a
norm close to one, i.e. the weight matrix is smoothly steered toward the
so-called Oblique manifold. We evaluate our method on the very popular
CIFAR-10, CIFAR-100 and ImageNet 2012 datasets using two state-of-the-art
architectures, namely the ResNet and wide-ResNet. Our method introduces
negligible computational overhead and the results show that it is competitive
to the state-of-the-art and in some cases superior to it. Additionally, the
results are less sensitive to hyperparameter settings such as batch size and
regularization factor. | null | cs.CV | [
"cs.CV"
] |
Subsets and Splits