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
|
---|---|---|---|---|---|---|---|---|
2111.12958 | AnswerAI | Self-Distilled Self-Supervised Representation Learning | [
"Jiho Jang",
"Seonhoon Kim",
"Kiyoon Yoo",
"Chaerin Kong",
"Jangho Kim",
"Nojun Kwak"
] | 2021-11-25 | State-of-the-art frameworks in self-supervised learning have recently shown
that fully utilizing transformer-based models can lead to performance boost
compared to conventional CNN models. Striving to maximize the mutual
information of two views of an image, existing works apply a contrastive loss
to the final representations. Motivated by self-distillation in the supervised
regime, we further exploit this by allowing the intermediate representations to
learn from the final layer via the contrastive loss. Through self-distillation,
the intermediate layers are better suited for instance discrimination, making
the performance of an early-exited sub-network not much degraded from that of
the full network. This renders the pretext task easier also for the final
layer, leading to better representations. Our method, Self-Distilled
Self-Supervised Learning (SDSSL), outperforms competitive baselines (SimCLR,
BYOL and MoCo v3) using ViT on various tasks and datasets. In the linear
evaluation and k-NN protocol, SDSSL not only leads to superior performance in
the final layers, but also in most of the lower layers. Furthermore,
qualitative and quantitative analyses show how representations are formed more
effectively along the transformer layers. Code is available at
https://github.com/hagiss/SDSSL. | null | cs.CV | [
"cs.CV"
] |
2401.00368 | Both | Improving Text Embeddings with Large Language Models | [
"Liang Wang",
"Nan Yang",
"Xiaolong Huang",
"Linjun Yang",
"Rangan Majumder",
"Furu Wei"
] | 2023-12-31 | In this paper, we introduce a novel and simple method for obtaining
high-quality text embeddings using only synthetic data and less than 1k
training steps. Unlike existing methods that often depend on multi-stage
intermediate pre-training with billions of weakly-supervised text pairs,
followed by fine-tuning with a few labeled datasets, our method does not
require building complex training pipelines or relying on manually collected
datasets that are often constrained by task diversity and language coverage. We
leverage proprietary LLMs to generate diverse synthetic data for hundreds of
thousands of text embedding tasks across 93 languages. We then fine-tune
open-source decoder-only LLMs on the synthetic data using standard contrastive
loss. Experiments demonstrate that our method achieves strong performance on
highly competitive text embedding benchmarks without using any labeled data.
Furthermore, when fine-tuned with a mixture of synthetic and labeled data, our
model sets new state-of-the-art results on the BEIR and MTEB benchmarks. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2311.04901 | HF | GENOME: GenerativE Neuro-symbOlic visual reasoning by growing and reusing ModulEs | [
"Zhenfang Chen",
"Rui Sun",
"Wenjun Liu",
"Yining Hong",
"Chuang Gan"
] | 2023-11-08 | Recent works have shown that Large Language Models (LLMs) could empower
traditional neuro-symbolic models via programming capabilities to translate
language into module descriptions, thus achieving strong visual reasoning
results while maintaining the model's transparency and efficiency. However,
these models usually exhaustively generate the entire code snippet given each
new instance of a task, which is extremely ineffective. We propose generative
neuro-symbolic visual reasoning by growing and reusing modules. Specifically,
our model consists of three unique stages, module initialization, module
generation, and module execution. First, given a vision-language task, we adopt
LLMs to examine whether we could reuse and grow over established modules to
handle this new task. If not, we initialize a new module needed by the task and
specify the inputs and outputs of this new module. After that, the new module
is created by querying LLMs to generate corresponding code snippets that match
the requirements. In order to get a better sense of the new module's ability,
we treat few-shot training examples as test cases to see if our new module
could pass these cases. If yes, the new module is added to the module library
for future reuse. Finally, we evaluate the performance of our model on the
testing set by executing the parsed programs with the newly made visual modules
to get the results. We find the proposed model possesses several advantages.
First, it performs competitively on standard tasks like visual question
answering and referring expression comprehension; Second, the modules learned
from one task can be seamlessly transferred to new tasks; Last but not least,
it is able to adapt to new visual reasoning tasks by observing a few training
examples and reusing modules. | null | cs.CV | [
"cs.CV"
] |
2401.12503 | HF | Small Language Model Meets with Reinforced Vision Vocabulary | [
"Haoran Wei",
"Lingyu Kong",
"Jinyue Chen",
"Liang Zhao",
"Zheng Ge",
"En Yu",
"Jianjian Sun",
"Chunrui Han",
"Xiangyu Zhang"
] | 2024-01-23 | Playing Large Vision Language Models (LVLMs) in 2023 is trendy among the AI
community. However, the relatively large number of parameters (more than 7B) of
popular LVLMs makes it difficult to train and deploy on consumer GPUs,
discouraging many researchers with limited resources. Imagine how cool it would
be to experience all the features of current LVLMs on an old GTX1080ti (our
only game card). Accordingly, we present Vary-toy in this report, a small-size
Vary along with Qwen-1.8B as the base ``large'' language model. In Vary-toy, we
introduce an improved vision vocabulary, allowing the model to not only possess
all features of Vary but also gather more generality. Specifically, we replace
negative samples of natural images with positive sample data driven by object
detection in the procedure of generating vision vocabulary, more sufficiently
utilizing the capacity of the vocabulary network and enabling it to efficiently
encode visual information corresponding to natural objects. For experiments,
Vary-toy can achieve 65.6% ANLS on DocVQA, 59.1% accuracy on ChartQA, 88.1%
accuracy on RefCOCO, and 29% on MMVet. The code will be publicly available on
the homepage. | null | cs.CV | [
"cs.CV"
] |
2406.11775 | HF | Task Me Anything | [
"Jieyu Zhang",
"Weikai Huang",
"Zixian Ma",
"Oscar Michel",
"Dong He",
"Tanmay Gupta",
"Wei-Chiu Ma",
"Ali Farhadi",
"Aniruddha Kembhavi",
"Ranjay Krishna"
] | 2024-06-17 | Benchmarks for large multimodal language models (MLMs) now serve to
simultaneously assess the general capabilities of models instead of evaluating
for a specific capability. As a result, when a developer wants to identify
which models to use for their application, they are overwhelmed by the number
of benchmarks and remain uncertain about which benchmark's results are most
reflective of their specific use case. This paper introduces Task-Me-Anything,
a benchmark generation engine which produces a benchmark tailored to a user's
needs. Task-Me-Anything maintains an extendable taxonomy of visual assets and
can programmatically generate a vast number of task instances. Additionally, it
algorithmically addresses user queries regarding MLM performance efficiently
within a computational budget. It contains 113K images, 10K videos, 2K 3D
object assets, over 365 object categories, 655 attributes, and 335
relationships. It can generate 750M image/video question-answering pairs, which
focus on evaluating MLM perceptual capabilities. Task-Me-Anything reveals
critical insights: open-source MLMs excel in object and attribute recognition
but lack spatial and temporal understanding; each model exhibits unique
strengths and weaknesses; larger models generally perform better, though
exceptions exist; and GPT4o demonstrates challenges in recognizing
rotating/moving objects and distinguishing colors. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2405.19957 | HF | PLA4D: Pixel-Level Alignments for Text-to-4D Gaussian Splatting | [
"Qiaowei Miao",
"Yawei Luo",
"Yi Yang"
] | 2024-05-30 | As text-conditioned diffusion models (DMs) achieve breakthroughs in image,
video, and 3D generation, the research community's focus has shifted to the
more challenging task of text-to-4D synthesis, which introduces a temporal
dimension to generate dynamic 3D objects. In this context, we identify Score
Distillation Sampling (SDS), a widely used technique for text-to-3D synthesis,
as a significant hindrance to text-to-4D performance due to its Janus-faced and
texture-unrealistic problems coupled with high computational costs. In this
paper, we propose \textbf{P}ixel-\textbf{L}evel \textbf{A}lignments for
Text-to-\textbf{4D} Gaussian Splatting (\textbf{PLA4D}), a novel method that
utilizes text-to-video frames as explicit pixel alignment targets to generate
static 3D objects and inject motion into them. Specifically, we introduce Focal
Alignment to calibrate camera poses for rendering and GS-Mesh Contrastive
Learning to distill geometry priors from rendered image contrasts at the pixel
level. Additionally, we develop Motion Alignment using a deformation network to
drive changes in Gaussians and implement Reference Refinement for smooth 4D
object surfaces. These techniques enable 4D Gaussian Splatting to align
geometry, texture, and motion with generated videos at the pixel level.
Compared to previous methods, PLA4D produces synthesized outputs with better
texture details in less time and effectively mitigates the Janus-faced problem.
PLA4D is fully implemented using open-source models, offering an accessible,
user-friendly, and promising direction for 4D digital content creation. Our
project page: https://miaoqiaowei.github.io/PLA4D/. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2311.09221 | HF | Single-Image 3D Human Digitization with Shape-Guided Diffusion | [
"Badour AlBahar",
"Shunsuke Saito",
"Hung-Yu Tseng",
"Changil Kim",
"Johannes Kopf",
"Jia-Bin Huang"
] | 2023-11-15 | We present an approach to generate a 360-degree view of a person with a
consistent, high-resolution appearance from a single input image. NeRF and its
variants typically require videos or images from different viewpoints. Most
existing approaches taking monocular input either rely on ground-truth 3D scans
for supervision or lack 3D consistency. While recent 3D generative models show
promise of 3D consistent human digitization, these approaches do not generalize
well to diverse clothing appearances, and the results lack photorealism. Unlike
existing work, we utilize high-capacity 2D diffusion models pretrained for
general image synthesis tasks as an appearance prior of clothed humans. To
achieve better 3D consistency while retaining the input identity, we
progressively synthesize multiple views of the human in the input image by
inpainting missing regions with shape-guided diffusion conditioned on
silhouette and surface normal. We then fuse these synthesized multi-view images
via inverse rendering to obtain a fully textured high-resolution 3D mesh of the
given person. Experiments show that our approach outperforms prior methods and
achieves photorealistic 360-degree synthesis of a wide range of clothed humans
with complex textures from a single image. | 10.1145/3610548.3618153 | cs.CV | [
"cs.CV"
] |
2402.07043 | HF | A Tale of Tails: Model Collapse as a Change of Scaling Laws | [
"Elvis Dohmatob",
"Yunzhen Feng",
"Pu Yang",
"Francois Charton",
"Julia Kempe"
] | 2024-02-10 | As AI model size grows, neural scaling laws have become a crucial tool to
predict the improvements of large models when increasing capacity and the size
of original (human or natural) training data. Yet, the widespread use of
popular models means that the ecosystem of online data and text will co-evolve
to progressively contain increased amounts of synthesized data. In this paper
we ask: How will the scaling laws change in the inevitable regime where
synthetic data makes its way into the training corpus? Will future models,
still improve, or be doomed to degenerate up to total (model) collapse? We
develop a theoretical framework of model collapse through the lens of scaling
laws. We discover a wide range of decay phenomena, analyzing loss of scaling,
shifted scaling with number of generations, the ''un-learning" of skills, and
grokking when mixing human and synthesized data. Our theory is validated by
large-scale experiments with a transformer on an arithmetic task and text
generation using the large language model Llama2. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2402.15000 | HF | Divide-or-Conquer? Which Part Should You Distill Your LLM? | [
"Zhuofeng Wu",
"He Bai",
"Aonan Zhang",
"Jiatao Gu",
"VG Vinod Vydiswaran",
"Navdeep Jaitly",
"Yizhe Zhang"
] | 2024-02-22 | Recent methods have demonstrated that Large Language Models (LLMs) can solve
reasoning tasks better when they are encouraged to solve subtasks of the main
task first. In this paper we devise a similar strategy that breaks down
reasoning tasks into a problem decomposition phase and a problem solving phase
and show that the strategy is able to outperform a single stage solution.
Further, we hypothesize that the decomposition should be easier to distill into
a smaller model compared to the problem solving because the latter requires
large amounts of domain knowledge while the former only requires learning
general problem solving strategies. We propose methods to distill these two
capabilities and evaluate their impact on reasoning outcomes and inference
cost. We find that we can distill the problem decomposition phase and at the
same time achieve good generalization across tasks, datasets, and models.
However, it is harder to distill the problem solving capability without losing
performance and the resulting distilled model struggles with generalization.
These results indicate that by using smaller, distilled problem decomposition
models in combination with problem solving LLMs we can achieve reasoning with
cost-efficient inference and local adaptation. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2409.04005 | HF | Qihoo-T2X: An Efficiency-Focused Diffusion Transformer via Proxy Tokens for Text-to-Any-Task | [
"Jing Wang",
"Ao Ma",
"Jiasong Feng",
"Dawei Leng",
"Yuhui Yin",
"Xiaodan Liang"
] | 2024-09-06 | The global self-attention mechanism in diffusion transformers involves
redundant computation due to the sparse and redundant nature of visual
information, and the attention map of tokens within a spatial window shows
significant similarity. To address this redundancy, we propose the Proxy Token
Diffusion Transformer (PT-DiT), which employs sparse representative token
attention (where the number of representative tokens is much smaller than the
total number of tokens) to model global visual information efficiently.
Specifically, in each transformer block, we randomly sample one token from each
spatial-temporal window to serve as a proxy token for that region. The global
semantics are captured through the self-attention of these proxy tokens and
then injected into all latent tokens via cross-attention. Simultaneously, we
introduce window and shift window attention to address the limitations in
detail modeling caused by the sparse attention mechanism. Building on the
well-designed PT-DiT, we further develop the Qihoo-T2X family, which includes a
variety of models for T2I, T2V, and T2MV tasks. Experimental results show that
PT-DiT achieves competitive performance while reducing the computational
complexity in both image and video generation tasks (e.g., a 48% reduction
compared to DiT and a 35% reduction compared to Pixart-alpha). Our source code
is available at https://github.com/360CVGroup/Qihoo-T2X. | null | cs.CV | [
"cs.CV"
] |
2408.02210 | HF | ExoViP: Step-by-step Verification and Exploration with Exoskeleton Modules for Compositional Visual Reasoning | [
"Yuxuan Wang",
"Alan Yuille",
"Zhuowan Li",
"Zilong Zheng"
] | 2024-08-05 | Compositional visual reasoning methods, which translate a complex query into
a structured composition of feasible visual tasks, have exhibited a strong
potential in complicated multi-modal tasks. Empowered by recent advances in
large language models (LLMs), this multi-modal challenge has been brought to a
new stage by treating LLMs as few-shot/zero-shot planners, i.e.,
vision-language (VL) programming. Such methods, despite their numerous merits,
suffer from challenges due to LLM planning mistakes or inaccuracy of visual
execution modules, lagging behind the non-compositional models. In this work,
we devise a "plug-and-play" method, ExoViP, to correct errors in both the
planning and execution stages through introspective verification. We employ
verification modules as "exoskeletons" to enhance current VL programming
schemes. Specifically, our proposed verification module utilizes a mixture of
three sub-verifiers to validate predictions after each reasoning step,
subsequently calibrating the visual module predictions and refining the
reasoning trace planned by LLMs. Experimental results on two representative VL
programming methods showcase consistent improvements on five compositional
reasoning tasks on standard benchmarks. In light of this, we believe that
ExoViP can foster better performance and generalization on open-domain
multi-modal challenges. | null | cs.CV | [
"cs.CV"
] |
2403.04692 | HF | PixArt-Σ: Weak-to-Strong Training of Diffusion Transformer for 4K Text-to-Image Generation | [
"Junsong Chen",
"Chongjian Ge",
"Enze Xie",
"Yue Wu",
"Lewei Yao",
"Xiaozhe Ren",
"Zhongdao Wang",
"Ping Luo",
"Huchuan Lu",
"Zhenguo Li"
] | 2024-03-07 | In this paper, we introduce PixArt-\Sigma, a Diffusion Transformer
model~(DiT) capable of directly generating images at 4K resolution.
PixArt-\Sigma represents a significant advancement over its predecessor,
PixArt-\alpha, offering images of markedly higher fidelity and improved
alignment with text prompts. A key feature of PixArt-\Sigma is its training
efficiency. Leveraging the foundational pre-training of PixArt-\alpha, it
evolves from the `weaker' baseline to a `stronger' model via incorporating
higher quality data, a process we term "weak-to-strong training". The
advancements in PixArt-\Sigma are twofold: (1) High-Quality Training Data:
PixArt-\Sigma incorporates superior-quality image data, paired with more
precise and detailed image captions. (2) Efficient Token Compression: we
propose a novel attention module within the DiT framework that compresses both
keys and values, significantly improving efficiency and facilitating
ultra-high-resolution image generation. Thanks to these improvements,
PixArt-\Sigma achieves superior image quality and user prompt adherence
capabilities with significantly smaller model size (0.6B parameters) than
existing text-to-image diffusion models, such as SDXL (2.6B parameters) and SD
Cascade (5.1B parameters). Moreover, PixArt-\Sigma's capability to generate 4K
images supports the creation of high-resolution posters and wallpapers,
efficiently bolstering the production of high-quality visual content in
industries such as film and gaming. | null | cs.CV | [
"cs.CV"
] |
2312.13691 | HF | DreamTuner: Single Image is Enough for Subject-Driven Generation | [
"Miao Hua",
"Jiawei Liu",
"Fei Ding",
"Wei Liu",
"Jie Wu",
"Qian He"
] | 2023-12-21 | Diffusion-based models have demonstrated impressive capabilities for
text-to-image generation and are expected for personalized applications of
subject-driven generation, which require the generation of customized concepts
with one or a few reference images. However, existing methods based on
fine-tuning fail to balance the trade-off between subject learning and the
maintenance of the generation capabilities of pretrained models. Moreover,
other methods that utilize additional image encoders tend to lose important
details of the subject due to encoding compression. To address these
challenges, we propose DreamTurner, a novel method that injects reference
information from coarse to fine to achieve subject-driven image generation more
effectively. DreamTurner introduces a subject-encoder for coarse subject
identity preservation, where the compressed general subject features are
introduced through an attention layer before visual-text cross-attention. We
then modify the self-attention layers within pretrained text-to-image models to
self-subject-attention layers to refine the details of the target subject. The
generated image queries detailed features from both the reference image and
itself in self-subject-attention. It is worth emphasizing that
self-subject-attention is an effective, elegant, and training-free method for
maintaining the detailed features of customized subjects and can serve as a
plug-and-play solution during inference. Finally, with additional
subject-driven fine-tuning, DreamTurner achieves remarkable performance in
subject-driven image generation, which can be controlled by a text or other
conditions such as pose. For further details, please visit the project page at
https://dreamtuner-diffusion.github.io/. | null | cs.CV | [
"cs.CV"
] |
2308.05713 | AnswerAI | Testing GPT-4 with Wolfram Alpha and Code Interpreter plug-ins on math and science problems | [
"Ernest Davis",
"Scott Aaronson"
] | 2023-08-10 | This report describes a test of the large language model GPT-4 with the
Wolfram Alpha and the Code Interpreter plug-ins on 105 original problems in
science and math, at the high school and college levels, carried out in
June-August 2023. Our tests suggest that the plug-ins significantly enhance
GPT's ability to solve these problems. Having said that, there are still often
"interface" failures; that is, GPT often has trouble formulating problems in a
way that elicits useful answers from the plug-ins. Fixing these interface
failures seems like a central challenge in making GPT a reliable tool for
college-level calculation problems. | null | cs.AI | [
"cs.AI",
"math.HO",
"physics.pop-ph"
] |
2406.11230 | HF | Multimodal Needle in a Haystack: Benchmarking Long-Context Capability of Multimodal Large Language Models | [
"Hengyi Wang",
"Haizhou Shi",
"Shiwei Tan",
"Weiyi Qin",
"Wenyuan Wang",
"Tunyu Zhang",
"Akshay Nambi",
"Tanuja Ganu",
"Hao Wang"
] | 2024-06-17 | Multimodal Large Language Models (MLLMs) have shown significant promise in
various applications, leading to broad interest from researchers and
practitioners alike. However, a comprehensive evaluation of their long-context
capabilities remains underexplored. To address these gaps, we introduce the
MultiModal Needle-in-a-haystack (MMNeedle) benchmark, specifically designed to
assess the long-context capabilities of MLLMs. Besides multi-image input, we
employ image stitching to further increase the input context length, and
develop a protocol to automatically generate labels for sub-image level
retrieval. Essentially, MMNeedle evaluates MLLMs by stress-testing their
capability to locate a target sub-image (needle) within a set of images
(haystack) based on textual instructions and descriptions of image contents.
This setup necessitates an advanced understanding of extensive visual contexts
and effective information retrieval within long-context image inputs. With this
benchmark, we evaluate state-of-the-art MLLMs, encompassing both API-based and
open-source models. The findings reveal that GPT-4o consistently surpasses
other models in long-context scenarios, but suffers from hallucination problems
in negative samples, i.e., when needles are not in the haystacks. Our
comprehensive long-context evaluation of MLLMs also sheds lights on the
considerable performance gap between API-based and open-source models. All the
code, data, and instructions required to reproduce the main results are
available at https://github.com/Wang-ML-Lab/multimodal-needle-in-a-haystack. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2312.13382 | AnswerAI | DSPy Assertions: Computational Constraints for Self-Refining Language Model Pipelines | [
"Arnav Singhvi",
"Manish Shetty",
"Shangyin Tan",
"Christopher Potts",
"Koushik Sen",
"Matei Zaharia",
"Omar Khattab"
] | 2023-12-20 | Chaining language model (LM) calls as composable modules is fueling a new way
of programming, but ensuring LMs adhere to important constraints requires
heuristic "prompt engineering". We introduce LM Assertions, a programming
construct for expressing computational constraints that LMs should satisfy. We
integrate our constructs into the recent DSPy programming model for LMs, and
present new strategies that allow DSPy to compile programs with LM Assertions
into more reliable and accurate systems. We also propose strategies to use
assertions at inference time for automatic self-refinement with LMs. We report
on four diverse case studies for text generation and find that LM Assertions
improve not only compliance with imposed rules but also downstream task
performance, passing constraints up to 164% more often and generating up to 37%
more higher-quality responses. Our reference implementation of LM Assertions is
integrated into DSPy at https://github.com/stanfordnlp/dspy | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.PL"
] |
2409.10831 | HF | PDMX: A Large-Scale Public Domain MusicXML Dataset for Symbolic Music Processing | [
"Phillip Long",
"Zachary Novack",
"Taylor Berg-Kirkpatrick",
"Julian McAuley"
] | 2024-09-17 | The recent explosion of generative AI-Music systems has raised numerous
concerns over data copyright, licensing music from musicians, and the conflict
between open-source AI and large prestige companies. Such issues highlight the
need for publicly available, copyright-free musical data, in which there is a
large shortage, particularly for symbolic music data. To alleviate this issue,
we present PDMX: a large-scale open-source dataset of over 250K public domain
MusicXML scores collected from the score-sharing forum MuseScore, making it the
largest available copyright-free symbolic music dataset to our knowledge. PDMX
additionally includes a wealth of both tag and user interaction metadata,
allowing us to efficiently analyze the dataset and filter for high quality
user-generated scores. Given the additional metadata afforded by our data
collection process, we conduct multitrack music generation experiments
evaluating how different representative subsets of PDMX lead to different
behaviors in downstream models, and how user-rating statistics can be used as
an effective measure of data quality. Examples can be found at
https://pnlong.github.io/PDMX.demo/. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"cs.MM",
"eess.AS"
] |
2404.14219 | HF | Phi-3 Technical Report: A Highly Capable Language Model Locally on Your Phone | [
"Marah Abdin",
"Jyoti Aneja",
"Hany Awadalla",
"Ahmed Awadallah",
"Ammar Ahmad Awan",
"Nguyen Bach",
"Amit Bahree",
"Arash Bakhtiari",
"Jianmin Bao",
"Harkirat Behl",
"Alon Benhaim",
"Misha Bilenko",
"Johan Bjorck",
"Sébastien Bubeck",
"Martin Cai",
"Qin Cai",
"Vishrav Chaudhary",
"Dong Chen",
"Dongdong Chen",
"Weizhu Chen",
"Yen-Chun Chen",
"Yi-Ling Chen",
"Hao Cheng",
"Parul Chopra",
"Xiyang Dai",
"Matthew Dixon",
"Ronen Eldan",
"Victor Fragoso",
"Jianfeng Gao",
"Mei Gao",
"Min Gao",
"Amit Garg",
"Allie Del Giorno",
"Abhishek Goswami",
"Suriya Gunasekar",
"Emman Haider",
"Junheng Hao",
"Russell J. Hewett",
"Wenxiang Hu",
"Jamie Huynh",
"Dan Iter",
"Sam Ade Jacobs",
"Mojan Javaheripi",
"Xin Jin",
"Nikos Karampatziakis",
"Piero Kauffmann",
"Mahoud Khademi",
"Dongwoo Kim",
"Young Jin Kim",
"Lev Kurilenko",
"James R. Lee",
"Yin Tat Lee",
"Yuanzhi Li",
"Yunsheng Li",
"Chen Liang",
"Lars Liden",
"Xihui Lin",
"Zeqi Lin",
"Ce Liu",
"Liyuan Liu",
"Mengchen Liu",
"Weishung Liu",
"Xiaodong Liu",
"Chong Luo",
"Piyush Madan",
"Ali Mahmoudzadeh",
"David Majercak",
"Matt Mazzola",
"Caio César Teodoro Mendes",
"Arindam Mitra",
"Hardik Modi",
"Anh Nguyen",
"Brandon Norick",
"Barun Patra",
"Daniel Perez-Becker",
"Thomas Portet",
"Reid Pryzant",
"Heyang Qin",
"Marko Radmilac",
"Liliang Ren",
"Gustavo de Rosa",
"Corby Rosset",
"Sambudha Roy",
"Olatunji Ruwase",
"Olli Saarikivi",
"Amin Saied",
"Adil Salim",
"Michael Santacroce",
"Shital Shah",
"Ning Shang",
"Hiteshi Sharma",
"Yelong Shen",
"Swadheen Shukla",
"Xia Song",
"Masahiro Tanaka",
"Andrea Tupini",
"Praneetha Vaddamanu",
"Chunyu Wang",
"Guanhua Wang",
"Lijuan Wang",
"Shuohang Wang",
"Xin Wang",
"Yu Wang",
"Rachel Ward",
"Wen Wen",
"Philipp Witte",
"Haiping Wu",
"Xiaoxia Wu",
"Michael Wyatt",
"Bin Xiao",
"Can Xu",
"Jiahang Xu",
"Weijian Xu",
"Jilong Xue",
"Sonali Yadav",
"Fan Yang",
"Jianwei Yang",
"Yifan Yang",
"Ziyi Yang",
"Donghan Yu",
"Lu Yuan",
"Chenruidong Zhang",
"Cyril Zhang",
"Jianwen Zhang",
"Li Lyna Zhang",
"Yi Zhang",
"Yue Zhang",
"Yunan Zhang",
"Xiren Zhou"
] | 2024-04-22 | We introduce phi-3-mini, a 3.8 billion parameter language model trained on
3.3 trillion tokens, whose overall performance, as measured by both academic
benchmarks and internal testing, rivals that of models such as Mixtral 8x7B and
GPT-3.5 (e.g., phi-3-mini achieves 69% on MMLU and 8.38 on MT-bench), despite
being small enough to be deployed on a phone. Our training dataset is a
scaled-up version of the one used for phi-2, composed of heavily filtered
publicly available web data and synthetic data. The model is also further
aligned for robustness, safety, and chat format. We also provide
parameter-scaling results with a 7B, 14B models trained for 4.8T tokens, called
phi-3-small, phi-3-medium, both significantly more capable than phi-3-mini
(e.g., respectively 75%, 78% on MMLU, and 8.7, 8.9 on MT-bench). To enhance
multilingual, multimodal, and long-context capabilities, we introduce three
models in the phi-3.5 series: phi-3.5-mini, phi-3.5-MoE, and phi-3.5-Vision.
The phi-3.5-MoE, a 16 x 3.8B MoE model with 6.6 billion active parameters,
achieves superior performance in language reasoning, math, and code tasks
compared to other open-source models of similar scale, such as Llama 3.1 and
the Mixtral series, and on par with Gemini-1.5-Flash and GPT-4o-mini.
Meanwhile, phi-3.5-Vision, a 4.2 billion parameter model derived from
phi-3.5-mini, excels in reasoning tasks and is adept at handling both
single-image and text prompts, as well as multi-image and text prompts. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2310.12962 | HF | An Emulator for Fine-Tuning Large Language Models using Small Language Models | [
"Eric Mitchell",
"Rafael Rafailov",
"Archit Sharma",
"Chelsea Finn",
"Christopher D. Manning"
] | 2023-10-19 | Widely used language models (LMs) are typically built by scaling up a
two-stage training pipeline: a pre-training stage that uses a very large,
diverse dataset of text and a fine-tuning (sometimes, 'alignment') stage that
uses targeted examples or other specifications of desired behaviors. While it
has been hypothesized that knowledge and skills come from pre-training, and
fine-tuning mostly filters this knowledge and skillset, this intuition has not
been extensively tested. To aid in doing so, we introduce a novel technique for
decoupling the knowledge and skills gained in these two stages, enabling a
direct answer to the question, "What would happen if we combined the knowledge
learned by a large model during pre-training with the knowledge learned by a
small model during fine-tuning (or vice versa)?" Using an RL-based framework
derived from recent developments in learning from human preferences, we
introduce emulated fine-tuning (EFT), a principled and practical method for
sampling from a distribution that approximates (or 'emulates') the result of
pre-training and fine-tuning at different scales. Our experiments with EFT show
that scaling up fine-tuning tends to improve helpfulness, while scaling up
pre-training tends to improve factuality. Beyond decoupling scale, we show that
EFT enables test-time adjustment of competing behavioral traits like
helpfulness and harmlessness without additional training. Finally, a special
case of emulated fine-tuning, which we call LM up-scaling, avoids
resource-intensive fine-tuning of large pre-trained models by ensembling them
with small fine-tuned models, essentially emulating the result of fine-tuning
the large pre-trained model. Up-scaling consistently improves helpfulness and
factuality of instruction-following models in the Llama, Llama-2, and Falcon
families, without additional hyperparameters or training. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.11394 | HF | DreamCatalyst: Fast and High-Quality 3D Editing via Controlling Editability and Identity Preservation | [
"Jiwook Kim",
"Seonho Lee",
"Jaeyo Shin",
"Jiho Choi",
"Hyunjung Shim"
] | 2024-07-16 | Score distillation sampling (SDS) has emerged as an effective framework in
text-driven 3D editing tasks due to its inherent 3D consistency. However,
existing SDS-based 3D editing methods suffer from extensive training time and
lead to low-quality results, primarily because these methods deviate from the
sampling dynamics of diffusion models. In this paper, we propose DreamCatalyst,
a novel framework that interprets SDS-based editing as a diffusion reverse
process. Our objective function considers the sampling dynamics, thereby making
the optimization process of DreamCatalyst an approximation of the diffusion
reverse process in editing tasks. DreamCatalyst aims to reduce training time
and improve editing quality. DreamCatalyst presents two modes: (1) a faster
mode, which edits the NeRF scene in only about 25 minutes, and (2) a
high-quality mode, which produces superior results in less than 70 minutes.
Specifically, our high-quality mode outperforms current state-of-the-art NeRF
editing methods both in terms of speed and quality. See more extensive results
on our project page: https://dream-catalyst.github.io. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2401.05583 | HF | Diffusion Priors for Dynamic View Synthesis from Monocular Videos | [
"Chaoyang Wang",
"Peiye Zhuang",
"Aliaksandr Siarohin",
"Junli Cao",
"Guocheng Qian",
"Hsin-Ying Lee",
"Sergey Tulyakov"
] | 2024-01-10 | Dynamic novel view synthesis aims to capture the temporal evolution of visual
content within videos. Existing methods struggle to distinguishing between
motion and structure, particularly in scenarios where camera poses are either
unknown or constrained compared to object motion. Furthermore, with information
solely from reference images, it is extremely challenging to hallucinate unseen
regions that are occluded or partially observed in the given videos. To address
these issues, we first finetune a pretrained RGB-D diffusion model on the video
frames using a customization technique. Subsequently, we distill the knowledge
from the finetuned model to a 4D representations encompassing both dynamic and
static Neural Radiance Fields (NeRF) components. The proposed pipeline achieves
geometric consistency while preserving the scene identity. We perform thorough
experiments to evaluate the efficacy of the proposed method qualitatively and
quantitatively. Our results demonstrate the robustness and utility of our
approach in challenging cases, further advancing dynamic novel view synthesis. | null | cs.CV | [
"cs.CV"
] |
2304.08442 | AnswerAI | The MiniPile Challenge for Data-Efficient Language Models | [
"Jean Kaddour"
] | 2023-04-17 | The ever-growing diversity of pre-training text corpora has equipped language
models with generalization capabilities across various downstream tasks.
However, such diverse datasets are often too large for academic budgets; hence,
most research on Transformer architectures, training procedures, optimizers,
etc. gets conducted on smaller, homogeneous datasets. To this end, we present
The MiniPile Challenge, where one pre-trains a language model on a diverse text
corpus containing at most 1M documents. MiniPile is a 6GB subset of the
deduplicated 825GB The Pile corpus. To curate MiniPile, we perform a simple,
three-step data filtering process: we (1) infer embeddings for all documents of
the Pile, (2) cluster the embedding space using $k$-means, and (3) filter out
low-quality clusters. To verify MiniPile's suitability for language model
pre-training, we use it to pre-train a BERT and T5 model, yielding a
performance drop of only $1.9\%$/$2.5\%$ on the GLUE and SNI benchmarks
compared to the original pre-trained checkpoints trained on $2.6$x/$745$x the
amount of data. MiniPile is available at
https://huggingface.co/datasets/JeanKaddour/minipile. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2405.13195 | HF | CamViG: Camera Aware Image-to-Video Generation with Multimodal Transformers | [
"Andrew Marmon",
"Grant Schindler",
"José Lezama",
"Dan Kondratyuk",
"Bryan Seybold",
"Irfan Essa"
] | 2024-05-21 | We extend multimodal transformers to include 3D camera motion as a
conditioning signal for the task of video generation. Generative video models
are becoming increasingly powerful, thus focusing research efforts on methods
of controlling the output of such models. We propose to add virtual 3D camera
controls to generative video methods by conditioning generated video on an
encoding of three-dimensional camera movement over the course of the generated
video. Results demonstrate that we are (1) able to successfully control the
camera during video generation, starting from a single frame and a camera
signal, and (2) we demonstrate the accuracy of the generated 3D camera paths
using traditional computer vision methods. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2302.00083 | AnswerAI | In-Context Retrieval-Augmented Language Models | [
"Ori Ram",
"Yoav Levine",
"Itay Dalmedigos",
"Dor Muhlgay",
"Amnon Shashua",
"Kevin Leyton-Brown",
"Yoav Shoham"
] | 2023-01-31 | Retrieval-Augmented Language Modeling (RALM) methods, which condition a
language model (LM) on relevant documents from a grounding corpus during
generation, were shown to significantly improve language modeling performance.
In addition, they can mitigate the problem of factually inaccurate text
generation and provide natural source attribution mechanism. Existing RALM
approaches focus on modifying the LM architecture in order to facilitate the
incorporation of external information, significantly complicating deployment.
This paper considers a simple alternative, which we dub In-Context RALM:
leaving the LM architecture unchanged and prepending grounding documents to the
input, without any further training of the LM. We show that In-Context RALM
that builds on off-the-shelf general purpose retrievers provides surprisingly
large LM gains across model sizes and diverse corpora. We also demonstrate that
the document retrieval and ranking mechanism can be specialized to the RALM
setting to further boost performance. We conclude that In-Context RALM has
considerable potential to increase the prevalence of LM grounding, particularly
in settings where a pretrained LM must be used without modification or even via
API access. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2402.07872 | HF | PIVOT: Iterative Visual Prompting Elicits Actionable Knowledge for VLMs | [
"Soroush Nasiriany",
"Fei Xia",
"Wenhao Yu",
"Ted Xiao",
"Jacky Liang",
"Ishita Dasgupta",
"Annie Xie",
"Danny Driess",
"Ayzaan Wahid",
"Zhuo Xu",
"Quan Vuong",
"Tingnan Zhang",
"Tsang-Wei Edward Lee",
"Kuang-Huei Lee",
"Peng Xu",
"Sean Kirmani",
"Yuke Zhu",
"Andy Zeng",
"Karol Hausman",
"Nicolas Heess",
"Chelsea Finn",
"Sergey Levine",
"Brian Ichter"
] | 2024-02-12 | Vision language models (VLMs) have shown impressive capabilities across a
variety of tasks, from logical reasoning to visual understanding. This opens
the door to richer interaction with the world, for example robotic control.
However, VLMs produce only textual outputs, while robotic control and other
spatial tasks require outputting continuous coordinates, actions, or
trajectories. How can we enable VLMs to handle such settings without
fine-tuning on task-specific data?
In this paper, we propose a novel visual prompting approach for VLMs that we
call Prompting with Iterative Visual Optimization (PIVOT), which casts tasks as
iterative visual question answering. In each iteration, the image is annotated
with a visual representation of proposals that the VLM can refer to (e.g.,
candidate robot actions, localizations, or trajectories). The VLM then selects
the best ones for the task. These proposals are iteratively refined, allowing
the VLM to eventually zero in on the best available answer. We investigate
PIVOT on real-world robotic navigation, real-world manipulation from images,
instruction following in simulation, and additional spatial inference tasks
such as localization. We find, perhaps surprisingly, that our approach enables
zero-shot control of robotic systems without any robot training data,
navigation in a variety of environments, and other capabilities. Although
current performance is far from perfect, our work highlights potentials and
limitations of this new regime and shows a promising approach for
Internet-Scale VLMs in robotic and spatial reasoning domains. Website:
pivot-prompt.github.io and HuggingFace:
https://huggingface.co/spaces/pivot-prompt/pivot-prompt-demo. | null | cs.RO | [
"cs.RO",
"cs.CL",
"cs.CV",
"cs.LG"
] |
2310.03734 | HF | Leveraging Unpaired Data for Vision-Language Generative Models via Cycle Consistency | [
"Tianhong Li",
"Sangnie Bhardwaj",
"Yonglong Tian",
"Han Zhang",
"Jarred Barber",
"Dina Katabi",
"Guillaume Lajoie",
"Huiwen Chang",
"Dilip Krishnan"
] | 2023-10-05 | Current vision-language generative models rely on expansive corpora of paired
image-text data to attain optimal performance and generalization capabilities.
However, automatically collecting such data (e.g. via large-scale web scraping)
leads to low quality and poor image-text correlation, while human annotation is
more accurate but requires significant manual effort and expense. We introduce
$\textbf{ITIT}$ ($\textbf{I}$n$\textbf{T}$egrating $\textbf{I}$mage
$\textbf{T}$ext): an innovative training paradigm grounded in the concept of
cycle consistency which allows vision-language training on unpaired image and
text data. ITIT is comprised of a joint image-text encoder with disjoint image
and text decoders that enable bidirectional image-to-text and text-to-image
generation in a single framework. During training, ITIT leverages a small set
of paired image-text data to ensure its output matches the input reasonably
well in both directions. Simultaneously, the model is also trained on much
larger datasets containing only images or texts. This is achieved by enforcing
cycle consistency between the original unpaired samples and the cycle-generated
counterparts. For instance, it generates a caption for a given input image and
then uses the caption to create an output image, and enforces similarity
between the input and output images. Our experiments show that ITIT with
unpaired datasets exhibits similar scaling behavior as using high-quality
paired data. We demonstrate image generation and captioning performance on par
with state-of-the-art text-to-image and image-to-text models with orders of
magnitude fewer (only 3M) paired image-text data. | null | cs.CV | [
"cs.CV"
] |
2305.15719 | HF | Efficient Neural Music Generation | [
"Max W. Y. Lam",
"Qiao Tian",
"Tang Li",
"Zongyu Yin",
"Siyuan Feng",
"Ming Tu",
"Yuliang Ji",
"Rui Xia",
"Mingbo Ma",
"Xuchen Song",
"Jitong Chen",
"Yuping Wang",
"Yuxuan Wang"
] | 2023-05-25 | Recent progress in music generation has been remarkably advanced by the
state-of-the-art MusicLM, which comprises a hierarchy of three LMs,
respectively, for semantic, coarse acoustic, and fine acoustic modelings. Yet,
sampling with the MusicLM requires processing through these LMs one by one to
obtain the fine-grained acoustic tokens, making it computationally expensive
and prohibitive for a real-time generation. Efficient music generation with a
quality on par with MusicLM remains a significant challenge. In this paper, we
present MeLoDy (M for music; L for LM; D for diffusion), an LM-guided diffusion
model that generates music audios of state-of-the-art quality meanwhile
reducing 95.7% or 99.6% forward passes in MusicLM, respectively, for sampling
10s or 30s music. MeLoDy inherits the highest-level LM from MusicLM for
semantic modeling, and applies a novel dual-path diffusion (DPD) model and an
audio VAE-GAN to efficiently decode the conditioning semantic tokens into
waveform. DPD is proposed to simultaneously model the coarse and fine acoustics
by incorporating the semantic information into segments of latents effectively
via cross-attention at each denoising step. Our experimental results suggest
the superiority of MeLoDy, not only in its practical advantages on sampling
speed and infinitely continuable generation, but also in its state-of-the-art
musicality, audio quality, and text correlation.
Our samples are available at https://Efficient-MeLoDy.github.io/. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"eess.AS"
] |
2404.12872 | HF | LLM-R2: A Large Language Model Enhanced Rule-based Rewrite System for Boosting Query Efficiency | [
"Zhaodonghui Li",
"Haitao Yuan",
"Huiming Wang",
"Gao Cong",
"Lidong Bing"
] | 2024-04-19 | Query rewrite, which aims to generate more efficient queries by altering a
SQL query's structure without changing the query result, has been an important
research problem. In order to maintain equivalence between the rewritten query
and the original one during rewriting, traditional query rewrite methods always
rewrite the queries following certain rewrite rules. However, some problems
still remain. Firstly, existing methods of finding the optimal choice or
sequence of rewrite rules are still limited and the process always costs a lot
of resources. Methods involving discovering new rewrite rules typically require
complicated proofs of structural logic or extensive user interactions.
Secondly, current query rewrite methods usually rely highly on DBMS cost
estimators which are often not accurate. In this paper, we address these
problems by proposing a novel method of query rewrite named LLM-R2, adopting a
large language model (LLM) to propose possible rewrite rules for a database
rewrite system. To further improve the inference ability of LLM in recommending
rewrite rules, we train a contrastive model by curriculum to learn query
representations and select effective query demonstrations for the LLM.
Experimental results have shown that our method can significantly improve the
query execution efficiency and outperform the baseline methods. In addition,
our method enjoys high robustness across different datasets. | null | cs.DB | [
"cs.DB",
"cs.CL"
] |
2403.17844 | AnswerAI | Mechanistic Design and Scaling of Hybrid Architectures | [
"Michael Poli",
"Armin W Thomas",
"Eric Nguyen",
"Pragaash Ponnusamy",
"Björn Deiseroth",
"Kristian Kersting",
"Taiji Suzuki",
"Brian Hie",
"Stefano Ermon",
"Christopher Ré",
"Ce Zhang",
"Stefano Massaroli"
] | 2024-03-26 | The development of deep learning architectures is a resource-demanding
process, due to a vast design space, long prototyping times, and high compute
costs associated with at-scale model training and evaluation. We set out to
simplify this process by grounding it in an end-to-end mechanistic architecture
design (MAD) pipeline, encompassing small-scale capability unit tests
predictive of scaling laws. Through a suite of synthetic token manipulation
tasks such as compression and recall, designed to probe capabilities, we
identify and test new hybrid architectures constructed from a variety of
computational primitives. We experimentally validate the resulting
architectures via an extensive compute-optimal and a new state-optimal scaling
law analysis, training over 500 language models between 70M to 7B parameters.
Surprisingly, we find MAD synthetics to correlate with compute-optimal
perplexity, enabling accurate evaluation of new architectures via isolated
proxy tasks. The new architectures found via MAD, based on simple ideas such as
hybridization and sparsity, outperform state-of-the-art Transformer,
convolutional, and recurrent architectures (Transformer++, Hyena, Mamba) in
scaling, both at compute-optimal budgets and in overtrained regimes. Overall,
these results provide evidence that performance on curated synthetic tasks can
be predictive of scaling laws, and that an optimal architecture should leverage
specialized layers via a hybrid topology. | null | cs.LG | [
"cs.LG"
] |
2311.10126 | HF | I&S-ViT: An Inclusive & Stable Method for Pushing the Limit of Post-Training ViTs Quantization | [
"Yunshan Zhong",
"Jiawei Hu",
"Mingbao Lin",
"Mengzhao Chen",
"Rongrong Ji"
] | 2023-11-16 | Albeit the scalable performance of vision transformers (ViTs), the dense
computational costs (training & inference) undermine their position in
industrial applications. Post-training quantization (PTQ), tuning ViTs with a
tiny dataset and running in a low-bit format, well addresses the cost issue but
unluckily bears more performance drops in lower-bit cases. In this paper, we
introduce I&S-ViT, a novel method that regulates the PTQ of ViTs in an
inclusive and stable fashion. I&S-ViT first identifies two issues in the PTQ of
ViTs: (1) Quantization inefficiency in the prevalent log2 quantizer for
post-Softmax activations; (2) Rugged and magnified loss landscape in
coarse-grained quantization granularity for post-LayerNorm activations. Then,
I&S-ViT addresses these issues by introducing: (1) A novel shift-uniform-log2
quantizer (SULQ) that incorporates a shift mechanism followed by uniform
quantization to achieve both an inclusive domain representation and accurate
distribution approximation; (2) A three-stage smooth optimization strategy
(SOS) that amalgamates the strengths of channel-wise and layer-wise
quantization to enable stable learning. Comprehensive evaluations across
diverse vision tasks validate I&S-ViT' superiority over existing PTQ of ViTs
methods, particularly in low-bit scenarios. For instance, I&S-ViT elevates the
performance of 3-bit ViT-B by an impressive 50.68%. | null | cs.CV | [
"cs.CV"
] |
2306.17107 | HF | LLaVAR: Enhanced Visual Instruction Tuning for Text-Rich Image Understanding | [
"Yanzhe Zhang",
"Ruiyi Zhang",
"Jiuxiang Gu",
"Yufan Zhou",
"Nedim Lipka",
"Diyi Yang",
"Tong Sun"
] | 2023-06-29 | Instruction tuning unlocks the superior capability of Large Language Models
(LLM) to interact with humans. Furthermore, recent instruction-following
datasets include images as visual inputs, collecting responses for image-based
instructions. However, visual instruction-tuned models cannot comprehend
textual details within images well. This work enhances the current visual
instruction tuning pipeline with text-rich images (e.g., movie posters, book
covers, etc.). Specifically, we first use publicly available OCR tools to
collect results on 422K text-rich images from the LAION dataset. Moreover, we
prompt text-only GPT-4 with recognized texts and image captions to generate 16K
conversations, each containing question-answer pairs for text-rich images. By
combining our collected data with previous multi-modal instruction-following
data, our model, LLaVAR, substantially improves the LLaVA model's capability on
text-based VQA datasets (up to 20% accuracy improvement) while achieving an
accuracy of 91.42% on ScienceQA. The GPT-4-based instruction-following
evaluation also demonstrates the improvement of our model on both natural
images and text-rich images. Through qualitative analysis, LLaVAR shows
promising interaction (e.g., reasoning, writing, and elaboration) skills with
humans based on the latest real-world online content that combines text and
images. We make our code/data/models publicly available at
https://llavar.github.io/. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2406.08451 | HF | GUI Odyssey: A Comprehensive Dataset for Cross-App GUI Navigation on Mobile Devices | [
"Quanfeng Lu",
"Wenqi Shao",
"Zitao Liu",
"Fanqing Meng",
"Boxuan Li",
"Botong Chen",
"Siyuan Huang",
"Kaipeng Zhang",
"Yu Qiao",
"Ping Luo"
] | 2024-06-12 | Smartphone users often navigate across multiple applications (apps) to
complete tasks such as sharing content between social media platforms.
Autonomous Graphical User Interface (GUI) navigation agents can enhance user
experience in communication, entertainment, and productivity by streamlining
workflows and reducing manual intervention. However, prior GUI agents often
trained with datasets comprising simple tasks that can be completed within a
single app, leading to poor performance in cross-app navigation. To address
this problem, we introduce GUI Odyssey, a comprehensive dataset for training
and evaluating cross-app navigation agents. GUI Odyssey consists of 7,735
episodes from 6 mobile devices, spanning 6 types of cross-app tasks, 201 apps,
and 1.4K app combos. Leveraging GUI Odyssey, we developed OdysseyAgent, a
multimodal cross-app navigation agent by fine-tuning the Qwen-VL model with a
history resampling module. Extensive experiments demonstrate OdysseyAgent's
superior accuracy compared to existing models. For instance, OdysseyAgent
surpasses fine-tuned Qwen-VL and zero-shot GPT-4V by 1.44\% and 55.49\%
in-domain accuracy, and 2.29\% and 48.14\% out-of-domain accuracy on average.
The dataset and code will be released in
\url{https://github.com/OpenGVLab/GUI-Odyssey}. | null | cs.CV | [
"cs.CV"
] |
2312.09256 | HF | LIME: Localized Image Editing via Attention Regularization in Diffusion Models | [
"Enis Simsar",
"Alessio Tonioni",
"Yongqin Xian",
"Thomas Hofmann",
"Federico Tombari"
] | 2023-12-14 | Diffusion models (DMs) have gained prominence due to their ability to
generate high-quality, varied images, with recent advancements in text-to-image
generation. The research focus is now shifting towards the controllability of
DMs. A significant challenge within this domain is localized editing, where
specific areas of an image are modified without affecting the rest of the
content. This paper introduces LIME for localized image editing in diffusion
models that do not require user-specified regions of interest (RoI) or
additional text input. Our method employs features from pre-trained methods and
a simple clustering technique to obtain precise semantic segmentation maps.
Then, by leveraging cross-attention maps, it refines these segments for
localized edits. Finally, we propose a novel cross-attention regularization
technique that penalizes unrelated cross-attention scores in the RoI during the
denoising steps, ensuring localized edits. Our approach, without re-training
and fine-tuning, consistently improves the performance of existing methods in
various editing benchmarks. | null | cs.CV | [
"cs.CV"
] |
2404.08636 | HF | Probing the 3D Awareness of Visual Foundation Models | [
"Mohamed El Banani",
"Amit Raj",
"Kevis-Kokitsi Maninis",
"Abhishek Kar",
"Yuanzhen Li",
"Michael Rubinstein",
"Deqing Sun",
"Leonidas Guibas",
"Justin Johnson",
"Varun Jampani"
] | 2024-04-12 | Recent advances in large-scale pretraining have yielded visual foundation
models with strong capabilities. Not only can recent models generalize to
arbitrary images for their training task, their intermediate representations
are useful for other visual tasks such as detection and segmentation. Given
that such models can classify, delineate, and localize objects in 2D, we ask
whether they also represent their 3D structure? In this work, we analyze the 3D
awareness of visual foundation models. We posit that 3D awareness implies that
representations (1) encode the 3D structure of the scene and (2) consistently
represent the surface across views. We conduct a series of experiments using
task-specific probes and zero-shot inference procedures on frozen features. Our
experiments reveal several limitations of the current models. Our code and
analysis can be found at https://github.com/mbanani/probe3d. | null | cs.CV | [
"cs.CV"
] |
2312.14327 | HF | Parameter Efficient Tuning Allows Scalable Personalization of LLMs for Text Entry: A Case Study on Abbreviation Expansion | [
"Katrin Tomanek",
"Shanqing Cai",
"Subhashini Venugopalan"
] | 2023-12-21 | Abbreviation expansion is a strategy used to speed up communication by
limiting the amount of typing and using a language model to suggest expansions.
Here we look at personalizing a Large Language Model's (LLM) suggestions based
on prior conversations to enhance the relevance of predictions, particularly
when the user data is small (~1000 samples). Specifically, we compare
fine-tuning, prompt-tuning, and retrieval augmented generation of expanded text
suggestions for abbreviated inputs. Our case study with a deployed 8B parameter
LLM on a real user living with ALS, and experiments on movie character
personalization indicates that (1) customization may be necessary in some
scenarios and prompt-tuning generalizes well to those, (2) fine-tuning on
in-domain data (with as few as 600 samples) still shows some gains, however (3)
retrieval augmented few-shot selection also outperforms fine-tuning. (4)
Parameter efficient tuning allows for efficient and scalable personalization.
For prompt-tuning, we also find that initializing the learned "soft-prompts" to
user relevant concept tokens leads to higher accuracy than random
initialization. | null | cs.CL | [
"cs.CL"
] |
2402.04141 | HF | Multi-line AI-assisted Code Authoring | [
"Omer Dunay",
"Daniel Cheng",
"Adam Tait",
"Parth Thakkar",
"Peter C Rigby",
"Andy Chiu",
"Imad Ahmad",
"Arun Ganesan",
"Chandra Maddila",
"Vijayaraghavan Murali",
"Ali Tayyebi",
"Nachiappan Nagappan"
] | 2024-02-06 | CodeCompose is an AI-assisted code authoring tool powered by large language
models (LLMs) that provides inline suggestions to 10's of thousands of
developers at Meta. In this paper, we present how we scaled the product from
displaying single-line suggestions to multi-line suggestions. This evolution
required us to overcome several unique challenges in improving the usability of
these suggestions for developers.
First, we discuss how multi-line suggestions can have a 'jarring' effect, as
the LLM's suggestions constantly move around the developer's existing code,
which would otherwise result in decreased productivity and satisfaction.
Second, multi-line suggestions take significantly longer to generate; hence
we present several innovative investments we made to reduce the perceived
latency for users. These model-hosting optimizations sped up multi-line
suggestion latency by 2.5x.
Finally, we conduct experiments on 10's of thousands of engineers to
understand how multi-line suggestions impact the user experience and contrast
this with single-line suggestions. Our experiments reveal that (i) multi-line
suggestions account for 42% of total characters accepted (despite only
accounting for 16% for displayed suggestions) (ii) multi-line suggestions
almost doubled the percentage of keystrokes saved for users from 9% to 17%.
Multi-line CodeCompose has been rolled out to all engineers at Meta, and less
than 1% of engineers have opted out of multi-line suggestions. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2305.08675 | HF | Improved baselines for vision-language pre-training | [
"Enrico Fini",
"Pietro Astolfi",
"Adriana Romero-Soriano",
"Jakob Verbeek",
"Michal Drozdzal"
] | 2023-05-15 | Contrastive learning has emerged as an efficient framework to learn
multimodal representations. CLIP, a seminal work in this area, achieved
impressive results by training on paired image-text data using the contrastive
loss. Recent work claims improvements over CLIP using additional
non-contrastive losses inspired from self-supervised learning. However, it is
sometimes hard to disentangle the contribution of these additional losses from
other implementation details, e.g., data augmentation or regularization
techniques, used to train the model. To shed light on this matter, in this
paper, we first propose, implement and evaluate several baselines obtained by
combining contrastive learning with recent advances in self-supervised
learning. In particular, we use the loss functions that were proven successful
for visual self-supervised learning to align image and text modalities. We find
that these baselines outperform a basic implementation of CLIP. However, when a
stronger training recipe is employed, the advantage disappears. Indeed, we find
that a simple CLIP baseline can also be improved substantially, up to a 25%
relative improvement on downstream zero-shot tasks, by using well-known
training techniques that are popular in other subfields. Moreover, we discover
that it is enough to apply image and text augmentations to make up for most of
the improvement attained by prior works. With our improved training recipe for
CLIP, we obtain state-of-the-art performance on four standard datasets, and
consistently outperform prior work (up to +4% on the largest dataset), while
being substantially simpler. The code is available at
https://github.com/facebookresearch/clip-rocket | null | cs.CV | [
"cs.CV"
] |
2309.14509 | HF | DeepSpeed Ulysses: System Optimizations for Enabling Training of Extreme Long Sequence Transformer Models | [
"Sam Ade Jacobs",
"Masahiro Tanaka",
"Chengming Zhang",
"Minjia Zhang",
"Shuaiwen Leon Song",
"Samyam Rajbhandari",
"Yuxiong He"
] | 2023-09-25 | Computation in a typical Transformer-based large language model (LLM) can be
characterized by batch size, hidden dimension, number of layers, and sequence
length. Until now, system works for accelerating LLM training have focused on
the first three dimensions: data parallelism for batch size, tensor parallelism
for hidden size and pipeline parallelism for model depth or layers. These
widely studied forms of parallelism are not targeted or optimized for long
sequence Transformer models. Given practical application needs for long
sequence LLM, renewed attentions are being drawn to sequence parallelism.
However, existing works in sequence parallelism are constrained by
memory-communication inefficiency, limiting their scalability to long sequence
large models. In this work, we introduce DeepSpeed-Ulysses, a novel, portable
and effective methodology for enabling highly efficient and scalable LLM
training with extremely long sequence length. DeepSpeed-Ulysses at its core
partitions input data along the sequence dimension and employs an efficient
all-to-all collective communication for attention computation. Theoretical
communication analysis shows that whereas other methods incur communication
overhead as sequence length increases, DeepSpeed-Ulysses maintains constant
communication volume when sequence length and compute devices are increased
proportionally. Furthermore, experimental evaluations show that
DeepSpeed-Ulysses trains 2.5x faster with 4x longer sequence length than the
existing method SOTA baseline. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.DC"
] |
2311.09835 | HF | ML-Bench: Evaluating Large Language Models and Agents for Machine Learning Tasks on Repository-Level Code | [
"Xiangru Tang",
"Yuliang Liu",
"Zefan Cai",
"Yanjun Shao",
"Junjie Lu",
"Yichi Zhang",
"Zexuan Deng",
"Helan Hu",
"Kaikai An",
"Ruijun Huang",
"Shuzheng Si",
"Sheng Chen",
"Haozhe Zhao",
"Liang Chen",
"Yan Wang",
"Tianyu Liu",
"Zhiwei Jiang",
"Baobao Chang",
"Yin Fang",
"Yujia Qin",
"Wangchunshu Zhou",
"Yilun Zhao",
"Arman Cohan",
"Mark Gerstein"
] | 2023-11-16 | Despite Large Language Models (LLMs) like GPT-4 achieving impressive results
in function-level code generation, they struggle with repository-scale code
understanding (e.g., coming up with the right arguments for calling routines),
requiring a deeper comprehension of complex file interactions. Also, recently,
people have developed LLM agents that attempt to interact with repository code
(e.g., compiling and evaluating its execution), prompting the need to evaluate
their performance. These gaps have motivated our development of ML-Bench, a
benchmark rooted in real-world programming applications that leverage existing
code repositories to perform tasks. Addressing the need for LLMs to interpret
long code contexts and translate instructions into precise, executable scripts,
ML-Bench encompasses annotated 9,641 examples across 18 GitHub repositories,
challenging LLMs to accommodate user-specified arguments and documentation
intricacies effectively. To evaluate both LLMs and AI agents, two setups are
employed: ML-LLM-Bench for assessing LLMs' text-to-code conversion within a
predefined deployment environment, and ML-Agent-Bench for testing autonomous
agents in an end-to-end task execution within a Linux sandbox environment. Our
findings indicate that while GPT-4o leads with a Pass@5 rate surpassing 50%,
there remains significant scope for improvement, highlighted by issues such as
hallucinated outputs and difficulties with bash script generation. Notably, in
the more demanding ML-Agent-Bench, GPT-4o achieves a 76.47% success rate,
reflecting the efficacy of iterative action and feedback in complex task
resolution. Our code, dataset, and models are available at
https://github.com/gersteinlab/ML-bench. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2308.04265 | HF | FLIRT: Feedback Loop In-context Red Teaming | [
"Ninareh Mehrabi",
"Palash Goyal",
"Christophe Dupuy",
"Qian Hu",
"Shalini Ghosh",
"Richard Zemel",
"Kai-Wei Chang",
"Aram Galstyan",
"Rahul Gupta"
] | 2023-08-08 | Warning: this paper contains content that may be inappropriate or offensive.
As generative models become available for public use in various applications,
testing and analyzing vulnerabilities of these models has become a priority.
Here we propose an automatic red teaming framework that evaluates a given model
and exposes its vulnerabilities against unsafe and inappropriate content
generation. Our framework uses in-context learning in a feedback loop to red
team models and trigger them into unsafe content generation. We propose
different in-context attack strategies to automatically learn effective and
diverse adversarial prompts for text-to-image models. Our experiments
demonstrate that compared to baseline approaches, our proposed strategy is
significantly more effective in exposing vulnerabilities in Stable Diffusion
(SD) model, even when the latter is enhanced with safety features. Furthermore,
we demonstrate that the proposed framework is effective for red teaming
text-to-text models, resulting in significantly higher toxic response
generation rate compared to previously reported numbers. | null | cs.AI | [
"cs.AI"
] |
2408.15915 | HF | Leveraging Open Knowledge for Advancing Task Expertise in Large Language Models | [
"Yuncheng Yang",
"Yulei Qin",
"Tong Wu",
"Zihan Xu",
"Gang Li",
"Pengcheng Guo",
"Hang Shao",
"Yuchen Shi",
"Ke Li",
"Xing Sun",
"Jie Yang",
"Yun Gu"
] | 2024-08-28 | The cultivation of expertise for large language models (LLMs) to solve tasks
of specific areas often requires special-purpose tuning with calibrated
behaviors on the expected stable outputs. To avoid huge cost brought by manual
preparation of instruction datasets and training resources up to hundreds of
hours, the exploitation of open knowledge including a wealth of low rank
adaptation (LoRA) models and instruction datasets serves as a good starting
point. However, existing methods on model and data selection focus on the
performance of general-purpose capabilities while neglecting the knowledge gap
exposed in domain-specific deployment. In the present study, we propose to
bridge such gap by introducing few human-annotated samples (i.e., K-shot) for
advancing task expertise of LLMs with open knowledge. Specifically, we develop
an efficient and scalable pipeline to cost-efficiently produce task experts
where K-shot data intervene in selecting the most promising expert candidates
and the task-relevant instructions. A mixture-of-expert (MoE) system is built
to make the best use of individual-yet-complementary knowledge between multiple
experts. We unveil the two keys to the success of a MoE system, 1) the abidance
by K-shot, and 2) the insistence on diversity. For the former, we ensure that
models that truly possess problem-solving abilities on K-shot are selected
rather than those blind guessers. Besides, during data selection, instructions
that share task-relevant contexts with K-shot are prioritized. For the latter,
we highlight the diversity of constituting experts and that of the fine-tuning
instructions throughout the model and data selection process. Extensive
experimental results confirm the superiority of our approach over existing
methods on utilization of open knowledge across various tasks. Our codes will
be available at https://github.com/Yaphabates/Rocket. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2308.12284 | AnswerAI | D4: Improving LLM Pretraining via Document De-Duplication and Diversification | [
"Kushal Tirumala",
"Daniel Simig",
"Armen Aghajanyan",
"Ari S. Morcos"
] | 2023-08-23 | Over recent years, an increasing amount of compute and data has been poured
into training large language models (LLMs), usually by doing one-pass learning
on as many tokens as possible randomly selected from large-scale web corpora.
While training on ever-larger portions of the internet leads to consistent
performance improvements, the size of these improvements diminishes with scale,
and there has been little work exploring the effect of data selection on
pre-training and downstream performance beyond simple de-duplication methods
such as MinHash. Here, we show that careful data selection (on top of
de-duplicated data) via pre-trained model embeddings can speed up training (20%
efficiency gains) and improves average downstream accuracy on 16 NLP tasks (up
to 2%) at the 6.7B model scale. Furthermore, we show that repeating data
intelligently consistently outperforms baseline training (while repeating
random data performs worse than baseline training). Our results indicate that
clever data selection can significantly improve LLM pre-training, calls into
question the common practice of training for a single epoch on as much data as
possible, and demonstrates a path to keep improving our models past the limits
of randomly sampling web data. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.13739 | HF | Scaling Granite Code Models to 128K Context | [
"Matt Stallone",
"Vaibhav Saxena",
"Leonid Karlinsky",
"Bridget McGinn",
"Tim Bula",
"Mayank Mishra",
"Adriana Meza Soria",
"Gaoyuan Zhang",
"Aditya Prasad",
"Yikang Shen",
"Saptha Surendran",
"Shanmukha Guttula",
"Hima Patel",
"Parameswaran Selvam",
"Xuan-Hong Dang",
"Yan Koyfman",
"Atin Sood",
"Rogerio Feris",
"Nirmit Desai",
"David D. Cox",
"Ruchir Puri",
"Rameswar Panda"
] | 2024-07-18 | This paper introduces long-context Granite code models that support effective
context windows of up to 128K tokens. Our solution for scaling context length
of Granite 3B/8B code models from 2K/4K to 128K consists of a light-weight
continual pretraining by gradually increasing its RoPE base frequency with
repository-level file packing and length-upsampled long-context data.
Additionally, we also release instruction-tuned models with long-context
support which are derived by further finetuning the long context base models on
a mix of permissively licensed short and long-context instruction-response
pairs. While comparing to the original short-context Granite code models, our
long-context models achieve significant improvements on long-context tasks
without any noticeable performance degradation on regular code completion
benchmarks (e.g., HumanEval). We release all our long-context Granite code
models under an Apache 2.0 license for both research and commercial use. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.SE"
] |
2405.20335 | HF | Xwin-LM: Strong and Scalable Alignment Practice for LLMs | [
"Bolin Ni",
"JingCheng Hu",
"Yixuan Wei",
"Houwen Peng",
"Zheng Zhang",
"Gaofeng Meng",
"Han Hu"
] | 2024-05-30 | In this work, we present Xwin-LM, a comprehensive suite of alignment
methodologies for large language models (LLMs). This suite encompasses several
key techniques, including supervised finetuning (SFT), reward modeling (RM),
rejection sampling finetuning (RS), and direct preference optimization (DPO).
The key components are as follows: (1) Xwin-LM-SFT, models initially finetuned
with high-quality instruction data; (2) Xwin-Pair, a large-scale, multi-turn
preference dataset meticulously annotated using GPT-4; (3) Xwin-RM, reward
models trained on Xwin-Pair, developed at scales of 7B, 13B, and 70B
parameters; (4) Xwin-Set, a multiwise preference dataset in which each prompt
is linked to 64 unique responses generated by Xwin-LM-SFT and scored by
Xwin-RM; (5) Xwin-LM-RS, models finetuned with the highest-scoring responses
from Xwin-Set; (6) Xwin-LM-DPO, models further optimized on Xwin-Set using the
DPO algorithm. Our evaluations on AlpacaEval and MT-bench demonstrate
consistent and significant improvements across the pipeline, demonstrating the
strength and scalability of Xwin-LM. The repository
https://github.com/Xwin-LM/Xwin-LM will be continually updated to foster
community research. | null | cs.CL | [
"cs.CL"
] |
2305.18415 | HF | Geometric Algebra Transformer | [
"Johann Brehmer",
"Pim de Haan",
"Sönke Behrends",
"Taco Cohen"
] | 2023-05-28 | Problems involving geometric data arise in physics, chemistry, robotics,
computer vision, and many other fields. Such data can take numerous forms, for
instance points, direction vectors, translations, or rotations, but to date
there is no single architecture that can be applied to such a wide variety of
geometric types while respecting their symmetries. In this paper we introduce
the Geometric Algebra Transformer (GATr), a general-purpose architecture for
geometric data. GATr represents inputs, outputs, and hidden states in the
projective geometric (or Clifford) algebra, which offers an efficient
16-dimensional vector-space representation of common geometric objects as well
as operators acting on them. GATr is equivariant with respect to E(3), the
symmetry group of 3D Euclidean space. As a Transformer, GATr is versatile,
efficient, and scalable. We demonstrate GATr in problems from n-body modeling
to wall-shear-stress estimation on large arterial meshes to robotic motion
planning. GATr consistently outperforms both non-geometric and equivariant
baselines in terms of error, data efficiency, and scalability. | null | cs.LG | [
"cs.LG",
"cs.RO",
"stat.ML"
] |
2402.03570 | HF | Diffusion World Model: Future Modeling Beyond Step-by-Step Rollout for Offline Reinforcement Learning | [
"Zihan Ding",
"Amy Zhang",
"Yuandong Tian",
"Qinqing Zheng"
] | 2024-02-05 | We introduce Diffusion World Model (DWM), a conditional diffusion model
capable of predicting multistep future states and rewards concurrently. As
opposed to traditional one-step dynamics models, DWM offers long-horizon
predictions in a single forward pass, eliminating the need for recursive
queries. We integrate DWM into model-based value estimation, where the
short-term return is simulated by future trajectories sampled from DWM. In the
context of offline reinforcement learning, DWM can be viewed as a conservative
value regularization through generative modeling. Alternatively, it can be seen
as a data source that enables offline Q-learning with synthetic data. Our
experiments on the D4RL dataset confirm the robustness of DWM to long-horizon
simulation. In terms of absolute performance, DWM significantly surpasses
one-step dynamics models with a $44\%$ performance gain, and is comparable to
or slightly surpassing their model-free counterparts. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2307.05591 | HF | Linear Alignment of Vision-language Models for Image Captioning | [
"Fabian Paischer",
"Markus Hofmarcher",
"Sepp Hochreiter",
"Thomas Adler"
] | 2023-07-10 | Recently, vision-language models like CLIP have advanced the state of the art
in a variety of multi-modal tasks including image captioning and caption
evaluation. Many approaches adapt CLIP-style models to a downstream task by
training a mapping network between CLIP and a language model. This is costly as
it usually involves calculating gradients for large models. We propose a more
efficient training protocol that fits a linear mapping between image and text
embeddings of CLIP via a closed-form solution. This bypasses the need for
gradient computation and results in a lightweight captioning method called
ReCap, which can be trained up to 1000 times faster than existing lightweight
methods. Moreover, we propose two new learning-based image-captioning metrics
that build on CLIP score along with our linear mapping. Furthermore, we combine
ReCap with our new metrics to design an iterative datastore-augmentation loop
(DAL) based on synthetic captions. We evaluate ReCap on MS-COCO, Flickr30k,
VizWiz, and MSRVTT. ReCap achieves performance comparable to state-of-the-art
lightweight methods on established metrics while outperforming them on our new
metrics, which are better aligned with human ratings on Flickr8k-Expert and
Flickr8k-Crowdflower. Finally, we demonstrate that ReCap transfers well to
other domains and that our DAL leads to a performance boost. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2404.06903 | HF | DreamScene360: Unconstrained Text-to-3D Scene Generation with Panoramic Gaussian Splatting | [
"Shijie Zhou",
"Zhiwen Fan",
"Dejia Xu",
"Haoran Chang",
"Pradyumna Chari",
"Tejas Bharadwaj",
"Suya You",
"Zhangyang Wang",
"Achuta Kadambi"
] | 2024-04-10 | The increasing demand for virtual reality applications has highlighted the
significance of crafting immersive 3D assets. We present a text-to-3D
360$^{\circ}$ scene generation pipeline that facilitates the creation of
comprehensive 360$^{\circ}$ scenes for in-the-wild environments in a matter of
minutes. Our approach utilizes the generative power of a 2D diffusion model and
prompt self-refinement to create a high-quality and globally coherent panoramic
image. This image acts as a preliminary "flat" (2D) scene representation.
Subsequently, it is lifted into 3D Gaussians, employing splatting techniques to
enable real-time exploration. To produce consistent 3D geometry, our pipeline
constructs a spatially coherent structure by aligning the 2D monocular depth
into a globally optimized point cloud. This point cloud serves as the initial
state for the centroids of 3D Gaussians. In order to address invisible issues
inherent in single-view inputs, we impose semantic and geometric constraints on
both synthesized and input camera views as regularizations. These guide the
optimization of Gaussians, aiding in the reconstruction of unseen regions. In
summary, our method offers a globally consistent 3D scene within a
360$^{\circ}$ perspective, providing an enhanced immersive experience over
existing techniques. Project website at: http://dreamscene360.github.io/ | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.08552 | HF | DiTFastAttn: Attention Compression for Diffusion Transformer Models | [
"Zhihang Yuan",
"Pu Lu",
"Hanling Zhang",
"Xuefei Ning",
"Linfeng Zhang",
"Tianchen Zhao",
"Shengen Yan",
"Guohao Dai",
"Yu Wang"
] | 2024-06-12 | Diffusion Transformers (DiT) excel at image and video generation but face
computational challenges due to self-attention's quadratic complexity. We
propose DiTFastAttn, a novel post-training compression method to alleviate
DiT's computational bottleneck. We identify three key redundancies in the
attention computation during DiT inference: 1. spatial redundancy, where many
attention heads focus on local information; 2. temporal redundancy, with high
similarity between neighboring steps' attention outputs; 3. conditional
redundancy, where conditional and unconditional inferences exhibit significant
similarity. To tackle these redundancies, we propose three techniques: 1.
Window Attention with Residual Caching to reduce spatial redundancy; 2.
Temporal Similarity Reduction to exploit the similarity between steps; 3.
Conditional Redundancy Elimination to skip redundant computations during
conditional generation. To demonstrate the effectiveness of DiTFastAttn, we
apply it to DiT, PixArt-Sigma for image generation tasks, and OpenSora for
video generation tasks. Evaluation results show that for image generation, our
method reduces up to 88\% of the FLOPs and achieves up to 1.6x speedup at high
resolution generation. | null | cs.CV | [
"cs.CV"
] |
2401.17377 | Both | Infini-gram: Scaling Unbounded n-gram Language Models to a Trillion Tokens | [
"Jiacheng Liu",
"Sewon Min",
"Luke Zettlemoyer",
"Yejin Choi",
"Hannaneh Hajishirzi"
] | 2024-01-30 | Are $n$-gram language models still relevant in this era of neural large
language models (LLMs)? Our answer is yes, and we showcase their values in both
text analysis and improving neural LLMs. This was done by modernizing $n$-gram
LMs in two aspects. First, we train them at the same data scale as neural LLMs
-- 5 trillion tokens. This is the largest $n$-gram LM ever built. Second,
existing $n$-gram LMs use small $n$ which hinders their performance; we instead
allow $n$ to be arbitrarily large, by introducing a new $\infty$-gram LM with
backoff. Instead of pre-computing $n$-gram count tables (which would be very
expensive), we develop an engine named infini-gram -- powered by suffix arrays
-- that can compute $\infty$-gram (as well as $n$-gram with arbitrary $n$)
probabilities with millisecond-level latency. The $\infty$-gram framework and
infini-gram engine enable us to conduct many novel and interesting analyses of
human-written and machine-generated text: we find that the $\infty$-gram LM has
fairly high accuracy for next-token prediction (47%), and can complement neural
LLMs to greatly reduce their perplexity. When analyzing machine-generated text,
we also observe irregularities in the machine--$\infty$-gram agreement level
with respect to the suffix length, which indicates deficiencies in neural LLM
pretraining and the positional embeddings of Transformers. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2408.03209 | HF | IPAdapter-Instruct: Resolving Ambiguity in Image-based Conditioning using Instruct Prompts | [
"Ciara Rowles",
"Shimon Vainer",
"Dante De Nigris",
"Slava Elizarov",
"Konstantin Kutsy",
"Simon Donné"
] | 2024-08-06 | Diffusion models continuously push the boundary of state-of-the-art image
generation, but the process is hard to control with any nuance: practice proves
that textual prompts are inadequate for accurately describing image style or
fine structural details (such as faces). ControlNet and IPAdapter address this
shortcoming by conditioning the generative process on imagery instead, but each
individual instance is limited to modeling a single conditional posterior: for
practical use-cases, where multiple different posteriors are desired within the
same workflow, training and using multiple adapters is cumbersome. We propose
IPAdapter-Instruct, which combines natural-image conditioning with ``Instruct''
prompts to swap between interpretations for the same conditioning image: style
transfer, object extraction, both, or something else still? IPAdapterInstruct
efficiently learns multiple tasks with minimal loss in quality compared to
dedicated per-task models. | null | cs.CV | [
"cs.CV"
] |
2207.05221 | AnswerAI | Language Models (Mostly) Know What They Know | [
"Saurav Kadavath",
"Tom Conerly",
"Amanda Askell",
"Tom Henighan",
"Dawn Drain",
"Ethan Perez",
"Nicholas Schiefer",
"Zac Hatfield-Dodds",
"Nova DasSarma",
"Eli Tran-Johnson",
"Scott Johnston",
"Sheer El-Showk",
"Andy Jones",
"Nelson Elhage",
"Tristan Hume",
"Anna Chen",
"Yuntao Bai",
"Sam Bowman",
"Stanislav Fort",
"Deep Ganguli",
"Danny Hernandez",
"Josh Jacobson",
"Jackson Kernion",
"Shauna Kravec",
"Liane Lovitt",
"Kamal Ndousse",
"Catherine Olsson",
"Sam Ringer",
"Dario Amodei",
"Tom Brown",
"Jack Clark",
"Nicholas Joseph",
"Ben Mann",
"Sam McCandlish",
"Chris Olah",
"Jared Kaplan"
] | 2022-07-11 | We study whether language models can evaluate the validity of their own
claims and predict which questions they will be able to answer correctly. We
first show that larger models are well-calibrated on diverse multiple choice
and true/false questions when they are provided in the right format. Thus we
can approach self-evaluation on open-ended sampling tasks by asking models to
first propose answers, and then to evaluate the probability "P(True)" that
their answers are correct. We find encouraging performance, calibration, and
scaling for P(True) on a diverse array of tasks. Performance at self-evaluation
further improves when we allow models to consider many of their own samples
before predicting the validity of one specific possibility. Next, we
investigate whether models can be trained to predict "P(IK)", the probability
that "I know" the answer to a question, without reference to any particular
proposed answer. Models perform well at predicting P(IK) and partially
generalize across tasks, though they struggle with calibration of P(IK) on new
tasks. The predicted P(IK) probabilities also increase appropriately in the
presence of relevant source materials in the context, and in the presence of
hints towards the solution of mathematical word problems. We hope these
observations lay the groundwork for training more honest models, and for
investigating how honesty generalizes to cases where models are trained on
objectives other than the imitation of human writing. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.04523 | HF | Proofread: Fixes All Errors with One Tap | [
"Renjie Liu",
"Yanxiang Zhang",
"Yun Zhu",
"Haicheng Sun",
"Yuanbo Zhang",
"Michael Xuelin Huang",
"Shanqing Cai",
"Lei Meng",
"Shumin Zhai"
] | 2024-06-06 | The impressive capabilities in Large Language Models (LLMs) provide a
powerful approach to reimagine users' typing experience. This paper
demonstrates Proofread, a novel Gboard feature powered by a server-side LLM in
Gboard, enabling seamless sentence-level and paragraph-level corrections with a
single tap. We describe the complete system in this paper, from data
generation, metrics design to model tuning and deployment. To obtain models
with sufficient quality, we implement a careful data synthetic pipeline
tailored to online use cases, design multifaceted metrics, employ a two-stage
tuning approach to acquire the dedicated LLM for the feature: the Supervised
Fine Tuning (SFT) for foundational quality, followed by the Reinforcement
Learning (RL) tuning approach for targeted refinement. Specifically, we find
sequential tuning on Rewrite and proofread tasks yields the best quality in SFT
stage, and propose global and direct rewards in the RL tuning stage to seek
further improvement. Extensive experiments on a human-labeled golden set showed
our tuned PaLM2-XS model achieved 85.56\% good ratio. We launched the feature
to Pixel 8 devices by serving the model on TPU v5 in Google Cloud, with
thousands of daily active users. Serving latency was significantly reduced by
quantization, bucket inference, text segmentation, and speculative decoding.
Our demo could be seen in \href{https://youtu.be/4ZdcuiwFU7I}{Youtube}. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2409.11402 | HF | NVLM: Open Frontier-Class Multimodal LLMs | [
"Wenliang Dai",
"Nayeon Lee",
"Boxin Wang",
"Zhuoling Yang",
"Zihan Liu",
"Jon Barker",
"Tuomas Rintamaki",
"Mohammad Shoeybi",
"Bryan Catanzaro",
"Wei Ping"
] | 2024-09-17 | We introduce NVLM 1.0, a family of frontier-class multimodal large language
models (LLMs) that achieve state-of-the-art results on vision-language tasks,
rivaling the leading proprietary models (e.g., GPT-4o) and open-access models
(e.g., Llama 3-V 405B and InternVL 2). Remarkably, NVLM 1.0 shows improved
text-only performance over its LLM backbone after multimodal training. In terms
of model design, we perform a comprehensive comparison between decoder-only
multimodal LLMs (e.g., LLaVA) and cross-attention-based models (e.g.,
Flamingo). Based on the strengths and weaknesses of both approaches, we propose
a novel architecture that enhances both training efficiency and multimodal
reasoning capabilities. Furthermore, we introduce a 1-D tile-tagging design for
tile-based dynamic high-resolution images, which significantly boosts
performance on multimodal reasoning and OCR-related tasks. Regarding training
data, we meticulously curate and provide detailed information on our multimodal
pretraining and supervised fine-tuning datasets. Our findings indicate that
dataset quality and task diversity are more important than scale, even during
the pretraining phase, across all architectures. Notably, we develop
production-grade multimodality for the NVLM-1.0 models, enabling them to excel
in vision-language tasks while maintaining and even improving text-only
performance compared to their LLM backbones. To achieve this, we craft and
integrate a high-quality text-only dataset into multimodal training, alongside
a substantial amount of multimodal math and reasoning data, leading to enhanced
math and coding capabilities across modalities. To advance research in the
field, we are releasing the model weights and will open-source the code for the
community: https://nvlm-project.github.io/. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG",
"cs.MM"
] |
2104.09864 | AnswerAI | RoFormer: Enhanced Transformer with Rotary Position Embedding | [
"Jianlin Su",
"Yu Lu",
"Shengfeng Pan",
"Ahmed Murtadha",
"Bo Wen",
"Yunfeng Liu"
] | 2021-04-20 | Position encoding recently has shown effective in the transformer
architecture. It enables valuable supervision for dependency modeling between
elements at different positions of the sequence. In this paper, we first
investigate various methods to integrate positional information into the
learning process of transformer-based language models. Then, we propose a novel
method named Rotary Position Embedding(RoPE) to effectively leverage the
positional information. Specifically, the proposed RoPE encodes the absolute
position with a rotation matrix and meanwhile incorporates the explicit
relative position dependency in self-attention formulation. Notably, RoPE
enables valuable properties, including the flexibility of sequence length,
decaying inter-token dependency with increasing relative distances, and the
capability of equipping the linear self-attention with relative position
encoding. Finally, we evaluate the enhanced transformer with rotary position
embedding, also called RoFormer, on various long text classification benchmark
datasets. Our experiments show that it consistently overcomes its alternatives.
Furthermore, we provide a theoretical analysis to explain some experimental
results. RoFormer is already integrated into Huggingface:
\url{https://huggingface.co/docs/transformers/model_doc/roformer}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2401.10822 | HF | ActAnywhere: Subject-Aware Video Background Generation | [
"Boxiao Pan",
"Zhan Xu",
"Chun-Hao Paul Huang",
"Krishna Kumar Singh",
"Yang Zhou",
"Leonidas J. Guibas",
"Jimei Yang"
] | 2024-01-19 | Generating video background that tailors to foreground subject motion is an
important problem for the movie industry and visual effects community. This
task involves synthesizing background that aligns with the motion and
appearance of the foreground subject, while also complies with the artist's
creative intention. We introduce ActAnywhere, a generative model that automates
this process which traditionally requires tedious manual efforts. Our model
leverages the power of large-scale video diffusion models, and is specifically
tailored for this task. ActAnywhere takes a sequence of foreground subject
segmentation as input and an image that describes the desired scene as
condition, to produce a coherent video with realistic foreground-background
interactions while adhering to the condition frame. We train our model on a
large-scale dataset of human-scene interaction videos. Extensive evaluations
demonstrate the superior performance of our model, significantly outperforming
baselines. Moreover, we show that ActAnywhere generalizes to diverse
out-of-distribution samples, including non-human subjects. Please visit our
project webpage at https://actanywhere.github.io. | null | cs.CV | [
"cs.CV"
] |
2407.00211 | AnswerAI | Detection and Measurement of Syntactic Templates in Generated Text | [
"Chantal Shaib",
"Yanai Elazar",
"Junyi Jessy Li",
"Byron C. Wallace"
] | 2024-06-28 | Recent work on evaluating the diversity of text generated by LLMs has focused
on word-level features. Here we offer an analysis of syntactic features to
characterize general repetition in models, beyond frequent n-grams.
Specifically, we define syntactic templates and show that models tend to
produce templated text in downstream tasks at a higher rate than what is found
in human-reference texts. We find that most (76%) templates in model-generated
text can be found in pre-training data (compared to only 35% of human-authored
text), and are not overwritten during fine-tuning processes such as RLHF. This
connection to the pre-training data allows us to analyze syntactic templates in
models where we do not have the pre-training data. We also find that templates
as features are able to differentiate between models, tasks, and domains, and
are useful for qualitatively evaluating common model constructions. Finally, we
demonstrate the use of templates as a useful tool for analyzing style
memorization of training data in LLMs. | null | cs.CL | [
"cs.CL"
] |
1801.10198 | AnswerAI | Generating Wikipedia by Summarizing Long Sequences | [
"Peter J. Liu",
"Mohammad Saleh",
"Etienne Pot",
"Ben Goodrich",
"Ryan Sepassi",
"Lukasz Kaiser",
"Noam Shazeer"
] | 2018-01-30 | We show that generating English Wikipedia articles can be approached as a
multi- document summarization of source documents. We use extractive
summarization to coarsely identify salient information and a neural abstractive
model to generate the article. For the abstractive model, we introduce a
decoder-only architecture that can scalably attend to very long sequences, much
longer than typical encoder- decoder architectures used in sequence
transduction. We show that this model can generate fluent, coherent
multi-sentence paragraphs and even whole Wikipedia articles. When given
reference documents, we show it can extract relevant factual information as
reflected in perplexity, ROUGE scores and human evaluations. | null | cs.CL | [
"cs.CL"
] |
2403.03883 | HF | SaulLM-7B: A pioneering Large Language Model for Law | [
"Pierre Colombo",
"Telmo Pessoa Pires",
"Malik Boudiaf",
"Dominic Culver",
"Rui Melo",
"Caio Corro",
"Andre F. T. Martins",
"Fabrizio Esposito",
"Vera Lúcia Raposo",
"Sofia Morgado",
"Michael Desa"
] | 2024-03-06 | In this paper, we introduce SaulLM-7B, a large language model (LLM) tailored
for the legal domain. With 7 billion parameters, SaulLM-7B is the first LLM
designed explicitly for legal text comprehension and generation. Leveraging the
Mistral 7B architecture as its foundation, SaulLM-7B is trained on an English
legal corpus of over 30 billion tokens. SaulLM-7B exhibits state-of-the-art
proficiency in understanding and processing legal documents. Additionally, we
present a novel instructional fine-tuning method that leverages legal datasets
to further enhance SaulLM-7B's performance in legal tasks. SaulLM-7B is
released under the MIT License. | null | cs.CL | [
"cs.CL"
] |
2405.15574 | HF | Meteor: Mamba-based Traversal of Rationale for Large Language and Vision Models | [
"Byung-Kwan Lee",
"Chae Won Kim",
"Beomchan Park",
"Yong Man Ro"
] | 2024-05-24 | The rapid development of large language and vision models (LLVMs) has been
driven by advances in visual instruction tuning. Recently, open-source LLVMs
have curated high-quality visual instruction tuning datasets and utilized
additional vision encoders or multiple computer vision models in order to
narrow the performance gap with powerful closed-source LLVMs. These
advancements are attributed to multifaceted information required for diverse
capabilities, including fundamental image understanding, real-world knowledge
about common-sense and non-object concepts (e.g., charts, diagrams, symbols,
signs, and math problems), and step-by-step procedures for solving complex
questions. Drawing from the multifaceted information, we present a new
efficient LLVM, Mamba-based traversal of rationales (Meteor), which leverages
multifaceted rationale to enhance understanding and answering capabilities. To
embed lengthy rationales containing abundant information, we employ the Mamba
architecture, capable of processing sequential data with linear time
complexity. We introduce a new concept of traversal of rationale that
facilitates efficient embedding of rationale. Subsequently, the backbone
multimodal language model (MLM) is trained to generate answers with the aid of
rationale. Through these steps, Meteor achieves significant improvements in
vision language performances across multiple evaluation benchmarks requiring
diverse capabilities, without scaling up the model size or employing additional
vision encoders and computer vision models. | null | cs.CV | [
"cs.CV"
] |
2306.14447 | HF | RoboCook: Long-Horizon Elasto-Plastic Object Manipulation with Diverse Tools | [
"Haochen Shi",
"Huazhe Xu",
"Samuel Clarke",
"Yunzhu Li",
"Jiajun Wu"
] | 2023-06-26 | Humans excel in complex long-horizon soft body manipulation tasks via
flexible tool use: bread baking requires a knife to slice the dough and a
rolling pin to flatten it. Often regarded as a hallmark of human cognition,
tool use in autonomous robots remains limited due to challenges in
understanding tool-object interactions. Here we develop an intelligent robotic
system, RoboCook, which perceives, models, and manipulates elasto-plastic
objects with various tools. RoboCook uses point cloud scene representations,
models tool-object interactions with Graph Neural Networks (GNNs), and combines
tool classification with self-supervised policy learning to devise manipulation
plans. We demonstrate that from just 20 minutes of real-world interaction data
per tool, a general-purpose robot arm can learn complex long-horizon soft
object manipulation tasks, such as making dumplings and alphabet letter
cookies. Extensive evaluations show that RoboCook substantially outperforms
state-of-the-art approaches, exhibits robustness against severe external
disturbances, and demonstrates adaptability to different materials. | null | cs.RO | [
"cs.RO"
] |
2312.11537 | HF | FastSR-NeRF: Improving NeRF Efficiency on Consumer Devices with A Simple Super-Resolution Pipeline | [
"Chien-Yu Lin",
"Qichen Fu",
"Thomas Merth",
"Karren Yang",
"Anurag Ranjan"
] | 2023-12-15 | Super-resolution (SR) techniques have recently been proposed to upscale the
outputs of neural radiance fields (NeRF) and generate high-quality images with
enhanced inference speeds. However, existing NeRF+SR methods increase training
overhead by using extra input features, loss functions, and/or expensive
training procedures such as knowledge distillation. In this paper, we aim to
leverage SR for efficiency gains without costly training or architectural
changes. Specifically, we build a simple NeRF+SR pipeline that directly
combines existing modules, and we propose a lightweight augmentation technique,
random patch sampling, for training. Compared to existing NeRF+SR methods, our
pipeline mitigates the SR computing overhead and can be trained up to 23x
faster, making it feasible to run on consumer devices such as the Apple
MacBook. Experiments show our pipeline can upscale NeRF outputs by 2-4x while
maintaining high quality, increasing inference speeds by up to 18x on an NVIDIA
V100 GPU and 12.8x on an M1 Pro chip. We conclude that SR can be a simple but
effective technique for improving the efficiency of NeRF models for consumer
devices. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2209.14958 | AnswerAI | Co-Writing Screenplays and Theatre Scripts with Language Models: An Evaluation by Industry Professionals | [
"Piotr Mirowski",
"Kory W. Mathewson",
"Jaylen Pittman",
"Richard Evans"
] | 2022-09-29 | Language models are increasingly attracting interest from writers. However,
such models lack long-range semantic coherence, limiting their usefulness for
longform creative writing. We address this limitation by applying language
models hierarchically, in a system we call Dramatron. By building structural
context via prompt chaining, Dramatron can generate coherent scripts and
screenplays complete with title, characters, story beats, location
descriptions, and dialogue. We illustrate Dramatron's usefulness as an
interactive co-creative system with a user study of 15 theatre and film
industry professionals. Participants co-wrote theatre scripts and screenplays
with Dramatron and engaged in open-ended interviews. We report critical
reflections both from our interviewees and from independent reviewers who
watched stagings of the works to illustrate how both Dramatron and hierarchical
text generation could be useful for human-machine co-creativity. Finally, we
discuss the suitability of Dramatron for co-creativity, ethical considerations
-- including plagiarism and bias -- and participatory models for the design and
deployment of such tools. | null | cs.HC | [
"cs.HC",
"cs.CL"
] |
2406.17711 | AnswerAI | Data curation via joint example selection further accelerates multimodal learning | [
"Talfan Evans",
"Nikhil Parthasarathy",
"Hamza Merzic",
"Olivier J. Henaff"
] | 2024-06-25 | Data curation is an essential component of large-scale pretraining. In this
work, we demonstrate that jointly selecting batches of data is more effective
for learning than selecting examples independently. Multimodal contrastive
objectives expose the dependencies between data and thus naturally yield
criteria for measuring the joint learnability of a batch. We derive a simple
and tractable algorithm for selecting such batches, which significantly
accelerate training beyond individually-prioritized data points. As performance
improves by selecting from larger super-batches, we also leverage recent
advances in model approximation to reduce the associated computational
overhead. As a result, our approach--multimodal contrastive learning with joint
example selection (JEST)--surpasses state-of-the-art models with up to
13$\times$ fewer iterations and 10$\times$ less computation. Essential to the
performance of JEST is the ability to steer the data selection process towards
the distribution of smaller, well-curated datasets via pretrained reference
models, exposing the level of data curation as a new dimension for neural
scaling laws. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2307.03109 | Both | A Survey on Evaluation of Large Language Models | [
"Yupeng Chang",
"Xu Wang",
"Jindong Wang",
"Yuan Wu",
"Linyi Yang",
"Kaijie Zhu",
"Hao Chen",
"Xiaoyuan Yi",
"Cunxiang Wang",
"Yidong Wang",
"Wei Ye",
"Yue Zhang",
"Yi Chang",
"Philip S. Yu",
"Qiang Yang",
"Xing Xie"
] | 2023-07-06 | Large language models (LLMs) are gaining increasing popularity in both
academia and industry, owing to their unprecedented performance in various
applications. As LLMs continue to play a vital role in both research and daily
use, their evaluation becomes increasingly critical, not only at the task
level, but also at the society level for better understanding of their
potential risks. Over the past years, significant efforts have been made to
examine LLMs from various perspectives. This paper presents a comprehensive
review of these evaluation methods for LLMs, focusing on three key dimensions:
what to evaluate, where to evaluate, and how to evaluate. Firstly, we provide
an overview from the perspective of evaluation tasks, encompassing general
natural language processing tasks, reasoning, medical usage, ethics,
educations, natural and social sciences, agent applications, and other areas.
Secondly, we answer the `where' and `how' questions by diving into the
evaluation methods and benchmarks, which serve as crucial components in
assessing performance of LLMs. Then, we summarize the success and failure cases
of LLMs in different tasks. Finally, we shed light on several future challenges
that lie ahead in LLMs evaluation. Our aim is to offer invaluable insights to
researchers in the realm of LLMs evaluation, thereby aiding the development of
more proficient LLMs. Our key point is that evaluation should be treated as an
essential discipline to better assist the development of LLMs. We consistently
maintain the related open-source materials at:
https://github.com/MLGroupJLU/LLM-eval-survey. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2311.07689 | HF | MART: Improving LLM Safety with Multi-round Automatic Red-Teaming | [
"Suyu Ge",
"Chunting Zhou",
"Rui Hou",
"Madian Khabsa",
"Yi-Chia Wang",
"Qifan Wang",
"Jiawei Han",
"Yuning Mao"
] | 2023-11-13 | Red-teaming is a common practice for mitigating unsafe behaviors in Large
Language Models (LLMs), which involves thoroughly assessing LLMs to identify
potential flaws and addressing them with responsible and accurate responses.
While effective, manual red-teaming is costly, and existing automatic
red-teaming typically discovers safety risks without addressing them. In this
paper, we propose a Multi-round Automatic Red-Teaming (MART) method, which
incorporates both automatic adversarial prompt writing and safe response
generation, significantly increasing red-teaming scalability and the safety of
the target LLM. Specifically, an adversarial LLM and a target LLM interplay
with each other in an iterative manner, where the adversarial LLM aims to
generate challenging prompts that elicit unsafe responses from the target LLM,
while the target LLM is fine-tuned with safety aligned data on these
adversarial prompts. In each round, the adversarial LLM crafts better attacks
on the updated target LLM, while the target LLM also improves itself through
safety fine-tuning. On adversarial prompt benchmarks, the violation rate of an
LLM with limited safety alignment reduces up to 84.7% after 4 rounds of MART,
achieving comparable performance to LLMs with extensive adversarial prompt
writing. Notably, model helpfulness on non-adversarial prompts remains stable
throughout iterations, indicating the target LLM maintains strong performance
on instruction following. | null | cs.CL | [
"cs.CL"
] |
2312.11370 | HF | G-LLaVA: Solving Geometric Problem with Multi-Modal Large Language Model | [
"Jiahui Gao",
"Renjie Pi",
"Jipeng Zhang",
"Jiacheng Ye",
"Wanjun Zhong",
"Yufei Wang",
"Lanqing Hong",
"Jianhua Han",
"Hang Xu",
"Zhenguo Li",
"Lingpeng Kong"
] | 2023-12-18 | Large language models (LLMs) have shown remarkable proficiency in human-level
reasoning and generation capabilities, which encourages extensive research on
their application in mathematical problem solving. However, current work has
been largely focused on text-based mathematical problems, with limited
investigation in problems involving geometric information. Addressing this gap,
we aim to enable LLMs to solve geometric problems by understanding image input.
We first analyze the limitations of current Multimodal Large Language Models
(MLLMs) in this area: they struggle to accurately comprehending basic geometric
elements and their relationships. To overcome these challenges, we take
advantage of the unique characteristics of geometric problems (such as unique
geometric logical form, and geometric scalability) and the capacity of the
textual LLMs to build an enriched multimodal geometry dataset based on existing
data. The augmented dataset, Geo170K, contains more than 170K geometric
image-caption and question-answer pairs. Utilizing our constructed Geo170K
dataset, we develop G-LLaVA, which demonstrates exceptional performance in
solving geometric problems, significantly outperforming GPT-4-V on the
MathVista benchmark with only 7B parameters. | null | cs.CL | [
"cs.CL"
] |
2405.21060 | Both | Transformers are SSMs: Generalized Models and Efficient Algorithms Through Structured State Space Duality | [
"Tri Dao",
"Albert Gu"
] | 2024-05-31 | While Transformers have been the main architecture behind deep learning's
success in language modeling, state-space models (SSMs) such as Mamba have
recently been shown to match or outperform Transformers at small to medium
scale. We show that these families of models are actually quite closely
related, and develop a rich framework of theoretical connections between SSMs
and variants of attention, connected through various decompositions of a
well-studied class of structured semiseparable matrices. Our state space
duality (SSD) framework allows us to design a new architecture (Mamba-2) whose
core layer is an a refinement of Mamba's selective SSM that is 2-8X faster,
while continuing to be competitive with Transformers on language modeling. | null | cs.LG | [
"cs.LG"
] |
2307.14460 | HF | MiDaS v3.1 -- A Model Zoo for Robust Monocular Relative Depth Estimation | [
"Reiner Birkl",
"Diana Wofk",
"Matthias Müller"
] | 2023-07-26 | We release MiDaS v3.1 for monocular depth estimation, offering a variety of
new models based on different encoder backbones. This release is motivated by
the success of transformers in computer vision, with a large variety of
pretrained vision transformers now available. We explore how using the most
promising vision transformers as image encoders impacts depth estimation
quality and runtime of the MiDaS architecture. Our investigation also includes
recent convolutional approaches that achieve comparable quality to vision
transformers in image classification tasks. While the previous release MiDaS
v3.0 solely leverages the vanilla vision transformer ViT, MiDaS v3.1 offers
additional models based on BEiT, Swin, SwinV2, Next-ViT and LeViT. These models
offer different performance-runtime tradeoffs. The best model improves the
depth estimation quality by 28% while efficient models enable downstream tasks
requiring high frame rates. We also describe the general process for
integrating new backbones. A video summarizing the work can be found at
https://youtu.be/UjaeNNFf9sE and the code is available at
https://github.com/isl-org/MiDaS. | null | cs.CV | [
"cs.CV"
] |
2306.15626 | Both | LeanDojo: Theorem Proving with Retrieval-Augmented Language Models | [
"Kaiyu Yang",
"Aidan M. Swope",
"Alex Gu",
"Rahul Chalamala",
"Peiyang Song",
"Shixing Yu",
"Saad Godil",
"Ryan Prenger",
"Anima Anandkumar"
] | 2023-06-27 | Large language models (LLMs) have shown promise in proving formal theorems
using proof assistants such as Lean. However, existing methods are difficult to
reproduce or build on, due to private code, data, and large compute
requirements. This has created substantial barriers to research on machine
learning methods for theorem proving. This paper removes these barriers by
introducing LeanDojo: an open-source Lean playground consisting of toolkits,
data, models, and benchmarks. LeanDojo extracts data from Lean and enables
interaction with the proof environment programmatically. It contains
fine-grained annotations of premises in proofs, providing valuable data for
premise selection: a key bottleneck in theorem proving. Using this data, we
develop ReProver (Retrieval-Augmented Prover): an LLM-based prover augmented
with retrieval for selecting premises from a vast math library. It is
inexpensive and needs only one GPU week of training. Our retriever leverages
LeanDojo's program analysis capability to identify accessible premises and hard
negative examples, which makes retrieval much more effective. Furthermore, we
construct a new benchmark consisting of 98,734 theorems and proofs extracted
from Lean's math library. It features challenging data split requiring the
prover to generalize to theorems relying on novel premises that are never used
in training. We use this benchmark for training and evaluation, and
experimental results demonstrate the effectiveness of ReProver over
non-retrieval baselines and GPT-4. We thus provide the first set of open-source
LLM-based theorem provers without any proprietary datasets and release it under
a permissive MIT license to facilitate further research. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.LO",
"stat.ML"
] |
2407.21530 | HF | Data Contamination Report from the 2024 CONDA Shared Task | [
"Oscar Sainz",
"Iker García-Ferrero",
"Alon Jacovi",
"Jon Ander Campos",
"Yanai Elazar",
"Eneko Agirre",
"Yoav Goldberg",
"Wei-Lin Chen",
"Jenny Chim",
"Leshem Choshen",
"Luca D'Amico-Wong",
"Melissa Dell",
"Run-Ze Fan",
"Shahriar Golchin",
"Yucheng Li",
"Pengfei Liu",
"Bhavish Pahwa",
"Ameya Prabhu",
"Suryansh Sharma",
"Emily Silcock",
"Kateryna Solonko",
"David Stap",
"Mihai Surdeanu",
"Yu-Min Tseng",
"Vishaal Udandarao",
"Zengzhi Wang",
"Ruijie Xu",
"Jinglin Yang"
] | 2024-07-31 | The 1st Workshop on Data Contamination (CONDA 2024) focuses on all relevant
aspects of data contamination in natural language processing, where data
contamination is understood as situations where evaluation data is included in
pre-training corpora used to train large scale models, compromising evaluation
results. The workshop fostered a shared task to collect evidence on data
contamination in current available datasets and models. The goal of the shared
task and associated database is to assist the community in understanding the
extent of the problem and to assist researchers in avoiding reporting
evaluation results on known contaminated resources. The shared task provides a
structured, centralized public database for the collection of contamination
evidence, open to contributions from the community via GitHub pool requests.
This first compilation paper is based on 566 reported entries over 91
contaminated sources from a total of 23 contributors. The details of the
individual contamination events are available in the platform. The platform
continues to be online, open to contributions from the community. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2403.12365 | HF | GaussianFlow: Splatting Gaussian Dynamics for 4D Content Creation | [
"Quankai Gao",
"Qiangeng Xu",
"Zhe Cao",
"Ben Mildenhall",
"Wenchao Ma",
"Le Chen",
"Danhang Tang",
"Ulrich Neumann"
] | 2024-03-19 | Creating 4D fields of Gaussian Splatting from images or videos is a
challenging task due to its under-constrained nature. While the optimization
can draw photometric reference from the input videos or be regulated by
generative models, directly supervising Gaussian motions remains underexplored.
In this paper, we introduce a novel concept, Gaussian flow, which connects the
dynamics of 3D Gaussians and pixel velocities between consecutive frames. The
Gaussian flow can be efficiently obtained by splatting Gaussian dynamics into
the image space. This differentiable process enables direct dynamic supervision
from optical flow. Our method significantly benefits 4D dynamic content
generation and 4D novel view synthesis with Gaussian Splatting, especially for
contents with rich motions that are hard to be handled by existing methods. The
common color drifting issue that happens in 4D generation is also resolved with
improved Guassian dynamics. Superior visual quality on extensive experiments
demonstrates our method's effectiveness. Quantitative and qualitative
evaluations show that our method achieves state-of-the-art results on both
tasks of 4D generation and 4D novel view synthesis. Project page:
https://zerg-overmind.github.io/GaussianFlow.github.io/ | null | cs.CV | [
"cs.CV"
] |
2312.07859 | HF | Invariant Graph Transformer | [
"Zhe Xu",
"Menghai Pan",
"Yuzhong Chen",
"Huiyuan Chen",
"Yuchen Yan",
"Mahashweta Das",
"Hanghang Tong"
] | 2023-12-13 | Rationale discovery is defined as finding a subset of the input data that
maximally supports the prediction of downstream tasks. In graph machine
learning context, graph rationale is defined to locate the critical subgraph in
the given graph topology, which fundamentally determines the prediction
results. In contrast to the rationale subgraph, the remaining subgraph is named
the environment subgraph. Graph rationalization can enhance the model
performance as the mapping between the graph rationale and prediction label is
viewed as invariant, by assumption. To ensure the discriminative power of the
extracted rationale subgraphs, a key technique named "intervention" is applied.
The core idea of intervention is that given any changing environment subgraphs,
the semantics from the rationale subgraph is invariant, which guarantees the
correct prediction result. However, most, if not all, of the existing
rationalization works on graph data develop their intervention strategies on
the graph level, which is coarse-grained. In this paper, we propose
well-tailored intervention strategies on graph data. Our idea is driven by the
development of Transformer models, whose self-attention module provides rich
interactions between input nodes. Based on the self-attention module, our
proposed invariant graph Transformer (IGT) can achieve fine-grained, more
specifically, node-level and virtual node-level intervention. Our comprehensive
experiments involve 7 real-world datasets, and the proposed IGT shows
significant performance advantages compared to 13 baseline methods. | null | cs.LG | [
"cs.LG",
"cs.SI"
] |
2305.04160 | HF | X-LLM: Bootstrapping Advanced Large Language Models by Treating Multi-Modalities as Foreign Languages | [
"Feilong Chen",
"Minglun Han",
"Haozhi Zhao",
"Qingyang Zhang",
"Jing Shi",
"Shuang Xu",
"Bo Xu"
] | 2023-05-07 | Large language models (LLMs) have demonstrated remarkable language abilities.
GPT-4, based on advanced LLMs, exhibits extraordinary multimodal capabilities
beyond previous visual language models. We attribute this to the use of more
advanced LLMs compared with previous multimodal models. Unfortunately, the
model architecture and training strategies of GPT-4 are unknown. To endow LLMs
with multimodal capabilities, we propose X-LLM, which converts Multi-modalities
(images, speech, videos) into foreign languages using X2L interfaces and inputs
them into a large Language model (ChatGLM). Specifically, X-LLM aligns multiple
frozen single-modal encoders and a frozen LLM using X2L interfaces, where ``X''
denotes multi-modalities such as image, speech, and videos, and ``L'' denotes
languages. X-LLM's training consists of three stages: (1) Converting Multimodal
Information: The first stage trains each X2L interface to align with its
respective single-modal encoder separately to convert multimodal information
into languages. (2) Aligning X2L representations with the LLM: single-modal
encoders are aligned with the LLM through X2L interfaces independently. (3)
Integrating multiple modalities: all single-modal encoders are aligned with the
LLM through X2L interfaces to integrate multimodal capabilities into the LLM.
Our experiments show that X-LLM demonstrates impressive multimodel chat
abilities, sometimes exhibiting the behaviors of multimodal GPT-4 on unseen
images/instructions, and yields a 84.5\% relative score compared with GPT-4 on
a synthetic multimodal instruction-following dataset. And we also conduct
quantitative tests on using LLM for ASR and multimodal ASR, hoping to promote
the era of LLM-based speech recognition. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"eess.AS"
] |
2306.13754 | HF | Zero-shot spatial layout conditioning for text-to-image diffusion models | [
"Guillaume Couairon",
"Marlène Careil",
"Matthieu Cord",
"Stéphane Lathuilière",
"Jakob Verbeek"
] | 2023-06-23 | Large-scale text-to-image diffusion models have significantly improved the
state of the art in generative image modelling and allow for an intuitive and
powerful user interface to drive the image generation process. Expressing
spatial constraints, e.g. to position specific objects in particular locations,
is cumbersome using text; and current text-based image generation models are
not able to accurately follow such instructions. In this paper we consider
image generation from text associated with segments on the image canvas, which
combines an intuitive natural language interface with precise spatial control
over the generated content. We propose ZestGuide, a zero-shot segmentation
guidance approach that can be plugged into pre-trained text-to-image diffusion
models, and does not require any additional training. It leverages implicit
segmentation maps that can be extracted from cross-attention layers, and uses
them to align the generation with input masks. Our experimental results combine
high image quality with accurate alignment of generated content with input
segmentations, and improve over prior work both quantitatively and
qualitatively, including methods that require training on images with
corresponding segmentations. Compared to Paint with Words, the previous
state-of-the art in image generation with zero-shot segmentation conditioning,
we improve by 5 to 10 mIoU points on the COCO dataset with similar FID scores. | null | cs.CV | [
"cs.CV"
] |
2311.04934 | HF | Prompt Cache: Modular Attention Reuse for Low-Latency Inference | [
"In Gim",
"Guojun Chen",
"Seung-seob Lee",
"Nikhil Sarda",
"Anurag Khandelwal",
"Lin Zhong"
] | 2023-11-07 | We present Prompt Cache, an approach for accelerating inference for large
language models (LLM) by reusing attention states across different LLM prompts.
Many input prompts have overlapping text segments, such as system messages,
prompt templates, and documents provided for context. Our key insight is that
by precomputing and storing the attention states of these frequently occurring
text segments on the inference server, we can efficiently reuse them when these
segments appear in user prompts. Prompt Cache employs a schema to explicitly
define such reusable text segments, called prompt modules. The schema ensures
positional accuracy during attention state reuse and provides users with an
interface to access cached states in their prompt. Using a prototype
implementation, we evaluate Prompt Cache across several LLMs. We show that
Prompt Cache significantly reduce latency in time-to-first-token, especially
for longer prompts such as document-based question answering and
recommendations. The improvements range from 8x for GPU-based inference to 60x
for CPU-based inference, all while maintaining output accuracy and without the
need for model parameter modifications. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.11499 | HF | DreamLLM: Synergistic Multimodal Comprehension and Creation | [
"Runpei Dong",
"Chunrui Han",
"Yuang Peng",
"Zekun Qi",
"Zheng Ge",
"Jinrong Yang",
"Liang Zhao",
"Jianjian Sun",
"Hongyu Zhou",
"Haoran Wei",
"Xiangwen Kong",
"Xiangyu Zhang",
"Kaisheng Ma",
"Li Yi"
] | 2023-09-20 | This paper presents DreamLLM, a learning framework that first achieves
versatile Multimodal Large Language Models (MLLMs) empowered with frequently
overlooked synergy between multimodal comprehension and creation. DreamLLM
operates on two fundamental principles. The first focuses on the generative
modeling of both language and image posteriors by direct sampling in the raw
multimodal space. This approach circumvents the limitations and information
loss inherent to external feature extractors like CLIP, and a more thorough
multimodal understanding is obtained. Second, DreamLLM fosters the generation
of raw, interleaved documents, modeling both text and image contents, along
with unstructured layouts. This allows DreamLLM to learn all conditional,
marginal, and joint multimodal distributions effectively. As a result, DreamLLM
is the first MLLM capable of generating free-form interleaved content.
Comprehensive experiments highlight DreamLLM's superior performance as a
zero-shot multimodal generalist, reaping from the enhanced learning synergy.
Project page: https://dreamllm.github.io. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2306.13575 | HF | Scaling MLPs: A Tale of Inductive Bias | [
"Gregor Bachmann",
"Sotiris Anagnostidis",
"Thomas Hofmann"
] | 2023-06-23 | In this work we revisit the most fundamental building block in deep learning,
the multi-layer perceptron (MLP), and study the limits of its performance on
vision tasks. Empirical insights into MLPs are important for multiple reasons.
(1) Given the recent narrative "less inductive bias is better", popularized due
to transformers eclipsing convolutional models, it is natural to explore the
limits of this hypothesis. To that end, MLPs offer an ideal test bed, as they
lack any vision-specific inductive bias. (2) MLPs have almost exclusively been
the main protagonist in the deep learning theory literature due to their
mathematical simplicity, serving as a proxy to explain empirical phenomena
observed for more complex architectures. Surprisingly, experimental datapoints
for MLPs are very difficult to find in the literature, especially when coupled
with large pre-training protocols. This discrepancy between practice and theory
is worrying: Do MLPs reflect the empirical advances exhibited by practical
models? Or do theorists need to rethink the role of MLPs as a proxy? We provide
insights into both these aspects. We show that the performance of MLPs
drastically improves with scale (95% on CIFAR10, 82% on CIFAR100, 58% on
ImageNet ReaL), highlighting that lack of inductive bias can indeed be
compensated. We observe that MLPs mimic the behaviour of their modern
counterparts faithfully, with some components in the learning setting however
exhibiting stronger or unexpected behaviours. Due to their inherent
computational efficiency, large pre-training experiments become more accessible
for academic researchers. All of our experiments were run on a single GPU. | null | cs.LG | [
"cs.LG"
] |
2311.13141 | HF | Diffusion360: Seamless 360 Degree Panoramic Image Generation based on Diffusion Models | [
"Mengyang Feng",
"Jinlin Liu",
"Miaomiao Cui",
"Xuansong Xie"
] | 2023-11-22 | This is a technical report on the 360-degree panoramic image generation task
based on diffusion models. Unlike ordinary 2D images, 360-degree panoramic
images capture the entire $360^\circ\times 180^\circ$ field of view. So the
rightmost and the leftmost sides of the 360 panoramic image should be
continued, which is the main challenge in this field. However, the current
diffusion pipeline is not appropriate for generating such a seamless 360-degree
panoramic image. To this end, we propose a circular blending strategy on both
the denoising and VAE decoding stages to maintain the geometry continuity.
Based on this, we present two models for \textbf{Text-to-360-panoramas} and
\textbf{Single-Image-to-360-panoramas} tasks. The code has been released as an
open-source project at
\href{https://github.com/ArcherFMY/SD-T2I-360PanoImage}{https://github.com/ArcherFMY/SD-T2I-360PanoImage}
and
\href{https://www.modelscope.cn/models/damo/cv_diffusion_text-to-360panorama-image_generation/summary}{ModelScope} | null | cs.CV | [
"cs.CV"
] |
2310.13961 | HF | Ensemble-Instruct: Generating Instruction-Tuning Data with a Heterogeneous Mixture of LMs | [
"Young-Suk Lee",
"Md Arafat Sultan",
"Yousef El-Kurdi",
"Tahira Naseem Asim Munawar",
"Radu Florian",
"Salim Roukos",
"Ramón Fernandez Astudillo"
] | 2023-10-21 | Using in-context learning (ICL) for data generation, techniques such as
Self-Instruct (Wang et al., 2023) or the follow-up Alpaca (Taori et al., 2023)
can train strong conversational agents with only a small amount of human
supervision. One limitation of these approaches is that they resort to very
large language models (around 175B parameters) that are also proprietary and
non-public. Here we explore the application of such techniques to language
models that are much smaller (around 10B--40B parameters) and have permissive
licenses. We find the Self-Instruct approach to be less effective at these
sizes and propose new ICL methods that draw on two main ideas: (a)
Categorization and simplification of the ICL templates to make prompt learning
easier for the LM, and (b) Ensembling over multiple LM outputs to help select
high-quality synthetic examples. Our algorithm leverages the 175 Self-Instruct
seed tasks and employs separate pipelines for instructions that require an
input and instructions that do not. Empirical investigations with different LMs
show that: (1) Our proposed method yields higher-quality instruction tuning
data than Self-Instruct, (2) It improves performances of both vanilla and
instruction-tuned LMs by significant margins, and (3) Smaller instruction-tuned
LMs generate more useful outputs than their larger un-tuned counterparts. Our
codebase is available at https://github.com/IBM/ensemble-instruct. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.05357 | HF | Unsupervised Compositional Concepts Discovery with Text-to-Image Generative Models | [
"Nan Liu",
"Yilun Du",
"Shuang Li",
"Joshua B. Tenenbaum",
"Antonio Torralba"
] | 2023-06-08 | Text-to-image generative models have enabled high-resolution image synthesis
across different domains, but require users to specify the content they wish to
generate. In this paper, we consider the inverse problem -- given a collection
of different images, can we discover the generative concepts that represent
each image? We present an unsupervised approach to discover generative concepts
from a collection of images, disentangling different art styles in paintings,
objects, and lighting from kitchen scenes, and discovering image classes given
ImageNet images. We show how such generative concepts can accurately represent
the content of images, be recombined and composed to generate new artistic and
hybrid images, and be further used as a representation for downstream
classification tasks. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2312.08926 | HF | Modeling Complex Mathematical Reasoning via Large Language Model based MathAgent | [
"Haoran Liao",
"Qinyi Du",
"Shaohua Hu",
"Hao He",
"Yanyan Xu",
"Jidong Tian",
"Yaohui Jin"
] | 2023-12-14 | Large language models (LLMs) face challenges in solving complex mathematical
problems that require comprehensive capacities to parse the statements,
associate domain knowledge, perform compound logical reasoning, and integrate
the intermediate rationales. Tackling all these problems once could be arduous
for LLMs, thus leading to confusion in generation. In this work, we explore the
potential of enhancing LLMs with agents by meticulous decomposition and
modeling of mathematical reasoning process. Specifically, we propose a formal
description of the mathematical solving and extend LLMs with an agent-based
zero-shot framework named
$\bf{P}$lanner-$\bf{R}$easoner-$\bf{E}$xecutor-$\bf{R}$eflector (PRER). We
further provide and implement two MathAgents that define the logical forms and
inherent relations via a pool of actions in different grains and orientations:
MathAgent-M adapts its actions to LLMs, while MathAgent-H aligns with
humankind. Experiments on miniF2F and MATH have demonstrated the effectiveness
of PRER and proposed MathAgents, achieving an increase of
$12.3\%$($53.9\%\xrightarrow{}66.2\%$) on the MiniF2F, $9.2\%$
($49.8\%\xrightarrow{}59.0\%$) on MATH, and
$13.2\%$($23.2\%\xrightarrow{}35.4\%$) for level-5 problems of MATH against
GPT-4. Further analytical results provide more insightful perspectives on
exploiting the behaviors of LLMs as agents. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2306.01872 | HF | Probabilistic Adaptation of Text-to-Video Models | [
"Mengjiao Yang",
"Yilun Du",
"Bo Dai",
"Dale Schuurmans",
"Joshua B. Tenenbaum",
"Pieter Abbeel"
] | 2023-06-02 | Large text-to-video models trained on internet-scale data have demonstrated
exceptional capabilities in generating high-fidelity videos from arbitrary
textual descriptions. However, adapting these models to tasks with limited
domain-specific data, such as animation or robotics videos, poses a significant
computational challenge, since finetuning a pretrained large model can be
prohibitively expensive. Inspired by how a small modifiable component (e.g.,
prompts, prefix-tuning) can adapt a large language model to perform new tasks
without requiring access to the model weights, we investigate how to adapt a
large pretrained text-to-video model to a variety of downstream domains and
tasks without finetuning. In answering this question, we propose Video Adapter,
which leverages the score function of a large pretrained video diffusion model
as a probabilistic prior to guide the generation of a task-specific small video
model. Our experiments show that Video Adapter is capable of incorporating the
broad knowledge and preserving the high fidelity of a large pretrained video
model in a task-specific small video model that is able to generate
high-quality yet specialized videos on a variety of tasks such as animation,
egocentric modeling, and modeling of simulated and real-world robotics data.
More videos can be found on the website https://video-adapter.github.io/. | null | cs.AI | [
"cs.AI"
] |
2408.03178 | HF | An Object is Worth 64x64 Pixels: Generating 3D Object via Image Diffusion | [
"Xingguang Yan",
"Han-Hung Lee",
"Ziyu Wan",
"Angel X. Chang"
] | 2024-08-06 | We introduce a new approach for generating realistic 3D models with UV maps
through a representation termed "Object Images." This approach encapsulates
surface geometry, appearance, and patch structures within a 64x64 pixel image,
effectively converting complex 3D shapes into a more manageable 2D format. By
doing so, we address the challenges of both geometric and semantic irregularity
inherent in polygonal meshes. This method allows us to use image generation
models, such as Diffusion Transformers, directly for 3D shape generation.
Evaluated on the ABO dataset, our generated shapes with patch structures
achieve point cloud FID comparable to recent 3D generative models, while
naturally supporting PBR material generation. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2309.12207 | HF | Boolformer: Symbolic Regression of Logic Functions with Transformers | [
"Stéphane d'Ascoli",
"Samy Bengio",
"Josh Susskind",
"Emmanuel Abbé"
] | 2023-09-21 | In this work, we introduce Boolformer, the first Transformer architecture
trained to perform end-to-end symbolic regression of Boolean functions. First,
we show that it can predict compact formulas for complex functions which were
not seen during training, when provided a clean truth table. Then, we
demonstrate its ability to find approximate expressions when provided
incomplete and noisy observations. We evaluate the Boolformer on a broad set of
real-world binary classification datasets, demonstrating its potential as an
interpretable alternative to classic machine learning methods. Finally, we
apply it to the widespread task of modelling the dynamics of gene regulatory
networks. Using a recent benchmark, we show that Boolformer is competitive with
state-of-the art genetic algorithms with a speedup of several orders of
magnitude. Our code and models are available publicly. | null | cs.LG | [
"cs.LG",
"cs.LO"
] |
2306.10900 | HF | MotionGPT: Finetuned LLMs Are General-Purpose Motion Generators | [
"Yaqi Zhang",
"Di Huang",
"Bin Liu",
"Shixiang Tang",
"Yan Lu",
"Lu Chen",
"Lei Bai",
"Qi Chu",
"Nenghai Yu",
"Wanli Ouyang"
] | 2023-06-19 | Generating realistic human motion from given action descriptions has
experienced significant advancements because of the emerging requirement of
digital humans. While recent works have achieved impressive results in
generating motion directly from textual action descriptions, they often support
only a single modality of the control signal, which limits their application in
the real digital human industry. This paper presents a Motion General-Purpose
generaTor (MotionGPT) that can use multimodal control signals, e.g., text and
single-frame poses, for generating consecutive human motions by treating
multimodal signals as special input tokens in large language models (LLMs).
Specifically, we first quantize multimodal control signals into discrete codes
and then formulate them in a unified prompt instruction to ask the LLMs to
generate the motion answer. Our MotionGPT demonstrates a unified human motion
generation model with multimodal control signals by tuning a mere 0.4% of LLM
parameters. To the best of our knowledge, MotionGPT is the first method to
generate human motion by multimodal control signals, which we hope can shed
light on this new direction. Visit our webpage at
https://qiqiapink.github.io/MotionGPT/. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2404.02883 | HF | On the Scalability of Diffusion-based Text-to-Image Generation | [
"Hao Li",
"Yang Zou",
"Ying Wang",
"Orchid Majumder",
"Yusheng Xie",
"R. Manmatha",
"Ashwin Swaminathan",
"Zhuowen Tu",
"Stefano Ermon",
"Stefano Soatto"
] | 2024-04-03 | Scaling up model and data size has been quite successful for the evolution of
LLMs. However, the scaling law for the diffusion based text-to-image (T2I)
models is not fully explored. It is also unclear how to efficiently scale the
model for better performance at reduced cost. The different training settings
and expensive training cost make a fair model comparison extremely difficult.
In this work, we empirically study the scaling properties of diffusion based
T2I models by performing extensive and rigours ablations on scaling both
denoising backbones and training set, including training scaled UNet and
Transformer variants ranging from 0.4B to 4B parameters on datasets upto 600M
images. For model scaling, we find the location and amount of cross attention
distinguishes the performance of existing UNet designs. And increasing the
transformer blocks is more parameter-efficient for improving text-image
alignment than increasing channel numbers. We then identify an efficient UNet
variant, which is 45% smaller and 28% faster than SDXL's UNet. On the data
scaling side, we show the quality and diversity of the training set matters
more than simply dataset size. Increasing caption density and diversity
improves text-image alignment performance and the learning efficiency. Finally,
we provide scaling functions to predict the text-image alignment performance as
functions of the scale of model size, compute and dataset size. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2406.08418 | HF | OmniCorpus: A Unified Multimodal Corpus of 10 Billion-Level Images Interleaved with Text | [
"Qingyun Li",
"Zhe Chen",
"Weiyun Wang",
"Wenhai Wang",
"Shenglong Ye",
"Zhenjiang Jin",
"Guanzhou Chen",
"Yinan He",
"Zhangwei Gao",
"Erfei Cui",
"Jiashuo Yu",
"Hao Tian",
"Jiasheng Zhou",
"Chao Xu",
"Bin Wang",
"Xingjian Wei",
"Wei Li",
"Wenjian Zhang",
"Bo Zhang",
"Pinlong Cai",
"Licheng Wen",
"Xiangchao Yan",
"Zhenxiang Li",
"Pei Chu",
"Yi Wang",
"Min Dou",
"Changyao Tian",
"Xizhou Zhu",
"Lewei Lu",
"Yushi Chen",
"Junjun He",
"Zhongying Tu",
"Tong Lu",
"Yali Wang",
"Limin Wang",
"Dahua Lin",
"Yu Qiao",
"Botian Shi",
"Conghui He",
"Jifeng Dai"
] | 2024-06-12 | Image-text interleaved data, consisting of multiple images and texts arranged
in a natural document format, aligns with the presentation paradigm of internet
data and closely resembles human reading habits. Recent studies have shown that
such data aids multimodal in-context learning and maintains the capabilities of
large language models during multimodal fine-tuning. However, the limited scale
and diversity of current image-text interleaved data restrict the development
of multimodal large language models. In this paper, we introduce OmniCorpus, a
10 billion-scale image-text interleaved dataset. Using an efficient data
engine, we filter and extract large-scale high-quality documents, which contain
8.6 billion images and 1,696 billion text tokens. Compared to counterparts
(e.g., MMC4, OBELICS), our dataset 1) has 15 times larger scales while
maintaining good data quality; 2) features more diverse sources, including both
English and non-English websites as well as video-centric websites; 3) is more
flexible, easily degradable from an image-text interleaved format to pure text
corpus and image-text pairs. Through comprehensive analysis and experiments, we
validate the quality, usability, and effectiveness of the proposed dataset. We
hope this could provide a solid data foundation for future multimodal model
research. Code and data are released at
https://github.com/OpenGVLab/OmniCorpus. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2306.07969 | HF | GeneCIS: A Benchmark for General Conditional Image Similarity | [
"Sagar Vaze",
"Nicolas Carion",
"Ishan Misra"
] | 2023-06-13 | We argue that there are many notions of 'similarity' and that models, like
humans, should be able to adapt to these dynamically. This contrasts with most
representation learning methods, supervised or self-supervised, which learn a
fixed embedding function and hence implicitly assume a single notion of
similarity. For instance, models trained on ImageNet are biased towards object
categories, while a user might prefer the model to focus on colors, textures or
specific elements in the scene. In this paper, we propose the GeneCIS
('genesis') benchmark, which measures models' ability to adapt to a range of
similarity conditions. Extending prior work, our benchmark is designed for
zero-shot evaluation only, and hence considers an open-set of similarity
conditions. We find that baselines from powerful CLIP models struggle on
GeneCIS and that performance on the benchmark is only weakly correlated with
ImageNet accuracy, suggesting that simply scaling existing methods is not
fruitful. We further propose a simple, scalable solution based on automatically
mining information from existing image-caption datasets. We find our method
offers a substantial boost over the baselines on GeneCIS, and further improves
zero-shot performance on related image retrieval benchmarks. In fact, though
evaluated zero-shot, our model surpasses state-of-the-art supervised models on
MIT-States. Project page at https://sgvaze.github.io/genecis/. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.MM"
] |
2310.10645 | HF | Interactive Task Planning with Language Models | [
"Boyi Li",
"Philipp Wu",
"Pieter Abbeel",
"Jitendra Malik"
] | 2023-10-16 | An interactive robot framework accomplishes long-horizon task planning and
can easily generalize to new goals or distinct tasks, even during execution.
However, most traditional methods require predefined module design, which makes
it hard to generalize to different goals. Recent large language model based
approaches can allow for more open-ended planning but often require heavy
prompt engineering or domain-specific pretrained models. To tackle this, we
propose a simple framework that achieves interactive task planning with
language models. Our system incorporates both high-level planning and low-level
function execution via language. We verify the robustness of our system in
generating novel high-level instructions for unseen objectives and its ease of
adaptation to different tasks by merely substituting the task guidelines,
without the need for additional complex prompt engineering. Furthermore, when
the user sends a new request, our system is able to replan accordingly with
precision based on the new request, task guidelines and previously executed
steps. Please check more details on our https://wuphilipp.github.io/itp_site
and https://youtu.be/TrKLuyv26_g. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CL",
"cs.HC"
] |
2407.06483 | AnswerAI | Composable Interventions for Language Models | [
"Arinbjorn Kolbeinsson",
"Kyle O'Brien",
"Tianjin Huang",
"Shanghua Gao",
"Shiwei Liu",
"Jonathan Richard Schwarz",
"Anurag Vaidya",
"Faisal Mahmood",
"Marinka Zitnik",
"Tianlong Chen",
"Thomas Hartvigsen"
] | 2024-07-09 | Test-time interventions for language models can enhance factual accuracy,
mitigate harmful outputs, and improve model efficiency without costly
retraining. But despite a flood of new methods, different types of
interventions are largely developing independently. In practice, multiple
interventions must be applied sequentially to the same model, yet we lack
standardized ways to study how interventions interact. We fill this gap by
introducing composable interventions, a framework to study the effects of using
multiple interventions on the same language models, featuring new metrics and a
unified codebase. Using our framework, we conduct extensive experiments and
compose popular methods from three emerging intervention categories --
Knowledge Editing, Model Compression, and Machine Unlearning. Our results from
310 different compositions uncover meaningful interactions: compression hinders
editing and unlearning, composing interventions hinges on their order of
application, and popular general-purpose metrics are inadequate for assessing
composability. Taken together, our findings showcase clear gaps in
composability, suggesting a need for new multi-objective interventions. All of
our code is public:
https://github.com/hartvigsen-group/composable-interventions. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2408.14906 | HF | Writing in the Margins: Better Inference Pattern for Long Context Retrieval | [
"Melisa Russak",
"Umar Jamil",
"Christopher Bryant",
"Kiran Kamble",
"Axel Magnuson",
"Mateusz Russak",
"Waseem AlShikh"
] | 2024-08-27 | In this paper, we introduce Writing in the Margins (WiM), a new inference
pattern for Large Language Models designed to optimize the handling of long
input sequences in retrieval-oriented tasks. This approach leverages the
chunked prefill of the key-value cache to perform segment-wise inference, which
enables efficient processing of extensive contexts along with the generation
and classification of intermediate information ("margins") that guide the model
towards specific tasks. This method increases computational overhead marginally
while significantly enhancing the performance of off-the-shelf models without
the need for fine-tuning. Specifically, we observe that WiM provides an average
enhancement of 7.5% in accuracy for reasoning skills (HotpotQA, MultiHop-RAG)
and more than a 30.0% increase in the F1-score for aggregation tasks (CWE).
Additionally, we show how the proposed pattern fits into an interactive
retrieval design that provides end-users with ongoing updates about the
progress of context processing, and pinpoints the integration of relevant
information into the final response. We release our implementation of WiM using
Hugging Face Transformers library at
https://github.com/writer/writing-in-the-margins. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2407.18245 | HF | VGGHeads: A Large-Scale Synthetic Dataset for 3D Human Heads | [
"Orest Kupyn",
"Eugene Khvedchenia",
"Christian Rupprecht"
] | 2024-07-25 | Human head detection, keypoint estimation, and 3D head model fitting are
important tasks with many applications. However, traditional real-world
datasets often suffer from bias, privacy, and ethical concerns, and they have
been recorded in laboratory environments, which makes it difficult for trained
models to generalize. Here, we introduce VGGHeads -- a large scale synthetic
dataset generated with diffusion models for human head detection and 3D mesh
estimation. Our dataset comprises over 1 million high-resolution images, each
annotated with detailed 3D head meshes, facial landmarks, and bounding boxes.
Using this dataset we introduce a new model architecture capable of
simultaneous heads detection and head meshes reconstruction from a single image
in a single step. Through extensive experimental evaluations, we demonstrate
that models trained on our synthetic data achieve strong performance on real
images. Furthermore, the versatility of our dataset makes it applicable across
a broad spectrum of tasks, offering a general and comprehensive representation
of human heads. Additionally, we provide detailed information about the
synthetic data generation pipeline, enabling it to be re-used for other tasks
and domains. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2403.15383 | HF | ThemeStation: Generating Theme-Aware 3D Assets from Few Exemplars | [
"Zhenwei Wang",
"Tengfei Wang",
"Gerhard Hancke",
"Ziwei Liu",
"Rynson W. H. Lau"
] | 2024-03-22 | Real-world applications often require a large gallery of 3D assets that share
a consistent theme. While remarkable advances have been made in general 3D
content creation from text or image, synthesizing customized 3D assets
following the shared theme of input 3D exemplars remains an open and
challenging problem. In this work, we present ThemeStation, a novel approach
for theme-aware 3D-to-3D generation. ThemeStation synthesizes customized 3D
assets based on given few exemplars with two goals: 1) unity for generating 3D
assets that thematically align with the given exemplars and 2) diversity for
generating 3D assets with a high degree of variations. To this end, we design a
two-stage framework that draws a concept image first, followed by a
reference-informed 3D modeling stage. We propose a novel dual score
distillation (DSD) loss to jointly leverage priors from both the input
exemplars and the synthesized concept image. Extensive experiments and user
studies confirm that ThemeStation surpasses prior works in producing diverse
theme-aware 3D models with impressive quality. ThemeStation also enables
various applications such as controllable 3D-to-3D generation. | null | cs.CV | [
"cs.CV"
] |
2306.06546 | HF | High-Fidelity Audio Compression with Improved RVQGAN | [
"Rithesh Kumar",
"Prem Seetharaman",
"Alejandro Luebs",
"Ishaan Kumar",
"Kundan Kumar"
] | 2023-06-11 | Language models have been successfully used to model natural signals, such as
images, speech, and music. A key component of these models is a high quality
neural compression model that can compress high-dimensional natural signals
into lower dimensional discrete tokens. To that end, we introduce a
high-fidelity universal neural audio compression algorithm that achieves ~90x
compression of 44.1 KHz audio into tokens at just 8kbps bandwidth. We achieve
this by combining advances in high-fidelity audio generation with better vector
quantization techniques from the image domain, along with improved adversarial
and reconstruction losses. We compress all domains (speech, environment, music,
etc.) with a single universal model, making it widely applicable to generative
modeling of all audio. We compare with competing audio compression algorithms,
and find our method outperforms them significantly. We provide thorough
ablations for every design choice, as well as open-source code and trained
model weights. We hope our work can lay the foundation for the next generation
of high-fidelity audio modeling. | null | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS"
] |
2305.16843 | HF | Randomized Positional Encodings Boost Length Generalization of Transformers | [
"Anian Ruoss",
"Grégoire Delétang",
"Tim Genewein",
"Jordi Grau-Moya",
"Róbert Csordás",
"Mehdi Bennani",
"Shane Legg",
"Joel Veness"
] | 2023-05-26 | Transformers have impressive generalization capabilities on tasks with a
fixed context length. However, they fail to generalize to sequences of
arbitrary length, even for seemingly simple tasks such as duplicating a string.
Moreover, simply training on longer sequences is inefficient due to the
quadratic computation complexity of the global attention mechanism. In this
work, we demonstrate that this failure mode is linked to positional encodings
being out-of-distribution for longer sequences (even for relative encodings)
and introduce a novel family of positional encodings that can overcome this
problem. Concretely, our randomized positional encoding scheme simulates the
positions of longer sequences and randomly selects an ordered subset to fit the
sequence's length. Our large-scale empirical evaluation of 6000 models across
15 algorithmic reasoning tasks shows that our method allows Transformers to
generalize to sequences of unseen length (increasing test accuracy by 12.0% on
average). | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"stat.ML"
] |
2407.10910 | HF | DataDream: Few-shot Guided Dataset Generation | [
"Jae Myung Kim",
"Jessica Bader",
"Stephan Alaniz",
"Cordelia Schmid",
"Zeynep Akata"
] | 2024-07-15 | While text-to-image diffusion models have been shown to achieve
state-of-the-art results in image synthesis, they have yet to prove their
effectiveness in downstream applications. Previous work has proposed to
generate data for image classifier training given limited real data access.
However, these methods struggle to generate in-distribution images or depict
fine-grained features, thereby hindering the generalization of classification
models trained on synthetic datasets. We propose DataDream, a framework for
synthesizing classification datasets that more faithfully represents the real
data distribution when guided by few-shot examples of the target classes.
DataDream fine-tunes LoRA weights for the image generation model on the few
real images before generating the training data using the adapted model. We
then fine-tune LoRA weights for CLIP using the synthetic data to improve
downstream image classification over previous approaches on a large variety of
datasets. We demonstrate the efficacy of DataDream through extensive
experiments, surpassing state-of-the-art classification accuracy with few-shot
data across 7 out of 10 datasets, while being competitive on the other 3.
Additionally, we provide insights into the impact of various factors, such as
the number of real-shot and generated images as well as the fine-tuning compute
on model performance. The code is available at
https://github.com/ExplainableML/DataDream. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2403.19851 | HF | Localizing Paragraph Memorization in Language Models | [
"Niklas Stoehr",
"Mitchell Gordon",
"Chiyuan Zhang",
"Owen Lewis"
] | 2024-03-28 | Can we localize the weights and mechanisms used by a language model to
memorize and recite entire paragraphs of its training data? In this paper, we
show that while memorization is spread across multiple layers and model
components, gradients of memorized paragraphs have a distinguishable spatial
pattern, being larger in lower model layers than gradients of non-memorized
examples. Moreover, the memorized examples can be unlearned by fine-tuning only
the high-gradient weights. We localize a low-layer attention head that appears
to be especially involved in paragraph memorization. This head is predominantly
focusing its attention on distinctive, rare tokens that are least frequent in a
corpus-level unigram distribution. Next, we study how localized memorization is
across the tokens in the prefix by perturbing tokens and measuring the caused
change in the decoding. A few distinctive tokens early in a prefix can often
corrupt the entire continuation. Overall, memorized continuations are not only
harder to unlearn, but also to corrupt than non-memorized ones. | null | cs.CL | [
"cs.CL",
"cs.CR",
"cs.LG",
"stat.ML"
] |
2305.17926 | AnswerAI | Large Language Models are not Fair Evaluators | [
"Peiyi Wang",
"Lei Li",
"Liang Chen",
"Zefan Cai",
"Dawei Zhu",
"Binghuai Lin",
"Yunbo Cao",
"Qi Liu",
"Tianyu Liu",
"Zhifang Sui"
] | 2023-05-29 | In this paper, we uncover a systematic bias in the evaluation paradigm of
adopting large language models~(LLMs), e.g., GPT-4, as a referee to score and
compare the quality of responses generated by candidate models. We find that
the quality ranking of candidate responses can be easily hacked by simply
altering their order of appearance in the context. This manipulation allows us
to skew the evaluation result, making one model appear considerably superior to
the other, e.g., Vicuna-13B could beat ChatGPT on 66 over 80 tested queries
with ChatGPT as an evaluator. To address this issue, we propose a calibration
framework with three simple yet effective strategies: 1) Multiple Evidence
Calibration, which requires the evaluator model to generate multiple evaluation
evidence before assigning ratings; 2) Balanced Position Calibration, which
aggregates results across various orders to determine the final score; 3)
Human-in-the-Loop Calibration, which introduces a balanced position diversity
entropy to measure the difficulty of each example and seeks human assistance
when needed. We also manually annotate the "win/tie/lose" outcomes of responses
from ChatGPT and Vicuna-13B in the Vicuna Benchmark's question prompt, and
extensive experiments demonstrate that our approach successfully mitigates
evaluation bias, resulting in closer alignment with human judgments. We release
our code and human annotation at \url{https://github.com/i-Eval/FairEval} to
facilitate future research. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2312.17161 | HF | Restoration by Generation with Constrained Priors | [
"Zheng Ding",
"Xuaner Zhang",
"Zhuowen Tu",
"Zhihao Xia"
] | 2023-12-28 | The inherent generative power of denoising diffusion models makes them
well-suited for image restoration tasks where the objective is to find the
optimal high-quality image within the generative space that closely resembles
the input image. We propose a method to adapt a pretrained diffusion model for
image restoration by simply adding noise to the input image to be restored and
then denoise. Our method is based on the observation that the space of a
generative model needs to be constrained. We impose this constraint by
finetuning the generative model with a set of anchor images that capture the
characteristics of the input image. With the constrained space, we can then
leverage the sampling strategy used for generation to do image restoration. We
evaluate against previous methods and show superior performances on multiple
real-world restoration datasets in preserving identity and image quality. We
also demonstrate an important and practical application on personalized
restoration, where we use a personal album as the anchor images to constrain
the generative space. This approach allows us to produce results that
accurately preserve high-frequency details, which previous works are unable to
do. Project webpage: https://gen2res.github.io. | null | cs.CV | [
"cs.CV"
] |
Subsets and Splits