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
|
---|---|---|---|---|---|---|---|---|
2308.13449 | AnswerAI | The Poison of Alignment | [
"Aibek Bekbayev",
"Sungbae Chun",
"Yerzat Dulat",
"James Yamazaki"
] | 2023-08-25 | From the perspective of content safety issues, alignment has shown to limit
large language models' (LLMs) harmful content generation. This intentional
method of reinforcing models to not respond to certain user inputs seem to be
present in many modern open-source instruction tuning datasets such as
OpenAssistant or Guanaco. We introduce a novel insight to an instruction-tuned
model's performance affected by the presence of alignment in supervised
fine-tuning dataset. To be specific, we noticed that alignment acts as if it is
poisoning the instruction dataset. Experimentally, we demonstrate that aligned
answers significantly worsen the performance of the resulting fine-tuned
model's on various reasoning benchmarks such as Big Bench (BBH), Massive
Multitask Language Understanding (MMLU), Human Eval, and Discrete Reasoning
Over Paragraphs (DROP), performing worse than the counterpart tuned without
alignment by 4-33%. | null | cs.CL | [
"cs.CL"
] |
2403.04642 | HF | Teaching Large Language Models to Reason with Reinforcement Learning | [
"Alex Havrilla",
"Yuqing Du",
"Sharath Chandra Raparthy",
"Christoforos Nalmpantis",
"Jane Dwivedi-Yu",
"Maksym Zhuravinskyi",
"Eric Hambro",
"Sainbayar Sukhbaatar",
"Roberta Raileanu"
] | 2024-03-07 | Reinforcement Learning from Human Feedback (\textbf{RLHF}) has emerged as a
dominant approach for aligning LLM outputs with human preferences. Inspired by
the success of RLHF, we study the performance of multiple algorithms that learn
from feedback (Expert Iteration, Proximal Policy Optimization (\textbf{PPO}),
Return-Conditioned RL) on improving LLM reasoning capabilities. We investigate
both sparse and dense rewards provided to the LLM both heuristically and via a
learned reward model. We additionally start from multiple model sizes and
initializations both with and without supervised fine-tuning (\textbf{SFT})
data. Overall, we find all algorithms perform comparably, with Expert Iteration
performing best in most cases. Surprisingly, we find the sample complexity of
Expert Iteration is similar to that of PPO, requiring at most on the order of
$10^6$ samples to converge from a pretrained checkpoint. We investigate why
this is the case, concluding that during RL training models fail to explore
significantly beyond solutions already produced by SFT models. Additionally, we
discuss a trade off between maj@1 and pass@96 metric performance during SFT
training and how conversely RL training improves both simultaneously. We then
conclude by discussing the implications of our findings for RLHF and the future
role of RL in LLM fine-tuning. | null | cs.LG | [
"cs.LG"
] |
2212.03827 | AnswerAI | Discovering Latent Knowledge in Language Models Without Supervision | [
"Collin Burns",
"Haotian Ye",
"Dan Klein",
"Jacob Steinhardt"
] | 2022-12-07 | Existing techniques for training language models can be misaligned with the
truth: if we train models with imitation learning, they may reproduce errors
that humans make; if we train them to generate text that humans rate highly,
they may output errors that human evaluators can't detect. We propose
circumventing this issue by directly finding latent knowledge inside the
internal activations of a language model in a purely unsupervised way.
Specifically, we introduce a method for accurately answering yes-no questions
given only unlabeled model activations. It works by finding a direction in
activation space that satisfies logical consistency properties, such as that a
statement and its negation have opposite truth values. We show that despite
using no supervision and no model outputs, our method can recover diverse
knowledge represented in large language models: across 6 models and 10
question-answering datasets, it outperforms zero-shot accuracy by 4\% on
average. We also find that it cuts prompt sensitivity in half and continues to
maintain high accuracy even when models are prompted to generate incorrect
answers. Our results provide an initial step toward discovering what language
models know, distinct from what they say, even when we don't have access to
explicit ground truth labels. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.01519 | HF | DiffIR2VR-Zero: Zero-Shot Video Restoration with Diffusion-based Image Restoration Models | [
"Chang-Han Yeh",
"Chin-Yang Lin",
"Zhixiang Wang",
"Chi-Wei Hsiao",
"Ting-Hsuan Chen",
"Yu-Lun Liu"
] | 2024-07-01 | This paper introduces a method for zero-shot video restoration using
pre-trained image restoration diffusion models. Traditional video restoration
methods often need retraining for different settings and struggle with limited
generalization across various degradation types and datasets. Our approach uses
a hierarchical token merging strategy for keyframes and local frames, combined
with a hybrid correspondence mechanism that blends optical flow and
feature-based nearest neighbor matching (latent merging). We show that our
method not only achieves top performance in zero-shot video restoration but
also significantly surpasses trained models in generalization across diverse
datasets and extreme degradations (8$\times$ super-resolution and high-standard
deviation video denoising). We present evidence through quantitative metrics
and visual comparisons on various challenging datasets. Additionally, our
technique works with any 2D restoration diffusion model, offering a versatile
and powerful tool for video enhancement tasks without extensive retraining.
This research leads to more efficient and widely applicable video restoration
technologies, supporting advancements in fields that require high-quality video
output. See our project page for video results at
https://jimmycv07.github.io/DiffIR2VR_web/. | null | cs.CV | [
"cs.CV"
] |
2309.17133 | AnswerAI | Fine-grained Late-interaction Multi-modal Retrieval for Retrieval Augmented Visual Question Answering | [
"Weizhe Lin",
"Jinghong Chen",
"Jingbiao Mei",
"Alexandru Coca",
"Bill Byrne"
] | 2023-09-29 | Knowledge-based Visual Question Answering (KB-VQA) requires VQA systems to
utilize knowledge from external knowledge bases to answer visually-grounded
questions. Retrieval-Augmented Visual Question Answering (RA-VQA), a strong
framework to tackle KB-VQA, first retrieves related documents with Dense
Passage Retrieval (DPR) and then uses them to answer questions. This paper
proposes Fine-grained Late-interaction Multi-modal Retrieval (FLMR) which
significantly improves knowledge retrieval in RA-VQA. FLMR addresses two major
limitations in RA-VQA's retriever: (1) the image representations obtained via
image-to-text transforms can be incomplete and inaccurate and (2) relevance
scores between queries and documents are computed with one-dimensional
embeddings, which can be insensitive to finer-grained relevance. FLMR overcomes
these limitations by obtaining image representations that complement those from
the image-to-text transforms using a vision model aligned with an existing
text-based retriever through a simple alignment network. FLMR also encodes
images and questions using multi-dimensional embeddings to capture
finer-grained relevance between queries and documents. FLMR significantly
improves the original RA-VQA retriever's PRRecall@5 by approximately 8\%.
Finally, we equipped RA-VQA with two state-of-the-art large
multi-modal/language models to achieve $\sim61\%$ VQA score in the OK-VQA
dataset. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2403.07508 | HF | MoAI: Mixture of All Intelligence for Large Language and Vision Models | [
"Byung-Kwan Lee",
"Beomchan Park",
"Chae Won Kim",
"Yong Man Ro"
] | 2024-03-12 | The rise of large language models (LLMs) and instruction tuning has led to
the current trend of instruction-tuned large language and vision models
(LLVMs). This trend involves either meticulously curating numerous instruction
tuning datasets tailored to specific objectives or enlarging LLVMs to manage
vast amounts of vision language (VL) data. However, current LLVMs have
disregarded the detailed and comprehensive real-world scene understanding
available from specialized computer vision (CV) models in visual perception
tasks such as segmentation, detection, scene graph generation (SGG), and
optical character recognition (OCR). Instead, the existing LLVMs rely mainly on
the large capacity and emergent capabilities of their LLM backbones. Therefore,
we present a new LLVM, Mixture of All Intelligence (MoAI), which leverages
auxiliary visual information obtained from the outputs of external
segmentation, detection, SGG, and OCR models. MoAI operates through two newly
introduced modules: MoAI-Compressor and MoAI-Mixer. After verbalizing the
outputs of the external CV models, the MoAI-Compressor aligns and condenses
them to efficiently use relevant auxiliary visual information for VL tasks.
MoAI-Mixer then blends three types of intelligence (1) visual features, (2)
auxiliary features from the external CV models, and (3) language features by
utilizing the concept of Mixture of Experts. Through this integration, MoAI
significantly outperforms both open-source and closed-source LLVMs in numerous
zero-shot VL tasks, particularly those related to real-world scene
understanding such as object existence, positions, relations, and OCR without
enlarging the model size or curating extra visual instruction tuning datasets. | null | cs.CV | [
"cs.CV"
] |
2404.08639 | HF | COCONut: Modernizing COCO Segmentation | [
"Xueqing Deng",
"Qihang Yu",
"Peng Wang",
"Xiaohui Shen",
"Liang-Chieh Chen"
] | 2024-04-12 | In recent decades, the vision community has witnessed remarkable progress in
visual recognition, partially owing to advancements in dataset benchmarks.
Notably, the established COCO benchmark has propelled the development of modern
detection and segmentation systems. However, the COCO segmentation benchmark
has seen comparatively slow improvement over the last decade. Originally
equipped with coarse polygon annotations for thing instances, it gradually
incorporated coarse superpixel annotations for stuff regions, which were
subsequently heuristically amalgamated to yield panoptic segmentation
annotations. These annotations, executed by different groups of raters, have
resulted not only in coarse segmentation masks but also in inconsistencies
between segmentation types. In this study, we undertake a comprehensive
reevaluation of the COCO segmentation annotations. By enhancing the annotation
quality and expanding the dataset to encompass 383K images with more than 5.18M
panoptic masks, we introduce COCONut, the COCO Next Universal segmenTation
dataset. COCONut harmonizes segmentation annotations across semantic, instance,
and panoptic segmentation with meticulously crafted high-quality masks, and
establishes a robust benchmark for all segmentation tasks. To our knowledge,
COCONut stands as the inaugural large-scale universal segmentation dataset,
verified by human raters. We anticipate that the release of COCONut will
significantly contribute to the community's ability to assess the progress of
novel neural networks. | null | cs.CV | [
"cs.CV"
] |
2405.20327 | HF | GECO: Generative Image-to-3D within a SECOnd | [
"Chen Wang",
"Jiatao Gu",
"Xiaoxiao Long",
"Yuan Liu",
"Lingjie Liu"
] | 2024-05-30 | Recent years have seen significant advancements in 3D generation. While
methods like score distillation achieve impressive results, they often require
extensive per-scene optimization, which limits their time efficiency. On the
other hand, reconstruction-based approaches are more efficient but tend to
compromise quality due to their limited ability to handle uncertainty. We
introduce GECO, a novel method for high-quality 3D generative modeling that
operates within a second. Our approach addresses the prevalent issues of
uncertainty and inefficiency in existing methods through a two-stage approach.
In the first stage, we train a single-step multi-view generative model with
score distillation. Then, a second-stage distillation is applied to address the
challenge of view inconsistency in the multi-view generation. This two-stage
process ensures a balanced approach to 3D generation, optimizing both quality
and efficiency. Our comprehensive experiments demonstrate that GECO achieves
high-quality image-to-3D mesh generation with an unprecedented level of
efficiency. We will make the code and model publicly available. | null | cs.CV | [
"cs.CV"
] |
2407.12772 | HF | LMMs-Eval: Reality Check on the Evaluation of Large Multimodal Models | [
"Kaichen Zhang",
"Bo Li",
"Peiyuan Zhang",
"Fanyi Pu",
"Joshua Adrian Cahyono",
"Kairui Hu",
"Shuai Liu",
"Yuanhan Zhang",
"Jingkang Yang",
"Chunyuan Li",
"Ziwei Liu"
] | 2024-07-17 | The advances of large foundation models necessitate wide-coverage, low-cost,
and zero-contamination benchmarks. Despite continuous exploration of language
model evaluations, comprehensive studies on the evaluation of Large Multi-modal
Models (LMMs) remain limited. In this work, we introduce LMMS-EVAL, a unified
and standardized multimodal benchmark framework with over 50 tasks and more
than 10 models to promote transparent and reproducible evaluations. Although
LMMS-EVAL offers comprehensive coverage, we find it still falls short in
achieving low cost and zero contamination. To approach this evaluation
trilemma, we further introduce LMMS-EVAL LITE, a pruned evaluation toolkit that
emphasizes both coverage and efficiency. Additionally, we present Multimodal
LIVEBENCH that utilizes continuously updating news and online forums to assess
models' generalization abilities in the wild, featuring a low-cost and
zero-contamination evaluation approach. In summary, our work highlights the
importance of considering the evaluation trilemma and provides practical
solutions to navigate the trade-offs in evaluating large multi-modal models,
paving the way for more effective and reliable benchmarking of LMMs. We
opensource our codebase and maintain leaderboard of LIVEBENCH at
https://github.com/EvolvingLMMs-Lab/lmms-eval and
https://huggingface.co/spaces/lmms-lab/LiveBench. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2311.14737 | AnswerAI | Positional Description Matters for Transformers Arithmetic | [
"Ruoqi Shen",
"Sébastien Bubeck",
"Ronen Eldan",
"Yin Tat Lee",
"Yuanzhi Li",
"Yi Zhang"
] | 2023-11-22 | Transformers, central to the successes in modern Natural Language Processing,
often falter on arithmetic tasks despite their vast capabilities --which
paradoxically include remarkable coding abilities. We observe that a crucial
challenge is their naive reliance on positional information to solve arithmetic
problems with a small number of digits, leading to poor performance on larger
numbers. Herein, we delve deeper into the role of positional encoding, and
propose several ways to fix the issue, either by modifying the positional
encoding directly, or by modifying the representation of the arithmetic task to
leverage standard positional encoding differently. We investigate the value of
these modifications for three tasks: (i) classical multiplication, (ii) length
extrapolation in addition, and (iii) addition in natural language context. For
(i) we train a small model on a small dataset (100M parameters and 300k
samples) with remarkable aptitude in (direct, no scratchpad) 15 digits
multiplication and essentially perfect up to 12 digits, while usual training in
this context would give a model failing at 4 digits multiplication. In the
experiments on addition, we use a mere 120k samples to demonstrate: for (ii)
extrapolation from 10 digits to testing on 12 digits numbers while usual
training would have no extrapolation, and for (iii) almost perfect accuracy up
to 5 digits while usual training would be correct only up to 3 digits (which is
essentially memorization with a training set of 120k samples). | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.19226 | HF | Simulating Classroom Education with LLM-Empowered Agents | [
"Zheyuan Zhang",
"Daniel Zhang-Li",
"Jifan Yu",
"Linlu Gong",
"Jinchang Zhou",
"Zhiyuan Liu",
"Lei Hou",
"Juanzi Li"
] | 2024-06-27 | Large language models (LLMs) have been employed in various intelligent
educational tasks to assist teaching. While preliminary explorations have
focused on independent LLM-empowered agents for specific educational tasks, the
potential for LLMs within a multi-agent collaborative framework to simulate a
classroom with real user participation remains unexplored. In this work, we
propose SimClass, a multi-agent classroom simulation framework involving user
participation. We recognize representative class roles and introduce a novel
class control mechanism for automatic classroom teaching, and conduct user
experiments in two real-world courses. Utilizing the Flanders Interactive
Analysis System and Community of Inquiry theoretical frame works from
educational analysis, we demonstrate that LLMs can simulate traditional
classroom interaction patterns effectively while enhancing user's experience.
We also observe emergent group behaviors among agents in SimClass, where agents
collaborate to create enlivening interactions in classrooms to improve user
learning process. We hope this work pioneers the application of LLM-empowered
multi-agent systems in virtual classroom teaching. | null | cs.CL | [
"cs.CL",
"cs.HC"
] |
2401.08937 | HF | ICON: Incremental CONfidence for Joint Pose and Radiance Field Optimization | [
"Weiyao Wang",
"Pierre Gleize",
"Hao Tang",
"Xingyu Chen",
"Kevin J Liang",
"Matt Feiszli"
] | 2024-01-17 | Neural Radiance Fields (NeRF) exhibit remarkable performance for Novel View
Synthesis (NVS) given a set of 2D images. However, NeRF training requires
accurate camera pose for each input view, typically obtained by
Structure-from-Motion (SfM) pipelines. Recent works have attempted to relax
this constraint, but they still often rely on decent initial poses which they
can refine. Here we aim at removing the requirement for pose initialization. We
present Incremental CONfidence (ICON), an optimization procedure for training
NeRFs from 2D video frames. ICON only assumes smooth camera motion to estimate
initial guess for poses. Further, ICON introduces ``confidence": an adaptive
measure of model quality used to dynamically reweight gradients. ICON relies on
high-confidence poses to learn NeRF, and high-confidence 3D structure (as
encoded by NeRF) to learn poses. We show that ICON, without prior pose
initialization, achieves superior performance in both CO3D and HO3D versus
methods which use SfM pose. | null | cs.CV | [
"cs.CV"
] |
2307.01850 | AnswerAI | Self-Consuming Generative Models Go MAD | [
"Sina Alemohammad",
"Josue Casco-Rodriguez",
"Lorenzo Luzi",
"Ahmed Imtiaz Humayun",
"Hossein Babaei",
"Daniel LeJeune",
"Ali Siahkoohi",
"Richard G. Baraniuk"
] | 2023-07-04 | Seismic advances in generative AI algorithms for imagery, text, and other
data types has led to the temptation to use synthetic data to train
next-generation models. Repeating this process creates an autophagous
(self-consuming) loop whose properties are poorly understood. We conduct a
thorough analytical and empirical analysis using state-of-the-art generative
image models of three families of autophagous loops that differ in how fixed or
fresh real training data is available through the generations of training and
in whether the samples from previous generation models have been biased to
trade off data quality versus diversity. Our primary conclusion across all
scenarios is that without enough fresh real data in each generation of an
autophagous loop, future generative models are doomed to have their quality
(precision) or diversity (recall) progressively decrease. We term this
condition Model Autophagy Disorder (MAD), making analogy to mad cow disease. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2306.07906 | HF | WebGLM: Towards An Efficient Web-Enhanced Question Answering System with Human Preferences | [
"Xiao Liu",
"Hanyu Lai",
"Hao Yu",
"Yifan Xu",
"Aohan Zeng",
"Zhengxiao Du",
"Peng Zhang",
"Yuxiao Dong",
"Jie Tang"
] | 2023-06-13 | We present WebGLM, a web-enhanced question-answering system based on the
General Language Model (GLM). Its goal is to augment a pre-trained large
language model (LLM) with web search and retrieval capabilities while being
efficient for real-world deployments. To achieve this, we develop WebGLM with
strategies for the LLM-augmented retriever, bootstrapped generator, and human
preference-aware scorer. Specifically, we identify and address the limitations
of WebGPT (OpenAI), through which WebGLM is enabled with accuracy, efficiency,
and cost-effectiveness advantages. In addition, we propose systematic criteria
for evaluating web-enhanced QA systems. We conduct multi-dimensional human
evaluation and quantitative ablation studies, which suggest the outperformance
of the proposed WebGLM designs over existing systems. WebGLM with the
10-billion-parameter GLM (10B) is shown to perform better than the
similar-sized WebGPT (13B) and even comparably to WebGPT (175B) in human
evaluation. The code, demo, and data are at
\url{https://github.com/THUDM/WebGLM}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.03910 | HF | CodexGraph: Bridging Large Language Models and Code Repositories via Code Graph Databases | [
"Xiangyan Liu",
"Bo Lan",
"Zhiyuan Hu",
"Yang Liu",
"Zhicheng Zhang",
"Fei Wang",
"Michael Shieh",
"Wenmeng Zhou"
] | 2024-08-07 | Large Language Models (LLMs) excel in stand-alone code tasks like HumanEval
and MBPP, but struggle with handling entire code repositories. This challenge
has prompted research on enhancing LLM-codebase interaction at a repository
scale. Current solutions rely on similarity-based retrieval or manual tools and
APIs, each with notable drawbacks. Similarity-based retrieval often has low
recall in complex tasks, while manual tools and APIs are typically
task-specific and require expert knowledge, reducing their generalizability
across diverse code tasks and real-world applications. To mitigate these
limitations, we introduce CodexGraph, a system that integrates LLM agents with
graph database interfaces extracted from code repositories. By leveraging the
structural properties of graph databases and the flexibility of the graph query
language, CodexGraph enables the LLM agent to construct and execute queries,
allowing for precise, code structure-aware context retrieval and code
navigation. We assess CodexGraph using three benchmarks: CrossCodeEval,
SWE-bench, and EvoCodeBench. Additionally, we develop five real-world coding
applications. With a unified graph database schema, CodexGraph demonstrates
competitive performance and potential in both academic and real-world
environments, showcasing its versatility and efficacy in software engineering.
Our application demo:
https://github.com/modelscope/modelscope-agent/tree/master/apps/codexgraph_agent. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL"
] |
2401.01827 | HF | Moonshot: Towards Controllable Video Generation and Editing with Multimodal Conditions | [
"David Junhao Zhang",
"Dongxu Li",
"Hung Le",
"Mike Zheng Shou",
"Caiming Xiong",
"Doyen Sahoo"
] | 2024-01-03 | Most existing video diffusion models (VDMs) are limited to mere text
conditions. Thereby, they are usually lacking in control over visual appearance
and geometry structure of the generated videos. This work presents Moonshot, a
new video generation model that conditions simultaneously on multimodal inputs
of image and text. The model builts upon a core module, called multimodal video
block (MVB), which consists of conventional spatialtemporal layers for
representing video features, and a decoupled cross-attention layer to address
image and text inputs for appearance conditioning. In addition, we carefully
design the model architecture such that it can optionally integrate with
pre-trained image ControlNet modules for geometry visual conditions, without
needing of extra training overhead as opposed to prior methods. Experiments
show that with versatile multimodal conditioning mechanisms, Moonshot
demonstrates significant improvement on visual quality and temporal consistency
compared to existing models. In addition, the model can be easily repurposed
for a variety of generative applications, such as personalized video
generation, image animation and video editing, unveiling its potential to serve
as a fundamental architecture for controllable video generation. Models will be
made public on https://github.com/salesforce/LAVIS. | null | cs.CV | [
"cs.CV"
] |
2310.16534 | HF | An Early Evaluation of GPT-4V(ision) | [
"Yang Wu",
"Shilong Wang",
"Hao Yang",
"Tian Zheng",
"Hongbo Zhang",
"Yanyan Zhao",
"Bing Qin"
] | 2023-10-25 | In this paper, we evaluate different abilities of GPT-4V including visual
understanding, language understanding, visual puzzle solving, and understanding
of other modalities such as depth, thermal, video, and audio. To estimate
GPT-4V's performance, we manually construct 656 test instances and carefully
evaluate the results of GPT-4V. The highlights of our findings are as follows:
(1) GPT-4V exhibits impressive performance on English visual-centric benchmarks
but fails to recognize simple Chinese texts in the images; (2) GPT-4V shows
inconsistent refusal behavior when answering questions related to sensitive
traits such as gender, race, and age; (3) GPT-4V obtains worse results than
GPT-4 (API) on language understanding tasks including general language
understanding benchmarks and visual commonsense knowledge evaluation
benchmarks; (4) Few-shot prompting can improve GPT-4V's performance on both
visual understanding and language understanding; (5) GPT-4V struggles to find
the nuances between two similar images and solve the easy math picture puzzles;
(6) GPT-4V shows non-trivial performance on the tasks of similar modalities to
image, such as video and thermal. Our experimental results reveal the ability
and limitations of GPT-4V and we hope our paper can provide some insights into
the application and research of GPT-4V. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2310.03716 | HF | A Long Way to Go: Investigating Length Correlations in RLHF | [
"Prasann Singhal",
"Tanya Goyal",
"Jiacheng Xu",
"Greg Durrett"
] | 2023-10-05 | Great success has been reported using Reinforcement Learning from Human
Feedback (RLHF) to align large language models, with open preference datasets
enabling wider experimentation, particularly for "helpfulness" in tasks like
dialogue and web question answering. Alongside these improvements, however,
RLHF also often drives models to produce longer outputs. This paper
demonstrates, on three diverse settings, that optimizing for response length
is, much more than previously thought, a significant factor behind RLHF.
Studying the strategies RL optimization uses to maximize reward, we find
improvements in reward to largely be driven by increasing response length,
instead of other features. Indeed, we find that even a purely length-based
reward reproduces most downstream RLHF improvements over supervised fine-tuned
models. Testing a comprehensive set of length-countering interventions, we
identify the dominant source of these biases to be reward models, which, by
studying training dynamics, we find are non-robust and easily influenced by
length biases in preference data. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.01615 | HF | FLAP: Fast Language-Audio Pre-training | [
"Ching-Feng Yeh",
"Po-Yao Huang",
"Vasu Sharma",
"Shang-Wen Li",
"Gargi Gosh"
] | 2023-11-02 | We propose Fast Language-Audio Pre-training (FLAP), a self-supervised
approach that efficiently and effectively learns aligned audio and language
representations through masking, contrastive learning and reconstruction. For
efficiency, FLAP randomly drops audio spectrogram tokens, focusing solely on
the remaining ones for self-supervision. Through inter-modal contrastive
learning, FLAP learns to align paired audio and text representations in a
shared latent space. Notably, FLAP leverages multiple augmented views via
masking for inter-modal contrast and learns to reconstruct the masked portion
of audio tokens. Moreover, FLAP leverages large language models (LLMs) to
augment the text inputs, contributing to improved performance. These approaches
lead to more robust and informative audio-text representations, enabling FLAP
to achieve state-of-the-art (SoTA) performance on audio-text retrieval tasks on
AudioCaps (achieving 53.0% R@1) and Clotho (achieving 25.5% R@1). | null | cs.SD | [
"cs.SD",
"cs.CL",
"eess.AS"
] |
2310.08491 | HF | Prometheus: Inducing Fine-grained Evaluation Capability in Language Models | [
"Seungone Kim",
"Jamin Shin",
"Yejin Cho",
"Joel Jang",
"Shayne Longpre",
"Hwaran Lee",
"Sangdoo Yun",
"Seongjin Shin",
"Sungdong Kim",
"James Thorne",
"Minjoon Seo"
] | 2023-10-12 | Recently, using a powerful proprietary Large Language Model (LLM) (e.g.,
GPT-4) as an evaluator for long-form responses has become the de facto
standard. However, for practitioners with large-scale evaluation tasks and
custom criteria in consideration (e.g., child-readability), using proprietary
LLMs as an evaluator is unreliable due to the closed-source nature,
uncontrolled versioning, and prohibitive costs. In this work, we propose
Prometheus, a fully open-source LLM that is on par with GPT-4's evaluation
capabilities when the appropriate reference materials (reference answer, score
rubric) are accompanied. We first construct the Feedback Collection, a new
dataset that consists of 1K fine-grained score rubrics, 20K instructions, and
100K responses and language feedback generated by GPT-4. Using the Feedback
Collection, we train Prometheus, a 13B evaluator LLM that can assess any given
long-form text based on customized score rubric provided by the user.
Experimental results show that Prometheus scores a Pearson correlation of 0.897
with human evaluators when evaluating with 45 customized score rubrics, which
is on par with GPT-4 (0.882), and greatly outperforms ChatGPT (0.392).
Furthermore, measuring correlation with GPT-4 with 1222 customized score
rubrics across four benchmarks (MT Bench, Vicuna Bench, Feedback Bench, Flask
Eval) shows similar trends, bolstering Prometheus's capability as an evaluator
LLM. Lastly, Prometheus achieves the highest accuracy on two human preference
benchmarks (HHH Alignment & MT Bench Human Judgment) compared to open-sourced
reward models explicitly trained on human preference datasets, highlighting its
potential as an universal reward model. We open-source our code, dataset, and
model at https://kaistai.github.io/prometheus/. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2405.09215 | HF | Xmodel-VLM: A Simple Baseline for Multimodal Vision Language Model | [
"Wanting Xu",
"Yang Liu",
"Langping He",
"Xucheng Huang",
"Ling Jiang"
] | 2024-05-15 | We introduce Xmodel-VLM, a cutting-edge multimodal vision language model. It
is designed for efficient deployment on consumer GPU servers. Our work directly
confronts a pivotal industry issue by grappling with the prohibitive service
costs that hinder the broad adoption of large-scale multimodal systems. Through
rigorous training, we have developed a 1B-scale language model from the ground
up, employing the LLaVA paradigm for modal alignment. The result, which we call
Xmodel-VLM, is a lightweight yet powerful multimodal vision language model.
Extensive testing across numerous classic multimodal benchmarks has revealed
that despite its smaller size and faster execution, Xmodel-VLM delivers
performance comparable to that of larger models. Our model checkpoints and code
are publicly available on GitHub at https://github.com/XiaoduoAILab/XmodelVLM. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.16845 | HF | RaTEScore: A Metric for Radiology Report Generation | [
"Weike Zhao",
"Chaoyi Wu",
"Xiaoman Zhang",
"Ya Zhang",
"Yanfeng Wang",
"Weidi Xie"
] | 2024-06-24 | This paper introduces a novel, entity-aware metric, termed as Radiological
Report (Text) Evaluation (RaTEScore), to assess the quality of medical reports
generated by AI models. RaTEScore emphasizes crucial medical entities such as
diagnostic outcomes and anatomical details, and is robust against complex
medical synonyms and sensitive to negation expressions. Technically, we
developed a comprehensive medical NER dataset, RaTE-NER, and trained an NER
model specifically for this purpose. This model enables the decomposition of
complex radiological reports into constituent medical entities. The metric
itself is derived by comparing the similarity of entity embeddings, obtained
from a language model, based on their types and relevance to clinical
significance. Our evaluations demonstrate that RaTEScore aligns more closely
with human preference than existing metrics, validated both on established
public benchmarks and our newly proposed RaTE-Eval benchmark. | null | cs.CL | [
"cs.CL"
] |
2307.15042 | HF | TEDi: Temporally-Entangled Diffusion for Long-Term Motion Synthesis | [
"Zihan Zhang",
"Richard Liu",
"Kfir Aberman",
"Rana Hanocka"
] | 2023-07-27 | The gradual nature of a diffusion process that synthesizes samples in small
increments constitutes a key ingredient of Denoising Diffusion Probabilistic
Models (DDPM), which have presented unprecedented quality in image synthesis
and been recently explored in the motion domain. In this work, we propose to
adapt the gradual diffusion concept (operating along a diffusion time-axis)
into the temporal-axis of the motion sequence. Our key idea is to extend the
DDPM framework to support temporally varying denoising, thereby entangling the
two axes. Using our special formulation, we iteratively denoise a motion buffer
that contains a set of increasingly-noised poses, which auto-regressively
produces an arbitrarily long stream of frames. With a stationary diffusion
time-axis, in each diffusion step we increment only the temporal-axis of the
motion such that the framework produces a new, clean frame which is removed
from the beginning of the buffer, followed by a newly drawn noise vector that
is appended to it. This new mechanism paves the way towards a new framework for
long-term motion synthesis with applications to character animation and other
domains. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2401.05334 | HF | URHand: Universal Relightable Hands | [
"Zhaoxi Chen",
"Gyeongsik Moon",
"Kaiwen Guo",
"Chen Cao",
"Stanislav Pidhorskyi",
"Tomas Simon",
"Rohan Joshi",
"Yuan Dong",
"Yichen Xu",
"Bernardo Pires",
"He Wen",
"Lucas Evans",
"Bo Peng",
"Julia Buffalini",
"Autumn Trimble",
"Kevyn McPhail",
"Melissa Schoeller",
"Shoou-I Yu",
"Javier Romero",
"Michael Zollhöfer",
"Yaser Sheikh",
"Ziwei Liu",
"Shunsuke Saito"
] | 2024-01-10 | Existing photorealistic relightable hand models require extensive
identity-specific observations in different views, poses, and illuminations,
and face challenges in generalizing to natural illuminations and novel
identities. To bridge this gap, we present URHand, the first universal
relightable hand model that generalizes across viewpoints, poses,
illuminations, and identities. Our model allows few-shot personalization using
images captured with a mobile phone, and is ready to be photorealistically
rendered under novel illuminations. To simplify the personalization process
while retaining photorealism, we build a powerful universal relightable prior
based on neural relighting from multi-view images of hands captured in a light
stage with hundreds of identities. The key challenge is scaling the
cross-identity training while maintaining personalized fidelity and sharp
details without compromising generalization under natural illuminations. To
this end, we propose a spatially varying linear lighting model as the neural
renderer that takes physics-inspired shading as input feature. By removing
non-linear activations and bias, our specifically designed lighting model
explicitly keeps the linearity of light transport. This enables single-stage
training from light-stage data while generalizing to real-time rendering under
arbitrary continuous illuminations across diverse identities. In addition, we
introduce the joint learning of a physically based model and our neural
relighting model, which further improves fidelity and generalization. Extensive
experiments show that our approach achieves superior performance over existing
methods in terms of both quality and generalizability. We also demonstrate
quick personalization of URHand from a short phone scan of an unseen identity. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2312.10035 | HF | Point Transformer V3: Simpler, Faster, Stronger | [
"Xiaoyang Wu",
"Li Jiang",
"Peng-Shuai Wang",
"Zhijian Liu",
"Xihui Liu",
"Yu Qiao",
"Wanli Ouyang",
"Tong He",
"Hengshuang Zhao"
] | 2023-12-15 | This paper is not motivated to seek innovation within the attention
mechanism. Instead, it focuses on overcoming the existing trade-offs between
accuracy and efficiency within the context of point cloud processing,
leveraging the power of scale. Drawing inspiration from recent advances in 3D
large-scale representation learning, we recognize that model performance is
more influenced by scale than by intricate design. Therefore, we present Point
Transformer V3 (PTv3), which prioritizes simplicity and efficiency over the
accuracy of certain mechanisms that are minor to the overall performance after
scaling, such as replacing the precise neighbor search by KNN with an efficient
serialized neighbor mapping of point clouds organized with specific patterns.
This principle enables significant scaling, expanding the receptive field from
16 to 1024 points while remaining efficient (a 3x increase in processing speed
and a 10x improvement in memory efficiency compared with its predecessor,
PTv2). PTv3 attains state-of-the-art results on over 20 downstream tasks that
span both indoor and outdoor scenarios. Further enhanced with multi-dataset
joint training, PTv3 pushes these results to a higher level. | null | cs.CV | [
"cs.CV"
] |
2402.13178 | AnswerAI | Benchmarking Retrieval-Augmented Generation for Medicine | [
"Guangzhi Xiong",
"Qiao Jin",
"Zhiyong Lu",
"Aidong Zhang"
] | 2024-02-20 | While large language models (LLMs) have achieved state-of-the-art performance
on a wide range of medical question answering (QA) tasks, they still face
challenges with hallucinations and outdated knowledge. Retrieval-augmented
generation (RAG) is a promising solution and has been widely adopted. However,
a RAG system can involve multiple flexible components, and there is a lack of
best practices regarding the optimal RAG setting for various medical purposes.
To systematically evaluate such systems, we propose the Medical Information
Retrieval-Augmented Generation Evaluation (MIRAGE), a first-of-its-kind
benchmark including 7,663 questions from five medical QA datasets. Using
MIRAGE, we conducted large-scale experiments with over 1.8 trillion prompt
tokens on 41 combinations of different corpora, retrievers, and backbone LLMs
through the MedRAG toolkit introduced in this work. Overall, MedRAG improves
the accuracy of six different LLMs by up to 18% over chain-of-thought
prompting, elevating the performance of GPT-3.5 and Mixtral to GPT-4-level. Our
results show that the combination of various medical corpora and retrievers
achieves the best performance. In addition, we discovered a log-linear scaling
property and the "lost-in-the-middle" effects in medical RAG. We believe our
comprehensive evaluations can serve as practical guidelines for implementing
RAG systems for medicine. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2212.05055 | AnswerAI | Sparse Upcycling: Training Mixture-of-Experts from Dense Checkpoints | [
"Aran Komatsuzaki",
"Joan Puigcerver",
"James Lee-Thorp",
"Carlos Riquelme Ruiz",
"Basil Mustafa",
"Joshua Ainslie",
"Yi Tay",
"Mostafa Dehghani",
"Neil Houlsby"
] | 2022-12-09 | Training large, deep neural networks to convergence can be prohibitively
expensive. As a result, often only a small selection of popular, dense models
are reused across different contexts and tasks. Increasingly, sparsely
activated models, which seek to decouple model size from computation costs, are
becoming an attractive alternative to dense models. Although more efficient in
terms of quality and computation cost, sparse models remain data-hungry and
costly to train from scratch in the large scale regime. In this work, we
propose sparse upcycling -- a simple way to reuse sunk training costs by
initializing a sparsely activated Mixture-of-Experts model from a dense
checkpoint. We show that sparsely upcycled T5 Base, Large, and XL language
models and Vision Transformer Base and Large models, respectively,
significantly outperform their dense counterparts on SuperGLUE and ImageNet,
using only ~50% of the initial dense pretraining sunk cost. The upcycled models
also outperform sparse models trained from scratch on 100% of the initial dense
pretraining computation budget. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV"
] |
2406.18120 | HF | ArzEn-LLM: Code-Switched Egyptian Arabic-English Translation and Speech Recognition Using LLMs | [
"Ahmed Heakl",
"Youssef Zaghloul",
"Mennatullah Ali",
"Rania Hossam",
"Walid Gomaa"
] | 2024-06-26 | Motivated by the widespread increase in the phenomenon of code-switching
between Egyptian Arabic and English in recent times, this paper explores the
intricacies of machine translation (MT) and automatic speech recognition (ASR)
systems, focusing on translating code-switched Egyptian Arabic-English to
either English or Egyptian Arabic. Our goal is to present the methodologies
employed in developing these systems, utilizing large language models such as
LLama and Gemma. In the field of ASR, we explore the utilization of the Whisper
model for code-switched Egyptian Arabic recognition, detailing our experimental
procedures including data preprocessing and training techniques. Through the
implementation of a consecutive speech-to-text translation system that
integrates ASR with MT, we aim to overcome challenges posed by limited
resources and the unique characteristics of the Egyptian Arabic dialect.
Evaluation against established metrics showcases promising results, with our
methodologies yielding a significant improvement of $56\%$ in English
translation over the state-of-the-art and $9.3\%$ in Arabic translation. Since
code-switching is deeply inherent in spoken languages, it is crucial that ASR
systems can effectively handle this phenomenon. This capability is crucial for
enabling seamless interaction in various domains, including business
negotiations, cultural exchanges, and academic discourse. Our models and code
are available as open-source resources. Code:
\url{http://github.com/ahmedheakl/arazn-llm}}, Models:
\url{http://huggingface.co/collections/ahmedheakl/arazn-llm-662ceaf12777656607b9524e}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY",
"cs.LG"
] |
2309.02420 | HF | Doppelgangers: Learning to Disambiguate Images of Similar Structures | [
"Ruojin Cai",
"Joseph Tung",
"Qianqian Wang",
"Hadar Averbuch-Elor",
"Bharath Hariharan",
"Noah Snavely"
] | 2023-09-05 | We consider the visual disambiguation task of determining whether a pair of
visually similar images depict the same or distinct 3D surfaces (e.g., the same
or opposite sides of a symmetric building). Illusory image matches, where two
images observe distinct but visually similar 3D surfaces, can be challenging
for humans to differentiate, and can also lead 3D reconstruction algorithms to
produce erroneous results. We propose a learning-based approach to visual
disambiguation, formulating it as a binary classification task on image pairs.
To that end, we introduce a new dataset for this problem, Doppelgangers, which
includes image pairs of similar structures with ground truth labels. We also
design a network architecture that takes the spatial distribution of local
keypoints and matches as input, allowing for better reasoning about both local
and global cues. Our evaluation shows that our method can distinguish illusory
matches in difficult cases, and can be integrated into SfM pipelines to produce
correct, disambiguated 3D reconstructions. See our project page for our code,
datasets, and more results: http://doppelgangers-3d.github.io/. | null | cs.CV | [
"cs.CV"
] |
2405.17414 | HF | Collaborative Video Diffusion: Consistent Multi-video Generation with Camera Control | [
"Zhengfei Kuang",
"Shengqu Cai",
"Hao He",
"Yinghao Xu",
"Hongsheng Li",
"Leonidas Guibas",
"Gordon Wetzstein"
] | 2024-05-27 | Research on video generation has recently made tremendous progress, enabling
high-quality videos to be generated from text prompts or images. Adding control
to the video generation process is an important goal moving forward and recent
approaches that condition video generation models on camera trajectories make
strides towards it. Yet, it remains challenging to generate a video of the same
scene from multiple different camera trajectories. Solutions to this
multi-video generation problem could enable large-scale 3D scene generation
with editable camera trajectories, among other applications. We introduce
collaborative video diffusion (CVD) as an important step towards this vision.
The CVD framework includes a novel cross-video synchronization module that
promotes consistency between corresponding frames of the same video rendered
from different camera poses using an epipolar attention mechanism. Trained on
top of a state-of-the-art camera-control module for video generation, CVD
generates multiple videos rendered from different camera trajectories with
significantly better consistency than baselines, as shown in extensive
experiments. Project page: https://collaborativevideodiffusion.github.io/. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2112.06905 | AnswerAI | GLaM: Efficient Scaling of Language Models with Mixture-of-Experts | [
"Nan Du",
"Yanping Huang",
"Andrew M. Dai",
"Simon Tong",
"Dmitry Lepikhin",
"Yuanzhong Xu",
"Maxim Krikun",
"Yanqi Zhou",
"Adams Wei Yu",
"Orhan Firat",
"Barret Zoph",
"Liam Fedus",
"Maarten Bosma",
"Zongwei Zhou",
"Tao Wang",
"Yu Emma Wang",
"Kellie Webster",
"Marie Pellat",
"Kevin Robinson",
"Kathleen Meier-Hellstern",
"Toju Duke",
"Lucas Dixon",
"Kun Zhang",
"Quoc V Le",
"Yonghui Wu",
"Zhifeng Chen",
"Claire Cui"
] | 2021-12-13 | Scaling language models with more data, compute and parameters has driven
significant progress in natural language processing. For example, thanks to
scaling, GPT-3 was able to achieve strong results on in-context learning tasks.
However, training these large dense models requires significant amounts of
computing resources. In this paper, we propose and develop a family of language
models named GLaM (Generalist Language Model), which uses a sparsely activated
mixture-of-experts architecture to scale the model capacity while also
incurring substantially less training cost compared to dense variants. The
largest GLaM has 1.2 trillion parameters, which is approximately 7x larger than
GPT-3. It consumes only 1/3 of the energy used to train GPT-3 and requires half
of the computation flops for inference, while still achieving better overall
zero-shot and one-shot performance across 29 NLP tasks. | null | cs.CL | [
"cs.CL"
] |
2401.13919 | HF | WebVoyager: Building an End-to-End Web Agent with Large Multimodal Models | [
"Hongliang He",
"Wenlin Yao",
"Kaixin Ma",
"Wenhao Yu",
"Yong Dai",
"Hongming Zhang",
"Zhenzhong Lan",
"Dong Yu"
] | 2024-01-25 | The rapid advancement of large language models (LLMs) has led to a new era
marked by the development of autonomous applications in real-world scenarios,
which drives innovation in creating advanced web agents. Existing web agents
typically only handle one input modality and are evaluated only in simplified
web simulators or static web snapshots, greatly limiting their applicability in
real-world scenarios. To bridge this gap, we introduce WebVoyager, an
innovative Large Multimodal Model (LMM) powered web agent that can complete
user instructions end-to-end by interacting with real-world websites. Moreover,
we establish a new benchmark by compiling real-world tasks from 15 popular
websites and introduce an automatic evaluation protocol leveraging multimodal
understanding abilities of GPT-4V to evaluate open-ended web agents. We show
that WebVoyager achieves a 59.1% task success rate on our benchmark,
significantly surpassing the performance of both GPT-4 (All Tools) and the
WebVoyager (text-only) setups, underscoring the exceptional capability of
WebVoyager. The proposed automatic evaluation metric achieves 85.3% agreement
with human judgment, indicating its effectiveness in providing reliable and
accurate assessments of web agents. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.02119 | HF | Hierarchical Masked 3D Diffusion Model for Video Outpainting | [
"Fanda Fan",
"Chaoxu Guo",
"Litong Gong",
"Biao Wang",
"Tiezheng Ge",
"Yuning Jiang",
"Chunjie Luo",
"Jianfeng Zhan"
] | 2023-09-05 | Video outpainting aims to adequately complete missing areas at the edges of
video frames. Compared to image outpainting, it presents an additional
challenge as the model should maintain the temporal consistency of the filled
area. In this paper, we introduce a masked 3D diffusion model for video
outpainting. We use the technique of mask modeling to train the 3D diffusion
model. This allows us to use multiple guide frames to connect the results of
multiple video clip inferences, thus ensuring temporal consistency and reducing
jitter between adjacent frames. Meanwhile, we extract the global frames of the
video as prompts and guide the model to obtain information other than the
current video clip using cross-attention. We also introduce a hybrid
coarse-to-fine inference pipeline to alleviate the artifact accumulation
problem. The existing coarse-to-fine pipeline only uses the infilling strategy,
which brings degradation because the time interval of the sparse frames is too
large. Our pipeline benefits from bidirectional learning of the mask modeling
and thus can employ a hybrid strategy of infilling and interpolation when
generating sparse frames. Experiments show that our method achieves
state-of-the-art results in video outpainting tasks. More results and codes are
provided at our https://fanfanda.github.io/M3DDM/. | null | cs.CV | [
"cs.CV"
] |
2402.13252 | HF | Improving Robustness for Joint Optimization of Camera Poses and Decomposed Low-Rank Tensorial Radiance Fields | [
"Bo-Yu Cheng",
"Wei-Chen Chiu",
"Yu-Lun Liu"
] | 2024-02-20 | In this paper, we propose an algorithm that allows joint refinement of camera
pose and scene geometry represented by decomposed low-rank tensor, using only
2D images as supervision. First, we conduct a pilot study based on a 1D signal
and relate our findings to 3D scenarios, where the naive joint pose
optimization on voxel-based NeRFs can easily lead to sub-optimal solutions.
Moreover, based on the analysis of the frequency spectrum, we propose to apply
convolutional Gaussian filters on 2D and 3D radiance fields for a
coarse-to-fine training schedule that enables joint camera pose optimization.
Leveraging the decomposition property in decomposed low-rank tensor, our method
achieves an equivalent effect to brute-force 3D convolution with only incurring
little computational overhead. To further improve the robustness and stability
of joint optimization, we also propose techniques of smoothed 2D supervision,
randomly scaled kernel parameters, and edge-guided loss mask. Extensive
quantitative and qualitative evaluations demonstrate that our proposed
framework achieves superior performance in novel view synthesis as well as
rapid convergence for optimization. | null | cs.CV | [
"cs.CV"
] |
2306.11975 | AnswerAI | DGEMM on Integer Matrix Multiplication Unit | [
"Hiroyuki Ootomo",
"Katsuhisa Ozaki",
"Rio Yokota"
] | 2023-06-21 | Deep learning hardware achieves high throughput and low power consumption by
reducing computing precision and specializing in matrix multiplication. For
machine learning inference, fixed-point value computation is commonplace, where
the input and output values and the model parameters are quantized. Thus, many
processors are now equipped with fast integer matrix multiplication units
(IMMU). It is of significant interest to find a way to harness these IMMUs to
improve the performance of HPC applications while maintaining accuracy. We
focus on the Ozaki scheme, which computes a high-precision matrix
multiplication by using lower-precision computing units, and show the
advantages and disadvantages of using IMMU. The experiment using integer Tensor
Cores shows that we can compute double-precision matrix multiplication faster
than cuBLAS and an existing Ozaki scheme implementation on FP16 Tensor Cores on
NVIDIA consumer GPUs. Furthermore, we demonstrate accelerating a quantum
circuit simulation by up to 4.33 while maintaining the FP64 accuracy. | null | cs.DC | [
"cs.DC"
] |
2401.09603 | HF | Rethinking FID: Towards a Better Evaluation Metric for Image Generation | [
"Sadeep Jayasumana",
"Srikumar Ramalingam",
"Andreas Veit",
"Daniel Glasner",
"Ayan Chakrabarti",
"Sanjiv Kumar"
] | 2023-11-30 | As with many machine learning problems, the progress of image generation
methods hinges on good evaluation metrics. One of the most popular is the
Frechet Inception Distance (FID). FID estimates the distance between a
distribution of Inception-v3 features of real images, and those of images
generated by the algorithm. We highlight important drawbacks of FID:
Inception's poor representation of the rich and varied content generated by
modern text-to-image models, incorrect normality assumptions, and poor sample
complexity. We call for a reevaluation of FID's use as the primary quality
metric for generated images. We empirically demonstrate that FID contradicts
human raters, it does not reflect gradual improvement of iterative
text-to-image models, it does not capture distortion levels, and that it
produces inconsistent results when varying the sample size. We also propose an
alternative new metric, CMMD, based on richer CLIP embeddings and the maximum
mean discrepancy distance with the Gaussian RBF kernel. It is an unbiased
estimator that does not make any assumptions on the probability distribution of
the embeddings and is sample efficient. Through extensive experiments and
analysis, we demonstrate that FID-based evaluations of text-to-image models may
be unreliable, and that CMMD offers a more robust and reliable assessment of
image quality. | null | cs.CV | [
"cs.CV"
] |
2403.01800 | HF | AtomoVideo: High Fidelity Image-to-Video Generation | [
"Litong Gong",
"Yiran Zhu",
"Weijie Li",
"Xiaoyang Kang",
"Biao Wang",
"Tiezheng Ge",
"Bo Zheng"
] | 2024-03-04 | Recently, video generation has achieved significant rapid development based
on superior text-to-image generation techniques. In this work, we propose a
high fidelity framework for image-to-video generation, named AtomoVideo. Based
on multi-granularity image injection, we achieve higher fidelity of the
generated video to the given image. In addition, thanks to high quality
datasets and training strategies, we achieve greater motion intensity while
maintaining superior temporal consistency and stability. Our architecture
extends flexibly to the video frame prediction task, enabling long sequence
prediction through iterative generation. Furthermore, due to the design of
adapter training, our approach can be well combined with existing personalized
models and controllable modules. By quantitatively and qualitatively
evaluation, AtomoVideo achieves superior results compared to popular methods,
more examples can be found on our project website:
https://atomo-video.github.io/. | null | cs.CV | [
"cs.CV"
] |
2401.12175 | HF | Template-Free Single-View 3D Human Digitalization with Diffusion-Guided LRM | [
"Zhenzhen Weng",
"Jingyuan Liu",
"Hao Tan",
"Zhan Xu",
"Yang Zhou",
"Serena Yeung-Levy",
"Jimei Yang"
] | 2024-01-22 | Reconstructing 3D humans from a single image has been extensively
investigated. However, existing approaches often fall short on capturing fine
geometry and appearance details, hallucinating occluded parts with plausible
details, and achieving generalization across unseen and in-the-wild datasets.
We present Human-LRM, a diffusion-guided feed-forward model that predicts the
implicit field of a human from a single image. Leveraging the power of the
state-of-the-art reconstruction model (i.e., LRM) and generative model (i.e
Stable Diffusion), our method is able to capture human without any template
prior, e.g., SMPL, and effectively enhance occluded parts with rich and
realistic details. Our approach first uses a single-view LRM model with an
enhanced geometry decoder to get the triplane NeRF representation. The novel
view renderings from the triplane NeRF provide strong geometry and color prior,
from which we generate photo-realistic details for the occluded parts using a
diffusion model. The generated multiple views then enable reconstruction with
high-quality geometry and appearance, leading to superior overall performance
comparing to all existing human reconstruction methods. | null | cs.CV | [
"cs.CV"
] |
2402.14020 | HF | Coercing LLMs to do and reveal (almost) anything | [
"Jonas Geiping",
"Alex Stein",
"Manli Shu",
"Khalid Saifullah",
"Yuxin Wen",
"Tom Goldstein"
] | 2024-02-21 | It has recently been shown that adversarial attacks on large language models
(LLMs) can "jailbreak" the model into making harmful statements. In this work,
we argue that the spectrum of adversarial attacks on LLMs is much larger than
merely jailbreaking. We provide a broad overview of possible attack surfaces
and attack goals. Based on a series of concrete examples, we discuss,
categorize and systematize attacks that coerce varied unintended behaviors,
such as misdirection, model control, denial-of-service, or data extraction.
We analyze these attacks in controlled experiments, and find that many of
them stem from the practice of pre-training LLMs with coding capabilities, as
well as the continued existence of strange "glitch" tokens in common LLM
vocabularies that should be removed for security reasons. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CR"
] |
2406.18522 | HF | ChronoMagic-Bench: A Benchmark for Metamorphic Evaluation of Text-to-Time-lapse Video Generation | [
"Shenghai Yuan",
"Jinfa Huang",
"Yongqi Xu",
"Yaoyang Liu",
"Shaofeng Zhang",
"Yujun Shi",
"Ruijie Zhu",
"Xinhua Cheng",
"Jiebo Luo",
"Li Yuan"
] | 2024-06-26 | We propose a novel text-to-video (T2V) generation benchmark,
ChronoMagic-Bench, to evaluate the temporal and metamorphic capabilities of the
T2V models (e.g. Sora and Lumiere) in time-lapse video generation. In contrast
to existing benchmarks that focus on the visual quality and textual relevance
of generated videos, ChronoMagic-Bench focuses on the model's ability to
generate time-lapse videos with significant metamorphic amplitude and temporal
coherence. The benchmark probes T2V models for their physics, biology, and
chemistry capabilities, in a free-form text query. For these purposes,
ChronoMagic-Bench introduces 1,649 prompts and real-world videos as references,
categorized into four major types of time-lapse videos: biological,
human-created, meteorological, and physical phenomena, which are further
divided into 75 subcategories. This categorization comprehensively evaluates
the model's capacity to handle diverse and complex transformations. To
accurately align human preference with the benchmark, we introduce two new
automatic metrics, MTScore and CHScore, to evaluate the videos' metamorphic
attributes and temporal coherence. MTScore measures the metamorphic amplitude,
reflecting the degree of change over time, while CHScore assesses the temporal
coherence, ensuring the generated videos maintain logical progression and
continuity. Based on the ChronoMagic-Bench, we conduct comprehensive manual
evaluations of ten representative T2V models, revealing their strengths and
weaknesses across different categories of prompts, and providing a thorough
evaluation framework that addresses current gaps in video generation research.
Moreover, we create a large-scale ChronoMagic-Pro dataset, containing 460k
high-quality pairs of 720p time-lapse videos and detailed captions ensuring
high physical pertinence and large metamorphic amplitude. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2308.13494 | HF | Eventful Transformers: Leveraging Temporal Redundancy in Vision Transformers | [
"Matthew Dutson",
"Yin Li",
"Mohit Gupta"
] | 2023-08-25 | Vision Transformers achieve impressive accuracy across a range of visual
recognition tasks. Unfortunately, their accuracy frequently comes with high
computational costs. This is a particular issue in video recognition, where
models are often applied repeatedly across frames or temporal chunks. In this
work, we exploit temporal redundancy between subsequent inputs to reduce the
cost of Transformers for video processing. We describe a method for identifying
and re-processing only those tokens that have changed significantly over time.
Our proposed family of models, Eventful Transformers, can be converted from
existing Transformers (often without any re-training) and give adaptive control
over the compute cost at runtime. We evaluate our method on large-scale
datasets for video object detection (ImageNet VID) and action recognition
(EPIC-Kitchens 100). Our approach leads to significant computational savings
(on the order of 2-4x) with only minor reductions in accuracy. | null | cs.CV | [
"cs.CV"
] |
2401.04081 | Both | MoE-Mamba: Efficient Selective State Space Models with Mixture of Experts | [
"Maciej Pióro",
"Kamil Ciebiera",
"Krystian Król",
"Jan Ludziejewski",
"Michał Krutul",
"Jakub Krajewski",
"Szymon Antoniak",
"Piotr Miłoś",
"Marek Cygan",
"Sebastian Jaszczur"
] | 2024-01-08 | State Space Models (SSMs) have become serious contenders in the field of
sequential modeling, challenging the dominance of Transformers. At the same
time, Mixture of Experts (MoE) has significantly improved Transformer-based
Large Language Models, including recent state-of-the-art open models. We
propose that to unlock the potential of SSMs for scaling, they should be
combined with MoE. We showcase this on Mamba, a recent SSM-based model that
achieves remarkable performance. Our model, MoE-Mamba, outperforms both Mamba
and baseline Transformer-MoE. In particular, MoE-Mamba reaches the same
performance as Mamba in $2.35\times$ fewer training steps while preserving the
inference performance gains of Mamba against Transformer. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2306.13631 | HF | OpenMask3D: Open-Vocabulary 3D Instance Segmentation | [
"Ayça Takmaz",
"Elisabetta Fedele",
"Robert W. Sumner",
"Marc Pollefeys",
"Federico Tombari",
"Francis Engelmann"
] | 2023-06-23 | We introduce the task of open-vocabulary 3D instance segmentation. Current
approaches for 3D instance segmentation can typically only recognize object
categories from a pre-defined closed set of classes that are annotated in the
training datasets. This results in important limitations for real-world
applications where one might need to perform tasks guided by novel,
open-vocabulary queries related to a wide variety of objects. Recently,
open-vocabulary 3D scene understanding methods have emerged to address this
problem by learning queryable features for each point in the scene. While such
a representation can be directly employed to perform semantic segmentation,
existing methods cannot separate multiple object instances. In this work, we
address this limitation, and propose OpenMask3D, which is a zero-shot approach
for open-vocabulary 3D instance segmentation. Guided by predicted
class-agnostic 3D instance masks, our model aggregates per-mask features via
multi-view fusion of CLIP-based image embeddings. Experiments and ablation
studies on ScanNet200 and Replica show that OpenMask3D outperforms other
open-vocabulary methods, especially on the long-tail distribution. Qualitative
experiments further showcase OpenMask3D's ability to segment object properties
based on free-form queries describing geometry, affordances, and materials. | null | cs.CV | [
"cs.CV"
] |
2310.02263 | AnswerAI | Automatic Pair Construction for Contrastive Post-training | [
"Canwen Xu",
"Corby Rosset",
"Ethan C. Chau",
"Luciano Del Corro",
"Shweti Mahajan",
"Julian McAuley",
"Jennifer Neville",
"Ahmed Hassan Awadallah",
"Nikhil Rao"
] | 2023-10-03 | Alignment serves as an important step to steer large language models (LLMs)
towards human preferences. In this paper, we propose an automatic way to
construct contrastive data for LLM, using preference pairs from multiple models
of varying strengths (e.g., InstructGPT, ChatGPT and GPT-4). We compare the
contrastive techniques of SLiC and DPO to SFT baselines and find that DPO
provides a step-function improvement even after continuing SFT saturates. We
also explore a data curriculum learning scheme for contrastive post-training,
which starts by learning from "easier" pairs and transitioning to "harder"
ones, which further improves alignment. Finally, we scale up our experiments to
train with more data and larger models like Orca. Remarkably, our automatic
contrastive post-training further improves the performance of Orca, already a
state-of-the-art instruction learning model tuned with GPT-4 outputs, to
outperform ChatGPT. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
1910.01108 | AnswerAI | DistilBERT, a distilled version of BERT: smaller, faster, cheaper and lighter | [
"Victor Sanh",
"Lysandre Debut",
"Julien Chaumond",
"Thomas Wolf"
] | 2019-10-02 | As Transfer Learning from large-scale pre-trained models becomes more
prevalent in Natural Language Processing (NLP), operating these large models in
on-the-edge and/or under constrained computational training or inference
budgets remains challenging. In this work, we propose a method to pre-train a
smaller general-purpose language representation model, called DistilBERT, which
can then be fine-tuned with good performances on a wide range of tasks like its
larger counterparts. While most prior work investigated the use of distillation
for building task-specific models, we leverage knowledge distillation during
the pre-training phase and show that it is possible to reduce the size of a
BERT model by 40%, while retaining 97% of its language understanding
capabilities and being 60% faster. To leverage the inductive biases learned by
larger models during pre-training, we introduce a triple loss combining
language modeling, distillation and cosine-distance losses. Our smaller, faster
and lighter model is cheaper to pre-train and we demonstrate its capabilities
for on-device computations in a proof-of-concept experiment and a comparative
on-device study. | null | cs.CL | [
"cs.CL"
] |
2307.08823 | AnswerAI | Risk assessment at AGI companies: A review of popular risk assessment techniques from other safety-critical industries | [
"Leonie Koessler",
"Jonas Schuett"
] | 2023-07-17 | Companies like OpenAI, Google DeepMind, and Anthropic have the stated goal of
building artificial general intelligence (AGI) - AI systems that perform as
well as or better than humans on a wide variety of cognitive tasks. However,
there are increasing concerns that AGI would pose catastrophic risks. In light
of this, AGI companies need to drastically improve their risk management
practices. To support such efforts, this paper reviews popular risk assessment
techniques from other safety-critical industries and suggests ways in which AGI
companies could use them to assess catastrophic risks from AI. The paper
discusses three risk identification techniques (scenario analysis, fishbone
method, and risk typologies and taxonomies), five risk analysis techniques
(causal mapping, Delphi technique, cross-impact analysis, bow tie analysis, and
system-theoretic process analysis), and two risk evaluation techniques
(checklists and risk matrices). For each of them, the paper explains how they
work, suggests ways in which AGI companies could use them, discusses their
benefits and limitations, and makes recommendations. Finally, the paper
discusses when to conduct risk assessments, when to use which technique, and
how to use any of them. The reviewed techniques will be obvious to risk
management professionals in other industries. And they will not be sufficient
to assess catastrophic risks from AI. However, AGI companies should not skip
the straightforward step of reviewing best practices from other industries. | null | cs.CY | [
"cs.CY"
] |
2310.20499 | HF | Leveraging Word Guessing Games to Assess the Intelligence of Large Language Models | [
"Tian Liang",
"Zhiwei He",
"Jen-tse Huang",
"Wenxuan Wang",
"Wenxiang Jiao",
"Rui Wang",
"Yujiu Yang",
"Zhaopeng Tu",
"Shuming Shi",
"Xing Wang"
] | 2023-10-31 | The automatic evaluation of LLM-based agent intelligence is critical in
developing advanced LLM-based agents. Although considerable effort has been
devoted to developing human-annotated evaluation datasets, such as AlpacaEval,
existing techniques are costly, time-consuming, and lack adaptability. In this
paper, inspired by the popular language game ``Who is Spy'', we propose to use
the word guessing game to assess the intelligence performance of LLMs. Given a
word, the LLM is asked to describe the word and determine its identity (spy or
not) based on its and other players' descriptions. Ideally, an advanced agent
should possess the ability to accurately describe a given word using an
aggressive description while concurrently maximizing confusion in the
conservative description, enhancing its participation in the game. To this end,
we first develop DEEP to evaluate LLMs' expression and disguising abilities.
DEEP requires LLM to describe a word in aggressive and conservative modes. We
then introduce SpyGame, an interactive multi-agent framework designed to assess
LLMs' intelligence through participation in a competitive language-based board
game. Incorporating multi-agent interaction, SpyGame requires the target LLM to
possess linguistic skills and strategic thinking, providing a more
comprehensive evaluation of LLMs' human-like cognitive abilities and
adaptability in complex communication situations. The proposed evaluation
framework is very easy to implement. We collected words from multiple sources,
domains, and languages and used the proposed evaluation framework to conduct
experiments. Extensive experiments demonstrate that the proposed DEEP and
SpyGame effectively evaluate the capabilities of various LLMs, capturing their
ability to adapt to novel situations and engage in strategic communication. | null | cs.CL | [
"cs.CL"
] |
2309.11674 | HF | A Paradigm Shift in Machine Translation: Boosting Translation Performance of Large Language Models | [
"Haoran Xu",
"Young Jin Kim",
"Amr Sharaf",
"Hany Hassan Awadalla"
] | 2023-09-20 | Generative Large Language Models (LLMs) have achieved remarkable advancements
in various NLP tasks. However, these advances have not been reflected in the
translation task, especially those with moderate model sizes (i.e., 7B or 13B
parameters), which still lag behind conventional supervised encoder-decoder
translation models. Previous studies have attempted to improve the translation
capabilities of these moderate LLMs, but their gains have been limited. In this
study, we propose a novel fine-tuning approach for LLMs that is specifically
designed for the translation task, eliminating the need for the abundant
parallel data that traditional translation models usually depend on. Our
approach consists of two fine-tuning stages: initial fine-tuning on monolingual
data followed by subsequent fine-tuning on a small set of high-quality parallel
data. We introduce the LLM developed through this strategy as Advanced Language
Model-based trAnslator (ALMA). Based on LLaMA-2 as our underlying model, our
results show that the model can achieve an average improvement of more than 12
BLEU and 12 COMET over its zero-shot performance across 10 translation
directions from the WMT'21 (2 directions) and WMT'22 (8 directions) test
datasets. The performance is significantly better than all prior work and even
superior to the NLLB-54B model and GPT-3.5-text-davinci-003, with only 7B or
13B parameters. This method establishes the foundation for a novel training
paradigm in machine translation. | null | cs.CL | [
"cs.CL"
] |
2407.03227 | AnswerAI | Improving Retrieval-augmented Text-to-SQL with AST-based Ranking and Schema Pruning | [
"Zhili Shen",
"Pavlos Vougiouklis",
"Chenxin Diao",
"Kaustubh Vyas",
"Yuanyi Ji",
"Jeff Z. Pan"
] | 2024-07-03 | We focus on Text-to-SQL semantic parsing from the perspective of Large
Language Models. Motivated by challenges related to the size of commercial
database schemata and the deployability of business intelligence solutions, we
propose an approach that dynamically retrieves input database information and
uses abstract syntax trees to select few-shot examples for in-context learning.
Furthermore, we investigate the extent to which an in-parallel semantic
parser can be leveraged for generating $\textit{approximated}$ versions of the
expected SQL queries, to support our retrieval. We take this approach to the
extreme--we adapt a model consisting of less than $500$M parameters, to act as
an extremely efficient approximator, enhancing it with the ability to process
schemata in a parallelised manner. We apply our approach to monolingual and
cross-lingual benchmarks for semantic parsing, showing improvements over
state-of-the-art baselines. Comprehensive experiments highlight the
contribution of modules involved in this retrieval-augmented generation
setting, revealing interesting directions for future work. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.DB"
] |
2307.11031 | AnswerAI | Embroid: Unsupervised Prediction Smoothing Can Improve Few-Shot Classification | [
"Neel Guha",
"Mayee F. Chen",
"Kush Bhatia",
"Azalia Mirhoseini",
"Frederic Sala",
"Christopher Ré"
] | 2023-07-20 | Recent work has shown that language models' (LMs) prompt-based learning
capabilities make them well suited for automating data labeling in domains
where manual annotation is expensive. The challenge is that while writing an
initial prompt is cheap, improving a prompt is costly -- practitioners often
require significant labeled data in order to evaluate the impact of prompt
modifications. Our work asks whether it is possible to improve prompt-based
learning without additional labeled data. We approach this problem by
attempting to modify the predictions of a prompt, rather than the prompt
itself. Our intuition is that accurate predictions should also be consistent:
samples which are similar under some feature representation should receive the
same prompt prediction. We propose Embroid, a method which computes multiple
representations of a dataset under different embedding functions, and uses the
consistency between the LM predictions for neighboring samples to identify
mispredictions. Embroid then uses these neighborhoods to create additional
predictions for each sample, and combines these predictions with a simple
latent variable graphical model in order to generate a final corrected
prediction. In addition to providing a theoretical analysis of Embroid, we
conduct a rigorous empirical evaluation across six different LMs and up to 95
different tasks. We find that (1) Embroid substantially improves performance
over original prompts (e.g., by an average of 7.3 points on GPT-JT), (2) also
realizes improvements for more sophisticated prompting strategies (e.g.,
chain-of-thought), and (3) can be specialized to domains like law through the
embedding functions. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2406.10126 | HF | Training-free Camera Control for Video Generation | [
"Chen Hou",
"Guoqiang Wei",
"Yan Zeng",
"Zhibo Chen"
] | 2024-06-14 | We propose a training-free and robust solution to offer camera movement
control for off-the-shelf video diffusion models. Unlike previous work, our
method does not require any supervised finetuning on camera-annotated datasets
or self-supervised training via data augmentation. Instead, it can be plugged
and played with most pretrained video diffusion models and generate camera
controllable videos with a single image or text prompt as input. The
inspiration of our work comes from the layout prior that intermediate latents
hold towards generated results, thus rearranging noisy pixels in them will make
output content reallocated as well. As camera move could also be seen as a kind
of pixel rearrangement caused by perspective change, videos could be
reorganized following specific camera motion if their noisy latents change
accordingly. Established on this, we propose our method CamTrol, which enables
robust camera control for video diffusion models. It is achieved by a two-stage
process. First, we model image layout rearrangement through explicit camera
movement in 3D point cloud space. Second, we generate videos with camera motion
using layout prior of noisy latents formed by a series of rearranged images.
Extensive experiments have demonstrated the robustness our method holds in
controlling camera motion of generated videos. Furthermore, we show that our
method can produce impressive results in generating 3D rotation videos with
dynamic content. Project page at https://lifedecoder.github.io/CamTrol/. | null | cs.CV | [
"cs.CV"
] |
2406.02856 | HF | Xmodel-LM Technical Report | [
"Yichuan Wang",
"Yang Liu",
"Yu Yan",
"Qun Wang",
"Xucheng Huang",
"Ling Jiang"
] | 2024-06-05 | We introduce Xmodel-LM, a compact and efficient 1.1B language model
pre-trained on around 2 trillion tokens. Trained on our self-built dataset
(Xdata), which balances Chinese and English corpora based on downstream task
optimization, Xmodel-LM exhibits remarkable performance despite its smaller
size. It notably surpasses existing open-source language models of similar
scale. Our model checkpoints and code are publicly accessible on GitHub at
https://github.com/XiaoduoAILab/XmodelLM. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.08083 | HF | MambaVision: A Hybrid Mamba-Transformer Vision Backbone | [
"Ali Hatamizadeh",
"Jan Kautz"
] | 2024-07-10 | We propose a novel hybrid Mamba-Transformer backbone, denoted as MambaVision,
which is specifically tailored for vision applications. Our core contribution
includes redesigning the Mamba formulation to enhance its capability for
efficient modeling of visual features. In addition, we conduct a comprehensive
ablation study on the feasibility of integrating Vision Transformers (ViT) with
Mamba. Our results demonstrate that equipping the Mamba architecture with
several self-attention blocks at the final layers greatly improves the modeling
capacity to capture long-range spatial dependencies. Based on our findings, we
introduce a family of MambaVision models with a hierarchical architecture to
meet various design criteria. For Image classification on ImageNet-1K dataset,
MambaVision model variants achieve a new State-of-the-Art (SOTA) performance in
terms of Top-1 accuracy and image throughput. In downstream tasks such as
object detection, instance segmentation and semantic segmentation on MS COCO
and ADE20K datasets, MambaVision outperforms comparably-sized backbones and
demonstrates more favorable performance. Code:
https://github.com/NVlabs/MambaVision. | null | cs.CV | [
"cs.CV"
] |
2309.00035 | HF | FACET: Fairness in Computer Vision Evaluation Benchmark | [
"Laura Gustafson",
"Chloe Rolland",
"Nikhila Ravi",
"Quentin Duval",
"Aaron Adcock",
"Cheng-Yang Fu",
"Melissa Hall",
"Candace Ross"
] | 2023-08-31 | Computer vision models have known performance disparities across attributes
such as gender and skin tone. This means during tasks such as classification
and detection, model performance differs for certain classes based on the
demographics of the people in the image. These disparities have been shown to
exist, but until now there has not been a unified approach to measure these
differences for common use-cases of computer vision models. We present a new
benchmark named FACET (FAirness in Computer Vision EvaluaTion), a large,
publicly available evaluation set of 32k images for some of the most common
vision tasks - image classification, object detection and segmentation. For
every image in FACET, we hired expert reviewers to manually annotate
person-related attributes such as perceived skin tone and hair type, manually
draw bounding boxes and label fine-grained person-related classes such as disk
jockey or guitarist. In addition, we use FACET to benchmark state-of-the-art
vision models and present a deeper understanding of potential performance
disparities and challenges across sensitive demographic attributes. With the
exhaustive annotations collected, we probe models using single demographics
attributes as well as multiple attributes using an intersectional approach
(e.g. hair color and perceived skin tone). Our results show that
classification, detection, segmentation, and visual grounding models exhibit
performance disparities across demographic attributes and intersections of
attributes. These harms suggest that not all people represented in datasets
receive fair and equitable treatment in these vision tasks. We hope current and
future results using our benchmark will contribute to fairer, more robust
vision models. FACET is available publicly at https://facet.metademolab.com/ | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2311.13601 | HF | Visual In-Context Prompting | [
"Feng Li",
"Qing Jiang",
"Hao Zhang",
"Tianhe Ren",
"Shilong Liu",
"Xueyan Zou",
"Huaizhe Xu",
"Hongyang Li",
"Chunyuan Li",
"Jianwei Yang",
"Lei Zhang",
"Jianfeng Gao"
] | 2023-11-22 | In-context prompting in large language models (LLMs) has become a prevalent
approach to improve zero-shot capabilities, but this idea is less explored in
the vision domain. Existing visual prompting methods focus on referring
segmentation to segment the most relevant object, falling short of addressing
many generic vision tasks like open-set segmentation and detection. In this
paper, we introduce a universal visual in-context prompting framework for both
tasks. In particular, we build on top of an encoder-decoder architecture, and
develop a versatile prompt encoder to support a variety of prompts like
strokes, boxes, and points. We further enhance it to take an arbitrary number
of reference image segments as the context. Our extensive explorations show
that the proposed visual in-context prompting elicits extraordinary referring
and generic segmentation capabilities to refer and detect, yielding competitive
performance to close-set in-domain datasets and showing promising results on
many open-set segmentation datasets. By joint training on COCO and SA-1B, our
model achieves $57.7$ PQ on COCO and $23.2$ PQ on ADE20K. Code will be
available at https://github.com/UX-Decoder/DINOv. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2312.02981 | HF | ReconFusion: 3D Reconstruction with Diffusion Priors | [
"Rundi Wu",
"Ben Mildenhall",
"Philipp Henzler",
"Keunhong Park",
"Ruiqi Gao",
"Daniel Watson",
"Pratul P. Srinivasan",
"Dor Verbin",
"Jonathan T. Barron",
"Ben Poole",
"Aleksander Holynski"
] | 2023-12-05 | 3D reconstruction methods such as Neural Radiance Fields (NeRFs) excel at
rendering photorealistic novel views of complex scenes. However, recovering a
high-quality NeRF typically requires tens to hundreds of input images,
resulting in a time-consuming capture process. We present ReconFusion to
reconstruct real-world scenes using only a few photos. Our approach leverages a
diffusion prior for novel view synthesis, trained on synthetic and multiview
datasets, which regularizes a NeRF-based 3D reconstruction pipeline at novel
camera poses beyond those captured by the set of input images. Our method
synthesizes realistic geometry and texture in underconstrained regions while
preserving the appearance of observed regions. We perform an extensive
evaluation across various real-world datasets, including forward-facing and
360-degree scenes, demonstrating significant performance improvements over
previous few-view NeRF reconstruction approaches. | null | cs.CV | [
"cs.CV"
] |
2401.02411 | HF | What You See is What You GAN: Rendering Every Pixel for High-Fidelity Geometry in 3D GANs | [
"Alex Trevithick",
"Matthew Chan",
"Towaki Takikawa",
"Umar Iqbal",
"Shalini De Mello",
"Manmohan Chandraker",
"Ravi Ramamoorthi",
"Koki Nagano"
] | 2024-01-04 | 3D-aware Generative Adversarial Networks (GANs) have shown remarkable
progress in learning to generate multi-view-consistent images and 3D geometries
of scenes from collections of 2D images via neural volume rendering. Yet, the
significant memory and computational costs of dense sampling in volume
rendering have forced 3D GANs to adopt patch-based training or employ
low-resolution rendering with post-processing 2D super resolution, which
sacrifices multiview consistency and the quality of resolved geometry.
Consequently, 3D GANs have not yet been able to fully resolve the rich 3D
geometry present in 2D images. In this work, we propose techniques to scale
neural volume rendering to the much higher resolution of native 2D images,
thereby resolving fine-grained 3D geometry with unprecedented detail. Our
approach employs learning-based samplers for accelerating neural rendering for
3D GAN training using up to 5 times fewer depth samples. This enables us to
explicitly "render every pixel" of the full-resolution image during training
and inference without post-processing superresolution in 2D. Together with our
strategy to learn high-quality surface geometry, our method synthesizes
high-resolution 3D geometry and strictly view-consistent images while
maintaining image quality on par with baselines relying on post-processing
super resolution. We demonstrate state-of-the-art 3D gemetric quality on FFHQ
and AFHQ, setting a new standard for unsupervised learning of 3D shapes in 3D
GANs. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2304.13013 | AnswerAI | Stable and low-precision training for large-scale vision-language models | [
"Mitchell Wortsman",
"Tim Dettmers",
"Luke Zettlemoyer",
"Ari Morcos",
"Ali Farhadi",
"Ludwig Schmidt"
] | 2023-04-25 | We introduce new methods for 1) accelerating and 2) stabilizing training for
large language-vision models. 1) For acceleration, we introduce SwitchBack, a
linear layer for int8 quantized training which provides a speed-up of 13-25%
while matching the performance of bfloat16 training within 0.1 percentage
points for the 1B parameter CLIP ViT-Huge -- the largest int8 training to date.
Our main focus is int8 as GPU support for float8 is rare, though we also
analyze float8 training through simulation. While SwitchBack proves effective
for float8, we show that standard techniques are also successful if the network
is trained and initialized so that large feature magnitudes are discouraged,
which we accomplish via layer-scale initialized with zeros. 2) For stability,
we analyze loss spikes and find they consistently occur 1-8 iterations after
the squared gradients become under-estimated by their AdamW second moment
estimator. As a result, we recommend an AdamW-Adafactor hybrid which avoids
loss spikes when training a CLIP ViT-Huge model and outperforms gradient
clipping at the scales we test. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2405.01470 | HF | WildChat: 1M ChatGPT Interaction Logs in the Wild | [
"Wenting Zhao",
"Xiang Ren",
"Jack Hessel",
"Claire Cardie",
"Yejin Choi",
"Yuntian Deng"
] | 2024-05-02 | Chatbots such as GPT-4 and ChatGPT are now serving millions of users. Despite
their widespread use, there remains a lack of public datasets showcasing how
these tools are used by a population of users in practice. To bridge this gap,
we offered free access to ChatGPT for online users in exchange for their
affirmative, consensual opt-in to anonymously collect their chat transcripts
and request headers. From this, we compiled WildChat, a corpus of 1 million
user-ChatGPT conversations, which consists of over 2.5 million interaction
turns. We compare WildChat with other popular user-chatbot interaction
datasets, and find that our dataset offers the most diverse user prompts,
contains the largest number of languages, and presents the richest variety of
potentially toxic use-cases for researchers to study. In addition to
timestamped chat transcripts, we enrich the dataset with demographic data,
including state, country, and hashed IP addresses, alongside request headers.
This augmentation allows for more detailed analysis of user behaviors across
different geographical regions and temporal dimensions. Finally, because it
captures a broad range of use cases, we demonstrate the dataset's potential
utility in fine-tuning instruction-following models. WildChat is released at
https://wildchat.allen.ai under AI2 ImpACT Licenses. | null | cs.CL | [
"cs.CL"
] |
2404.09656 | HF | Learn Your Reference Model for Real Good Alignment | [
"Alexey Gorbatovski",
"Boris Shaposhnikov",
"Alexey Malakhov",
"Nikita Surnachev",
"Yaroslav Aksenov",
"Ian Maksimov",
"Nikita Balagansky",
"Daniil Gavrilov"
] | 2024-04-15 | The complexity of the alignment problem stems from the fact that existing
methods are considered unstable. Reinforcement Learning from Human Feedback
(RLHF) addresses this issue by minimizing the KL divergence between the trained
policy and the initial supervised fine-tuned policy (SFT) to avoid generating
out-of-domain samples for the reward model (RM). Recently, many methods have
emerged that shift from online to offline optimization, reformulating the RLHF
objective and removing the reward model (DPO, IPO, KTO). Despite eliminating
the reward model and the challenges it posed, these algorithms are still
constrained in terms of closeness of the trained policy to the SFT one. In our
paper, we argue that this implicit limitation in the offline optimization
methods leads to suboptimal results. To address this issue, we propose a class
of new methods called Trust Region (TR-DPO, TR-IPO, TR-KTO), which update the
reference policy during training. With this straightforward update approach, we
demonstrate the effectiveness of the new paradigm of language model alignment
against the classical one on the Anthropic-HH and Reddit TL;DR datasets. Most
notably, when automatically comparing TR methods and baselines side by side
using pretrained Pythia 6.9B models on the Reddit TL;DR task, the difference in
win rates reaches 8.4% for DPO, 14.3% for IPO, and 15% for KTO. Finally, by
assessing model response ratings grounded on criteria such as coherence,
correctness, helpfulness, and harmlessness, we demonstrate that our proposed
methods significantly outperform existing techniques. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2402.12659 | HF | FinBen: A Holistic Financial Benchmark for Large Language Models | [
"Qianqian Xie",
"Weiguang Han",
"Zhengyu Chen",
"Ruoyu Xiang",
"Xiao Zhang",
"Yueru He",
"Mengxi Xiao",
"Dong Li",
"Yongfu Dai",
"Duanyu Feng",
"Yijing Xu",
"Haoqiang Kang",
"Ziyan Kuang",
"Chenhan Yuan",
"Kailai Yang",
"Zheheng Luo",
"Tianlin Zhang",
"Zhiwei Liu",
"Guojun Xiong",
"Zhiyang Deng",
"Yuechen Jiang",
"Zhiyuan Yao",
"Haohang Li",
"Yangyang Yu",
"Gang Hu",
"Jiajia Huang",
"Xiao-Yang Liu",
"Alejandro Lopez-Lira",
"Benyou Wang",
"Yanzhao Lai",
"Hao Wang",
"Min Peng",
"Sophia Ananiadou",
"Jimin Huang"
] | 2024-02-20 | LLMs have transformed NLP and shown promise in various fields, yet their
potential in finance is underexplored due to a lack of comprehensive evaluation
benchmarks, the rapid development of LLMs, and the complexity of financial
tasks. In this paper, we introduce FinBen, the first extensive open-source
evaluation benchmark, including 36 datasets spanning 24 financial tasks,
covering seven critical aspects: information extraction (IE), textual analysis,
question answering (QA), text generation, risk management, forecasting, and
decision-making. FinBen offers several key innovations: a broader range of
tasks and datasets, the first evaluation of stock trading, novel agent and
Retrieval-Augmented Generation (RAG) evaluation, and three novel open-source
evaluation datasets for text summarization, question answering, and stock
trading. Our evaluation of 15 representative LLMs, including GPT-4, ChatGPT,
and the latest Gemini, reveals several key findings: While LLMs excel in IE and
textual analysis, they struggle with advanced reasoning and complex tasks like
text generation and forecasting. GPT-4 excels in IE and stock trading, while
Gemini is better at text generation and forecasting. Instruction-tuned LLMs
improve textual analysis but offer limited benefits for complex tasks such as
QA. FinBen has been used to host the first financial LLMs shared task at the
FinNLP-AgentScen workshop during IJCAI-2024, attracting 12 teams. Their novel
solutions outperformed GPT-4, showcasing FinBen's potential to drive innovation
in financial LLMs. All datasets, results, and codes are released for the
research community: https://github.com/The-FinAI/PIXIU. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CE"
] |
2406.07436 | HF | McEval: Massively Multilingual Code Evaluation | [
"Linzheng Chai",
"Shukai Liu",
"Jian Yang",
"Yuwei Yin",
"Ke Jin",
"Jiaheng Liu",
"Tao Sun",
"Ge Zhang",
"Changyu Ren",
"Hongcheng Guo",
"Zekun Wang",
"Boyang Wang",
"Xianjie Wu",
"Bing Wang",
"Tongliang Li",
"Liqun Yang",
"Sufeng Duan",
"Zhoujun Li"
] | 2024-06-11 | Code large language models (LLMs) have shown remarkable advances in code
understanding, completion, and generation tasks. Programming benchmarks,
comprised of a selection of code challenges and corresponding test cases, serve
as a standard to evaluate the capability of different LLMs in such tasks.
However, most existing benchmarks primarily focus on Python and are still
restricted to a limited number of languages, where other languages are
translated from the Python samples (e.g. MultiPL-E) degrading the data
diversity. To further facilitate the research of code LLMs, we propose a
massively multilingual code benchmark covering 40 programming languages
(McEval) with 16K test samples, which substantially pushes the limits of code
LLMs in multilingual scenarios. The benchmark contains challenging code
completion, understanding, and generation evaluation tasks with finely curated
massively multilingual instruction corpora McEval-Instruct. In addition, we
introduce an effective multilingual coder mCoder trained on McEval-Instruct to
support multilingual programming language generation. Extensive experimental
results on McEval show that there is still a difficult journey between
open-source models and closed-source LLMs (e.g. GPT-series models) in numerous
languages. The instruction corpora, evaluation benchmark, and leaderboard are
available at \url{https://mceval.github.io/}. | null | cs.PL | [
"cs.PL"
] |
2407.13764 | HF | Shape of Motion: 4D Reconstruction from a Single Video | [
"Qianqian Wang",
"Vickie Ye",
"Hang Gao",
"Jake Austin",
"Zhengqi Li",
"Angjoo Kanazawa"
] | 2024-07-18 | Monocular dynamic reconstruction is a challenging and long-standing vision
problem due to the highly ill-posed nature of the task. Existing approaches are
limited in that they either depend on templates, are effective only in
quasi-static scenes, or fail to model 3D motion explicitly. In this work, we
introduce a method capable of reconstructing generic dynamic scenes, featuring
explicit, full-sequence-long 3D motion, from casually captured monocular
videos. We tackle the under-constrained nature of the problem with two key
insights: First, we exploit the low-dimensional structure of 3D motion by
representing scene motion with a compact set of SE3 motion bases. Each point's
motion is expressed as a linear combination of these bases, facilitating soft
decomposition of the scene into multiple rigidly-moving groups. Second, we
utilize a comprehensive set of data-driven priors, including monocular depth
maps and long-range 2D tracks, and devise a method to effectively consolidate
these noisy supervisory signals, resulting in a globally consistent
representation of the dynamic scene. Experiments show that our method achieves
state-of-the-art performance for both long-range 3D/2D motion estimation and
novel view synthesis on dynamic scenes. Project Page:
https://shape-of-motion.github.io/ | null | cs.CV | [
"cs.CV"
] |
2405.20222 | HF | MOFA-Video: Controllable Image Animation via Generative Motion Field Adaptions in Frozen Image-to-Video Diffusion Model | [
"Muyao Niu",
"Xiaodong Cun",
"Xintao Wang",
"Yong Zhang",
"Ying Shan",
"Yinqiang Zheng"
] | 2024-05-30 | We present MOFA-Video, an advanced controllable image animation method that
generates video from the given image using various additional controllable
signals (such as human landmarks reference, manual trajectories, and another
even provided video) or their combinations. This is different from previous
methods which only can work on a specific motion domain or show weak control
abilities with diffusion prior. To achieve our goal, we design several
domain-aware motion field adapters (\ie, MOFA-Adapters) to control the
generated motions in the video generation pipeline. For MOFA-Adapters, we
consider the temporal motion consistency of the video and generate the dense
motion flow from the given sparse control conditions first, and then, the
multi-scale features of the given image are wrapped as a guided feature for
stable video diffusion generation. We naively train two motion adapters for the
manual trajectories and the human landmarks individually since they both
contain sparse information about the control. After training, the MOFA-Adapters
in different domains can also work together for more controllable video
generation. Project Page: https://myniuuu.github.io/MOFA_Video/ | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2404.07724 | HF | Applying Guidance in a Limited Interval Improves Sample and Distribution Quality in Diffusion Models | [
"Tuomas Kynkäänniemi",
"Miika Aittala",
"Tero Karras",
"Samuli Laine",
"Timo Aila",
"Jaakko Lehtinen"
] | 2024-04-11 | Guidance is a crucial technique for extracting the best performance out of
image-generating diffusion models. Traditionally, a constant guidance weight
has been applied throughout the sampling chain of an image. We show that
guidance is clearly harmful toward the beginning of the chain (high noise
levels), largely unnecessary toward the end (low noise levels), and only
beneficial in the middle. We thus restrict it to a specific range of noise
levels, improving both the inference speed and result quality. This limited
guidance interval improves the record FID in ImageNet-512 significantly, from
1.81 to 1.40. We show that it is quantitatively and qualitatively beneficial
across different sampler parameters, network architectures, and datasets,
including the large-scale setting of Stable Diffusion XL. We thus suggest
exposing the guidance interval as a hyperparameter in all diffusion models that
use guidance. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.NE",
"stat.ML"
] |
2305.11841 | HF | How Does Generative Retrieval Scale to Millions of Passages? | [
"Ronak Pradeep",
"Kai Hui",
"Jai Gupta",
"Adam D. Lelkes",
"Honglei Zhuang",
"Jimmy Lin",
"Donald Metzler",
"Vinh Q. Tran"
] | 2023-05-19 | Popularized by the Differentiable Search Index, the emerging paradigm of
generative retrieval re-frames the classic information retrieval problem into a
sequence-to-sequence modeling task, forgoing external indices and encoding an
entire document corpus within a single Transformer. Although many different
approaches have been proposed to improve the effectiveness of generative
retrieval, they have only been evaluated on document corpora on the order of
100k in size. We conduct the first empirical study of generative retrieval
techniques across various corpus scales, ultimately scaling up to the entire MS
MARCO passage ranking task with a corpus of 8.8M passages and evaluating model
sizes up to 11B parameters. We uncover several findings about scaling
generative retrieval to millions of passages; notably, the central importance
of using synthetic queries as document representations during indexing, the
ineffectiveness of existing proposed architecture modifications when accounting
for compute cost, and the limits of naively scaling model parameters with
respect to retrieval performance. While we find that generative retrieval is
competitive with state-of-the-art dual encoders on small corpora, scaling to
millions of passages remains an important and unsolved challenge. We believe
these findings will be valuable for the community to clarify the current state
of generative retrieval, highlight the unique challenges, and inspire new
research directions. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2408.13674 | HF | GenCA: A Text-conditioned Generative Model for Realistic and Drivable Codec Avatars | [
"Keqiang Sun",
"Amin Jourabloo",
"Riddhish Bhalodia",
"Moustafa Meshry",
"Yu Rong",
"Zhengyu Yang",
"Thu Nguyen-Phuoc",
"Christian Haene",
"Jiu Xu",
"Sam Johnson",
"Hongsheng Li",
"Sofien Bouaziz"
] | 2024-08-24 | Photo-realistic and controllable 3D avatars are crucial for various
applications such as virtual and mixed reality (VR/MR), telepresence, gaming,
and film production. Traditional methods for avatar creation often involve
time-consuming scanning and reconstruction processes for each avatar, which
limits their scalability. Furthermore, these methods do not offer the
flexibility to sample new identities or modify existing ones. On the other
hand, by learning a strong prior from data, generative models provide a
promising alternative to traditional reconstruction methods, easing the time
constraints for both data capture and processing. Additionally, generative
methods enable downstream applications beyond reconstruction, such as editing
and stylization. Nonetheless, the research on generative 3D avatars is still in
its infancy, and therefore current methods still have limitations such as
creating static avatars, lacking photo-realism, having incomplete facial
details, or having limited drivability. To address this, we propose a
text-conditioned generative model that can generate photo-realistic facial
avatars of diverse identities, with more complete details like hair, eyes and
mouth interior, and which can be driven through a powerful non-parametric
latent expression space. Specifically, we integrate the generative and editing
capabilities of latent diffusion models with a strong prior model for avatar
expression driving.
Our model can generate and control high-fidelity avatars, even those
out-of-distribution. We also highlight its potential for downstream
applications, including avatar editing and single-shot avatar reconstruction. | null | cs.CV | [
"cs.CV"
] |
2401.05675 | HF | Parrot: Pareto-optimal Multi-Reward Reinforcement Learning Framework for Text-to-Image Generation | [
"Seung Hyun Lee",
"Yinxiao Li",
"Junjie Ke",
"Innfarn Yoo",
"Han Zhang",
"Jiahui Yu",
"Qifei Wang",
"Fei Deng",
"Glenn Entis",
"Junfeng He",
"Gang Li",
"Sangpil Kim",
"Irfan Essa",
"Feng Yang"
] | 2024-01-11 | Recent works have demonstrated that using reinforcement learning (RL) with
multiple quality rewards can improve the quality of generated images in
text-to-image (T2I) generation. However, manually adjusting reward weights
poses challenges and may cause over-optimization in certain metrics. To solve
this, we propose Parrot, which addresses the issue through multi-objective
optimization and introduces an effective multi-reward optimization strategy to
approximate Pareto optimal. Utilizing batch-wise Pareto optimal selection,
Parrot automatically identifies the optimal trade-off among different rewards.
We use the novel multi-reward optimization algorithm to jointly optimize the
T2I model and a prompt expansion network, resulting in significant improvement
of image quality and also allow to control the trade-off of different rewards
using a reward related prompt during inference. Furthermore, we introduce
original prompt-centered guidance at inference time, ensuring fidelity to user
input after prompt expansion. Extensive experiments and a user study validate
the superiority of Parrot over several baselines across various quality
criteria, including aesthetics, human preference, text-image alignment, and
image sentiment. | null | cs.CV | [
"cs.CV"
] |
2401.03804 | HF | TeleChat Technical Report | [
"Zhongjiang He",
"Zihan Wang",
"Xinzhang Liu",
"Shixuan Liu",
"Yitong Yao",
"Yuyao Huang",
"Xuelong Li",
"Yongxiang Li",
"Zhonghao Che",
"Zhaoxi Zhang",
"Yan Wang",
"Xin Wang",
"Luwen Pu",
"Huinan Xu",
"Ruiyu Fang",
"Yu Zhao",
"Jie Zhang",
"Xiaomeng Huang",
"Zhilong Lu",
"Jiaxin Peng",
"Wenjun Zheng",
"Shiquan Wang",
"Bingkai Yang",
"Xuewei he",
"Zhuoru Jiang",
"Qiyi Xie",
"Yanhan Zhang",
"Zhongqiu Li",
"Lingling Shi",
"Weiwei Fu",
"Yin Zhang",
"Zilu Huang",
"Sishi Xiong",
"Yuxiang Zhang",
"Chao Wang",
"Shuangyong Song"
] | 2024-01-08 | In this technical report, we present TeleChat, a collection of large language
models (LLMs) with parameters of 3 billion, 7 billion and 12 billion. It
includes pretrained language models as well as fine-tuned chat models that is
aligned with human preferences. TeleChat is initially pretrained on an
extensive corpus containing a diverse collection of texts from both English and
Chinese languages, including trillions of tokens. Subsequently, the model
undergoes fine-tuning to align with human preferences, following a detailed
methodology that we describe. We evaluate the performance of TeleChat on
various tasks, including language understanding, mathematics, reasoning, code
generation, and knowledge-based question answering. Our findings indicate that
TeleChat achieves comparable performance to other open-source models of similar
size across a wide range of public benchmarks. To support future research and
applications utilizing LLMs, we release the fine-tuned model checkpoints of
TeleChat's 7B and 12B variant, along with code and a portion of our pretraining
data, to the public community. | null | cs.CL | [
"cs.CL",
"cs.AI",
"I.2.7"
] |
2312.09608 | HF | Faster Diffusion: Rethinking the Role of UNet Encoder in Diffusion Models | [
"Senmao Li",
"Taihang Hu",
"Fahad Shahbaz Khan",
"Linxuan Li",
"Shiqi Yang",
"Yaxing Wang",
"Ming-Ming Cheng",
"Jian Yang"
] | 2023-12-15 | One of the key components within diffusion models is the UNet for noise
prediction. While several works have explored basic properties of the UNet
decoder, its encoder largely remains unexplored. In this work, we conduct the
first comprehensive study of the UNet encoder. We empirically analyze the
encoder features and provide insights to important questions regarding their
changes at the inference process. In particular, we find that encoder features
change gently, whereas the decoder features exhibit substantial variations
across different time-steps. This finding inspired us to omit the encoder at
certain adjacent time-steps and reuse cyclically the encoder features in the
previous time-steps for the decoder. Further based on this observation, we
introduce a simple yet effective encoder propagation scheme to accelerate the
diffusion sampling for a diverse set of tasks. By benefiting from our
propagation scheme, we are able to perform in parallel the decoder at certain
adjacent time-steps. Additionally, we introduce a prior noise injection method
to improve the texture details in the generated image. Besides the standard
text-to-image task, we also validate our approach on other tasks:
text-to-video, personalized generation and reference-guided generation. Without
utilizing any knowledge distillation technique, our approach accelerates both
the Stable Diffusion (SD) and the DeepFloyd-IF models sampling by 41$\%$ and
24$\%$ respectively, while maintaining high-quality generation performance. Our
code is available in
\href{https://github.com/hutaiHang/Faster-Diffusion}{FasterDiffusion}. | null | cs.CV | [
"cs.CV"
] |
2306.17194 | Both | On the Exploitability of Instruction Tuning | [
"Manli Shu",
"Jiongxiao Wang",
"Chen Zhu",
"Jonas Geiping",
"Chaowei Xiao",
"Tom Goldstein"
] | 2023-06-28 | Instruction tuning is an effective technique to align large language models
(LLMs) with human intents. In this work, we investigate how an adversary can
exploit instruction tuning by injecting specific instruction-following examples
into the training data that intentionally changes the model's behavior. For
example, an adversary can achieve content injection by injecting training
examples that mention target content and eliciting such behavior from
downstream models. To achieve this goal, we propose \textit{AutoPoison}, an
automated data poisoning pipeline. It naturally and coherently incorporates
versatile attack goals into poisoned data with the help of an oracle LLM. We
showcase two example attacks: content injection and over-refusal attacks, each
aiming to induce a specific exploitable behavior. We quantify and benchmark the
strength and the stealthiness of our data poisoning scheme. Our results show
that AutoPoison allows an adversary to change a model's behavior by poisoning
only a small fraction of data while maintaining a high level of stealthiness in
the poisoned examples. We hope our work sheds light on how data quality affects
the behavior of instruction-tuned models and raises awareness of the importance
of data quality for responsible deployments of LLMs. Code is available at
\url{https://github.com/azshue/AutoPoison}. | null | cs.CR | [
"cs.CR",
"cs.CL",
"cs.LG"
] |
2309.14592 | HF | Efficient Post-training Quantization with FP8 Formats | [
"Haihao Shen",
"Naveen Mellempudi",
"Xin He",
"Qun Gao",
"Chang Wang",
"Mengni Wang"
] | 2023-09-26 | Recent advances in deep learning methods such as LLMs and Diffusion models
have created a need for improved quantization methods that can meet the
computational demands of these modern architectures while maintaining accuracy.
Towards this goal, we study the advantages of FP8 data formats for
post-training quantization across 75 unique network architectures covering a
wide range of tasks, including machine translation, language modeling, text
generation, image classification, generation, and segmentation. We examine
three different FP8 representations (E5M2, E4M3, and E3M4) to study the effects
of varying degrees of trade-off between dynamic range and precision on model
accuracy. Based on our extensive study, we developed a quantization workflow
that generalizes across different network architectures. Our empirical results
show that FP8 formats outperform INT8 in multiple aspects, including workload
coverage (92.64% vs. 65.87%), model accuracy and suitability for a broader
range of operations. Furthermore, our findings suggest that E4M3 is better
suited for NLP models, whereas E3M4 performs marginally better than E4M3 on
computer vision tasks. The code is publicly available on Intel Neural
Compressor: https://github.com/intel/neural-compressor. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2305.03043 | HF | Single-Shot Implicit Morphable Faces with Consistent Texture Parameterization | [
"Connor Z. Lin",
"Koki Nagano",
"Jan Kautz",
"Eric R. Chan",
"Umar Iqbal",
"Leonidas Guibas",
"Gordon Wetzstein",
"Sameh Khamis"
] | 2023-05-04 | There is a growing demand for the accessible creation of high-quality 3D
avatars that are animatable and customizable. Although 3D morphable models
provide intuitive control for editing and animation, and robustness for
single-view face reconstruction, they cannot easily capture geometric and
appearance details. Methods based on neural implicit representations, such as
signed distance functions (SDF) or neural radiance fields, approach
photo-realism, but are difficult to animate and do not generalize well to
unseen data. To tackle this problem, we propose a novel method for constructing
implicit 3D morphable face models that are both generalizable and intuitive for
editing. Trained from a collection of high-quality 3D scans, our face model is
parameterized by geometry, expression, and texture latent codes with a learned
SDF and explicit UV texture parameterization. Once trained, we can reconstruct
an avatar from a single in-the-wild image by leveraging the learned prior to
project the image into the latent space of our model. Our implicit morphable
face models can be used to render an avatar from novel views, animate facial
expressions by modifying expression codes, and edit textures by directly
painting on the learned UV-texture maps. We demonstrate quantitatively and
qualitatively that our method improves upon photo-realism, geometry, and
expression accuracy compared to state-of-the-art methods. | 10.1145/3588432.3591494 | cs.CV | [
"cs.CV"
] |
2408.12369 | HF | RoundTable: Leveraging Dynamic Schema and Contextual Autocomplete for Enhanced Query Precision in Tabular Question Answering | [
"Pratyush Kumar",
"Kuber Vijaykumar Bellad",
"Bharat Vadlamudi",
"Aman Chadha"
] | 2024-08-22 | With advancements in Large Language Models (LLMs), a major use case that has
emerged is querying databases in plain English, translating user questions into
executable database queries, which has improved significantly. However,
real-world datasets often feature a vast array of attributes and complex
values, complicating the LLMs task of accurately identifying relevant columns
or values from natural language queries. Traditional methods cannot fully relay
the datasets size and complexity to the LLM. To address these challenges, we
propose a novel framework that leverages Full-Text Search (FTS) on the input
table. This approach not only enables precise detection of specific values and
columns but also narrows the search space for language models, thereby
enhancing query accuracy. Additionally, it supports a custom auto-complete
feature that suggests queries based on the data in the table. This integration
significantly refines the interaction between the user and complex datasets,
offering a sophisticated solution to the limitations faced by current table
querying capabilities. This work is accompanied by an application for both Mac
and Windows platforms, which readers can try out themselves on their own data. | null | cs.AI | [
"cs.AI"
] |
2406.12209 | HF | Interface Design for Self-Supervised Speech Models | [
"Yi-Jen Shih",
"David Harwath"
] | 2024-06-18 | Self-supervised speech (SSL) models have recently become widely adopted for
many downstream speech processing tasks. The general usage pattern is to employ
SSL models as feature extractors, and then train a downstream prediction head
to solve a specific task. However, different layers of SSL models have been
shown to capture different types of information, and the methods of combining
them are not well studied. To this end, we extend the general framework for SSL
model utilization by proposing the interface that connects the upstream and
downstream. Under this view, the dominant technique of combining features via a
layerwise weighted sum can be regarded as a specific interface. We propose
several alternative interface designs and demonstrate that the weighted sum
interface is suboptimal for many tasks. In particular, we show that a
convolutional interface whose depth scales logarithmically with the depth of
the upstream model consistently outperforms many other interface designs. | null | cs.SD | [
"cs.SD",
"cs.CL",
"eess.AS"
] |
2401.10241 | Both | Zero Bubble Pipeline Parallelism | [
"Penghui Qi",
"Xinyi Wan",
"Guangxing Huang",
"Min Lin"
] | 2023-11-30 | Pipeline parallelism is one of the key components for large-scale distributed
training, yet its efficiency suffers from pipeline bubbles which were deemed
inevitable. In this work, we introduce a scheduling strategy that, to our
knowledge, is the first to successfully achieve zero pipeline bubbles under
synchronous training semantics. The key idea behind this improvement is to
split the backward computation into two parts, one that computes gradient for
the input and another that computes for the parameters. Based on this idea, we
handcraft novel pipeline schedules that significantly outperform the baseline
methods. We further develop an algorithm that automatically finds an optimal
schedule based on specific model configuration and memory limit. Additionally,
to truly achieve zero bubble, we introduce a novel technique to bypass
synchronizations during the optimizer step. Experimental evaluations show that
our method outperforms the 1F1B schedule up to 23% in throughput under a
similar memory limit. This number can be further pushed to 31% when the memory
constraint is relaxed. We believe our results mark a major step forward in
harnessing the true potential of pipeline parallelism. We open sourced our
implementation based on the popular Megatron-LM repository on
https://github.com/sail-sg/zero-bubble-pipeline-parallelism. | null | cs.DC | [
"cs.DC",
"cs.AI",
"cs.LG"
] |
2312.00886 | HF | Nash Learning from Human Feedback | [
"Rémi Munos",
"Michal Valko",
"Daniele Calandriello",
"Mohammad Gheshlaghi Azar",
"Mark Rowland",
"Zhaohan Daniel Guo",
"Yunhao Tang",
"Matthieu Geist",
"Thomas Mesnard",
"Andrea Michi",
"Marco Selvi",
"Sertan Girgin",
"Nikola Momchev",
"Olivier Bachem",
"Daniel J. Mankowitz",
"Doina Precup",
"Bilal Piot"
] | 2023-12-01 | Reinforcement learning from human feedback (RLHF) has emerged as the main
paradigm for aligning large language models (LLMs) with human preferences.
Typically, RLHF involves the initial step of learning a reward model from human
feedback, often expressed as preferences between pairs of text generations
produced by a pre-trained LLM. Subsequently, the LLM's policy is fine-tuned by
optimizing it to maximize the reward model through a reinforcement learning
algorithm. However, an inherent limitation of current reward models is their
inability to fully represent the richness of human preferences and their
dependency on the sampling distribution.
In this study, we introduce an alternative pipeline for the fine-tuning of
LLMs using pairwise human feedback. Our approach entails the initial learning
of a preference model, which is conditioned on two inputs given a prompt,
followed by the pursuit of a policy that consistently generates responses
preferred over those generated by any competing policy, thus defining the Nash
equilibrium of this preference model. We term this approach Nash learning from
human feedback (NLHF).
In the context of a tabular policy representation, we present a novel
algorithmic solution, Nash-MD, founded on the principles of mirror descent.
This algorithm produces a sequence of policies, with the last iteration
converging to the regularized Nash equilibrium. Additionally, we explore
parametric representations of policies and introduce gradient descent
algorithms for deep-learning architectures. To demonstrate the effectiveness of
our approach, we present experimental results involving the fine-tuning of a
LLM for a text summarization task. We believe NLHF offers a compelling avenue
for preference learning and policy optimization with the potential of advancing
the field of aligning LLMs with human preferences. | null | stat.ML | [
"stat.ML",
"cs.AI",
"cs.GT",
"cs.LG",
"cs.MA"
] |
2404.09833 | HF | Video2Game: Real-time, Interactive, Realistic and Browser-Compatible Environment from a Single Video | [
"Hongchi Xia",
"Zhi-Hao Lin",
"Wei-Chiu Ma",
"Shenlong Wang"
] | 2024-04-15 | Creating high-quality and interactive virtual environments, such as games and
simulators, often involves complex and costly manual modeling processes. In
this paper, we present Video2Game, a novel approach that automatically converts
videos of real-world scenes into realistic and interactive game environments.
At the heart of our system are three core components:(i) a neural radiance
fields (NeRF) module that effectively captures the geometry and visual
appearance of the scene; (ii) a mesh module that distills the knowledge from
NeRF for faster rendering; and (iii) a physics module that models the
interactions and physical dynamics among the objects. By following the
carefully designed pipeline, one can construct an interactable and actionable
digital replica of the real world. We benchmark our system on both indoor and
large-scale outdoor scenes. We show that we can not only produce
highly-realistic renderings in real-time, but also build interactive games on
top. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2310.20707 | Both | What's In My Big Data? | [
"Yanai Elazar",
"Akshita Bhagia",
"Ian Magnusson",
"Abhilasha Ravichander",
"Dustin Schwenk",
"Alane Suhr",
"Pete Walsh",
"Dirk Groeneveld",
"Luca Soldaini",
"Sameer Singh",
"Hanna Hajishirzi",
"Noah A. Smith",
"Jesse Dodge"
] | 2023-10-31 | Large text corpora are the backbone of language models. However, we have a
limited understanding of the content of these corpora, including general
statistics, quality, social factors, and inclusion of evaluation data
(contamination). In this work, we propose What's In My Big Data? (WIMBD), a
platform and a set of sixteen analyses that allow us to reveal and compare the
contents of large text corpora. WIMBD builds on two basic capabilities -- count
and search -- at scale, which allows us to analyze more than 35 terabytes on a
standard compute node. We apply WIMBD to ten different corpora used to train
popular language models, including C4, The Pile, and RedPajama. Our analysis
uncovers several surprising and previously undocumented findings about these
corpora, including the high prevalence of duplicate, synthetic, and low-quality
content, personally identifiable information, toxic language, and benchmark
contamination. For instance, we find that about 50% of the documents in
RedPajama and LAION-2B-en are duplicates. In addition, several datasets used
for benchmarking models trained on such corpora are contaminated with respect
to important benchmarks, including the Winograd Schema Challenge and parts of
GLUE and SuperGLUE. We open-source WIMBD's code and artifacts to provide a
standard set of evaluations for new text-based corpora and to encourage more
analyses and transparency around them. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2204.07705 | AnswerAI | Super-NaturalInstructions: Generalization via Declarative Instructions on 1600+ NLP Tasks | [
"Yizhong Wang",
"Swaroop Mishra",
"Pegah Alipoormolabashi",
"Yeganeh Kordi",
"Amirreza Mirzaei",
"Anjana Arunkumar",
"Arjun Ashok",
"Arut Selvan Dhanasekaran",
"Atharva Naik",
"David Stap",
"Eshaan Pathak",
"Giannis Karamanolakis",
"Haizhi Gary Lai",
"Ishan Purohit",
"Ishani Mondal",
"Jacob Anderson",
"Kirby Kuznia",
"Krima Doshi",
"Maitreya Patel",
"Kuntal Kumar Pal",
"Mehrad Moradshahi",
"Mihir Parmar",
"Mirali Purohit",
"Neeraj Varshney",
"Phani Rohitha Kaza",
"Pulkit Verma",
"Ravsehaj Singh Puri",
"Rushang Karia",
"Shailaja Keyur Sampat",
"Savan Doshi",
"Siddhartha Mishra",
"Sujan Reddy",
"Sumanta Patro",
"Tanay Dixit",
"Xudong Shen",
"Chitta Baral",
"Yejin Choi",
"Noah A. Smith",
"Hannaneh Hajishirzi",
"Daniel Khashabi"
] | 2022-04-16 | How well can NLP models generalize to a variety of unseen tasks when provided
with task instructions? To address this question, we first introduce
Super-NaturalInstructions, a benchmark of 1,616 diverse NLP tasks and their
expert-written instructions. Our collection covers 76 distinct task types,
including but not limited to classification, extraction, infilling, sequence
tagging, text rewriting, and text composition. This large and diverse
collection of tasks enables rigorous benchmarking of cross-task generalization
under instructions -- training models to follow instructions on a subset of
tasks and evaluating them on the remaining unseen ones. Furthermore, we build
Tk-Instruct, a transformer model trained to follow a variety of in-context
instructions (plain language task definitions or k-shot examples). Our
experiments show that Tk-Instruct outperforms existing instruction-following
models such as InstructGPT by over 9% on our benchmark despite being an order
of magnitude smaller. We further analyze generalization as a function of
various scaling parameters, such as the number of observed tasks, the number of
instances per task, and model sizes. We hope our dataset and model facilitate
future progress towards more general-purpose NLP models. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2301.03598 | AnswerAI | Stream-K: Work-centric Parallel Decomposition for Dense Matrix-Matrix Multiplication on the GPU | [
"Muhammad Osama",
"Duane Merrill",
"Cris Cecka",
"Michael Garland",
"John D. Owens"
] | 2023-01-09 | We introduce Stream-K, a work-centric parallelization of matrix
multiplication (GEMM) and related computations in dense linear algebra. Whereas
contemporary decompositions are primarily tile-based, our method operates by
partitioning an even share of the aggregate inner loop iterations among
physical processing elements. This provides a near-perfect utilization of
computing resources, regardless of how efficiently the output tiling for any
given problem quantizes across the underlying processing elements.
On GPU processors, our Stream-K parallelization of GEMM produces a peak
speedup of up to 14$\times$ and 6.7$\times$, and an average performance
response that is both higher and more consistent across 32,824 GEMM problem
geometries than state-of-the-art math libraries such as CUTLASS and cuBLAS.
Furthermore, we achieve this performance from a single tile size configuration
per floating-point precision, whereas today's math libraries employ complex
kernel-selection heuristics to select from a large ensemble of kernel variants. | null | cs.DS | [
"cs.DS",
"cs.DC"
] |
2306.01736 | HF | DaTaSeg: Taming a Universal Multi-Dataset Multi-Task Segmentation Model | [
"Xiuye Gu",
"Yin Cui",
"Jonathan Huang",
"Abdullah Rashwan",
"Xuan Yang",
"Xingyi Zhou",
"Golnaz Ghiasi",
"Weicheng Kuo",
"Huizhong Chen",
"Liang-Chieh Chen",
"David A Ross"
] | 2023-06-02 | Observing the close relationship among panoptic, semantic and instance
segmentation tasks, we propose to train a universal multi-dataset multi-task
segmentation model: DaTaSeg.We use a shared representation (mask proposals with
class predictions) for all tasks. To tackle task discrepancy, we adopt
different merge operations and post-processing for different tasks. We also
leverage weak-supervision, allowing our segmentation model to benefit from
cheaper bounding box annotations. To share knowledge across datasets, we use
text embeddings from the same semantic embedding space as classifiers and share
all network parameters among datasets. We train DaTaSeg on ADE semantic, COCO
panoptic, and Objects365 detection datasets. DaTaSeg improves performance on
all datasets, especially small-scale datasets, achieving 54.0 mIoU on ADE
semantic and 53.5 PQ on COCO panoptic. DaTaSeg also enables weakly-supervised
knowledge transfer on ADE panoptic and Objects365 instance segmentation.
Experiments show DaTaSeg scales with the number of training datasets and
enables open-vocabulary segmentation through direct transfer. In addition, we
annotate an Objects365 instance segmentation set of 1,000 images and will
release it as a public benchmark. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2404.16645 | HF | Tele-FLM Technical Report | [
"Xiang Li",
"Yiqun Yao",
"Xin Jiang",
"Xuezhi Fang",
"Chao Wang",
"Xinzhang Liu",
"Zihan Wang",
"Yu Zhao",
"Xin Wang",
"Yuyao Huang",
"Shuangyong Song",
"Yongxiang Li",
"Zheng Zhang",
"Bo Zhao",
"Aixin Sun",
"Yequan Wang",
"Zhongjiang He",
"Zhongyuan Wang",
"Xuelong Li",
"Tiejun Huang"
] | 2024-04-25 | Large language models (LLMs) have showcased profound capabilities in language
understanding and generation, facilitating a wide array of applications.
However, there is a notable paucity of detailed, open-sourced methodologies on
efficiently scaling LLMs beyond 50 billion parameters with minimum
trial-and-error cost and computational resources. In this report, we introduce
Tele-FLM (aka FLM-2), a 52B open-sourced multilingual large language model that
features a stable, efficient pre-training paradigm and enhanced factual
judgment capabilities. Tele-FLM demonstrates superior multilingual language
modeling abilities, measured by BPB on textual corpus. Besides, in both English
and Chinese foundation model evaluation, it is comparable to strong
open-sourced models that involve larger pre-training FLOPs, such as Llama2-70B
and DeepSeek-67B. In addition to the model weights, we share the core designs,
engineering practices, and training details, which we expect to benefit both
the academic and industrial communities. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.21417 | AnswerAI | Dancing in Chains: Reconciling Instruction Following and Faithfulness in Language Models | [
"Zhengxuan Wu",
"Yuhao Zhang",
"Peng Qi",
"Yumo Xu",
"Rujun Han",
"Yian Zhang",
"Jifan Chen",
"Bonan Min",
"Zhiheng Huang"
] | 2024-07-31 | Modern language models (LMs) need to follow human instructions while being
faithful; yet, they often fail to achieve both. Here, we provide concrete
evidence of a trade-off between instruction following (i.e., follow open-ended
instructions) and faithfulness (i.e., ground responses in given context) when
training LMs with these objectives. For instance, fine-tuning LLaMA-7B on
instruction following datasets renders it less faithful. Conversely,
instruction-tuned Vicuna-7B shows degraded performance at following
instructions when further optimized on tasks that require contextual grounding.
One common remedy is multi-task learning (MTL) with data mixing, yet it remains
far from achieving a synergic outcome. We propose a simple yet effective method
that relies on Rejection Sampling for Continued Self-instruction Tuning
(ReSet), which significantly outperforms vanilla MTL. Surprisingly, we find
that less is more, as training ReSet with high-quality, yet substantially
smaller data (three-fold less) yields superior results. Our findings offer a
better understanding of objective discrepancies in alignment training of LMs. | null | cs.CL | [
"cs.CL"
] |
1805.02867 | AnswerAI | Online normalizer calculation for softmax | [
"Maxim Milakov",
"Natalia Gimelshein"
] | 2018-05-08 | The Softmax function is ubiquitous in machine learning, multiple previous
works suggested faster alternatives for it. In this paper we propose a way to
compute classical Softmax with fewer memory accesses and hypothesize that this
reduction in memory accesses should improve Softmax performance on actual
hardware. The benchmarks confirm this hypothesis: Softmax accelerates by up to
1.3x and Softmax+TopK combined and fused by up to 5x. | null | cs.PF | [
"cs.PF",
"cs.AI",
"cs.CL"
] |
2310.08465 | HF | MotionDirector: Motion Customization of Text-to-Video Diffusion Models | [
"Rui Zhao",
"Yuchao Gu",
"Jay Zhangjie Wu",
"David Junhao Zhang",
"Jiawei Liu",
"Weijia Wu",
"Jussi Keppo",
"Mike Zheng Shou"
] | 2023-10-12 | Large-scale pre-trained diffusion models have exhibited remarkable
capabilities in diverse video generations. Given a set of video clips of the
same motion concept, the task of Motion Customization is to adapt existing
text-to-video diffusion models to generate videos with this motion. For
example, generating a video with a car moving in a prescribed manner under
specific camera movements to make a movie, or a video illustrating how a bear
would lift weights to inspire creators. Adaptation methods have been developed
for customizing appearance like subject or style, yet unexplored for motion. It
is straightforward to extend mainstream adaption methods for motion
customization, including full model tuning, parameter-efficient tuning of
additional layers, and Low-Rank Adaptions (LoRAs). However, the motion concept
learned by these methods is often coupled with the limited appearances in the
training videos, making it difficult to generalize the customized motion to
other appearances. To overcome this challenge, we propose MotionDirector, with
a dual-path LoRAs architecture to decouple the learning of appearance and
motion. Further, we design a novel appearance-debiased temporal loss to
mitigate the influence of appearance on the temporal training objective.
Experimental results show the proposed method can generate videos of diverse
appearances for the customized motions. Our method also supports various
downstream applications, such as the mixing of different videos with their
appearance and motion respectively, and animating a single image with
customized motions. Our code and model weights will be released. | null | cs.CV | [
"cs.CV"
] |
2307.07924 | AnswerAI | ChatDev: Communicative Agents for Software Development | [
"Chen Qian",
"Wei Liu",
"Hongzhang Liu",
"Nuo Chen",
"Yufan Dang",
"Jiahao Li",
"Cheng Yang",
"Weize Chen",
"Yusheng Su",
"Xin Cong",
"Juyuan Xu",
"Dahai Li",
"Zhiyuan Liu",
"Maosong Sun"
] | 2023-07-16 | Software development is a complex task that necessitates cooperation among
multiple members with diverse skills. Numerous studies used deep learning to
improve specific phases in a waterfall model, such as design, coding, and
testing. However, the deep learning model in each phase requires unique
designs, leading to technical inconsistencies across various phases, which
results in a fragmented and ineffective development process. In this paper, we
introduce ChatDev, a chat-powered software development framework in which
specialized agents driven by large language models (LLMs) are guided in what to
communicate (via chat chain) and how to communicate (via communicative
dehallucination). These agents actively contribute to the design, coding, and
testing phases through unified language-based communication, with solutions
derived from their multi-turn dialogues. We found their utilization of natural
language is advantageous for system design, and communicating in programming
language proves helpful in debugging. This paradigm demonstrates how linguistic
communication facilitates multi-agent collaboration, establishing language as a
unifying bridge for autonomous task-solving among LLM agents. The code and data
are available at https://github.com/OpenBMB/ChatDev. | null | cs.SE | [
"cs.SE",
"cs.CL",
"cs.MA"
] |
2406.03184 | HF | Ouroboros3D: Image-to-3D Generation via 3D-aware Recursive Diffusion | [
"Hao Wen",
"Zehuan Huang",
"Yaohui Wang",
"Xinyuan Chen",
"Yu Qiao",
"Lu Sheng"
] | 2024-06-05 | Existing single image-to-3D creation methods typically involve a two-stage
process, first generating multi-view images, and then using these images for 3D
reconstruction. However, training these two stages separately leads to
significant data bias in the inference phase, thus affecting the quality of
reconstructed results. We introduce a unified 3D generation framework, named
Ouroboros3D, which integrates diffusion-based multi-view image generation and
3D reconstruction into a recursive diffusion process. In our framework, these
two modules are jointly trained through a self-conditioning mechanism, allowing
them to adapt to each other's characteristics for robust inference. During the
multi-view denoising process, the multi-view diffusion model uses the 3D-aware
maps rendered by the reconstruction module at the previous timestep as
additional conditions. The recursive diffusion framework with 3D-aware feedback
unites the entire process and improves geometric consistency.Experiments show
that our framework outperforms separation of these two stages and existing
methods that combine them at the inference phase. Project page:
https://costwen.github.io/Ouroboros3D/ | null | cs.CV | [
"cs.CV"
] |
2305.05432 | HF | WikiWeb2M: A Page-Level Multimodal Wikipedia Dataset | [
"Andrea Burns",
"Krishna Srinivasan",
"Joshua Ainslie",
"Geoff Brown",
"Bryan A. Plummer",
"Kate Saenko",
"Jianmo Ni",
"Mandy Guo"
] | 2023-05-09 | Webpages have been a rich resource for language and vision-language tasks.
Yet only pieces of webpages are kept: image-caption pairs, long text articles,
or raw HTML, never all in one place. Webpage tasks have resultingly received
little attention and structured image-text data underused. To study multimodal
webpage understanding, we introduce the Wikipedia Webpage 2M (WikiWeb2M) suite;
the first to retain the full set of images, text, and structure data available
in a page. WikiWeb2M can be used for tasks like page description generation,
section summarization, and contextual image captioning. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2406.10227 | HF | VideoGUI: A Benchmark for GUI Automation from Instructional Videos | [
"Kevin Qinghong Lin",
"Linjie Li",
"Difei Gao",
"Qinchen WU",
"Mingyi Yan",
"Zhengyuan Yang",
"Lijuan Wang",
"Mike Zheng Shou"
] | 2024-06-14 | Graphical User Interface (GUI) automation holds significant promise for
enhancing human productivity by assisting with computer tasks. Existing task
formulations primarily focus on simple tasks that can be specified by a single,
language-only instruction, such as "Insert a new slide." In this work, we
introduce VideoGUI, a novel multi-modal benchmark designed to evaluate GUI
assistants on visual-centric GUI tasks. Sourced from high-quality web
instructional videos, our benchmark focuses on tasks involving professional and
novel software (e.g., Adobe Photoshop or Stable Diffusion WebUI) and complex
activities (e.g., video editing). VideoGUI evaluates GUI assistants through a
hierarchical process, allowing for identification of the specific levels at
which they may fail: (i) high-level planning: reconstruct procedural subtasks
from visual conditions without language descriptions; (ii) middle-level
planning: generate sequences of precise action narrations based on visual state
(i.e., screenshot) and goals; (iii) atomic action execution: perform specific
actions such as accurately clicking designated elements. For each level, we
design evaluation metrics across individual dimensions to provide clear
signals, such as individual performance in clicking, dragging, typing, and
scrolling for atomic action execution. Our evaluation on VideoGUI reveals that
even the SoTA large multimodal model GPT4o performs poorly on visual-centric
GUI tasks, especially for high-level planning. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2404.07973 | HF | Ferret-v2: An Improved Baseline for Referring and Grounding with Large Language Models | [
"Haotian Zhang",
"Haoxuan You",
"Philipp Dufter",
"Bowen Zhang",
"Chen Chen",
"Hong-You Chen",
"Tsu-Jui Fu",
"William Yang Wang",
"Shih-Fu Chang",
"Zhe Gan",
"Yinfei Yang"
] | 2024-04-11 | While Ferret seamlessly integrates regional understanding into the Large
Language Model (LLM) to facilitate its referring and grounding capability, it
poses certain limitations: constrained by the pre-trained fixed visual encoder
and failed to perform well on broader tasks. In this work, we unveil Ferret-v2,
a significant upgrade to Ferret, with three key designs. (1) Any resolution
grounding and referring: A flexible approach that effortlessly handles higher
image resolution, improving the model's ability to process and understand
images in greater detail. (2) Multi-granularity visual encoding: By integrating
the additional DINOv2 encoder, the model learns better and diverse underlying
contexts for global and fine-grained visual information. (3) A three-stage
training paradigm: Besides image-caption alignment, an additional stage is
proposed for high-resolution dense alignment before the final instruction
tuning. Experiments show that Ferret-v2 provides substantial improvements over
Ferret and other state-of-the-art methods, thanks to its high-resolution
scaling and fine-grained visual processing. | null | cs.CV | [
"cs.CV"
] |
2306.15128 | HF | MIMIC: Masked Image Modeling with Image Correspondences | [
"Kalyani Marathe",
"Mahtab Bigverdi",
"Nishat Khan",
"Tuhin Kundu",
"Patrick Howe",
"Sharan Ranjit S",
"Anand Bhattad",
"Aniruddha Kembhavi",
"Linda G. Shapiro",
"Ranjay Krishna"
] | 2023-06-27 | Dense pixel-specific representation learning at scale has been bottlenecked
due to the unavailability of large-scale multi-view datasets. Current methods
for building effective pretraining datasets heavily rely on annotated 3D
meshes, point clouds, and camera parameters from simulated environments,
preventing them from building datasets from real-world data sources where such
metadata is lacking. We propose a pretraining dataset-curation approach that
does not require any additional annotations. Our method allows us to generate
multi-view datasets from both real-world videos and simulated environments at
scale. Specifically, we experiment with two scales: MIMIC-1M with 1.3M and
MIMIC-3M with 3.1M multi-view image pairs. We train multiple models with
different masked image modeling objectives to showcase the following findings:
Representations trained on our automatically generated MIMIC-3M outperform
those learned from expensive crowdsourced datasets (ImageNet-1K) and those
learned from synthetic environments (MULTIVIEW-HABITAT) on two dense geometric
tasks: depth estimation on NYUv2 (1.7%), and surface normals estimation on
Taskonomy (2.05%). For dense tasks which also require object understanding, we
outperform MULTIVIEW-HABITAT, on semantic segmentation on ADE20K (3.89%), pose
estimation on MSCOCO (9.4%), and reduce the gap with models pre-trained on the
object-centric expensive ImageNet-1K. We outperform even when the
representations are frozen, and when downstream training data is limited to
few-shot. Larger dataset (MIMIC-3M) significantly improves performance, which
is promising since our curation method can arbitrarily scale to produce even
larger datasets. MIMIC code, dataset, and pretrained models are open-sourced at
https://github.com/RAIVNLab/MIMIC. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2305.05065 | HF | Recommender Systems with Generative Retrieval | [
"Shashank Rajput",
"Nikhil Mehta",
"Anima Singh",
"Raghunandan H. Keshavan",
"Trung Vu",
"Lukasz Heldt",
"Lichan Hong",
"Yi Tay",
"Vinh Q. Tran",
"Jonah Samost",
"Maciej Kula",
"Ed H. Chi",
"Maheswaran Sathiamoorthy"
] | 2023-05-08 | Modern recommender systems perform large-scale retrieval by first embedding
queries and item candidates in the same unified space, followed by approximate
nearest neighbor search to select top candidates given a query embedding. In
this paper, we propose a novel generative retrieval approach, where the
retrieval model autoregressively decodes the identifiers of the target
candidates. To that end, we create semantically meaningful tuple of codewords
to serve as a Semantic ID for each item. Given Semantic IDs for items in a user
session, a Transformer-based sequence-to-sequence model is trained to predict
the Semantic ID of the next item that the user will interact with. To the best
of our knowledge, this is the first Semantic ID-based generative model for
recommendation tasks. We show that recommender systems trained with the
proposed paradigm significantly outperform the current SOTA models on various
datasets. In addition, we show that incorporating Semantic IDs into the
sequence-to-sequence model enhances its ability to generalize, as evidenced by
the improved retrieval performance observed for items with no prior interaction
history. | null | cs.IR | [
"cs.IR",
"cs.LG"
] |
2312.08889 | HF | SEEAvatar: Photorealistic Text-to-3D Avatar Generation with Constrained Geometry and Appearance | [
"Yuanyou Xu",
"Zongxin Yang",
"Yi Yang"
] | 2023-12-13 | Powered by large-scale text-to-image generation models, text-to-3D avatar
generation has made promising progress. However, most methods fail to produce
photorealistic results, limited by imprecise geometry and low-quality
appearance. Towards more practical avatar generation, we present SEEAvatar, a
method for generating photorealistic 3D avatars from text with SElf-Evolving
constraints for decoupled geometry and appearance. For geometry, we propose to
constrain the optimized avatar in a decent global shape with a template avatar.
The template avatar is initialized with human prior and can be updated by the
optimized avatar periodically as an evolving template, which enables more
flexible shape generation. Besides, the geometry is also constrained by the
static human prior in local parts like face and hands to maintain the delicate
structures. For appearance generation, we use diffusion model enhanced by
prompt engineering to guide a physically based rendering pipeline to generate
realistic textures. The lightness constraint is applied on the albedo texture
to suppress incorrect lighting effect. Experiments show that our method
outperforms previous methods on both global and local geometry and appearance
quality by a large margin. Since our method can produce high-quality meshes and
textures, such assets can be directly applied in classic graphics pipeline for
realistic rendering under any lighting condition. Project page at:
https://yoxu515.github.io/SEEAvatar/. | null | cs.CV | [
"cs.CV"
] |
2306.05178 | HF | SyncDiffusion: Coherent Montage via Synchronized Joint Diffusions | [
"Yuseung Lee",
"Kunho Kim",
"Hyunjin Kim",
"Minhyuk Sung"
] | 2023-06-08 | The remarkable capabilities of pretrained image diffusion models have been
utilized not only for generating fixed-size images but also for creating
panoramas. However, naive stitching of multiple images often results in visible
seams. Recent techniques have attempted to address this issue by performing
joint diffusions in multiple windows and averaging latent features in
overlapping regions. However, these approaches, which focus on seamless montage
generation, often yield incoherent outputs by blending different scenes within
a single image. To overcome this limitation, we propose SyncDiffusion, a
plug-and-play module that synchronizes multiple diffusions through gradient
descent from a perceptual similarity loss. Specifically, we compute the
gradient of the perceptual loss using the predicted denoised images at each
denoising step, providing meaningful guidance for achieving coherent montages.
Our experimental results demonstrate that our method produces significantly
more coherent outputs compared to previous methods (66.35% vs. 33.65% in our
user study) while still maintaining fidelity (as assessed by GIQA) and
compatibility with the input prompt (as measured by CLIP score). We further
demonstrate the versatility of our method across three plug-and-play
applications: layout-guided image generation, conditional image generation and
360-degree panorama generation. Our project page is at
https://syncdiffusion.github.io. | null | cs.CV | [
"cs.CV"
] |
2306.03024 | HF | PokemonChat: Auditing ChatGPT for Pokémon Universe Knowledge | [
"Laura Cabello",
"Jiaang Li",
"Ilias Chalkidis"
] | 2023-06-05 | The recently released ChatGPT model demonstrates unprecedented capabilities
in zero-shot question-answering. In this work, we probe ChatGPT for its
conversational understanding and introduce a conversational framework
(protocol) that can be adopted in future studies. The Pok\'emon universe serves
as an ideal testing ground for auditing ChatGPT's reasoning capabilities due to
its closed world assumption. After bringing ChatGPT's background knowledge (on
the Pok\'emon universe) to light, we test its reasoning process when using
these concepts in battle scenarios. We then evaluate its ability to acquire new
knowledge and include it in its reasoning process. Our ultimate goal is to
assess ChatGPT's ability to generalize, combine features, and to acquire and
reason over newly introduced knowledge from human feedback. We find that
ChatGPT has prior knowledge of the Pokemon universe, which can reason upon in
battle scenarios to a great extent, even when new information is introduced.
The model performs better with collaborative feedback and if there is an
initial phase of information retrieval, but also hallucinates occasionally and
is susceptible to adversarial attacks. | null | cs.CL | [
"cs.CL"
] |
2308.04592 | Both | Shepherd: A Critic for Language Model Generation | [
"Tianlu Wang",
"Ping Yu",
"Xiaoqing Ellen Tan",
"Sean O'Brien",
"Ramakanth Pasunuru",
"Jane Dwivedi-Yu",
"Olga Golovneva",
"Luke Zettlemoyer",
"Maryam Fazel-Zarandi",
"Asli Celikyilmaz"
] | 2023-08-08 | As large language models improve, there is increasing interest in techniques
that leverage these models' capabilities to refine their own outputs. In this
work, we introduce Shepherd, a language model specifically tuned to critique
responses and suggest refinements, extending beyond the capabilities of an
untuned model to identify diverse errors and provide suggestions to remedy
them. At the core of our approach is a high quality feedback dataset, which we
curate from community feedback and human annotations. Even though Shepherd is
small (7B parameters), its critiques are either equivalent or preferred to
those from established models including ChatGPT. Using GPT-4 for evaluation,
Shepherd reaches an average win-rate of 53-87% compared to competitive
alternatives. In human evaluation, Shepherd strictly outperforms other models
and on average closely ties with ChatGPT. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.19340 | HF | Integrating Large Language Models into a Tri-Modal Architecture for Automated Depression Classification | [
"Santosh V. Patapati"
] | 2024-07-27 | Major Depressive Disorder (MDD) is a pervasive mental health condition that
affects 300 million people worldwide. This work presents a novel, BiLSTM-based
tri-modal model-level fusion architecture for the binary classification of
depression from clinical interview recordings. The proposed architecture
incorporates Mel Frequency Cepstral Coefficients, Facial Action Units, and uses
a two-shot learning based GPT-4 model to process text data. This is the first
work to incorporate large language models into a multi-modal architecture for
this task. It achieves impressive results on the DAIC-WOZ AVEC 2016 Challenge
cross-validation split and Leave-One-Subject-Out cross-validation split,
surpassing all baseline models and multiple state-of-the-art models. In
Leave-One-Subject-Out testing, it achieves an accuracy of 91.01%, an F1-Score
of 85.95%, a precision of 80%, and a recall of 92.86%. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.MM"
] |
2306.03241 | AnswerAI | Early Weight Averaging meets High Learning Rates for LLM Pre-training | [
"Sunny Sanyal",
"Atula Neerkaje",
"Jean Kaddour",
"Abhishek Kumar",
"Sujay Sanghavi"
] | 2023-06-05 | Training Large Language Models (LLMs) incurs significant cost; hence, any
strategy that accelerates model convergence is helpful. In this paper, we
investigate the ability of a simple idea checkpoint averaging along the
trajectory of a training run to improve both convergence and generalization
quite early on during training. Here we show that models trained with high
learning rates observe higher gains due to checkpoint averaging. Furthermore,
these gains are amplified when checkpoints are sampled with considerable
spacing in training steps. Our training recipe outperforms conventional
training and popular checkpoint averaging baselines such as exponential moving
average (EMA) and stochastic moving average (SWA). We evaluate our training
recipe by pre-training LLMs, where high learning rates are inherently preferred
due to extremely large batch sizes. Specifically, we pre-trained nanoGPT-2
models of varying sizes, small (125M), medium (335M), and large (770M)on the
OpenWebText dataset, comprised of 9B tokens. Additionally, we present results
for publicly available Pythia LLMs, ranging from 1B to 12B, which were trained
on the PILE-deduped dataset containing 207B tokens. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2408.16768 | HF | SAM2Point: Segment Any 3D as Videos in Zero-shot and Promptable Manners | [
"Ziyu Guo",
"Renrui Zhang",
"Xiangyang Zhu",
"Chengzhuo Tong",
"Peng Gao",
"Chunyuan Li",
"Pheng-Ann Heng"
] | 2024-08-29 | We introduce SAM2Point, a preliminary exploration adapting Segment Anything
Model 2 (SAM 2) for zero-shot and promptable 3D segmentation. SAM2Point
interprets any 3D data as a series of multi-directional videos, and leverages
SAM 2 for 3D-space segmentation, without further training or 2D-3D projection.
Our framework supports various prompt types, including 3D points, boxes, and
masks, and can generalize across diverse scenarios, such as 3D objects, indoor
scenes, outdoor environments, and raw sparse LiDAR. Demonstrations on multiple
3D datasets, e.g., Objaverse, S3DIS, ScanNet, Semantic3D, and KITTI, highlight
the robust generalization capabilities of SAM2Point. To our best knowledge, we
present the most faithful implementation of SAM in 3D, which may serve as a
starting point for future research in promptable 3D segmentation. Online Demo:
https://huggingface.co/spaces/ZiyuG/SAM2Point . Code:
https://github.com/ZiyuGuo99/SAM2Point . | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.