arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2403.09622 | HF | Glyph-ByT5: A Customized Text Encoder for Accurate Visual Text Rendering | [
"Zeyu Liu",
"Weicong Liang",
"Zhanhao Liang",
"Chong Luo",
"Ji Li",
"Gao Huang",
"Yuhui Yuan"
] | 2024-03-14 | Visual text rendering poses a fundamental challenge for contemporary
text-to-image generation models, with the core problem lying in text encoder
deficiencies. To achieve accurate text rendering, we identify two crucial
requirements for text encoders: character awareness and alignment with glyphs.
Our solution involves crafting a series of customized text encoder, Glyph-ByT5,
by fine-tuning the character-aware ByT5 encoder using a meticulously curated
paired glyph-text dataset. We present an effective method for integrating
Glyph-ByT5 with SDXL, resulting in the creation of the Glyph-SDXL model for
design image generation. This significantly enhances text rendering accuracy,
improving it from less than $20\%$ to nearly $90\%$ on our design image
benchmark. Noteworthy is Glyph-SDXL's newfound ability for text paragraph
rendering, achieving high spelling accuracy for tens to hundreds of characters
with automated multi-line layouts. Finally, through fine-tuning Glyph-SDXL with
a small set of high-quality, photorealistic images featuring visual text, we
showcase a substantial improvement in scene text rendering capabilities in
open-domain real images. These compelling outcomes aim to encourage further
exploration in designing customized text encoders for diverse and challenging
tasks. | null | cs.CV | [
"cs.CV"
] |
2307.06304 | HF | Patch n' Pack: NaViT, a Vision Transformer for any Aspect Ratio and Resolution | [
"Mostafa Dehghani",
"Basil Mustafa",
"Josip Djolonga",
"Jonathan Heek",
"Matthias Minderer",
"Mathilde Caron",
"Andreas Steiner",
"Joan Puigcerver",
"Robert Geirhos",
"Ibrahim Alabdulmohsin",
"Avital Oliver",
"Piotr Padlewski",
"Alexey Gritsenko",
"Mario Lučić",
"Neil Houlsby"
] | 2023-07-12 | The ubiquitous and demonstrably suboptimal choice of resizing images to a
fixed resolution before processing them with computer vision models has not yet
been successfully challenged. However, models such as the Vision Transformer
(ViT) offer flexible sequence-based modeling, and hence varying input sequence
lengths. We take advantage of this with NaViT (Native Resolution ViT) which
uses sequence packing during training to process inputs of arbitrary
resolutions and aspect ratios. Alongside flexible model usage, we demonstrate
improved training efficiency for large-scale supervised and contrastive
image-text pretraining. NaViT can be efficiently transferred to standard tasks
such as image and video classification, object detection, and semantic
segmentation and leads to improved results on robustness and fairness
benchmarks. At inference time, the input resolution flexibility can be used to
smoothly navigate the test-time cost-performance trade-off. We believe that
NaViT marks a departure from the standard, CNN-designed, input and modelling
pipeline used by most computer vision models, and represents a promising
direction for ViTs. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2306.03078 | AnswerAI | SpQR: A Sparse-Quantized Representation for Near-Lossless LLM Weight Compression | [
"Tim Dettmers",
"Ruslan Svirschevski",
"Vage Egiazarian",
"Denis Kuznedelev",
"Elias Frantar",
"Saleh Ashkboos",
"Alexander Borzunov",
"Torsten Hoefler",
"Dan Alistarh"
] | 2023-06-05 | Recent advances in large language model (LLM) pretraining have led to
high-quality LLMs with impressive abilities. By compressing such LLMs via
quantization to 3-4 bits per parameter, they can fit into memory-limited
devices such as laptops and mobile phones, enabling personalized use. However,
quantization down to 3-4 bits per parameter usually leads to moderate-to-high
accuracy losses, especially for smaller models in the 1-10B parameter range,
which are well-suited for edge deployments. To address this accuracy issue, we
introduce the Sparse-Quantized Representation (SpQR), a new compressed format
and quantization technique which enables for the first time near-lossless
compression of LLMs across model scales, while reaching similar compression
levels to previous methods. SpQR works by identifying and isolating outlier
weights, which cause particularly-large quantization errors, and storing them
in higher precision, while compressing all other weights to 3-4 bits, and
achieves relative accuracy losses of less than 1% in perplexity for
highly-accurate LLaMA and Falcon LLMs. This makes it possible to run 33B
parameter LLM on a single 24 GB consumer GPU without any performance
degradation at 15% speedup thus making powerful LLMs available to consumer
without any downsides. SpQR comes with efficient algorithms for both encoding
weights into its format, as well as decoding them efficiently at runtime.
Specifically, we provide an efficient GPU inference algorithm for SpQR which
yields faster inference than 16-bit baselines at similar accuracy, while
enabling memory compression gains of more than 4x. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2306.04822 | HF | Optimizing ViViT Training: Time and Memory Reduction for Action Recognition | [
"Shreyank N Gowda",
"Anurag Arnab",
"Jonathan Huang"
] | 2023-06-07 | In this paper, we address the challenges posed by the substantial training
time and memory consumption associated with video transformers, focusing on the
ViViT (Video Vision Transformer) model, in particular the Factorised Encoder
version, as our baseline for action recognition tasks. The factorised encoder
variant follows the late-fusion approach that is adopted by many state of the
art approaches. Despite standing out for its favorable speed/accuracy tradeoffs
among the different variants of ViViT, its considerable training time and
memory requirements still pose a significant barrier to entry. Our method is
designed to lower this barrier and is based on the idea of freezing the spatial
transformer during training. This leads to a low accuracy model if naively
done. But we show that by (1) appropriately initializing the temporal
transformer (a module responsible for processing temporal information) (2)
introducing a compact adapter model connecting frozen spatial representations
((a module that selectively focuses on regions of the input image) to the
temporal transformer, we can enjoy the benefits of freezing the spatial
transformer without sacrificing accuracy. Through extensive experimentation
over 6 benchmarks, we demonstrate that our proposed training strategy
significantly reduces training costs (by $\sim 50\%$) and memory consumption
while maintaining or slightly improving performance by up to 1.79\% compared to
the baseline model. Our approach additionally unlocks the capability to utilize
larger image transformer models as our spatial transformer and access more
frames with the same memory consumption. | null | cs.CV | [
"cs.CV"
] |
2308.01379 | HF | Computational Long Exposure Mobile Photography | [
"Eric Tabellion",
"Nikhil Karnad",
"Noa Glaser",
"Ben Weiss",
"David E. Jacobs",
"Yael Pritch"
] | 2023-08-02 | Long exposure photography produces stunning imagery, representing moving
elements in a scene with motion-blur. It is generally employed in two
modalities, producing either a foreground or a background blur effect.
Foreground blur images are traditionally captured on a tripod-mounted camera
and portray blurred moving foreground elements, such as silky water or light
trails, over a perfectly sharp background landscape. Background blur images,
also called panning photography, are captured while the camera is tracking a
moving subject, to produce an image of a sharp subject over a background
blurred by relative motion. Both techniques are notoriously challenging and
require additional equipment and advanced skills. In this paper, we describe a
computational burst photography system that operates in a hand-held smartphone
camera app, and achieves these effects fully automatically, at the tap of the
shutter button. Our approach first detects and segments the salient subject. We
track the scene motion over multiple frames and align the images in order to
preserve desired sharpness and to produce aesthetically pleasing motion
streaks. We capture an under-exposed burst and select the subset of input
frames that will produce blur trails of controlled length, regardless of scene
or camera motion velocity. We predict inter-frame motion and synthesize
motion-blur to fill the temporal gaps between the input frames. Finally, we
composite the blurred image with the sharp regular exposure to protect the
sharpness of faces or areas of the scene that are barely moving, and produce a
final high resolution and high dynamic range (HDR) photograph. Our system
democratizes a capability previously reserved to professionals, and makes this
creative style accessible to most casual photographers.
More information and supplementary material can be found on our project
webpage: https://motion-mode.github.io/ | 10.1145/3592124 | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG",
"I.4; I.3.3; I.2.10"
] |
2408.11039 | HF | Transfusion: Predict the Next Token and Diffuse Images with One Multi-Modal Model | [
"Chunting Zhou",
"Lili Yu",
"Arun Babu",
"Kushal Tirumala",
"Michihiro Yasunaga",
"Leonid Shamis",
"Jacob Kahn",
"Xuezhe Ma",
"Luke Zettlemoyer",
"Omer Levy"
] | 2024-08-20 | We introduce Transfusion, a recipe for training a multi-modal model over
discrete and continuous data. Transfusion combines the language modeling loss
function (next token prediction) with diffusion to train a single transformer
over mixed-modality sequences. We pretrain multiple Transfusion models up to 7B
parameters from scratch on a mixture of text and image data, establishing
scaling laws with respect to a variety of uni- and cross-modal benchmarks. Our
experiments show that Transfusion scales significantly better than quantizing
images and training a language model over discrete image tokens. By introducing
modality-specific encoding and decoding layers, we can further improve the
performance of Transfusion models, and even compress each image to just 16
patches. We further demonstrate that scaling our Transfusion recipe to 7B
parameters and 2T multi-modal tokens produces a model that can generate images
and text on a par with similar scale diffusion models and language models,
reaping the benefits of both worlds. | null | cs.AI | [
"cs.AI",
"cs.CV"
] |
2408.04785 | HF | BRAT: Bonus oRthogonAl Token for Architecture Agnostic Textual Inversion | [
"James Baker"
] | 2024-08-08 | Textual Inversion remains a popular method for personalizing diffusion
models, in order to teach models new subjects and styles. We note that textual
inversion has been underexplored using alternatives to the UNet, and experiment
with textual inversion with a vision transformer. We also seek to optimize
textual inversion using a strategy that does not require explicit use of the
UNet and its idiosyncratic layers, so we add bonus tokens and enforce
orthogonality. We find the use of the bonus token improves adherence to the
source images and the use of the vision transformer improves adherence to the
prompt. Code is available at https://github.com/jamesBaker361/tex_inv_plus. | null | cs.CV | [
"cs.CV"
] |
2203.02053 | AnswerAI | Mind the Gap: Understanding the Modality Gap in Multi-modal Contrastive Representation Learning | [
"Weixin Liang",
"Yuhui Zhang",
"Yongchan Kwon",
"Serena Yeung",
"James Zou"
] | 2022-03-03 | We present modality gap, an intriguing geometric phenomenon of the
representation space of multi-modal models. Specifically, we show that
different data modalities (e.g. images and text) are embedded at arm's length
in their shared representation in multi-modal models such as CLIP. Our
systematic analysis demonstrates that this gap is caused by a combination of
model initialization and contrastive learning optimization. In model
initialization, we show empirically and theoretically that the representation
of a common deep neural network is restricted to a narrow cone. As a
consequence, in a multi-modal model with two encoders, the representations of
the two modalities are clearly apart when the model is initialized. During
optimization, contrastive learning keeps the different modalities separate by a
certain distance, which is influenced by the temperature parameter in the loss
function. Our experiments further demonstrate that varying the modality gap
distance has a significant impact in improving the model's downstream zero-shot
classification performance and fairness. Our code and data are available at
https://modalitygap.readthedocs.io/ | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG",
"cs.MM"
] |
2308.02180 | HF | Scaling Clinical Trial Matching Using Large Language Models: A Case Study in Oncology | [
"Cliff Wong",
"Sheng Zhang",
"Yu Gu",
"Christine Moung",
"Jacob Abel",
"Naoto Usuyama",
"Roshanthi Weerasinghe",
"Brian Piening",
"Tristan Naumann",
"Carlo Bifulco",
"Hoifung Poon"
] | 2023-08-04 | Clinical trial matching is a key process in health delivery and discovery. In
practice, it is plagued by overwhelming unstructured data and unscalable manual
processing. In this paper, we conduct a systematic study on scaling clinical
trial matching using large language models (LLMs), with oncology as the focus
area. Our study is grounded in a clinical trial matching system currently in
test deployment at a large U.S. health network. Initial findings are promising:
out of box, cutting-edge LLMs, such as GPT-4, can already structure elaborate
eligibility criteria of clinical trials and extract complex matching logic
(e.g., nested AND/OR/NOT). While still far from perfect, LLMs substantially
outperform prior strong baselines and may serve as a preliminary solution to
help triage patient-trial candidates with humans in the loop. Our study also
reveals a few significant growth areas for applying LLMs to end-to-end clinical
trial matching, such as context limitation and accuracy, especially in
structuring patient information from longitudinal medical records. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2306.12509 | HF | Joint Prompt Optimization of Stacked LLMs using Variational Inference | [
"Alessandro Sordoni",
"Xingdi Yuan",
"Marc-Alexandre Côté",
"Matheus Pereira",
"Adam Trischler",
"Ziang Xiao",
"Arian Hosseini",
"Friederike Niedtner",
"Nicolas Le Roux"
] | 2023-06-21 | Large language models (LLMs) can be seen as atomic units of computation
mapping sequences to a distribution over sequences. Thus, they can be seen as
stochastic language layers in a language network, where the learnable
parameters are the natural language prompts at each layer. By stacking two such
layers and feeding the output of one layer to the next, we obtain a Deep
Language Network (DLN). We first show how to effectively perform prompt
optimization for a 1-Layer language network (DLN-1). Then, we present an
extension that applies to 2-layer DLNs (DLN-2), where two prompts must be
learned. The key idea is to consider the output of the first layer as a latent
variable, which requires inference, and prompts to be learned as the parameters
of the generative distribution. We first test the effectiveness of DLN-1 in
multiple reasoning and natural language understanding tasks. Then, we show that
DLN-2 can reach higher performance than a single layer, showing promise that we
might reach comparable performance to GPT-4, even when each LLM in the network
is smaller and less powerful. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.03052 | HF | Tracking through Containers and Occluders in the Wild | [
"Basile Van Hoorick",
"Pavel Tokmakov",
"Simon Stent",
"Jie Li",
"Carl Vondrick"
] | 2023-05-04 | Tracking objects with persistence in cluttered and dynamic environments
remains a difficult challenge for computer vision systems. In this paper, we
introduce $\textbf{TCOW}$, a new benchmark and model for visual tracking
through heavy occlusion and containment. We set up a task where the goal is to,
given a video sequence, segment both the projected extent of the target object,
as well as the surrounding container or occluder whenever one exists. To study
this task, we create a mixture of synthetic and annotated real datasets to
support both supervised learning and structured evaluation of model performance
under various forms of task variation, such as moving or nested containment. We
evaluate two recent transformer-based video models and find that while they can
be surprisingly capable of tracking targets under certain settings of task
variation, there remains a considerable performance gap before we can claim a
tracking model to have acquired a true notion of object permanence. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.RO"
] |
2311.10794 | HF | Text-to-Sticker: Style Tailoring Latent Diffusion Models for Human Expression | [
"Animesh Sinha",
"Bo Sun",
"Anmol Kalia",
"Arantxa Casanova",
"Elliot Blanchard",
"David Yan",
"Winnie Zhang",
"Tony Nelli",
"Jiahui Chen",
"Hardik Shah",
"Licheng Yu",
"Mitesh Kumar Singh",
"Ankit Ramchandani",
"Maziar Sanjabi",
"Sonal Gupta",
"Amy Bearman",
"Dhruv Mahajan"
] | 2023-11-17 | We introduce Style Tailoring, a recipe to finetune Latent Diffusion Models
(LDMs) in a distinct domain with high visual quality, prompt alignment and
scene diversity. We choose sticker image generation as the target domain, as
the images significantly differ from photorealistic samples typically generated
by large-scale LDMs. We start with a competent text-to-image model, like Emu,
and show that relying on prompt engineering with a photorealistic model to
generate stickers leads to poor prompt alignment and scene diversity. To
overcome these drawbacks, we first finetune Emu on millions of sticker-like
images collected using weak supervision to elicit diversity. Next, we curate
human-in-the-loop (HITL) Alignment and Style datasets from model generations,
and finetune to improve prompt alignment and style alignment respectively.
Sequential finetuning on these datasets poses a tradeoff between better style
alignment and prompt alignment gains. To address this tradeoff, we propose a
novel fine-tuning method called Style Tailoring, which jointly fits the content
and style distribution and achieves best tradeoff. Evaluation results show our
method improves visual quality by 14%, prompt alignment by 16.2% and scene
diversity by 15.3%, compared to prompt engineering the base Emu model for
stickers generation. | null | cs.CV | [
"cs.CV"
] |
2406.07524 | Both | Simple and Effective Masked Diffusion Language Models | [
"Subham Sekhar Sahoo",
"Marianne Arriola",
"Yair Schiff",
"Aaron Gokaslan",
"Edgar Marroquin",
"Justin T Chiu",
"Alexander Rush",
"Volodymyr Kuleshov"
] | 2024-06-11 | While diffusion models excel at generating high-quality images, prior work
reports a significant performance gap between diffusion and autoregressive (AR)
methods in language modeling. In this work, we show that simple masked discrete
diffusion is more performant than previously thought. We apply an effective
training recipe that improves the performance of masked diffusion models and
derive a simplified, Rao-Blackwellized objective that results in additional
improvements. Our objective has a simple form -- it is a mixture of classical
masked language modeling losses -- and can be used to train encoder-only
language models that admit efficient samplers, including ones that can generate
arbitrary lengths of text semi-autoregressively like a traditional language
model. On language modeling benchmarks, a range of masked diffusion models
trained with modern engineering practices achieves a new state-of-the-art among
diffusion models, and approaches AR perplexity. We release our code at:
https://github.com/kuleshov-group/mdlm | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.10093 | HF | The Chosen One: Consistent Characters in Text-to-Image Diffusion Models | [
"Omri Avrahami",
"Amir Hertz",
"Yael Vinker",
"Moab Arar",
"Shlomi Fruchter",
"Ohad Fried",
"Daniel Cohen-Or",
"Dani Lischinski"
] | 2023-11-16 | Recent advances in text-to-image generation models have unlocked vast
potential for visual creativity. However, the users that use these models
struggle with the generation of consistent characters, a crucial aspect for
numerous real-world applications such as story visualization, game development,
asset design, advertising, and more. Current methods typically rely on multiple
pre-existing images of the target character or involve labor-intensive manual
processes. In this work, we propose a fully automated solution for consistent
character generation, with the sole input being a text prompt. We introduce an
iterative procedure that, at each stage, identifies a coherent set of images
sharing a similar identity and extracts a more consistent identity from this
set. Our quantitative analysis demonstrates that our method strikes a better
balance between prompt alignment and identity consistency compared to the
baseline methods, and these findings are reinforced by a user study. To
conclude, we showcase several practical applications of our approach. | 10.1145/3641519.3657430 | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2306.09479 | HF | Inverse Scaling: When Bigger Isn't Better | [
"Ian R. McKenzie",
"Alexander Lyzhov",
"Michael Pieler",
"Alicia Parrish",
"Aaron Mueller",
"Ameya Prabhu",
"Euan McLean",
"Aaron Kirtland",
"Alexis Ross",
"Alisa Liu",
"Andrew Gritsevskiy",
"Daniel Wurgaft",
"Derik Kauffman",
"Gabriel Recchia",
"Jiacheng Liu",
"Joe Cavanagh",
"Max Weiss",
"Sicong Huang",
"The Floating Droid",
"Tom Tseng",
"Tomasz Korbak",
"Xudong Shen",
"Yuhui Zhang",
"Zhengping Zhou",
"Najoung Kim",
"Samuel R. Bowman",
"Ethan Perez"
] | 2023-06-15 | Work on scaling laws has found that large language models (LMs) show
predictable improvements to overall loss with increased scale (model size,
training data, and compute). Here, we present evidence for the claim that LMs
may show inverse scaling, or worse task performance with increased scale, e.g.,
due to flaws in the training objective and data. We present empirical evidence
of inverse scaling on 11 datasets collected by running a public contest, the
Inverse Scaling Prize, with a substantial prize pool. Through analysis of the
datasets, along with other examples found in the literature, we identify four
potential causes of inverse scaling: (i) preference to repeat memorized
sequences over following in-context instructions, (ii) imitation of undesirable
patterns in the training data, (iii) tasks containing an easy distractor task
which LMs could focus on, rather than the harder real task, and (iv) correct
but misleading few-shot demonstrations of the task. We release the winning
datasets at https://inversescaling.com/data to allow for further investigation
of inverse scaling. Our tasks have helped drive the discovery of U-shaped and
inverted-U scaling trends, where an initial trend reverses, suggesting that
scaling trends are less reliable at predicting the behavior of larger-scale
models than previously understood. Overall, our results suggest that there are
tasks for which increased model scale alone may not lead to progress, and that
more careful thought needs to go into the data and objectives for training
language models. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY"
] |
2405.16852 | HF | EM Distillation for One-step Diffusion Models | [
"Sirui Xie",
"Zhisheng Xiao",
"Diederik P Kingma",
"Tingbo Hou",
"Ying Nian Wu",
"Kevin Patrick Murphy",
"Tim Salimans",
"Ben Poole",
"Ruiqi Gao"
] | 2024-05-27 | While diffusion models can learn complex distributions, sampling requires a
computationally expensive iterative process. Existing distillation methods
enable efficient sampling, but have notable limitations, such as performance
degradation with very few sampling steps, reliance on training data access, or
mode-seeking optimization that may fail to capture the full distribution. We
propose EM Distillation (EMD), a maximum likelihood-based approach that
distills a diffusion model to a one-step generator model with minimal loss of
perceptual quality. Our approach is derived through the lens of
Expectation-Maximization (EM), where the generator parameters are updated using
samples from the joint distribution of the diffusion teacher prior and inferred
generator latents. We develop a reparametrized sampling scheme and a noise
cancellation technique that together stabilizes the distillation process. We
further reveal an interesting connection of our method with existing methods
that minimize mode-seeking KL. EMD outperforms existing one-step generative
methods in terms of FID scores on ImageNet-64 and ImageNet-128, and compares
favorably with prior work on distilling text-to-image diffusion models. | null | cs.LG | [
"cs.LG",
"cs.AI",
"stat.ML"
] |
2306.17319 | HF | ReMaX: Relaxing for Better Training on Efficient Panoptic Segmentation | [
"Shuyang Sun",
"Weijun Wang",
"Qihang Yu",
"Andrew Howard",
"Philip Torr",
"Liang-Chieh Chen"
] | 2023-06-29 | This paper presents a new mechanism to facilitate the training of mask
transformers for efficient panoptic segmentation, democratizing its deployment.
We observe that due to its high complexity, the training objective of panoptic
segmentation will inevitably lead to much higher false positive penalization.
Such unbalanced loss makes the training process of the end-to-end
mask-transformer based architectures difficult, especially for efficient
models. In this paper, we present ReMaX that adds relaxation to mask
predictions and class predictions during training for panoptic segmentation. We
demonstrate that via these simple relaxation techniques during training, our
model can be consistently improved by a clear margin \textbf{without} any extra
computational cost on inference. By combining our method with efficient
backbones like MobileNetV3-Small, our method achieves new state-of-the-art
results for efficient panoptic segmentation on COCO, ADE20K and Cityscapes.
Code and pre-trained checkpoints will be available at
\url{https://github.com/google-research/deeplab2}. | null | cs.CV | [
"cs.CV"
] |
2408.00653 | HF | SF3D: Stable Fast 3D Mesh Reconstruction with UV-unwrapping and Illumination Disentanglement | [
"Mark Boss",
"Zixuan Huang",
"Aaryaman Vasishta",
"Varun Jampani"
] | 2024-08-01 | We present SF3D, a novel method for rapid and high-quality textured object
mesh reconstruction from a single image in just 0.5 seconds. Unlike most
existing approaches, SF3D is explicitly trained for mesh generation,
incorporating a fast UV unwrapping technique that enables swift texture
generation rather than relying on vertex colors. The method also learns to
predict material parameters and normal maps to enhance the visual quality of
the reconstructed 3D meshes. Furthermore, SF3D integrates a delighting step to
effectively remove low-frequency illumination effects, ensuring that the
reconstructed meshes can be easily used in novel illumination conditions.
Experiments demonstrate the superior performance of SF3D over the existing
techniques. Project page: https://stable-fast-3d.github.io | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2401.17264 | HF | Proactive Detection of Voice Cloning with Localized Watermarking | [
"Robin San Roman",
"Pierre Fernandez",
"Alexandre Défossez",
"Teddy Furon",
"Tuan Tran",
"Hady Elsahar"
] | 2024-01-30 | In the rapidly evolving field of speech generative models, there is a
pressing need to ensure audio authenticity against the risks of voice cloning.
We present AudioSeal, the first audio watermarking technique designed
specifically for localized detection of AI-generated speech. AudioSeal employs
a generator/detector architecture trained jointly with a localization loss to
enable localized watermark detection up to the sample level, and a novel
perceptual loss inspired by auditory masking, that enables AudioSeal to achieve
better imperceptibility. AudioSeal achieves state-of-the-art performance in
terms of robustness to real life audio manipulations and imperceptibility based
on automatic and human evaluation metrics. Additionally, AudioSeal is designed
with a fast, single-pass detector, that significantly surpasses existing models
in speed - achieving detection up to two orders of magnitude faster, making it
ideal for large-scale and real-time applications. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.CR"
] |
2404.08252 | HF | MonoPatchNeRF: Improving Neural Radiance Fields with Patch-based Monocular Guidance | [
"Yuqun Wu",
"Jae Yong Lee",
"Chuhang Zou",
"Shenlong Wang",
"Derek Hoiem"
] | 2024-04-12 | The latest regularized Neural Radiance Field (NeRF) approaches produce poor
geometry and view extrapolation for large scale sparse view scenes, such as
ETH3D. Density-based approaches tend to be under-constrained, while
surface-based approaches tend to miss details. In this paper, we take a
density-based approach, sampling patches instead of individual rays to better
incorporate monocular depth and normal estimates and patch-based photometric
consistency constraints between training views and sampled virtual views.
Loosely constraining densities based on estimated depth aligned to sparse
points further improves geometric accuracy. While maintaining similar view
synthesis quality, our approach significantly improves geometric accuracy on
the ETH3D benchmark, e.g. increasing the F1@2cm score by 4x-8x compared to
other regularized density-based approaches, with much lower training and
inference time than other approaches. | null | cs.CV | [
"cs.CV"
] |
2407.09413 | HF | SPIQA: A Dataset for Multimodal Question Answering on Scientific Papers | [
"Shraman Pramanick",
"Rama Chellappa",
"Subhashini Venugopalan"
] | 2024-07-12 | Seeking answers to questions within long scientific research articles is a
crucial area of study that aids readers in quickly addressing their inquiries.
However, existing question-answering (QA) datasets based on scientific papers
are limited in scale and focus solely on textual content. To address this
limitation, we introduce SPIQA (Scientific Paper Image Question Answering), the
first large-scale QA dataset specifically designed to interpret complex figures
and tables within the context of scientific research articles across various
domains of computer science. Leveraging the breadth of expertise and ability of
multimodal large language models (MLLMs) to understand figures, we employ
automatic and manual curation to create the dataset. We craft an
information-seeking task involving multiple images that cover a wide variety of
plots, charts, tables, schematic diagrams, and result visualizations. SPIQA
comprises 270K questions divided into training, validation, and three different
evaluation splits. Through extensive experiments with 12 prominent foundational
models, we evaluate the ability of current multimodal systems to comprehend the
nuanced aspects of research articles. Additionally, we propose a
Chain-of-Thought (CoT) evaluation strategy with in-context retrieval that
allows fine-grained, step-by-step assessment and improves model performance. We
further explore the upper bounds of performance enhancement with additional
textual information, highlighting its promising potential for future research
and the dataset's impact on revolutionizing how we interact with scientific
literature. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2112.00861 | AnswerAI | A General Language Assistant as a Laboratory for Alignment | [
"Amanda Askell",
"Yuntao Bai",
"Anna Chen",
"Dawn Drain",
"Deep Ganguli",
"Tom Henighan",
"Andy Jones",
"Nicholas Joseph",
"Ben Mann",
"Nova DasSarma",
"Nelson Elhage",
"Zac Hatfield-Dodds",
"Danny Hernandez",
"Jackson Kernion",
"Kamal Ndousse",
"Catherine Olsson",
"Dario Amodei",
"Tom Brown",
"Jack Clark",
"Sam McCandlish",
"Chris Olah",
"Jared Kaplan"
] | 2021-12-01 | Given the broad capabilities of large language models, it should be possible
to work towards a general-purpose, text-based assistant that is aligned with
human values, meaning that it is helpful, honest, and harmless. As an initial
foray in this direction we study simple baseline techniques and evaluations,
such as prompting. We find that the benefits from modest interventions increase
with model size, generalize to a variety of alignment evaluations, and do not
compromise the performance of large models. Next we investigate scaling trends
for several training objectives relevant to alignment, comparing imitation
learning, binary discrimination, and ranked preference modeling. We find that
ranked preference modeling performs much better than imitation learning, and
often scales more favorably with model size. In contrast, binary discrimination
typically performs and scales very similarly to imitation learning. Finally we
study a `preference model pre-training' stage of training, with the goal of
improving sample efficiency when finetuning on human preferences. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2408.10198 | HF | MeshFormer: High-Quality Mesh Generation with 3D-Guided Reconstruction Model | [
"Minghua Liu",
"Chong Zeng",
"Xinyue Wei",
"Ruoxi Shi",
"Linghao Chen",
"Chao Xu",
"Mengqi Zhang",
"Zhaoning Wang",
"Xiaoshuai Zhang",
"Isabella Liu",
"Hongzhi Wu",
"Hao Su"
] | 2024-08-19 | Open-world 3D reconstruction models have recently garnered significant
attention. However, without sufficient 3D inductive bias, existing methods
typically entail expensive training costs and struggle to extract high-quality
3D meshes. In this work, we introduce MeshFormer, a sparse-view reconstruction
model that explicitly leverages 3D native structure, input guidance, and
training supervision. Specifically, instead of using a triplane representation,
we store features in 3D sparse voxels and combine transformers with 3D
convolutions to leverage an explicit 3D structure and projective bias. In
addition to sparse-view RGB input, we require the network to take input and
generate corresponding normal maps. The input normal maps can be predicted by
2D diffusion models, significantly aiding in the guidance and refinement of the
geometry's learning. Moreover, by combining Signed Distance Function (SDF)
supervision with surface rendering, we directly learn to generate high-quality
meshes without the need for complex multi-stage training processes. By
incorporating these explicit 3D biases, MeshFormer can be trained efficiently
and deliver high-quality textured meshes with fine-grained geometric details.
It can also be integrated with 2D diffusion models to enable fast
single-image-to-3D and text-to-3D tasks. Project page:
https://meshformer3d.github.io | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2311.12015 | HF | GPT-4V(ision) for Robotics: Multimodal Task Planning from Human Demonstration | [
"Naoki Wake",
"Atsushi Kanehira",
"Kazuhiro Sasabuchi",
"Jun Takamatsu",
"Katsushi Ikeuchi"
] | 2023-11-20 | We introduce a pipeline that enhances a general-purpose Vision Language
Model, GPT-4V(ision), to facilitate one-shot visual teaching for robotic
manipulation. This system analyzes videos of humans performing tasks and
outputs executable robot programs that incorporate insights into affordances.
The process begins with GPT-4V analyzing the videos to obtain textual
explanations of environmental and action details. A GPT-4-based task planner
then encodes these details into a symbolic task plan. Subsequently, vision
systems spatially and temporally ground the task plan in the videos. Object are
identified using an open-vocabulary object detector, and hand-object
interactions are analyzed to pinpoint moments of grasping and releasing. This
spatiotemporal grounding allows for the gathering of affordance information
(e.g., grasp types, waypoints, and body postures) critical for robot execution.
Experiments across various scenarios demonstrate the method's efficacy in
achieving real robots' operations from human demonstrations in a one-shot
manner. Meanwhile, quantitative tests have revealed instances of hallucination
in GPT-4V, highlighting the importance of incorporating human supervision
within the pipeline. The prompts of GPT-4V/GPT-4 are available at this project
page: https://microsoft.github.io/GPT4Vision-Robot-Manipulation-Prompts/ | null | cs.RO | [
"cs.RO",
"cs.CL",
"cs.CV"
] |
2305.18274 | HF | Reconstructing the Mind's Eye: fMRI-to-Image with Contrastive Learning and Diffusion Priors | [
"Paul S. Scotti",
"Atmadeep Banerjee",
"Jimmie Goode",
"Stepan Shabalin",
"Alex Nguyen",
"Ethan Cohen",
"Aidan J. Dempster",
"Nathalie Verlinde",
"Elad Yundler",
"David Weisberg",
"Kenneth A. Norman",
"Tanishq Mathew Abraham"
] | 2023-05-29 | We present MindEye, a novel fMRI-to-image approach to retrieve and
reconstruct viewed images from brain activity. Our model comprises two parallel
submodules that are specialized for retrieval (using contrastive learning) and
reconstruction (using a diffusion prior). MindEye can map fMRI brain activity
to any high dimensional multimodal latent space, like CLIP image space,
enabling image reconstruction using generative models that accept embeddings
from this latent space. We comprehensively compare our approach with other
existing methods, using both qualitative side-by-side comparisons and
quantitative evaluations, and show that MindEye achieves state-of-the-art
performance in both reconstruction and retrieval tasks. In particular, MindEye
can retrieve the exact original image even among highly similar candidates
indicating that its brain embeddings retain fine-grained image-specific
information. This allows us to accurately retrieve images even from large-scale
databases like LAION-5B. We demonstrate through ablations that MindEye's
performance improvements over previous methods result from specialized
submodules for retrieval and reconstruction, improved training techniques, and
training models with orders of magnitude more parameters. Furthermore, we show
that MindEye can better preserve low-level image features in the
reconstructions by using img2img, with outputs from a separate autoencoder. All
code is available on GitHub. | null | cs.CV | [
"cs.CV",
"cs.AI",
"q-bio.NC"
] |
2401.13923 | HF | Towards 3D Molecule-Text Interpretation in Language Models | [
"Sihang Li",
"Zhiyuan Liu",
"Yanchen Luo",
"Xiang Wang",
"Xiangnan He",
"Kenji Kawaguchi",
"Tat-Seng Chua",
"Qi Tian"
] | 2024-01-25 | Language Models (LMs) have greatly influenced diverse domains. However, their
inherent limitation in comprehending 3D molecular structures has considerably
constrained their potential in the biomolecular domain. To bridge this gap, we
focus on 3D molecule-text interpretation, and propose 3D-MoLM: 3D-Molecular
Language Modeling. Specifically, 3D-MoLM enables an LM to interpret and analyze
3D molecules by equipping the LM with a 3D molecular encoder. This integration
is achieved by a 3D molecule-text projector, bridging the 3D molecular
encoder's representation space and the LM's input space. Moreover, to enhance
3D-MoLM's ability of cross-modal molecular understanding and instruction
following, we meticulously curated a 3D molecule-centric instruction tuning
dataset -- 3D-MoIT. Through 3D molecule-text alignment and 3D molecule-centric
instruction tuning, 3D-MoLM establishes an integration of 3D molecular encoder
and LM. It significantly surpasses existing baselines on downstream tasks,
including molecule-text retrieval, molecule captioning, and more challenging
open-text molecular QA tasks, especially focusing on 3D-dependent properties.
We release our codes and datasets at https://github.com/lsh0520/3D-MoLM. | null | cs.LG | [
"cs.LG",
"cs.IR",
"q-bio.BM"
] |
2310.19415 | HF | Text-to-3D with Classifier Score Distillation | [
"Xin Yu",
"Yuan-Chen Guo",
"Yangguang Li",
"Ding Liang",
"Song-Hai Zhang",
"Xiaojuan Qi"
] | 2023-10-30 | Text-to-3D generation has made remarkable progress recently, particularly
with methods based on Score Distillation Sampling (SDS) that leverages
pre-trained 2D diffusion models. While the usage of classifier-free guidance is
well acknowledged to be crucial for successful optimization, it is considered
an auxiliary trick rather than the most essential component. In this paper, we
re-evaluate the role of classifier-free guidance in score distillation and
discover a surprising finding: the guidance alone is enough for effective
text-to-3D generation tasks. We name this method Classifier Score Distillation
(CSD), which can be interpreted as using an implicit classification model for
generation. This new perspective reveals new insights for understanding
existing techniques. We validate the effectiveness of CSD across a variety of
text-to-3D tasks including shape generation, texture synthesis, and shape
editing, achieving results superior to those of state-of-the-art methods. Our
project page is https://xinyu-andy.github.io/Classifier-Score-Distillation | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2307.13101 | HF | Contrastive Example-Based Control | [
"Kyle Hatch",
"Benjamin Eysenbach",
"Rafael Rafailov",
"Tianhe Yu",
"Ruslan Salakhutdinov",
"Sergey Levine",
"Chelsea Finn"
] | 2023-07-24 | While many real-world problems that might benefit from reinforcement
learning, these problems rarely fit into the MDP mold: interacting with the
environment is often expensive and specifying reward functions is challenging.
Motivated by these challenges, prior work has developed data-driven approaches
that learn entirely from samples from the transition dynamics and examples of
high-return states. These methods typically learn a reward function from
high-return states, use that reward function to label the transitions, and then
apply an offline RL algorithm to these transitions. While these methods can
achieve good results on many tasks, they can be complex, often requiring
regularization and temporal difference updates. In this paper, we propose a
method for offline, example-based control that learns an implicit model of
multi-step transitions, rather than a reward function. We show that this
implicit model can represent the Q-values for the example-based control
problem. Across a range of state-based and image-based offline control tasks,
our method outperforms baselines that use learned reward functions; additional
experiments demonstrate improved robustness and scaling with dataset size. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.RO"
] |
2407.10957 | HF | Ref-AVS: Refer and Segment Objects in Audio-Visual Scenes | [
"Yaoting Wang",
"Peiwen Sun",
"Dongzhan Zhou",
"Guangyao Li",
"Honggang Zhang",
"Di Hu"
] | 2024-07-15 | Traditional reference segmentation tasks have predominantly focused on silent
visual scenes, neglecting the integral role of multimodal perception and
interaction in human experiences. In this work, we introduce a novel task
called Reference Audio-Visual Segmentation (Ref-AVS), which seeks to segment
objects within the visual domain based on expressions containing multimodal
cues. Such expressions are articulated in natural language forms but are
enriched with multimodal cues, including audio and visual descriptions. To
facilitate this research, we construct the first Ref-AVS benchmark, which
provides pixel-level annotations for objects described in corresponding
multimodal-cue expressions. To tackle the Ref-AVS task, we propose a new method
that adequately utilizes multimodal cues to offer precise segmentation
guidance. Finally, we conduct quantitative and qualitative experiments on three
test subsets to compare our approach with existing methods from related tasks.
The results demonstrate the effectiveness of our method, highlighting its
capability to precisely segment objects using multimodal-cue expressions.
Dataset is available at
\href{https://gewu-lab.github.io/Ref-AVS}{https://gewu-lab.github.io/Ref-AVS}. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2309.13952 | HF | VidChapters-7M: Video Chapters at Scale | [
"Antoine Yang",
"Arsha Nagrani",
"Ivan Laptev",
"Josef Sivic",
"Cordelia Schmid"
] | 2023-09-25 | Segmenting long videos into chapters enables users to quickly navigate to the
information of their interest. This important topic has been understudied due
to the lack of publicly released datasets. To address this issue, we present
VidChapters-7M, a dataset of 817K user-chaptered videos including 7M chapters
in total. VidChapters-7M is automatically created from videos online in a
scalable manner by scraping user-annotated chapters and hence without any
additional manual annotation. We introduce the following three tasks based on
this data. First, the video chapter generation task consists of temporally
segmenting the video and generating a chapter title for each segment. To
further dissect the problem, we also define two variants of this task: video
chapter generation given ground-truth boundaries, which requires generating a
chapter title given an annotated video segment, and video chapter grounding,
which requires temporally localizing a chapter given its annotated title. We
benchmark both simple baselines and state-of-the-art video-language models for
these three tasks. We also show that pretraining on VidChapters-7M transfers
well to dense video captioning tasks in both zero-shot and finetuning settings,
largely improving the state of the art on the YouCook2 and ViTT benchmarks.
Finally, our experiments reveal that downstream performance scales well with
the size of the pretraining dataset. Our dataset, code, and models are publicly
available at https://antoyang.github.io/vidchapters.html. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2306.02245 | HF | SAM3D: Zero-Shot 3D Object Detection via Segment Anything Model | [
"Dingyuan Zhang",
"Dingkang Liang",
"Hongcheng Yang",
"Zhikang Zou",
"Xiaoqing Ye",
"Zhe Liu",
"Xiang Bai"
] | 2023-06-04 | With the development of large language models, many remarkable linguistic
systems like ChatGPT have thrived and achieved astonishing success on many
tasks, showing the incredible power of foundation models. In the spirit of
unleashing the capability of foundation models on vision tasks, the Segment
Anything Model (SAM), a vision foundation model for image segmentation, has
been proposed recently and presents strong zero-shot ability on many downstream
2D tasks. However, whether SAM can be adapted to 3D vision tasks has yet to be
explored, especially 3D object detection. With this inspiration, we explore
adapting the zero-shot ability of SAM to 3D object detection in this paper. We
propose a SAM-powered BEV processing pipeline to detect objects and get
promising results on the large-scale Waymo open dataset. As an early attempt,
our method takes a step toward 3D object detection with vision foundation
models and presents the opportunity to unleash their power on 3D vision tasks.
The code is released at https://github.com/DYZhang09/SAM3D. | 10.1007/s11432-023-3943-6 | cs.CV | [
"cs.CV",
"eess.IV"
] |
2402.14848 | Both | Same Task, More Tokens: the Impact of Input Length on the Reasoning Performance of Large Language Models | [
"Mosh Levy",
"Alon Jacoby",
"Yoav Goldberg"
] | 2024-02-19 | This paper explores the impact of extending input lengths on the capabilities
of Large Language Models (LLMs). Despite LLMs advancements in recent times,
their performance consistency across different input lengths is not well
understood. We investigate this aspect by introducing a novel QA reasoning
framework, specifically designed to assess the impact of input length. We
isolate the effect of input length using multiple versions of the same sample,
each being extended with padding of different lengths, types and locations. Our
findings show a notable degradation in LLMs' reasoning performance at much
shorter input lengths than their technical maximum. We show that the
degradation trend appears in every version of our dataset, although at
different intensities. Additionally, our study reveals that the traditional
metric of next word prediction correlates negatively with performance of LLMs'
on our reasoning dataset. We analyse our results and identify failure modes
that can serve as useful guides for future research, potentially informing
strategies to address the limitations observed in LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
1912.01683 | AnswerAI | Optimal Policies Tend to Seek Power | [
"Alexander Matt Turner",
"Logan Smith",
"Rohin Shah",
"Andrew Critch",
"Prasad Tadepalli"
] | 2019-12-03 | Some researchers speculate that intelligent reinforcement learning (RL)
agents would be incentivized to seek resources and power in pursuit of their
objectives. Other researchers point out that RL agents need not have human-like
power-seeking instincts. To clarify this discussion, we develop the first
formal theory of the statistical tendencies of optimal policies. In the context
of Markov decision processes, we prove that certain environmental symmetries
are sufficient for optimal policies to tend to seek power over the environment.
These symmetries exist in many environments in which the agent can be shut down
or destroyed. We prove that in these environments, most reward functions make
it optimal to seek power by keeping a range of options available and, when
maximizing average reward, by navigating towards larger sets of potential
terminal states. | null | cs.AI | [
"cs.AI"
] |
2310.09199 | Both | PaLI-3 Vision Language Models: Smaller, Faster, Stronger | [
"Xi Chen",
"Xiao Wang",
"Lucas Beyer",
"Alexander Kolesnikov",
"Jialin Wu",
"Paul Voigtlaender",
"Basil Mustafa",
"Sebastian Goodman",
"Ibrahim Alabdulmohsin",
"Piotr Padlewski",
"Daniel Salz",
"Xi Xiong",
"Daniel Vlasic",
"Filip Pavetic",
"Keran Rong",
"Tianli Yu",
"Daniel Keysers",
"Xiaohua Zhai",
"Radu Soricut"
] | 2023-10-13 | This paper presents PaLI-3, a smaller, faster, and stronger vision language
model (VLM) that compares favorably to similar models that are 10x larger. As
part of arriving at this strong performance, we compare Vision Transformer
(ViT) models pretrained using classification objectives to contrastively
(SigLIP) pretrained ones. We find that, while slightly underperforming on
standard image classification benchmarks, SigLIP-based PaLI shows superior
performance across various multimodal benchmarks, especially on localization
and visually-situated text understanding. We scale the SigLIP image encoder up
to 2 billion parameters, and achieves a new state-of-the-art on multilingual
cross-modal retrieval. We hope that PaLI-3, at only 5B parameters, rekindles
research on fundamental pieces of complex VLMs, and could fuel a new generation
of scaled-up models. | null | cs.CV | [
"cs.CV"
] |
2307.09320 | HF | Biomaker CA: a Biome Maker project using Cellular Automata | [
"Ettore Randazzo",
"Alexander Mordvintsev"
] | 2023-07-18 | We introduce Biomaker CA: a Biome Maker project using Cellular Automata (CA).
In Biomaker CA, morphogenesis is a first class citizen and small seeds need to
grow into plant-like organisms to survive in a nutrient starved environment and
eventually reproduce with variation so that a biome survives for long
timelines. We simulate complex biomes by means of CA rules in 2D grids and
parallelize all of its computation on GPUs through the Python JAX framework. We
show how this project allows for several different kinds of environments and
laws of 'physics', alongside different model architectures and mutation
strategies. We further analyze some configurations to show how plant agents can
grow, survive, reproduce, and evolve, forming stable and unstable biomes. We
then demonstrate how one can meta-evolve models to survive in a harsh
environment either through end-to-end meta-evolution or by a more surgical and
efficient approach, called Petri dish meta-evolution. Finally, we show how to
perform interactive evolution, where the user decides how to evolve a plant
model interactively and then deploys it in a larger environment. We open source
Biomaker CA at: https://tinyurl.com/2x8yu34s . | null | cs.AI | [
"cs.AI",
"cs.LG",
"cs.NE"
] |
2405.16712 | Both | Zamba: A Compact 7B SSM Hybrid Model | [
"Paolo Glorioso",
"Quentin Anthony",
"Yury Tokpanov",
"James Whittington",
"Jonathan Pilault",
"Adam Ibrahim",
"Beren Millidge"
] | 2024-05-26 | In this technical report, we present Zamba, a novel 7B SSM-transformer hybrid
model which achieves competitive performance against leading open-weight models
at a comparable scale. Zamba is trained on 1T tokens from openly available
datasets and is the best non-transformer model at this scale. Zamba pioneers a
unique architecture combining a Mamba backbone with a single shared attention
module, thus obtaining the benefits of attention at minimal parameter cost. Due
to its architecture, Zamba is significantly faster at inference than comparable
transformer models and requires substantially less memory for generation of
long sequences. Zamba is pretrained in two phases: the first phase is based on
existing web datasets, while the second one consists of annealing the model
over high-quality instruct and synthetic datasets, and is characterized by a
rapid learning rate decay. We open-source the weights and all checkpoints for
Zamba, through both phase 1 and annealing phases. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2305.11837 | HF | Comparing Software Developers with ChatGPT: An Empirical Investigation | [
"Nathalia Nascimento",
"Paulo Alencar",
"Donald Cowan"
] | 2023-05-19 | The advent of automation in particular Software Engineering (SE) tasks has
transitioned from theory to reality. Numerous scholarly articles have
documented the successful application of Artificial Intelligence to address
issues in areas such as project management, modeling, testing, and development.
A recent innovation is the introduction of ChatGPT, an ML-infused chatbot,
touted as a resource proficient in generating programming codes and formulating
software testing strategies for developers and testers respectively. Although
there is speculation that AI-based computation can increase productivity and
even substitute software engineers in software development, there is currently
a lack of empirical evidence to verify this. Moreover, despite the primary
focus on enhancing the accuracy of AI systems, non-functional requirements
including energy efficiency, vulnerability, fairness (i.e., human bias), and
safety frequently receive insufficient attention. This paper posits that a
comprehensive comparison of software engineers and AI-based solutions,
considering various evaluation criteria, is pivotal in fostering human-machine
collaboration, enhancing the reliability of AI-based methods, and understanding
task suitability for humans or AI. Furthermore, it facilitates the effective
implementation of cooperative work structures and human-in-the-loop processes.
This paper conducts an empirical investigation, contrasting the performance of
software engineers and AI systems, like ChatGPT, across different evaluation
metrics. The empirical study includes a case of assessing ChatGPT-generated
code versus code produced by developers and uploaded in Leetcode. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2210.08726 | AnswerAI | RARR: Researching and Revising What Language Models Say, Using Language Models | [
"Luyu Gao",
"Zhuyun Dai",
"Panupong Pasupat",
"Anthony Chen",
"Arun Tejasvi Chaganty",
"Yicheng Fan",
"Vincent Y. Zhao",
"Ni Lao",
"Hongrae Lee",
"Da-Cheng Juan",
"Kelvin Guu"
] | 2022-10-17 | Language models (LMs) now excel at many tasks such as few-shot learning,
question answering, reasoning, and dialog. However, they sometimes generate
unsupported or misleading content. A user cannot easily determine whether their
outputs are trustworthy or not, because most LMs do not have any built-in
mechanism for attribution to external evidence. To enable attribution while
still preserving all the powerful advantages of recent generation models, we
propose RARR (Retrofit Attribution using Research and Revision), a system that
1) automatically finds attribution for the output of any text generation model
and 2) post-edits the output to fix unsupported content while preserving the
original output as much as possible. When applied to the output of several
state-of-the-art LMs on a diverse set of generation tasks, we find that RARR
significantly improves attribution while otherwise preserving the original
input to a much greater degree than previously explored edit models.
Furthermore, the implementation of RARR requires only a handful of training
examples, a large language model, and standard web search. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR",
"cs.LG"
] |
2212.10560 | AnswerAI | Self-Instruct: Aligning Language Models with Self-Generated Instructions | [
"Yizhong Wang",
"Yeganeh Kordi",
"Swaroop Mishra",
"Alisa Liu",
"Noah A. Smith",
"Daniel Khashabi",
"Hannaneh Hajishirzi"
] | 2022-12-20 | Large "instruction-tuned" language models (i.e., finetuned to respond to
instructions) have demonstrated a remarkable ability to generalize zero-shot to
new tasks. Nevertheless, they depend heavily on human-written instruction data
that is often limited in quantity, diversity, and creativity, therefore
hindering the generality of the tuned model. We introduce Self-Instruct, a
framework for improving the instruction-following capabilities of pretrained
language models by bootstrapping off their own generations. Our pipeline
generates instructions, input, and output samples from a language model, then
filters invalid or similar ones before using them to finetune the original
model. Applying our method to the vanilla GPT3, we demonstrate a 33% absolute
improvement over the original model on Super-NaturalInstructions, on par with
the performance of InstructGPT-001, which was trained with private user data
and human annotations. For further evaluation, we curate a set of
expert-written instructions for novel tasks, and show through human evaluation
that tuning GPT3 with Self-Instruct outperforms using existing public
instruction datasets by a large margin, leaving only a 5% absolute gap behind
InstructGPT-001. Self-Instruct provides an almost annotation-free method for
aligning pre-trained language models with instructions, and we release our
large synthetic dataset to facilitate future studies on instruction tuning. Our
code and data are available at https://github.com/yizhongw/self-instruct. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.06977 | HF | VideoMamba: State Space Model for Efficient Video Understanding | [
"Kunchang Li",
"Xinhao Li",
"Yi Wang",
"Yinan He",
"Yali Wang",
"Limin Wang",
"Yu Qiao"
] | 2024-03-11 | Addressing the dual challenges of local redundancy and global dependencies in
video understanding, this work innovatively adapts the Mamba to the video
domain. The proposed VideoMamba overcomes the limitations of existing 3D
convolution neural networks and video transformers. Its linear-complexity
operator enables efficient long-term modeling, which is crucial for
high-resolution long video understanding. Extensive evaluations reveal
VideoMamba's four core abilities: (1) Scalability in the visual domain without
extensive dataset pretraining, thanks to a novel self-distillation technique;
(2) Sensitivity for recognizing short-term actions even with fine-grained
motion differences; (3) Superiority in long-term video understanding,
showcasing significant advancements over traditional feature-based models; and
(4) Compatibility with other modalities, demonstrating robustness in
multi-modal contexts. Through these distinct advantages, VideoMamba sets a new
benchmark for video understanding, offering a scalable and efficient solution
for comprehensive video understanding. All the code and models are available at
https://github.com/OpenGVLab/VideoMamba. | null | cs.CV | [
"cs.CV"
] |
2407.14177 | HF | EVLM: An Efficient Vision-Language Model for Visual Understanding | [
"Kaibing Chen",
"Dong Shen",
"Hanwen Zhong",
"Huasong Zhong",
"Kui Xia",
"Di Xu",
"Wei Yuan",
"Yifei Hu",
"Bin Wen",
"Tianke Zhang",
"Changyi Liu",
"Dewen Fan",
"Huihui Xiao",
"Jiahong Wu",
"Fan Yang",
"Size Li",
"Di Zhang"
] | 2024-07-19 | In the field of multi-modal language models, the majority of methods are
built on an architecture similar to LLaVA. These models use a single-layer ViT
feature as a visual prompt, directly feeding it into the language models
alongside textual tokens. However, when dealing with long sequences of visual
signals or inputs such as videos, the self-attention mechanism of language
models can lead to significant computational overhead. Additionally, using
single-layer ViT features makes it challenging for large language models to
perceive visual signals fully. This paper proposes an efficient multi-modal
language model to minimize computational costs while enabling the model to
perceive visual signals as comprehensively as possible. Our method primarily
includes: (1) employing cross-attention to image-text interaction similar to
Flamingo. (2) utilize hierarchical ViT features. (3) introduce the Mixture of
Experts (MoE) mechanism to enhance model effectiveness. Our model achieves
competitive scores on public multi-modal benchmarks and performs well in tasks
such as image captioning and video captioning. | null | cs.CV | [
"cs.CV"
] |
2303.15343 | AnswerAI | Sigmoid Loss for Language Image Pre-Training | [
"Xiaohua Zhai",
"Basil Mustafa",
"Alexander Kolesnikov",
"Lucas Beyer"
] | 2023-03-27 | We propose a simple pairwise Sigmoid loss for Language-Image Pre-training
(SigLIP). Unlike standard contrastive learning with softmax normalization, the
sigmoid loss operates solely on image-text pairs and does not require a global
view of the pairwise similarities for normalization. The sigmoid loss
simultaneously allows further scaling up the batch size, while also performing
better at smaller batch sizes. Combined with Locked-image Tuning, with only
four TPUv4 chips, we train a SigLiT model that achieves 84.5% ImageNet
zero-shot accuracy in two days. The disentanglement of the batch size from the
loss further allows us to study the impact of examples vs pairs and negative to
positive ratio. Finally, we push the batch size to the extreme, up to one
million, and find that the benefits of growing batch size quickly diminish,
with a more reasonable batch size of 32k being sufficient. We release our
models at https://github.com/google-research/big_vision and hope our research
motivates further explorations in improving the quality and efficiency of
language-image pre-training. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
1812.04754 | AnswerAI | Gradient Descent Happens in a Tiny Subspace | [
"Guy Gur-Ari",
"Daniel A. Roberts",
"Ethan Dyer"
] | 2018-12-12 | We show that in a variety of large-scale deep learning scenarios the gradient
dynamically converges to a very small subspace after a short period of
training. The subspace is spanned by a few top eigenvectors of the Hessian
(equal to the number of classes in the dataset), and is mostly preserved over
long periods of training. A simple argument then suggests that gradient descent
may happen mostly in this subspace. We give an example of this effect in a
solvable model of classification, and we comment on possible implications for
optimization and learning. | null | cs.LG | [
"cs.LG",
"cs.AI",
"stat.ML"
] |
2405.16287 | HF | LoGAH: Predicting 774-Million-Parameter Transformers using Graph HyperNetworks with 1/100 Parameters | [
"Xinyu Zhou",
"Boris Knyazev",
"Alexia Jolicoeur-Martineau",
"Jie Fu"
] | 2024-05-25 | A good initialization of deep learning models is essential since it can help
them converge better and faster. However, pretraining large models is
unaffordable for many researchers, which makes a desired prediction for initial
parameters more necessary nowadays. Graph HyperNetworks (GHNs), one approach to
predicting model parameters, have recently shown strong performance in
initializing large vision models. Unfortunately, predicting parameters of very
wide networks relies on copying small chunks of parameters multiple times and
requires an extremely large number of parameters to support full prediction,
which greatly hinders its adoption in practice. To address this limitation, we
propose LoGAH (Low-rank GrAph Hypernetworks), a GHN with a low-rank parameter
decoder that expands to significantly wider networks without requiring as
excessive increase of parameters as in previous attempts. LoGAH allows us to
predict the parameters of 774-million large neural networks in a
memory-efficient manner. We show that vision and language models (i.e., ViT and
GPT-2) initialized with LoGAH achieve better performance than those initialized
randomly or using existing hypernetworks. Furthermore, we show promising
transfer learning results w.r.t. training LoGAH on small datasets and using the
predicted parameters to initialize for larger tasks. We provide the codes in
https://github.com/Blackzxy/LoGAH . | null | cs.LG | [
"cs.LG"
] |
2407.04153 | AnswerAI | Mixture of A Million Experts | [
"Xu Owen He"
] | 2024-07-04 | The feedforward (FFW) layers in standard transformer architectures incur a
linear increase in computational costs and activation memory as the hidden
layer width grows. Sparse mixture-of-experts (MoE) architectures have emerged
as a viable approach to address this issue by decoupling model size from
computational cost. The recent discovery of the fine-grained MoE scaling law
shows that higher granularity leads to better performance. However, existing
MoE models are limited to a small number of experts due to computational and
optimization challenges. This paper introduces PEER (parameter efficient expert
retrieval), a novel layer design that utilizes the product key technique for
sparse retrieval from a vast pool of tiny experts (over a million). Experiments
on language modeling tasks demonstrate that PEER layers outperform dense FFWs
and coarse-grained MoEs in terms of performance-compute trade-off. By enabling
efficient utilization of a massive number of experts, PEER unlocks the
potential for further scaling of transformer models while maintaining
computational efficiency. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2303.08128 | AnswerAI | ViperGPT: Visual Inference via Python Execution for Reasoning | [
"Dídac Surís",
"Sachit Menon",
"Carl Vondrick"
] | 2023-03-14 | Answering visual queries is a complex task that requires both visual
processing and reasoning. End-to-end models, the dominant approach for this
task, do not explicitly differentiate between the two, limiting
interpretability and generalization. Learning modular programs presents a
promising alternative, but has proven challenging due to the difficulty of
learning both the programs and modules simultaneously. We introduce ViperGPT, a
framework that leverages code-generation models to compose vision-and-language
models into subroutines to produce a result for any query. ViperGPT utilizes a
provided API to access the available modules, and composes them by generating
Python code that is later executed. This simple approach requires no further
training, and achieves state-of-the-art results across various complex visual
tasks. | null | cs.CV | [
"cs.CV"
] |
2408.15993 | HF | ClimDetect: A Benchmark Dataset for Climate Change Detection and Attribution | [
"Sungduk Yu",
"Brian L. White",
"Anahita Bhiwandiwalla",
"Musashi Hinck",
"Matthew Lyle Olson",
"Tung Nguyen",
"Vasudev Lal"
] | 2024-08-28 | Detecting and attributing temperature increases due to climate change is
crucial for understanding global warming and guiding adaptation strategies. The
complexity of distinguishing human-induced climate signals from natural
variability has challenged traditional detection and attribution (D&A)
approaches, which seek to identify specific "fingerprints" in climate response
variables. Deep learning offers potential for discerning these complex patterns
in expansive spatial datasets. However, lack of standard protocols has hindered
consistent comparisons across studies. We introduce ClimDetect, a standardized
dataset of over 816k daily climate snapshots, designed to enhance model
accuracy in identifying climate change signals. ClimDetect integrates various
input and target variables used in past research, ensuring comparability and
consistency. We also explore the application of vision transformers (ViT) to
climate data, a novel and modernizing approach in this context. Our open-access
data and code serve as a benchmark for advancing climate science through
improved model evaluations. ClimDetect is publicly accessible via Huggingface
dataet respository at: https://huggingface.co/datasets/ClimDetect/ClimDetect. | null | cs.CV | [
"cs.CV",
"cs.LG",
"physics.ao-ph"
] |
2407.08701 | HF | Live2Diff: Live Stream Translation via Uni-directional Attention in Video Diffusion Models | [
"Zhening Xing",
"Gereon Fox",
"Yanhong Zeng",
"Xingang Pan",
"Mohamed Elgharib",
"Christian Theobalt",
"Kai Chen"
] | 2024-07-11 | Large Language Models have shown remarkable efficacy in generating streaming
data such as text and audio, thanks to their temporally uni-directional
attention mechanism, which models correlations between the current token and
previous tokens. However, video streaming remains much less explored, despite a
growing need for live video processing. State-of-the-art video diffusion models
leverage bi-directional temporal attention to model the correlations between
the current frame and all the surrounding (i.e. including future) frames, which
hinders them from processing streaming videos. To address this problem, we
present Live2Diff, the first attempt at designing a video diffusion model with
uni-directional temporal attention, specifically targeting live streaming video
translation. Compared to previous works, our approach ensures temporal
consistency and smoothness by correlating the current frame with its
predecessors and a few initial warmup frames, without any future frames.
Additionally, we use a highly efficient denoising scheme featuring a KV-cache
mechanism and pipelining, to facilitate streaming video translation at
interactive framerates. Extensive experiments demonstrate the effectiveness of
the proposed attention mechanism and pipeline, outperforming previous methods
in terms of temporal smoothness and/or efficiency. | null | cs.CV | [
"cs.CV"
] |
2306.00971 | HF | ViCo: Plug-and-play Visual Condition for Personalized Text-to-image Generation | [
"Shaozhe Hao",
"Kai Han",
"Shihao Zhao",
"Kwan-Yee K. Wong"
] | 2023-06-01 | Personalized text-to-image generation using diffusion models has recently
emerged and garnered significant interest. This task learns a novel concept
(e.g., a unique toy), illustrated in a handful of images, into a generative
model that captures fine visual details and generates photorealistic images
based on textual embeddings. In this paper, we present ViCo, a novel
lightweight plug-and-play method that seamlessly integrates visual condition
into personalized text-to-image generation. ViCo stands out for its unique
feature of not requiring any fine-tuning of the original diffusion model
parameters, thereby facilitating more flexible and scalable model deployment.
This key advantage distinguishes ViCo from most existing models that
necessitate partial or full diffusion fine-tuning. ViCo incorporates an image
attention module that conditions the diffusion process on patch-wise visual
semantics, and an attention-based object mask that comes at no extra cost from
the attention module. Despite only requiring light parameter training (~6%
compared to the diffusion U-Net), ViCo delivers performance that is on par
with, or even surpasses, all state-of-the-art models, both qualitatively and
quantitatively. This underscores the efficacy of ViCo, making it a highly
promising solution for personalized text-to-image generation without the need
for diffusion model fine-tuning. Code: https://github.com/haoosz/ViCo | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.14167 | HF | T-Stitch: Accelerating Sampling in Pre-Trained Diffusion Models with Trajectory Stitching | [
"Zizheng Pan",
"Bohan Zhuang",
"De-An Huang",
"Weili Nie",
"Zhiding Yu",
"Chaowei Xiao",
"Jianfei Cai",
"Anima Anandkumar"
] | 2024-02-21 | Sampling from diffusion probabilistic models (DPMs) is often expensive for
high-quality image generation and typically requires many steps with a large
model. In this paper, we introduce sampling Trajectory Stitching T-Stitch, a
simple yet efficient technique to improve the sampling efficiency with little
or no generation degradation. Instead of solely using a large DPM for the
entire sampling trajectory, T-Stitch first leverages a smaller DPM in the
initial steps as a cheap drop-in replacement of the larger DPM and switches to
the larger DPM at a later stage. Our key insight is that different diffusion
models learn similar encodings under the same training data distribution and
smaller models are capable of generating good global structures in the early
steps. Extensive experiments demonstrate that T-Stitch is training-free,
generally applicable for different architectures, and complements most existing
fast sampling techniques with flexible speed and quality trade-offs. On DiT-XL,
for example, 40% of the early timesteps can be safely replaced with a 10x
faster DiT-S without performance drop on class-conditional ImageNet generation.
We further show that our method can also be used as a drop-in technique to not
only accelerate the popular pretrained stable diffusion (SD) models but also
improve the prompt alignment of stylized SD models from the public model zoo.
Code is released at https://github.com/NVlabs/T-Stitch | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2409.04109 | HF | Can LLMs Generate Novel Research Ideas? A Large-Scale Human Study with 100+ NLP Researchers | [
"Chenglei Si",
"Diyi Yang",
"Tatsunori Hashimoto"
] | 2024-09-06 | Recent advancements in large language models (LLMs) have sparked optimism
about their potential to accelerate scientific discovery, with a growing number
of works proposing research agents that autonomously generate and validate new
ideas. Despite this, no evaluations have shown that LLM systems can take the
very first step of producing novel, expert-level ideas, let alone perform the
entire research process. We address this by establishing an experimental design
that evaluates research idea generation while controlling for confounders and
performs the first head-to-head comparison between expert NLP researchers and
an LLM ideation agent. By recruiting over 100 NLP researchers to write novel
ideas and blind reviews of both LLM and human ideas, we obtain the first
statistically significant conclusion on current LLM capabilities for research
ideation: we find LLM-generated ideas are judged as more novel (p < 0.05) than
human expert ideas while being judged slightly weaker on feasibility. Studying
our agent baselines closely, we identify open problems in building and
evaluating research agents, including failures of LLM self-evaluation and their
lack of diversity in generation. Finally, we acknowledge that human judgements
of novelty can be difficult, even by experts, and propose an end-to-end study
design which recruits researchers to execute these ideas into full projects,
enabling us to study whether these novelty and feasibility judgements result in
meaningful differences in research outcome. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY",
"cs.HC",
"cs.LG"
] |
2409.00588 | HF | Diffusion Policy Policy Optimization | [
"Allen Z. Ren",
"Justin Lidard",
"Lars L. Ankile",
"Anthony Simeonov",
"Pulkit Agrawal",
"Anirudha Majumdar",
"Benjamin Burchfiel",
"Hongkai Dai",
"Max Simchowitz"
] | 2024-09-01 | We introduce Diffusion Policy Policy Optimization, DPPO, an algorithmic
framework including best practices for fine-tuning diffusion-based policies
(e.g. Diffusion Policy) in continuous control and robot learning tasks using
the policy gradient (PG) method from reinforcement learning (RL). PG methods
are ubiquitous in training RL policies with other policy parameterizations;
nevertheless, they had been conjectured to be less efficient for
diffusion-based policies. Surprisingly, we show that DPPO achieves the
strongest overall performance and efficiency for fine-tuning in common
benchmarks compared to other RL methods for diffusion-based policies and also
compared to PG fine-tuning of other policy parameterizations. Through
experimental investigation, we find that DPPO takes advantage of unique
synergies between RL fine-tuning and the diffusion parameterization, leading to
structured and on-manifold exploration, stable training, and strong policy
robustness. We further demonstrate the strengths of DPPO in a range of
realistic settings, including simulated robotic tasks with pixel observations,
and via zero-shot deployment of simulation-trained policies on robot hardware
in a long-horizon, multi-stage manipulation task. Website with code:
diffusion-ppo.github.io | null | cs.RO | [
"cs.RO",
"cs.LG"
] |
2405.17405 | HF | Human4DiT: Free-view Human Video Generation with 4D Diffusion Transformer | [
"Ruizhi Shao",
"Youxin Pang",
"Zerong Zheng",
"Jingxiang Sun",
"Yebin Liu"
] | 2024-05-27 | We present a novel approach for generating high-quality, spatio-temporally
coherent human videos from a single image under arbitrary viewpoints. Our
framework combines the strengths of U-Nets for accurate condition injection and
diffusion transformers for capturing global correlations across viewpoints and
time. The core is a cascaded 4D transformer architecture that factorizes
attention across views, time, and spatial dimensions, enabling efficient
modeling of the 4D space. Precise conditioning is achieved by injecting human
identity, camera parameters, and temporal signals into the respective
transformers. To train this model, we curate a multi-dimensional dataset
spanning images, videos, multi-view data and 3D/4D scans, along with a
multi-dimensional training strategy. Our approach overcomes the limitations of
previous methods based on GAN or UNet-based diffusion models, which struggle
with complex motions and viewpoint changes. Through extensive experiments, we
demonstrate our method's ability to synthesize realistic, coherent and
free-view human videos, paving the way for advanced multimedia applications in
areas such as virtual reality and animation. Our project website is
https://human4dit.github.io. | null | cs.CV | [
"cs.CV"
] |
2305.17118 | AnswerAI | Scissorhands: Exploiting the Persistence of Importance Hypothesis for LLM KV Cache Compression at Test Time | [
"Zichang Liu",
"Aditya Desai",
"Fangshuo Liao",
"Weitao Wang",
"Victor Xie",
"Zhaozhuo Xu",
"Anastasios Kyrillidis",
"Anshumali Shrivastava"
] | 2023-05-26 | Large language models(LLMs) have sparked a new wave of exciting AI
applications. Hosting these models at scale requires significant memory
resources. One crucial memory bottleneck for the deployment stems from the
context window. It is commonly recognized that model weights are memory hungry;
however, the size of key-value embedding stored during the generation process
(KV cache) can easily surpass the model size. The enormous size of the KV cache
puts constraints on the inference batch size, which is crucial for high
throughput inference workload. Inspired by an interesting observation of the
attention scores, we hypothesize the persistence of importance: only pivotal
tokens, which had a substantial influence at one step, will significantly
influence future generations. Based on our empirical verification and
theoretical analysis around this hypothesis, we propose Scissorhands, a system
that maintains the memory usage of the KV cache at a fixed budget without
finetuning the model. In essence, Scissorhands manages the KV cache by storing
the pivotal tokens with a higher probability. We validate that Scissorhands
reduces the inference memory usage of the KV cache by up to 5X without
compromising model quality. We further demonstrate that Scissorhands can be
combined with 4-bit quantization, traditionally used to compress model weights,
to achieve up to 20X compression. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2403.15382 | HF | DragAPart: Learning a Part-Level Motion Prior for Articulated Objects | [
"Ruining Li",
"Chuanxia Zheng",
"Christian Rupprecht",
"Andrea Vedaldi"
] | 2024-03-22 | We introduce DragAPart, a method that, given an image and a set of drags as
input, generates a new image of the same object that responds to the action of
the drags. Differently from prior works that focused on repositioning objects,
DragAPart predicts part-level interactions, such as opening and closing a
drawer. We study this problem as a proxy for learning a generalist motion
model, not restricted to a specific kinematic structure or object category. We
start from a pre-trained image generator and fine-tune it on a new synthetic
dataset, Drag-a-Move, which we introduce. Combined with a new encoding for the
drags and dataset randomization, the model generalizes well to real images and
different categories. Compared to prior motion-controlled generators, we
demonstrate much better part-level motion understanding. | null | cs.CV | [
"cs.CV"
] |
2306.09442 | HF | Explore, Establish, Exploit: Red Teaming Language Models from Scratch | [
"Stephen Casper",
"Jason Lin",
"Joe Kwon",
"Gatlen Culp",
"Dylan Hadfield-Menell"
] | 2023-06-15 | Deploying large language models (LMs) can pose hazards from harmful outputs
such as toxic or false text. Prior work has introduced automated tools that
elicit harmful outputs to identify these risks. While this is a valuable step
toward securing models, these approaches rely on a pre-existing way to
efficiently classify undesirable outputs. Using a pre-existing classifier does
not allow for red-teaming to be tailored to the target model. Furthermore, when
failures can be easily classified in advance, red-teaming has limited marginal
value because problems can be avoided by simply filtering training data and/or
model outputs. Here, we consider red-teaming "from scratch," in which the
adversary does not begin with a way to classify failures. Our framework
consists of three steps: 1) Exploring the model's range of behaviors in the
desired context; 2) Establishing a definition and measurement for undesired
behavior (e.g., a classifier trained to reflect human evaluations); and 3)
Exploiting the model's flaws using this measure to develop diverse adversarial
prompts. We use this approach to red-team GPT-3 to discover classes of inputs
that elicit false statements. In doing so, we construct the CommonClaim dataset
of 20,000 statements labeled by humans as common-knowledge-true, common
knowledge-false, or neither. We are making code and data available. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.12001 | AnswerAI | An Overview of Catastrophic AI Risks | [
"Dan Hendrycks",
"Mantas Mazeika",
"Thomas Woodside"
] | 2023-06-21 | Rapid advancements in artificial intelligence (AI) have sparked growing
concerns among experts, policymakers, and world leaders regarding the potential
for increasingly advanced AI systems to pose catastrophic risks. Although
numerous risks have been detailed separately, there is a pressing need for a
systematic discussion and illustration of the potential dangers to better
inform efforts to mitigate them. This paper provides an overview of the main
sources of catastrophic AI risks, which we organize into four categories:
malicious use, in which individuals or groups intentionally use AIs to cause
harm; AI race, in which competitive environments compel actors to deploy unsafe
AIs or cede control to AIs; organizational risks, highlighting how human
factors and complex systems can increase the chances of catastrophic accidents;
and rogue AIs, describing the inherent difficulty in controlling agents far
more intelligent than humans. For each category of risk, we describe specific
hazards, present illustrative stories, envision ideal scenarios, and propose
practical suggestions for mitigating these dangers. Our goal is to foster a
comprehensive understanding of these risks and inspire collective and proactive
efforts to ensure that AIs are developed and deployed in a safe manner.
Ultimately, we hope this will allow us to realize the benefits of this powerful
technology while minimizing the potential for catastrophic outcomes. | null | cs.CY | [
"cs.CY",
"cs.AI",
"cs.LG"
] |
2309.08872 | HF | PDFTriage: Question Answering over Long, Structured Documents | [
"Jon Saad-Falcon",
"Joe Barrow",
"Alexa Siu",
"Ani Nenkova",
"David Seunghyun Yoon",
"Ryan A. Rossi",
"Franck Dernoncourt"
] | 2023-09-16 | Large Language Models (LLMs) have issues with document question answering
(QA) in situations where the document is unable to fit in the small context
length of an LLM. To overcome this issue, most existing works focus on
retrieving the relevant context from the document, representing them as plain
text. However, documents such as PDFs, web pages, and presentations are
naturally structured with different pages, tables, sections, and so on.
Representing such structured documents as plain text is incongruous with the
user's mental model of these documents with rich structure. When a system has
to query the document for context, this incongruity is brought to the fore, and
seemingly trivial questions can trip up the QA system. To bridge this
fundamental gap in handling structured documents, we propose an approach called
PDFTriage that enables models to retrieve the context based on either structure
or content. Our experiments demonstrate the effectiveness of the proposed
PDFTriage-augmented models across several classes of questions where existing
retrieval-augmented LLMs fail. To facilitate further research on this
fundamental problem, we release our benchmark dataset consisting of 900+
human-generated questions over 80 structured documents from 10 different
categories of question types for document QA. Our code and datasets will be
released soon on Github. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2104.04473 | AnswerAI | Efficient Large-Scale Language Model Training on GPU Clusters Using Megatron-LM | [
"Deepak Narayanan",
"Mohammad Shoeybi",
"Jared Casper",
"Patrick LeGresley",
"Mostofa Patwary",
"Vijay Anand Korthikanti",
"Dmitri Vainbrand",
"Prethvi Kashinkunti",
"Julie Bernauer",
"Bryan Catanzaro",
"Amar Phanishayee",
"Matei Zaharia"
] | 2021-04-09 | Large language models have led to state-of-the-art accuracies across a range
of tasks. However, training these models efficiently is challenging for two
reasons: a) GPU memory capacity is limited, making it impossible to fit large
models on even a multi-GPU server, and b) the number of compute operations
required to train these models can result in unrealistically long training
times. Consequently, new methods of model parallelism such as tensor and
pipeline parallelism have been proposed. Unfortunately, naive usage of these
methods leads to fundamental scaling issues at thousands of GPUs, e.g., due to
expensive cross-node communication or devices spending significant time waiting
on other devices to make progress.
In this paper, we show how different types of parallelism methods (tensor,
pipeline, and data parallelism) can be composed to scale to thousands of GPUs
and models with trillions of parameters. We survey techniques for pipeline
parallelism and propose a novel interleaved pipeline parallelism schedule that
can improve throughput by 10+% with memory footprint comparable to existing
approaches. We quantitatively study the trade-offs between tensor, pipeline,
and data parallelism, and provide intuition as to how to configure distributed
training of a large model. Our approach allows us to perform training
iterations on a model with 1 trillion parameters at 502 petaFLOP/s on 3072 GPUs
with achieved per-GPU throughput of 52% of theoretical peak. Our code is open
sourced at https://github.com/nvidia/megatron-lm. | null | cs.CL | [
"cs.CL",
"cs.DC"
] |
2212.03533 | AnswerAI | Text Embeddings by Weakly-Supervised Contrastive Pre-training | [
"Liang Wang",
"Nan Yang",
"Xiaolong Huang",
"Binxing Jiao",
"Linjun Yang",
"Daxin Jiang",
"Rangan Majumder",
"Furu Wei"
] | 2022-12-07 | This paper presents E5, a family of state-of-the-art text embeddings that
transfer well to a wide range of tasks. The model is trained in a contrastive
manner with weak supervision signals from our curated large-scale text pair
dataset (called CCPairs). E5 can be readily used as a general-purpose embedding
model for any tasks requiring a single-vector representation of texts such as
retrieval, clustering, and classification, achieving strong performance in both
zero-shot and fine-tuned settings. We conduct extensive evaluations on 56
datasets from the BEIR and MTEB benchmarks. For zero-shot settings, E5 is the
first model that outperforms the strong BM25 baseline on the BEIR retrieval
benchmark without using any labeled data. When fine-tuned, E5 obtains the best
results on the MTEB benchmark, beating existing embedding models with 40x more
parameters. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2401.14404 | HF | Deconstructing Denoising Diffusion Models for Self-Supervised Learning | [
"Xinlei Chen",
"Zhuang Liu",
"Saining Xie",
"Kaiming He"
] | 2024-01-25 | In this study, we examine the representation learning abilities of Denoising
Diffusion Models (DDM) that were originally purposed for image generation. Our
philosophy is to deconstruct a DDM, gradually transforming it into a classical
Denoising Autoencoder (DAE). This deconstructive procedure allows us to explore
how various components of modern DDMs influence self-supervised representation
learning. We observe that only a very few modern components are critical for
learning good representations, while many others are nonessential. Our study
ultimately arrives at an approach that is highly simplified and to a large
extent resembles a classical DAE. We hope our study will rekindle interest in a
family of classical methods within the realm of modern self-supervised
learning. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2408.00754 | HF | Coarse Correspondence Elicit 3D Spacetime Understanding in Multimodal Language Model | [
"Benlin Liu",
"Yuhao Dong",
"Yiqin Wang",
"Yongming Rao",
"Yansong Tang",
"Wei-Chiu Ma",
"Ranjay Krishna"
] | 2024-08-01 | Multimodal language models (MLLMs) are increasingly being implemented in
real-world environments, necessitating their ability to interpret 3D spaces and
comprehend temporal dynamics. Despite their potential, current top models
within our community still fall short in adequately understanding spatial and
temporal dimensions. We introduce Coarse Correspondence, a simple,
training-free, effective, and general-purpose visual prompting method to elicit
3D and temporal understanding in multimodal LLMs. Our method uses a lightweight
tracking model to find object correspondences between frames in a video or
between sets of image viewpoints. It selects the most frequent object instances
and visualizes them with markers with unique IDs in the image. With this simple
approach, we achieve state-of-the-art results on 3D understanding benchmarks
including ScanQA (+20.5\%) and a subset of OpenEQA (+9.7\%), and on long-form
video benchmarks such as EgoSchema (+6.0\%). We also curate a small diagnostic
dataset to evaluate whether MLLMs can reason about space from a described
viewpoint other than the camera viewpoint. Again, Coarse Correspondence
improves spatial perspective-taking abilities but we highlight that MLLMs
struggle with this task. Together, we demonstrate that our simple prompting
method can significantly aid downstream tasks that require 3D or temporal
reasoning. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2405.14831 | AnswerAI | HippoRAG: Neurobiologically Inspired Long-Term Memory for Large Language Models | [
"Bernal Jiménez Gutiérrez",
"Yiheng Shu",
"Yu Gu",
"Michihiro Yasunaga",
"Yu Su"
] | 2024-05-23 | In order to thrive in hostile and ever-changing natural environments,
mammalian brains evolved to store large amounts of knowledge about the world
and continually integrate new information while avoiding catastrophic
forgetting. Despite the impressive accomplishments, large language models
(LLMs), even with retrieval-augmented generation (RAG), still struggle to
efficiently and effectively integrate a large amount of new experiences after
pre-training. In this work, we introduce HippoRAG, a novel retrieval framework
inspired by the hippocampal indexing theory of human long-term memory to enable
deeper and more efficient knowledge integration over new experiences. HippoRAG
synergistically orchestrates LLMs, knowledge graphs, and the Personalized
PageRank algorithm to mimic the different roles of neocortex and hippocampus in
human memory. We compare HippoRAG with existing RAG methods on multi-hop
question answering and show that our method outperforms the state-of-the-art
methods remarkably, by up to 20%. Single-step retrieval with HippoRAG achieves
comparable or better performance than iterative retrieval like IRCoT while
being 10-30 times cheaper and 6-13 times faster, and integrating HippoRAG into
IRCoT brings further substantial gains. Finally, we show that our method can
tackle new types of scenarios that are out of reach of existing methods. Code
and data are available at https://github.com/OSU-NLP-Group/HippoRAG. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.09323 | Both | Perspectives on the State and Future of Deep Learning - 2023 | [
"Micah Goldblum",
"Anima Anandkumar",
"Richard Baraniuk",
"Tom Goldstein",
"Kyunghyun Cho",
"Zachary C Lipton",
"Melanie Mitchell",
"Preetum Nakkiran",
"Max Welling",
"Andrew Gordon Wilson"
] | 2023-12-07 | The goal of this series is to chronicle opinions and issues in the field of
machine learning as they stand today and as they change over time. The plan is
to host this survey periodically until the AI singularity
paperclip-frenzy-driven doomsday, keeping an updated list of topical questions
and interviewing new community members for each edition. In this issue, we
probed people's opinions on interpretable AI, the value of benchmarking in
modern NLP, the state of progress towards understanding deep learning, and the
future of academia. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2306.01923 | HF | The Surprising Effectiveness of Diffusion Models for Optical Flow and Monocular Depth Estimation | [
"Saurabh Saxena",
"Charles Herrmann",
"Junhwa Hur",
"Abhishek Kar",
"Mohammad Norouzi",
"Deqing Sun",
"David J. Fleet"
] | 2023-06-02 | Denoising diffusion probabilistic models have transformed image generation
with their impressive fidelity and diversity. We show that they also excel in
estimating optical flow and monocular depth, surprisingly, without
task-specific architectures and loss functions that are predominant for these
tasks. Compared to the point estimates of conventional regression-based
methods, diffusion models also enable Monte Carlo inference, e.g., capturing
uncertainty and ambiguity in flow and depth. With self-supervised pre-training,
the combined use of synthetic and real data for supervised training, and
technical innovations (infilling and step-unrolled denoising diffusion
training) to handle noisy-incomplete training data, and a simple form of
coarse-to-fine refinement, one can train state-of-the-art diffusion models for
depth and optical flow estimation. Extensive experiments focus on quantitative
performance against benchmarks, ablations, and the model's ability to capture
uncertainty and multimodality, and impute missing values. Our model, DDVM
(Denoising Diffusion Vision Model), obtains a state-of-the-art relative depth
error of 0.074 on the indoor NYU benchmark and an Fl-all outlier rate of 3.26\%
on the KITTI optical flow benchmark, about 25\% better than the best published
method. For an overview see https://diffusion-vision.github.io. | null | cs.CV | [
"cs.CV"
] |
2401.01755 | HF | Incremental FastPitch: Chunk-based High Quality Text to Speech | [
"Muyang Du",
"Chuan Liu",
"Junjie Lai"
] | 2024-01-03 | Parallel text-to-speech models have been widely applied for real-time speech
synthesis, and they offer more controllability and a much faster synthesis
process compared with conventional auto-regressive models. Although parallel
models have benefits in many aspects, they become naturally unfit for
incremental synthesis due to their fully parallel architecture such as
transformer. In this work, we propose Incremental FastPitch, a novel FastPitch
variant capable of incrementally producing high-quality Mel chunks by improving
the architecture with chunk-based FFT blocks, training with receptive-field
constrained chunk attention masks, and inference with fixed size past model
states. Experimental results show that our proposal can produce speech quality
comparable to the parallel FastPitch, with a significant lower latency that
allows even lower response time for real-time speech applications. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2305.14325 | AnswerAI | Improving Factuality and Reasoning in Language Models through Multiagent Debate | [
"Yilun Du",
"Shuang Li",
"Antonio Torralba",
"Joshua B. Tenenbaum",
"Igor Mordatch"
] | 2023-05-23 | Large language models (LLMs) have demonstrated remarkable capabilities in
language generation, understanding, and few-shot learning in recent years. An
extensive body of work has explored how their performance may be further
improved through the tools of prompting, ranging from verification,
self-consistency, or intermediate scratchpads. In this paper, we present a
complementary approach to improve language responses where multiple language
model instances propose and debate their individual responses and reasoning
processes over multiple rounds to arrive at a common final answer. Our findings
indicate that this approach significantly enhances mathematical and strategic
reasoning across a number of tasks. We also demonstrate that our approach
improves the factual validity of generated content, reducing fallacious answers
and hallucinations that contemporary models are prone to. Our approach may be
directly applied to existing black-box models and uses identical procedure and
prompts for all tasks we investigate. Overall, our findings suggest that such
"society of minds" approach has the potential to significantly advance the
capabilities of LLMs and pave the way for further breakthroughs in language
generation and understanding. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG"
] |
2310.13127 | HF | Auto-Instruct: Automatic Instruction Generation and Ranking for Black-Box Language Models | [
"Zhihan Zhang",
"Shuohang Wang",
"Wenhao Yu",
"Yichong Xu",
"Dan Iter",
"Qingkai Zeng",
"Yang Liu",
"Chenguang Zhu",
"Meng Jiang"
] | 2023-10-19 | Large language models (LLMs) can perform a wide range of tasks by following
natural language instructions, without the necessity of task-specific
fine-tuning. Unfortunately, the performance of LLMs is greatly influenced by
the quality of these instructions, and manually writing effective instructions
for each task is a laborious and subjective process. In this paper, we
introduce Auto-Instruct, a novel method to automatically improve the quality of
instructions provided to LLMs. Our method leverages the inherent generative
ability of LLMs to produce diverse candidate instructions for a given task, and
then ranks them using a scoring model trained on a variety of 575 existing NLP
tasks. In experiments on 118 out-of-domain tasks, Auto-Instruct surpasses both
human-written instructions and existing baselines of LLM-generated
instructions. Furthermore, our method exhibits notable generalizability even
with other LLMs that are not incorporated into its training process. | null | cs.CL | [
"cs.CL"
] |
2401.07519 | HF | InstantID: Zero-shot Identity-Preserving Generation in Seconds | [
"Qixun Wang",
"Xu Bai",
"Haofan Wang",
"Zekui Qin",
"Anthony Chen",
"Huaxia Li",
"Xu Tang",
"Yao Hu"
] | 2024-01-15 | There has been significant progress in personalized image synthesis with
methods such as Textual Inversion, DreamBooth, and LoRA. Yet, their real-world
applicability is hindered by high storage demands, lengthy fine-tuning
processes, and the need for multiple reference images. Conversely, existing ID
embedding-based methods, while requiring only a single forward inference, face
challenges: they either necessitate extensive fine-tuning across numerous model
parameters, lack compatibility with community pre-trained models, or fail to
maintain high face fidelity. Addressing these limitations, we introduce
InstantID, a powerful diffusion model-based solution. Our plug-and-play module
adeptly handles image personalization in various styles using just a single
facial image, while ensuring high fidelity. To achieve this, we design a novel
IdentityNet by imposing strong semantic and weak spatial conditions,
integrating facial and landmark images with textual prompts to steer the image
generation. InstantID demonstrates exceptional performance and efficiency,
proving highly beneficial in real-world applications where identity
preservation is paramount. Moreover, our work seamlessly integrates with
popular pre-trained text-to-image diffusion models like SD1.5 and SDXL, serving
as an adaptable plugin. Our codes and pre-trained checkpoints will be available
at https://github.com/InstantID/InstantID. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.13789 | HF | TinySAM: Pushing the Envelope for Efficient Segment Anything Model | [
"Han Shu",
"Wenshuo Li",
"Yehui Tang",
"Yiman Zhang",
"Yihao Chen",
"Houqiang Li",
"Yunhe Wang",
"Xinghao Chen"
] | 2023-12-21 | Recently segment anything model (SAM) has shown powerful segmentation
capability and has drawn great attention in computer vision fields. Massive
following works have developed various applications based on the pretrained SAM
and achieved impressive performance on downstream vision tasks.
However, SAM consists of heavy architectures and requires massive
computational capacity, which hinders the further application of SAM on
computation constrained edge devices. To this end, in this paper we propose a
framework to obtain a tiny segment anything model (TinySAM) while maintaining
the strong zero-shot performance. We first propose a full-stage knowledge
distillation method with hard prompt sampling and hard mask weighting strategy
to distill a lightweight student model. We also adapt the post-training
quantization to the promptable segmentation task and further reduce the
computational cost. Moreover, a hierarchical segmenting everything strategy is
proposed to accelerate the everything inference by $2\times$ with almost no
performance degradation. With all these proposed methods, our TinySAM leads to
orders of magnitude computational reduction and pushes the envelope for
efficient segment anything task. Extensive experiments on various zero-shot
transfer tasks demonstrate the significantly advantageous performance of our
TinySAM against counterpart methods. Pre-trained models and codes are available
at https://github.com/xinghaochen/TinySAM and
https://gitee.com/mindspore/models/tree/master/research/cv/TinySAM. | null | cs.CV | [
"cs.CV"
] |
2406.04271 | HF | Buffer of Thoughts: Thought-Augmented Reasoning with Large Language Models | [
"Ling Yang",
"Zhaochen Yu",
"Tianjun Zhang",
"Shiyi Cao",
"Minkai Xu",
"Wentao Zhang",
"Joseph E. Gonzalez",
"Bin Cui"
] | 2024-06-06 | We introduce Buffer of Thoughts (BoT), a novel and versatile
thought-augmented reasoning approach for enhancing accuracy, efficiency and
robustness of large language models (LLMs). Specifically, we propose
meta-buffer to store a series of informative high-level thoughts, namely
thought-template, distilled from the problem-solving processes across various
tasks. Then for each problem, we retrieve a relevant thought-template and
adaptively instantiate it with specific reasoning structures to conduct
efficient reasoning. To guarantee the scalability and stability, we further
propose buffer-manager to dynamically update the meta-buffer, thus enhancing
the capacity of meta-buffer as more tasks are solved. We conduct extensive
experiments on 10 challenging reasoning-intensive tasks, and achieve
significant performance improvements over previous SOTA methods: 11% on Game of
24, 20% on Geometric Shapes and 51% on Checkmate-in-One. Further analysis
demonstrate the superior generalization ability and model robustness of our
BoT, while requiring only 12% of the cost of multi-query prompting methods
(e.g., tree/graph of thoughts) on average. Notably, we find that our
Llama3-8B+BoT has the potential to surpass Llama3-70B model. Our project is
available at: https://github.com/YangLing0818/buffer-of-thought-llm | null | cs.CL | [
"cs.CL"
] |
2405.09062 | HF | Naturalistic Music Decoding from EEG Data via Latent Diffusion Models | [
"Emilian Postolache",
"Natalia Polouliakh",
"Hiroaki Kitano",
"Akima Connelly",
"Emanuele Rodolà",
"Luca Cosmo",
"Taketo Akama"
] | 2024-05-15 | In this article, we explore the potential of using latent diffusion models, a
family of powerful generative models, for the task of reconstructing
naturalistic music from electroencephalogram (EEG) recordings. Unlike simpler
music with limited timbres, such as MIDI-generated tunes or monophonic pieces,
the focus here is on intricate music featuring a diverse array of instruments,
voices, and effects, rich in harmonics and timbre. This study represents an
initial foray into achieving general music reconstruction of high-quality using
non-invasive EEG data, employing an end-to-end training approach directly on
raw data without the need for manual pre-processing and channel selection. We
train our models on the public NMED-T dataset and perform quantitative
evaluation proposing neural embedding-based metrics. Our work contributes to
the ongoing research in neural decoding and brain-computer interfaces, offering
insights into the feasibility of using EEG data for complex auditory
information reconstruction. | null | cs.SD | [
"cs.SD",
"cs.LG",
"eess.AS"
] |
2305.09857 | Both | CoEdIT: Text Editing by Task-Specific Instruction Tuning | [
"Vipul Raheja",
"Dhruv Kumar",
"Ryan Koo",
"Dongyeop Kang"
] | 2023-05-17 | We introduce CoEdIT, a state-of-the-art text editing system for writing
assistance. CoEdIT takes instructions from the user specifying the attributes
of the desired text, such as "Make the sentence simpler" or "Write it in a more
neutral style," and outputs the edited text. We present a large language model
fine-tuned on a diverse collection of task-specific instructions for text
editing (a total of 82K instructions). Our model (1) achieves state-of-the-art
performance on various text editing benchmarks, (2) is competitive with
publicly available largest-sized LLMs trained on instructions while being
nearly 60x smaller, (3) is capable of generalizing to unseen edit instructions,
and (4) exhibits abilities to generalize to composite instructions containing
different combinations of edit actions. Through extensive qualitative and
quantitative analysis, we show that writers prefer the edits suggested by
CoEdIT relative to other state-of-the-art text editing models. Our code, data,
and models are publicly available at https://github.com/vipulraheja/coedit. | null | cs.CL | [
"cs.CL",
"cs.AI",
"I.2.7"
] |
2406.12793 | HF | ChatGLM: A Family of Large Language Models from GLM-130B to GLM-4 All Tools | [
"Team GLM",
":",
"Aohan Zeng",
"Bin Xu",
"Bowen Wang",
"Chenhui Zhang",
"Da Yin",
"Dan Zhang",
"Diego Rojas",
"Guanyu Feng",
"Hanlin Zhao",
"Hanyu Lai",
"Hao Yu",
"Hongning Wang",
"Jiadai Sun",
"Jiajie Zhang",
"Jiale Cheng",
"Jiayi Gui",
"Jie Tang",
"Jing Zhang",
"Jingyu Sun",
"Juanzi Li",
"Lei Zhao",
"Lindong Wu",
"Lucen Zhong",
"Mingdao Liu",
"Minlie Huang",
"Peng Zhang",
"Qinkai Zheng",
"Rui Lu",
"Shuaiqi Duan",
"Shudan Zhang",
"Shulin Cao",
"Shuxun Yang",
"Weng Lam Tam",
"Wenyi Zhao",
"Xiao Liu",
"Xiao Xia",
"Xiaohan Zhang",
"Xiaotao Gu",
"Xin Lv",
"Xinghan Liu",
"Xinyi Liu",
"Xinyue Yang",
"Xixuan Song",
"Xunkai Zhang",
"Yifan An",
"Yifan Xu",
"Yilin Niu",
"Yuantao Yang",
"Yueyan Li",
"Yushi Bai",
"Yuxiao Dong",
"Zehan Qi",
"Zhaoyu Wang",
"Zhen Yang",
"Zhengxiao Du",
"Zhenyu Hou",
"Zihan Wang"
] | 2024-06-18 | We introduce ChatGLM, an evolving family of large language models that we
have been developing over time. This report primarily focuses on the GLM-4
language series, which includes GLM-4, GLM-4-Air, and GLM-4-9B. They represent
our most capable models that are trained with all the insights and lessons
gained from the preceding three generations of ChatGLM. To date, the GLM-4
models are pre-trained on ten trillions of tokens mostly in Chinese and
English, along with a small set of corpus from 24 languages, and aligned
primarily for Chinese and English usage. The high-quality alignment is achieved
via a multi-stage post-training process, which involves supervised fine-tuning
and learning from human feedback. Evaluations show that GLM-4 1) closely rivals
or outperforms GPT-4 in terms of general metrics such as MMLU, GSM8K, MATH,
BBH, GPQA, and HumanEval, 2) gets close to GPT-4-Turbo in instruction following
as measured by IFEval, 3) matches GPT-4 Turbo (128K) and Claude 3 for long
context tasks, and 4) outperforms GPT-4 in Chinese alignments as measured by
AlignBench. The GLM-4 All Tools model is further aligned to understand user
intent and autonomously decide when and which tool(s) touse -- including web
browser, Python interpreter, text-to-image model, and user-defined functions --
to effectively complete complex tasks. In practical applications, it matches
and even surpasses GPT-4 All Tools in tasks like accessing online information
via web browsing and solving math problems using Python interpreter. Over the
course, we have open-sourced a series of models, including ChatGLM-6B (three
generations), GLM-4-9B (128K, 1M), GLM-4V-9B, WebGLM, and CodeGeeX, attracting
over 10 million downloads on Hugging face in the year 2023 alone. The open
models can be accessed through https://github.com/THUDM and
https://huggingface.co/THUDM. | null | cs.CL | [
"cs.CL"
] |
2312.00109 | HF | Scaffold-GS: Structured 3D Gaussians for View-Adaptive Rendering | [
"Tao Lu",
"Mulin Yu",
"Linning Xu",
"Yuanbo Xiangli",
"Limin Wang",
"Dahua Lin",
"Bo Dai"
] | 2023-11-30 | Neural rendering methods have significantly advanced photo-realistic 3D scene
rendering in various academic and industrial applications. The recent 3D
Gaussian Splatting method has achieved the state-of-the-art rendering quality
and speed combining the benefits of both primitive-based representations and
volumetric representations. However, it often leads to heavily redundant
Gaussians that try to fit every training view, neglecting the underlying scene
geometry. Consequently, the resulting model becomes less robust to significant
view changes, texture-less area and lighting effects. We introduce Scaffold-GS,
which uses anchor points to distribute local 3D Gaussians, and predicts their
attributes on-the-fly based on viewing direction and distance within the view
frustum. Anchor growing and pruning strategies are developed based on the
importance of neural Gaussians to reliably improve the scene coverage. We show
that our method effectively reduces redundant Gaussians while delivering
high-quality rendering. We also demonstrates an enhanced capability to
accommodate scenes with varying levels-of-detail and view-dependent
observations, without sacrificing the rendering speed. | null | cs.CV | [
"cs.CV"
] |
2401.01461 | HF | Efficient Hybrid Zoom using Camera Fusion on Mobile Phones | [
"Xiaotong Wu",
"Wei-Sheng Lai",
"YiChang Shih",
"Charles Herrmann",
"Michael Krainin",
"Deqing Sun",
"Chia-Kai Liang"
] | 2024-01-02 | DSLR cameras can achieve multiple zoom levels via shifting lens distances or
swapping lens types. However, these techniques are not possible on smartphone
devices due to space constraints. Most smartphone manufacturers adopt a hybrid
zoom system: commonly a Wide (W) camera at a low zoom level and a Telephoto (T)
camera at a high zoom level. To simulate zoom levels between W and T, these
systems crop and digitally upsample images from W, leading to significant
detail loss. In this paper, we propose an efficient system for hybrid zoom
super-resolution on mobile devices, which captures a synchronous pair of W and
T shots and leverages machine learning models to align and transfer details
from T to W. We further develop an adaptive blending method that accounts for
depth-of-field mismatches, scene occlusion, flow uncertainty, and alignment
errors. To minimize the domain gap, we design a dual-phone camera rig to
capture real-world inputs and ground-truths for supervised training. Our method
generates a 12-megapixel image in 500ms on a mobile platform and compares
favorably against state-of-the-art methods under extensive evaluation on
real-world scenarios. | null | cs.CV | [
"cs.CV"
] |
2009.06367 | AnswerAI | GeDi: Generative Discriminator Guided Sequence Generation | [
"Ben Krause",
"Akhilesh Deepak Gotmare",
"Bryan McCann",
"Nitish Shirish Keskar",
"Shafiq Joty",
"Richard Socher",
"Nazneen Fatema Rajani"
] | 2020-09-14 | While large-scale language models (LMs) are able to imitate the distribution
of natural language well enough to generate realistic text, it is difficult to
control which regions of the distribution they generate. This is especially
problematic because datasets used for training large LMs usually contain
significant toxicity, hate, bias, and negativity. We propose GeDi as an
efficient method for using smaller LMs as generative discriminators to guide
generation from large LMs to make them safer and more controllable. GeDi guides
generation at each step by computing classification probabilities for all
possible next tokens via Bayes rule by normalizing over two class-conditional
distributions; one conditioned on the desired attribute, or control code, and
another conditioned on the undesired attribute, or anti control code. We find
that GeDi gives stronger controllability than the state of the art method while
also achieving generation speeds more than 30 times faster. Additionally,
training GeDi on only four topics allows us to controllably generate new topics
zero-shot from just a keyword, unlocking a new capability that previous
controllable generation methods do not have. Lastly, we show that GeDi can make
GPT-2 (1.5B parameters) significantly less toxic without sacrificing linguistic
quality, making it by far the most practical existing method for detoxifying
large language models while maintaining a fast generation speed. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2402.19481 | HF | DistriFusion: Distributed Parallel Inference for High-Resolution Diffusion Models | [
"Muyang Li",
"Tianle Cai",
"Jiaxin Cao",
"Qinsheng Zhang",
"Han Cai",
"Junjie Bai",
"Yangqing Jia",
"Ming-Yu Liu",
"Kai Li",
"Song Han"
] | 2024-02-29 | Diffusion models have achieved great success in synthesizing high-quality
images. However, generating high-resolution images with diffusion models is
still challenging due to the enormous computational costs, resulting in a
prohibitive latency for interactive applications. In this paper, we propose
DistriFusion to tackle this problem by leveraging parallelism across multiple
GPUs. Our method splits the model input into multiple patches and assigns each
patch to a GPU. However, naively implementing such an algorithm breaks the
interaction between patches and loses fidelity, while incorporating such an
interaction will incur tremendous communication overhead. To overcome this
dilemma, we observe the high similarity between the input from adjacent
diffusion steps and propose displaced patch parallelism, which takes advantage
of the sequential nature of the diffusion process by reusing the pre-computed
feature maps from the previous timestep to provide context for the current
step. Therefore, our method supports asynchronous communication, which can be
pipelined by computation. Extensive experiments show that our method can be
applied to recent Stable Diffusion XL with no quality degradation and achieve
up to a 6.1$\times$ speedup on eight NVIDIA A100s compared to one. Our code is
publicly available at https://github.com/mit-han-lab/distrifuser. | null | cs.CV | [
"cs.CV"
] |
2409.04593 | HF | Paper Copilot: A Self-Evolving and Efficient LLM System for Personalized Academic Assistance | [
"Guanyu Lin",
"Tao Feng",
"Pengrui Han",
"Ge Liu",
"Jiaxuan You"
] | 2024-09-06 | As scientific research proliferates, researchers face the daunting task of
navigating and reading vast amounts of literature. Existing solutions, such as
document QA, fail to provide personalized and up-to-date information
efficiently. We present Paper Copilot, a self-evolving, efficient LLM system
designed to assist researchers, based on thought-retrieval, user profile and
high performance optimization. Specifically, Paper Copilot can offer
personalized research services, maintaining a real-time updated database.
Quantitative evaluation demonstrates that Paper Copilot saves 69.92\% of time
after efficient deployment. This paper details the design and implementation of
Paper Copilot, highlighting its contributions to personalized academic support
and its potential to streamline the research process. | null | cs.CL | [
"cs.CL"
] |
2402.12374 | AnswerAI | Sequoia: Scalable, Robust, and Hardware-aware Speculative Decoding | [
"Zhuoming Chen",
"Avner May",
"Ruslan Svirschevski",
"Yuhsun Huang",
"Max Ryabinin",
"Zhihao Jia",
"Beidi Chen"
] | 2024-02-19 | As the usage of large language models (LLMs) grows, performing efficient
inference with these models becomes increasingly important. While speculative
decoding has recently emerged as a promising direction for speeding up
inference, existing methods are limited in their ability to scale to larger
speculation budgets, and adapt to different hyperparameters and hardware. This
paper introduces Sequoia, a scalable, robust, and hardware-aware algorithm for
speculative decoding. To attain better scalability, Sequoia introduces a
dynamic programming algorithm to find the optimal tree structure for the
speculated tokens. To achieve robust speculative performance, Sequoia uses a
novel sampling and verification method that outperforms prior work across
different decoding temperatures. Finally, Sequoia introduces a hardware-aware
tree optimizer that maximizes speculative performance by automatically
selecting the token tree size and depth for a given hardware platform.
Evaluation shows that Sequoia improves the decoding speed of Llama2-7B,
Llama2-13B, and Vicuna-33B on an A100 by up to $4.04\times$, $3.73\times$, and
$2.27\times$. For offloading setting on L40, Sequoia achieves as low as 0.56
s/token for exact Llama2-70B inference latency, which is $9.96\times$ on our
optimized offloading system (5.6 s/token), $9.7\times$ than
DeepSpeed-Zero-Inference, $19.5\times$ than Huggingface Accelerate. | null | cs.CL | [
"cs.CL"
] |
2307.06945 | HF | In-context Autoencoder for Context Compression in a Large Language Model | [
"Tao Ge",
"Jing Hu",
"Lei Wang",
"Xun Wang",
"Si-Qing Chen",
"Furu Wei"
] | 2023-07-13 | We propose the In-context Autoencoder (ICAE), leveraging the power of a large
language model (LLM) to compress a long context into short compact memory slots
that can be directly conditioned on by the LLM for various purposes. ICAE is
first pretrained using both autoencoding and language modeling objectives on
massive text data, enabling it to generate memory slots that accurately and
comprehensively represent the original context. Then, it is fine-tuned on
instruction data for producing desirable responses to various prompts.
Experiments demonstrate that our lightweight ICAE, introducing about 1%
additional parameters, effectively achieves $4\times$ context compression based
on Llama, offering advantages in both improved latency and GPU memory cost
during inference, and showing an interesting insight in memorization as well as
potential for scalability. These promising results imply a novel perspective on
the connection between working memory in cognitive science and representation
learning in LLMs, revealing ICAE's significant implications in addressing the
long context problem and suggesting further research in LLM context management.
Our data, code and models are available at https://github.com/getao/icae. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.05544 | HF | BOOT: Data-free Distillation of Denoising Diffusion Models with Bootstrapping | [
"Jiatao Gu",
"Shuangfei Zhai",
"Yizhe Zhang",
"Lingjie Liu",
"Josh Susskind"
] | 2023-06-08 | Diffusion models have demonstrated excellent potential for generating diverse
images. However, their performance often suffers from slow generation due to
iterative denoising. Knowledge distillation has been recently proposed as a
remedy that can reduce the number of inference steps to one or a few without
significant quality degradation. However, existing distillation methods either
require significant amounts of offline computation for generating synthetic
training data from the teacher model or need to perform expensive online
learning with the help of real data. In this work, we present a novel technique
called BOOT, that overcomes these limitations with an efficient data-free
distillation algorithm. The core idea is to learn a time-conditioned model that
predicts the output of a pre-trained diffusion model teacher given any time
step. Such a model can be efficiently trained based on bootstrapping from two
consecutive sampled steps. Furthermore, our method can be easily adapted to
large-scale text-to-image diffusion models, which are challenging for
conventional methods given the fact that the training sets are often large and
difficult to access. We demonstrate the effectiveness of our approach on
several benchmark datasets in the DDIM setting, achieving comparable generation
quality while being orders of magnitude faster than the diffusion teacher. The
text-to-image results show that the proposed approach is able to handle highly
complex distributions, shedding light on more efficient generative modeling. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2407.06182 | HF | Compositional Video Generation as Flow Equalization | [
"Xingyi Yang",
"Xinchao Wang"
] | 2024-06-10 | Large-scale Text-to-Video (T2V) diffusion models have recently demonstrated
unprecedented capability to transform natural language descriptions into
stunning and photorealistic videos. Despite the promising results, a
significant challenge remains: these models struggle to fully grasp complex
compositional interactions between multiple concepts and actions. This issue
arises when some words dominantly influence the final video, overshadowing
other concepts.To tackle this problem, we introduce \textbf{Vico}, a generic
framework for compositional video generation that explicitly ensures all
concepts are represented properly. At its core, Vico analyzes how input tokens
influence the generated video, and adjusts the model to prevent any single
concept from dominating. Specifically, Vico extracts attention weights from all
layers to build a spatial-temporal attention graph, and then estimates the
influence as the \emph{max-flow} from the source text token to the video target
token. Although the direct computation of attention flow in diffusion models is
typically infeasible, we devise an efficient approximation based on subgraph
flows and employ a fast and vectorized implementation, which in turn makes the
flow computation manageable and differentiable. By updating the noisy latent to
balance these flows, Vico captures complex interactions and consequently
produces videos that closely adhere to textual descriptions. We apply our
method to multiple diffusion-based video models for compositional T2V and video
editing. Empirical results demonstrate that our framework significantly
enhances the compositional richness and accuracy of the generated videos. Visit
our website
at~\href{https://adamdad.github.io/vico/}{\url{https://adamdad.github.io/vico/}}. | null | cs.CV | [
"cs.CV"
] |
2306.13078 | HF | Continuous Layout Editing of Single Images with Diffusion Models | [
"Zhiyuan Zhang",
"Zhitong Huang",
"Jing Liao"
] | 2023-06-22 | Recent advancements in large-scale text-to-image diffusion models have
enabled many applications in image editing. However, none of these methods have
been able to edit the layout of single existing images. To address this gap, we
propose the first framework for layout editing of a single image while
preserving its visual properties, thus allowing for continuous editing on a
single image. Our approach is achieved through two key modules. First, to
preserve the characteristics of multiple objects within an image, we
disentangle the concepts of different objects and embed them into separate
textual tokens using a novel method called masked textual inversion. Next, we
propose a training-free optimization method to perform layout control for a
pre-trained diffusion model, which allows us to regenerate images with learned
concepts and align them with user-specified layouts. As the first framework to
edit the layout of existing images, we demonstrate that our method is effective
and outperforms other baselines that were modified to support this task. Our
code will be freely available for public use upon acceptance. | null | cs.CV | [
"cs.CV"
] |
2305.14627 | AnswerAI | Enabling Large Language Models to Generate Text with Citations | [
"Tianyu Gao",
"Howard Yen",
"Jiatong Yu",
"Danqi Chen"
] | 2023-05-24 | Large language models (LLMs) have emerged as a widely-used tool for
information seeking, but their generated outputs are prone to hallucination. In
this work, our aim is to allow LLMs to generate text with citations, improving
their factual correctness and verifiability. Existing work mainly relies on
commercial search engines and human evaluation, making it challenging to
reproduce and compare different modeling approaches. We propose ALCE, the first
benchmark for Automatic LLMs' Citation Evaluation. ALCE collects a diverse set
of questions and retrieval corpora and requires building end-to-end systems to
retrieve supporting evidence and generate answers with citations. We develop
automatic metrics along three dimensions -- fluency, correctness, and citation
quality -- and demonstrate their strong correlation with human judgements. Our
experiments with state-of-the-art LLMs and novel prompting strategies show that
current systems have considerable room for improvement -- For example, on the
ELI5 dataset, even the best models lack complete citation support 50% of the
time. Our analyses further highlight promising future directions, including
developing better retrievers, advancing long-context LLMs, and improving the
ability to synthesize information from multiple sources. | null | cs.CL | [
"cs.CL",
"cs.IR",
"cs.LG"
] |
2306.14824 | HF | Kosmos-2: Grounding Multimodal Large Language Models to the World | [
"Zhiliang Peng",
"Wenhui Wang",
"Li Dong",
"Yaru Hao",
"Shaohan Huang",
"Shuming Ma",
"Furu Wei"
] | 2023-06-26 | We introduce Kosmos-2, a Multimodal Large Language Model (MLLM), enabling new
capabilities of perceiving object descriptions (e.g., bounding boxes) and
grounding text to the visual world. Specifically, we represent refer
expressions as links in Markdown, i.e., ``[text span](bounding boxes)'', where
object descriptions are sequences of location tokens. Together with multimodal
corpora, we construct large-scale data of grounded image-text pairs (called
GrIT) to train the model. In addition to the existing capabilities of MLLMs
(e.g., perceiving general modalities, following instructions, and performing
in-context learning), Kosmos-2 integrates the grounding capability into
downstream applications. We evaluate Kosmos-2 on a wide range of tasks,
including (i) multimodal grounding, such as referring expression comprehension,
and phrase grounding, (ii) multimodal referring, such as referring expression
generation, (iii) perception-language tasks, and (iv) language understanding
and generation. This work lays out the foundation for the development of
Embodiment AI and sheds light on the big convergence of language, multimodal
perception, action, and world modeling, which is a key step toward artificial
general intelligence. Code and pretrained models are available at
https://aka.ms/kosmos-2. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2311.07575 | HF | SPHINX: The Joint Mixing of Weights, Tasks, and Visual Embeddings for Multi-modal Large Language Models | [
"Ziyi Lin",
"Chris Liu",
"Renrui Zhang",
"Peng Gao",
"Longtian Qiu",
"Han Xiao",
"Han Qiu",
"Chen Lin",
"Wenqi Shao",
"Keqin Chen",
"Jiaming Han",
"Siyuan Huang",
"Yichi Zhang",
"Xuming He",
"Hongsheng Li",
"Yu Qiao"
] | 2023-11-13 | We present SPHINX, a versatile multi-modal large language model (MLLM) with a
joint mixing of model weights, tuning tasks, and visual embeddings. First, for
stronger vision-language alignment, we unfreeze the large language model (LLM)
during pre-training, and introduce a weight mix strategy between LLMs trained
by real-world and synthetic data. By directly integrating the weights from two
domains, the mixed LLM can efficiently incorporate diverse semantics with
favorable robustness. Then, to enable multi-purpose capabilities, we mix a
variety of tasks for joint visual instruction tuning, and design task-specific
instructions to avoid inter-task conflict. In addition to the basic visual
question answering, we include more challenging tasks such as region-level
understanding, caption grounding, document layout detection, and human pose
estimation, contributing to mutual enhancement over different scenarios.
Additionally, we propose to extract comprehensive visual embeddings from
various network architectures, pre-training paradigms, and information
granularity, providing language models with more robust image representations.
Based on our proposed joint mixing, SPHINX exhibits superior multi-modal
understanding capabilities on a wide range of applications. On top of this, we
further propose an efficient strategy aiming to better capture fine-grained
appearances of high-resolution images. With a mixing of different scales and
high-resolution sub-images, SPHINX attains exceptional visual parsing and
reasoning performance on existing evaluation benchmarks. We hope our work may
cast a light on the exploration of joint mixing in future MLLM research. Code
is released at https://github.com/Alpha-VLLM/LLaMA2-Accessory. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2406.18676 | HF | Understand What LLM Needs: Dual Preference Alignment for Retrieval-Augmented Generation | [
"Guanting Dong",
"Yutao Zhu",
"Chenghao Zhang",
"Zechen Wang",
"Zhicheng Dou",
"Ji-Rong Wen"
] | 2024-06-26 | Retrieval-augmented generation (RAG) has demonstrated effectiveness in
mitigating the hallucination problem of large language models (LLMs). However,
the difficulty of aligning the retriever with the diverse LLMs' knowledge
preferences inevitably poses an inevitable challenge in developing a reliable
RAG system. To address this issue, we propose DPA-RAG, a universal framework
designed to align diverse knowledge preferences within RAG systems.
Specifically, we initially introduce a preference knowledge construction
pipline and incorporate five novel query augmentation strategies to alleviate
preference data scarcity. Based on preference data, DPA-RAG accomplishes both
external and internal preference alignment: 1) It jointly integrate pair-wise,
point-wise, and contrastive preference alignment abilities into the reranker,
achieving external preference alignment among RAG components. 2) It further
introduces a pre-aligned stage before vanilla Supervised Fine-tuning (SFT),
enabling LLMs to implicitly capture knowledge aligned with their reasoning
preferences, achieving LLMs' internal alignment. Experimental results across
four knowledge-intensive QA datasets demonstrate that DPA-RAG outperforms all
baselines and seamlessly integrates both black-box and open-sourced LLM
readers. Further qualitative analysis and discussions also provide empirical
guidance for achieving reliable RAG systems. Our code is publicly available at
https://github.com/dongguanting/DPA-RAG. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.06573 | HF | MedFuzz: Exploring the Robustness of Large Language Models in Medical Question Answering | [
"Robert Osazuwa Ness",
"Katie Matton",
"Hayden Helm",
"Sheng Zhang",
"Junaid Bajwa",
"Carey E. Priebe",
"Eric Horvitz"
] | 2024-06-03 | Large language models (LLM) have achieved impressive performance on medical
question-answering benchmarks. However, high benchmark accuracy does not imply
that the performance generalizes to real-world clinical settings. Medical
question-answering benchmarks rely on assumptions consistent with quantifying
LLM performance but that may not hold in the open world of the clinic. Yet LLMs
learn broad knowledge that can help the LLM generalize to practical conditions
regardless of unrealistic assumptions in celebrated benchmarks. We seek to
quantify how well LLM medical question-answering benchmark performance
generalizes when benchmark assumptions are violated. Specifically, we present
an adversarial method that we call MedFuzz (for medical fuzzing). MedFuzz
attempts to modify benchmark questions in ways aimed at confounding the LLM. We
demonstrate the approach by targeting strong assumptions about patient
characteristics presented in the MedQA benchmark. Successful "attacks" modify a
benchmark item in ways that would be unlikely to fool a medical expert but
nonetheless "trick" the LLM into changing from a correct to an incorrect
answer. Further, we present a permutation test technique that can ensure a
successful attack is statistically significant. We show how to use performance
on a "MedFuzzed" benchmark, as well as individual successful attacks. The
methods show promise at providing insights into the ability of an LLM to
operate robustly in more realistic settings. | null | cs.CL | [
"cs.CL",
"cs.LG",
"I.2.7"
] |
2405.02246 | HF | What matters when building vision-language models? | [
"Hugo Laurençon",
"Léo Tronchon",
"Matthieu Cord",
"Victor Sanh"
] | 2024-05-03 | The growing interest in vision-language models (VLMs) has been driven by
improvements in large language models and vision transformers. Despite the
abundance of literature on this subject, we observe that critical decisions
regarding the design of VLMs are often not justified. We argue that these
unsupported decisions impede progress in the field by making it difficult to
identify which choices improve model performance. To address this issue, we
conduct extensive experiments around pre-trained models, architecture choice,
data, and training methods. Our consolidation of findings includes the
development of Idefics2, an efficient foundational VLM of 8 billion parameters.
Idefics2 achieves state-of-the-art performance within its size category across
various multimodal benchmarks, and is often on par with models four times its
size. We release the model (base, instructed, and chat) along with the datasets
created for its training. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2212.10650 | AnswerAI | KronA: Parameter Efficient Tuning with Kronecker Adapter | [
"Ali Edalati",
"Marzieh Tahaei",
"Ivan Kobyzev",
"Vahid Partovi Nia",
"James J. Clark",
"Mehdi Rezagholizadeh"
] | 2022-12-20 | Fine-tuning a Pre-trained Language Model (PLM) on a specific downstream task
has been a well-known paradigm in Natural Language Processing. However, with
the ever-growing size of PLMs, training the entire model on several downstream
tasks becomes very expensive and resource-hungry. Recently, different Parameter
Efficient Tuning (PET) techniques are proposed to improve the efficiency of
fine-tuning PLMs. One popular category of PET methods is the low-rank
adaptation methods which insert learnable truncated SVD modules into the
original model either sequentially or in parallel. However, low-rank
decomposition suffers from limited representation power. In this work, we
address this problem using the Kronecker product instead of the low-rank
representation. We introduce KronA, a Kronecker product-based adapter module
for efficient fine-tuning of Transformer-based PLMs. We apply the proposed
methods for fine-tuning T5 on the GLUE benchmark to show that incorporating the
Kronecker-based modules can outperform state-of-the-art PET methods. | null | cs.CL | [
"cs.CL"
] |
2305.03111 | HF | Can LLM Already Serve as A Database Interface? A BIg Bench for Large-Scale Database Grounded Text-to-SQLs | [
"Jinyang Li",
"Binyuan Hui",
"Ge Qu",
"Jiaxi Yang",
"Binhua Li",
"Bowen Li",
"Bailin Wang",
"Bowen Qin",
"Rongyu Cao",
"Ruiying Geng",
"Nan Huo",
"Xuanhe Zhou",
"Chenhao Ma",
"Guoliang Li",
"Kevin C. C. Chang",
"Fei Huang",
"Reynold Cheng",
"Yongbin Li"
] | 2023-05-04 | Text-to-SQL parsing, which aims at converting natural language instructions
into executable SQLs, has gained increasing attention in recent years. In
particular, Codex and ChatGPT have shown impressive results in this task.
However, most of the prevalent benchmarks, i.e., Spider, and WikiSQL, focus on
database schema with few rows of database contents leaving the gap between
academic study and real-world applications. To mitigate this gap, we present
Bird, a big benchmark for large-scale database grounded in text-to-SQL tasks,
containing 12,751 pairs of text-to-SQL data and 95 databases with a total size
of 33.4 GB, spanning 37 professional domains. Our emphasis on database values
highlights the new challenges of dirty database contents, external knowledge
between NL questions and database contents, and SQL efficiency, particularly in
the context of massive databases. To solve these problems, text-to-SQL models
must feature database value comprehension in addition to semantic parsing. The
experimental results demonstrate the significance of database values in
generating accurate text-to-SQLs for big databases. Furthermore, even the most
effective text-to-SQL models, i.e. ChatGPT, only achieves 40.08% in execution
accuracy, which is still far from the human result of 92.96%, proving that
challenges still stand. Besides, we also provide an efficiency analysis to
offer insights into generating text-to-efficient-SQLs that are beneficial to
industries. We believe that BIRD will contribute to advancing real-world
applications of text-to-SQL research. The leaderboard and source code are
available: https://bird-bench.github.io/. | null | cs.CL | [
"cs.CL"
] |
2307.04751 | HF | Shelving, Stacking, Hanging: Relational Pose Diffusion for Multi-modal Rearrangement | [
"Anthony Simeonov",
"Ankit Goyal",
"Lucas Manuelli",
"Lin Yen-Chen",
"Alina Sarmiento",
"Alberto Rodriguez",
"Pulkit Agrawal",
"Dieter Fox"
] | 2023-07-10 | We propose a system for rearranging objects in a scene to achieve a desired
object-scene placing relationship, such as a book inserted in an open slot of a
bookshelf. The pipeline generalizes to novel geometries, poses, and layouts of
both scenes and objects, and is trained from demonstrations to operate directly
on 3D point clouds. Our system overcomes challenges associated with the
existence of many geometrically-similar rearrangement solutions for a given
scene. By leveraging an iterative pose de-noising training procedure, we can
fit multi-modal demonstration data and produce multi-modal outputs while
remaining precise and accurate. We also show the advantages of conditioning on
relevant local geometric features while ignoring irrelevant global structure
that harms both generalization and precision. We demonstrate our approach on
three distinct rearrangement tasks that require handling multi-modality and
generalization over object shape and pose in both simulation and the real
world. Project website, code, and videos:
https://anthonysimeonov.github.io/rpdiff-multi-modal/ | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2307.05628 | HF | DNAGPT: A Generalized Pre-trained Tool for Versatile DNA Sequence Analysis Tasks | [
"Daoan Zhang",
"Weitong Zhang",
"Yu Zhao",
"Jianguo Zhang",
"Bing He",
"Chenchen Qin",
"Jianhua Yao"
] | 2023-07-11 | Pre-trained large language models demonstrate potential in extracting
information from DNA sequences, yet adapting to a variety of tasks and data
modalities remains a challenge. To address this, we propose DNAGPT, a
generalized DNA pre-training model trained on over 200 billion base pairs from
all mammals. By enhancing the classic GPT model with a binary classification
task (DNA sequence order), a numerical regression task (guanine-cytosine
content prediction), and a comprehensive token language, DNAGPT can handle
versatile DNA analysis tasks while processing both sequence and numerical data.
Our evaluation of genomic signal and region recognition, mRNA abundance
regression, and artificial genomes generation tasks demonstrates DNAGPT's
superior performance compared to existing models designed for specific
downstream tasks, benefiting from pre-training using the newly designed model
structure. | null | q-bio.GN | [
"q-bio.GN",
"cs.LG"
] |
2402.14810 | HF | GeneOH Diffusion: Towards Generalizable Hand-Object Interaction Denoising via Denoising Diffusion | [
"Xueyi Liu",
"Li Yi"
] | 2024-02-22 | In this work, we tackle the challenging problem of denoising hand-object
interactions (HOI). Given an erroneous interaction sequence, the objective is
to refine the incorrect hand trajectory to remove interaction artifacts for a
perceptually realistic sequence. This challenge involves intricate interaction
noise, including unnatural hand poses and incorrect hand-object relations,
alongside the necessity for robust generalization to new interactions and
diverse noise patterns. We tackle those challenges through a novel approach,
GeneOH Diffusion, incorporating two key designs: an innovative contact-centric
HOI representation named GeneOH and a new domain-generalizable denoising
scheme. The contact-centric representation GeneOH informatively parameterizes
the HOI process, facilitating enhanced generalization across various HOI
scenarios. The new denoising scheme consists of a canonical denoising model
trained to project noisy data samples from a whitened noise space to a clean
data manifold and a "denoising via diffusion" strategy which can handle input
trajectories with various noise patterns by first diffusing them to align with
the whitened noise space and cleaning via the canonical denoiser. Extensive
experiments on four benchmarks with significant domain variations demonstrate
the superior effectiveness of our method. GeneOH Diffusion also shows promise
for various downstream applications. Project website:
https://meowuu7.github.io/GeneOH-Diffusion/. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2312.05605 | HF | TCNCA: Temporal Convolution Network with Chunked Attention for Scalable Sequence Processing | [
"Aleksandar Terzic",
"Michael Hersche",
"Geethan Karunaratne",
"Luca Benini",
"Abu Sebastian",
"Abbas Rahimi"
] | 2023-12-09 | MEGA is a recent transformer-based architecture, which utilizes a linear
recurrent operator whose parallel computation, based on the FFT, scales as
$O(LlogL)$, with $L$ being the sequence length. We build upon their approach by
replacing the linear recurrence with a special temporal convolutional network
which permits larger receptive field size with shallower networks, and reduces
the computational complexity to $O(L)$. The resulting model is called TCNCA, a
Temporal Convolutional Network with Chunked Attention. We evaluate TCNCA on
EnWik8 language modeling, long-range-arena (LRA) sequence classification, as
well as a synthetic reasoning benchmark associative recall. On EnWik8, TCNCA
outperforms MEGA, reaching a lower loss with $1.37\times$/$1.24\times$ faster
forward/backward pass during training. The dilated convolutions used in TCNCA
are consistently and significantly faster operations than the FFT-based
parallelized recurrence in GPUs, making them a scalable candidate for handling
very large sequence lengths: they are up to $7.07\times$/$2.86\times$ faster in
the forward/backward pass for sequences up to 131k. Further on LRA, TCNCA
achieves, on average, $1.28\times$ speed-up during inference with similar
accuracy to what MEGA achieves. On associative recall, we find that even a
simplified version of TCNCA, without excessive multiplicative and additive
interactions, remains superior or competitive to MEGA on a range of sequence
lengths and vocabulary sizes. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2306.05836 | HF | Can Large Language Models Infer Causation from Correlation? | [
"Zhijing Jin",
"Jiarui Liu",
"Zhiheng Lyu",
"Spencer Poff",
"Mrinmaya Sachan",
"Rada Mihalcea",
"Mona Diab",
"Bernhard Schölkopf"
] | 2023-06-09 | Causal inference is one of the hallmarks of human intelligence. While the
field of CausalNLP has attracted much interest in the recent years, existing
causal inference datasets in NLP primarily rely on discovering causality from
empirical knowledge (e.g., commonsense knowledge). In this work, we propose the
first benchmark dataset to test the pure causal inference skills of large
language models (LLMs). Specifically, we formulate a novel task Corr2Cause,
which takes a set of correlational statements and determines the causal
relationship between the variables. We curate a large-scale dataset of more
than 200K samples, on which we evaluate seventeen existing LLMs. Through our
experiments, we identify a key shortcoming of LLMs in terms of their causal
inference skills, and show that these models achieve almost close to random
performance on the task. This shortcoming is somewhat mitigated when we try to
re-purpose LLMs for this skill via finetuning, but we find that these models
still fail to generalize -- they can only perform causal inference in
in-distribution settings when variable names and textual expressions used in
the queries are similar to those in the training set, but fail in
out-of-distribution settings generated by perturbing these queries. Corr2Cause
is a challenging task for LLMs, and would be helpful in guiding future research
on improving LLMs' pure reasoning skills and generalizability. Our data is at
https://huggingface.co/datasets/causalnlp/corr2cause. Our code is at
https://github.com/causalNLP/corr2cause. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.14599 | HF | Stylebreeder: Exploring and Democratizing Artistic Styles through Text-to-Image Models | [
"Matthew Zheng",
"Enis Simsar",
"Hidir Yesiltepe",
"Federico Tombari",
"Joel Simon",
"Pinar Yanardag"
] | 2024-06-20 | Text-to-image models are becoming increasingly popular, revolutionizing the
landscape of digital art creation by enabling highly detailed and creative
visual content generation. These models have been widely employed across
various domains, particularly in art generation, where they facilitate a broad
spectrum of creative expression and democratize access to artistic creation. In
this paper, we introduce \texttt{STYLEBREEDER}, a comprehensive dataset of 6.8M
images and 1.8M prompts generated by 95K users on Artbreeder, a platform that
has emerged as a significant hub for creative exploration with over 13M users.
We introduce a series of tasks with this dataset aimed at identifying diverse
artistic styles, generating personalized content, and recommending styles based
on user interests. By documenting unique, user-generated styles that transcend
conventional categories like 'cyberpunk' or 'Picasso,' we explore the potential
for unique, crowd-sourced styles that could provide deep insights into the
collective creative psyche of users worldwide. We also evaluate different
personalization methods to enhance artistic expression and introduce a style
atlas, making these models available in LoRA format for public use. Our
research demonstrates the potential of text-to-image diffusion models to
uncover and promote unique artistic expressions, further democratizing AI in
art and fostering a more diverse and inclusive artistic community. The dataset,
code and models are available at https://stylebreeder.github.io under a Public
Domain (CC0) license. | null | cs.CV | [
"cs.CV"
] |
2401.06066 | HF | DeepSeekMoE: Towards Ultimate Expert Specialization in Mixture-of-Experts Language Models | [
"Damai Dai",
"Chengqi Deng",
"Chenggang Zhao",
"R. X. Xu",
"Huazuo Gao",
"Deli Chen",
"Jiashi Li",
"Wangding Zeng",
"Xingkai Yu",
"Y. Wu",
"Zhenda Xie",
"Y. K. Li",
"Panpan Huang",
"Fuli Luo",
"Chong Ruan",
"Zhifang Sui",
"Wenfeng Liang"
] | 2024-01-11 | In the era of large language models, Mixture-of-Experts (MoE) is a promising
architecture for managing computational costs when scaling up model parameters.
However, conventional MoE architectures like GShard, which activate the top-$K$
out of $N$ experts, face challenges in ensuring expert specialization, i.e.
each expert acquires non-overlapping and focused knowledge. In response, we
propose the DeepSeekMoE architecture towards ultimate expert specialization. It
involves two principal strategies: (1) finely segmenting the experts into $mN$
ones and activating $mK$ from them, allowing for a more flexible combination of
activated experts; (2) isolating $K_s$ experts as shared ones, aiming at
capturing common knowledge and mitigating redundancy in routed experts.
Starting from a modest scale with 2B parameters, we demonstrate that
DeepSeekMoE 2B achieves comparable performance with GShard 2.9B, which has 1.5
times the expert parameters and computation. In addition, DeepSeekMoE 2B nearly
approaches the performance of its dense counterpart with the same number of
total parameters, which set the upper bound of MoE models. Subsequently, we
scale up DeepSeekMoE to 16B parameters and show that it achieves comparable
performance with LLaMA2 7B, with only about 40% of computations. Further, our
preliminary efforts to scale up DeepSeekMoE to 145B parameters consistently
validate its substantial advantages over the GShard architecture, and show its
performance comparable with DeepSeek 67B, using only 28.5% (maybe even 18.2%)
of computations. | null | cs.CL | [
"cs.CL"
] |
2405.19332 | HF | Self-Exploring Language Models: Active Preference Elicitation for Online Alignment | [
"Shenao Zhang",
"Donghan Yu",
"Hiteshi Sharma",
"Ziyi Yang",
"Shuohang Wang",
"Hany Hassan",
"Zhaoran Wang"
] | 2024-05-29 | Preference optimization, particularly through Reinforcement Learning from
Human Feedback (RLHF), has achieved significant success in aligning Large
Language Models (LLMs) to adhere to human intentions. Unlike offline alignment
with a fixed dataset, online feedback collection from humans or AI on model
generations typically leads to more capable reward models and better-aligned
LLMs through an iterative process. However, achieving a globally accurate
reward model requires systematic exploration to generate diverse responses that
span the vast space of natural language. Random sampling from standard
reward-maximizing LLMs alone is insufficient to fulfill this requirement. To
address this issue, we propose a bilevel objective optimistically biased
towards potentially high-reward responses to actively explore
out-of-distribution regions. By solving the inner-level problem with the
reparameterized reward function, the resulting algorithm, named Self-Exploring
Language Models (SELM), eliminates the need for a separate RM and iteratively
updates the LLM with a straightforward objective. Compared to Direct Preference
Optimization (DPO), the SELM objective reduces indiscriminate favor of unseen
extrapolations and enhances exploration efficiency. Our experimental results
demonstrate that when finetuned on Zephyr-7B-SFT and Llama-3-8B-Instruct
models, SELM significantly boosts the performance on instruction-following
benchmarks such as MT-Bench and AlpacaEval 2.0, as well as various standard
academic benchmarks in different settings. Our code and models are available at
https://github.com/shenao-zhang/SELM. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |