arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2404.14351 | HF | Scene Coordinate Reconstruction: Posing of Image Collections via Incremental Learning of a Relocalizer | [
"Eric Brachmann",
"Jamie Wynn",
"Shuai Chen",
"Tommaso Cavallari",
"Áron Monszpart",
"Daniyar Turmukhambetov",
"Victor Adrian Prisacariu"
] | 2024-04-22 | We address the task of estimating camera parameters from a set of images
depicting a scene. Popular feature-based structure-from-motion (SfM) tools
solve this task by incremental reconstruction: they repeat triangulation of
sparse 3D points and registration of more camera views to the sparse point
cloud. We re-interpret incremental structure-from-motion as an iterated
application and refinement of a visual relocalizer, that is, of a method that
registers new views to the current state of the reconstruction. This
perspective allows us to investigate alternative visual relocalizers that are
not rooted in local feature matching. We show that scene coordinate regression,
a learning-based relocalization approach, allows us to build implicit, neural
scene representations from unposed images. Different from other learning-based
reconstruction methods, we do not require pose priors nor sequential inputs,
and we optimize efficiently over thousands of images. In many cases, our
method, ACE0, estimates camera poses with an accuracy close to feature-based
SfM, as demonstrated by novel view synthesis. Project page:
https://nianticlabs.github.io/acezero/ | null | cs.CV | [
"cs.CV"
] |
2401.13160 | HF | SpacTor-T5: Pre-training T5 Models with Span Corruption and Replaced Token Detection | [
"Ke Ye",
"Heinrich Jiang",
"Afshin Rostamizadeh",
"Ayan Chakrabarti",
"Giulia DeSalvo",
"Jean-François Kagy",
"Lazaros Karydas",
"Gui Citovsky",
"Sanjiv Kumar"
] | 2024-01-24 | Pre-training large language models is known to be extremely resource
intensive and often times inefficient, under-utilizing the information
encapsulated in the training text sequences. In this paper, we present SpacTor,
a new training procedure consisting of (1) a hybrid objective combining span
corruption (SC) and token replacement detection (RTD), and (2) a two-stage
curriculum that optimizes the hybrid objective over the initial $\tau$
iterations, then transitions to standard SC loss. We show empirically that the
effectiveness of the hybrid objective is tied to the two-stage pre-training
schedule, and provide extensive analysis on why this is the case. In our
experiments with encoder-decoder architectures (T5) on a variety of NLP tasks,
SpacTor-T5 yields the same downstream performance as standard SC pre-training,
while enabling a 50% reduction in pre-training iterations and 40% reduction in
total FLOPs. Alternatively, given the same amount of computing budget, we find
that SpacTor results in significantly improved downstream benchmark
performance. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
1606.06565 | AnswerAI | Concrete Problems in AI Safety | [
"Dario Amodei",
"Chris Olah",
"Jacob Steinhardt",
"Paul Christiano",
"John Schulman",
"Dan Mané"
] | 2016-06-21 | Rapid progress in machine learning and artificial intelligence (AI) has
brought increasing attention to the potential impacts of AI technologies on
society. In this paper we discuss one such potential impact: the problem of
accidents in machine learning systems, defined as unintended and harmful
behavior that may emerge from poor design of real-world AI systems. We present
a list of five practical research problems related to accident risk,
categorized according to whether the problem originates from having the wrong
objective function ("avoiding side effects" and "avoiding reward hacking"), an
objective function that is too expensive to evaluate frequently ("scalable
supervision"), or undesirable behavior during the learning process ("safe
exploration" and "distributional shift"). We review previous work in these
areas as well as suggesting research directions with a focus on relevance to
cutting-edge AI systems. Finally, we consider the high-level question of how to
think most productively about the safety of forward-looking applications of AI. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2106.04426 | AnswerAI | Hash Layers For Large Sparse Models | [
"Stephen Roller",
"Sainbayar Sukhbaatar",
"Arthur Szlam",
"Jason Weston"
] | 2021-06-08 | We investigate the training of sparse layers that use different parameters
for different inputs based on hashing in large Transformer models.
Specifically, we modify the feedforward layer to hash to different sets of
weights depending on the current token, over all tokens in the sequence. We
show that this procedure either outperforms or is competitive with
learning-to-route mixture-of-expert methods such as Switch Transformers and
BASE Layers, while requiring no routing parameters or extra terms in the
objective function such as a load balancing loss, and no sophisticated
assignment algorithm. We study the performance of different hashing techniques,
hash sizes and input features, and show that balanced and random hashes focused
on the most local features work best, compared to either learning clusters or
using longer-range context. We show our approach works well both on large
language modeling and dialogue tasks, and on downstream fine-tuning tasks. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2312.02189 | HF | StableDreamer: Taming Noisy Score Distillation Sampling for Text-to-3D | [
"Pengsheng Guo",
"Hans Hao",
"Adam Caccavale",
"Zhongzheng Ren",
"Edward Zhang",
"Qi Shan",
"Aditya Sankar",
"Alexander G. Schwing",
"Alex Colburn",
"Fangchang Ma"
] | 2023-12-02 | In the realm of text-to-3D generation, utilizing 2D diffusion models through
score distillation sampling (SDS) frequently leads to issues such as blurred
appearances and multi-faced geometry, primarily due to the intrinsically noisy
nature of the SDS loss. Our analysis identifies the core of these challenges as
the interaction among noise levels in the 2D diffusion process, the
architecture of the diffusion network, and the 3D model representation. To
overcome these limitations, we present StableDreamer, a methodology
incorporating three advances. First, inspired by InstructNeRF2NeRF, we
formalize the equivalence of the SDS generative prior and a simple supervised
L2 reconstruction loss. This finding provides a novel tool to debug SDS, which
we use to show the impact of time-annealing noise levels on reducing
multi-faced geometries. Second, our analysis shows that while image-space
diffusion contributes to geometric precision, latent-space diffusion is crucial
for vivid color rendition. Based on this observation, StableDreamer introduces
a two-stage training strategy that effectively combines these aspects,
resulting in high-fidelity 3D models. Third, we adopt an anisotropic 3D
Gaussians representation, replacing Neural Radiance Fields (NeRFs), to enhance
the overall quality, reduce memory usage during training, and accelerate
rendering speeds, and better capture semi-transparent objects. StableDreamer
reduces multi-face geometries, generates fine details, and converges stably. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2403.13787 | Both | RewardBench: Evaluating Reward Models for Language Modeling | [
"Nathan Lambert",
"Valentina Pyatkin",
"Jacob Morrison",
"LJ Miranda",
"Bill Yuchen Lin",
"Khyathi Chandu",
"Nouha Dziri",
"Sachin Kumar",
"Tom Zick",
"Yejin Choi",
"Noah A. Smith",
"Hannaneh Hajishirzi"
] | 2024-03-20 | Reward models (RMs) are at the crux of successfully using RLHF to align
pretrained models to human preferences, yet there has been relatively little
study that focuses on evaluation of those models. Evaluating reward models
presents an opportunity to understand the opaque technologies used for
alignment of language models and which values are embedded in them. Resources
for reward model training and understanding are sparse in the nascent
open-source community around them. To enhance scientific understanding of
reward models, we present RewardBench, a benchmark dataset and code-base for
evaluation. The RewardBench dataset is a collection of prompt-chosen-rejected
trios spanning chat, reasoning, and safety, to benchmark how reward models
perform on challenging, structured and out-of-distribution queries. We create
specific comparison datasets for RMs that have subtle, but verifiable reasons
(e.g. bugs, incorrect facts) why one answer should be preferred to another. On
the RewardBench leaderboard, we evaluate reward models trained with a variety
of methods, such as the direct MLE training of classifiers and the implicit
reward modeling of Direct Preference Optimization (DPO). We present many
findings on propensity for refusals, reasoning limitations, and instruction
following shortcomings of various reward models towards a better understanding
of the RLHF process. | null | cs.LG | [
"cs.LG"
] |
2405.20541 | HF | Perplexed by Perplexity: Perplexity-Based Data Pruning With Small Reference Models | [
"Zachary Ankner",
"Cody Blakeney",
"Kartik Sreenivasan",
"Max Marion",
"Matthew L. Leavitt",
"Mansheej Paul"
] | 2024-05-30 | In this work, we investigate whether small language models can determine
high-quality subsets of large-scale text datasets that improve the performance
of larger language models. While existing work has shown that pruning based on
the perplexity of a larger model can yield high-quality data, we investigate
whether smaller models can be used for perplexity-based pruning and how pruning
is affected by the domain composition of the data being pruned. We demonstrate
that for multiple dataset compositions, perplexity-based pruning of pretraining
data can \emph{significantly} improve downstream task performance: pruning
based on perplexities computed with a 125 million parameter model improves the
average performance on downstream tasks of a 3 billion parameter model by up to
2.04 and achieves up to a $1.45\times$ reduction in pretraining steps to reach
commensurate baseline performance. Furthermore, we demonstrate that such
perplexity-based data pruning also yields downstream performance gains in the
over-trained and data-constrained regimes. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2303.17651 | AnswerAI | Self-Refine: Iterative Refinement with Self-Feedback | [
"Aman Madaan",
"Niket Tandon",
"Prakhar Gupta",
"Skyler Hallinan",
"Luyu Gao",
"Sarah Wiegreffe",
"Uri Alon",
"Nouha Dziri",
"Shrimai Prabhumoye",
"Yiming Yang",
"Shashank Gupta",
"Bodhisattwa Prasad Majumder",
"Katherine Hermann",
"Sean Welleck",
"Amir Yazdanbakhsh",
"Peter Clark"
] | 2023-03-30 | Like humans, large language models (LLMs) do not always generate the best
output on their first try. Motivated by how humans refine their written text,
we introduce Self-Refine, an approach for improving initial outputs from LLMs
through iterative feedback and refinement. The main idea is to generate an
initial output using an LLMs; then, the same LLMs provides feedback for its
output and uses it to refine itself, iteratively. Self-Refine does not require
any supervised training data, additional training, or reinforcement learning,
and instead uses a single LLM as the generator, refiner, and feedback provider.
We evaluate Self-Refine across 7 diverse tasks, ranging from dialog response
generation to mathematical reasoning, using state-of-the-art (GPT-3.5, ChatGPT,
and GPT-4) LLMs. Across all evaluated tasks, outputs generated with Self-Refine
are preferred by humans and automatic metrics over those generated with the
same LLM using conventional one-step generation, improving by ~20% absolute on
average in task performance. Our work demonstrates that even state-of-the-art
LLMs like GPT-4 can be further improved at test time using our simple,
standalone approach. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.01660 | HF | Self-Improving Robust Preference Optimization | [
"Eugene Choi",
"Arash Ahmadian",
"Matthieu Geist",
"Oilvier Pietquin",
"Mohammad Gheshlaghi Azar"
] | 2024-06-03 | Both online and offline RLHF methods such as PPO and DPO have been extremely
successful in aligning AI with human preferences. Despite their success, the
existing methods suffer from a fundamental problem that their optimal solution
is highly task-dependent (i.e., not robust to out-of-distribution (OOD) tasks).
Here we address this challenge by proposing Self-Improving Robust Preference
Optimization SRPO, a practical and mathematically principled offline RLHF
framework that is completely robust to the changes in the task. The key idea of
SRPO is to cast the problem of learning from human preferences as a
self-improvement process, which can be mathematically expressed in terms of a
min-max objective that aims at joint optimization of self-improvement policy
and the generative policy in an adversarial fashion. The solution for this
optimization problem is independent of the training task and thus it is robust
to its changes. We then show that this objective can be re-expressed in the
form of a non-adversarial offline loss which can be optimized using standard
supervised optimization techniques at scale without any need for reward model
and online inference. We show the effectiveness of SRPO in terms of AI Win-Rate
(WR) against human (GOLD) completions. In particular, when SRPO is evaluated on
the OOD XSUM dataset, it outperforms the celebrated DPO by a clear margin of
15% after 5 self-revisions, achieving WR of 90%. | null | cs.LG | [
"cs.LG",
"cs.AI",
"stat.ML"
] |
2311.09578 | Both | Tied-Lora: Enhancing parameter efficiency of LoRA with weight tying | [
"Adithya Renduchintala",
"Tugrul Konuk",
"Oleksii Kuchaiev"
] | 2023-11-16 | We introduce Tied-LoRA, a novel paradigm leveraging weight tying and
selective training to enhance the parameter efficiency of Low-rank Adaptation
(LoRA). Our exploration encompasses different plausible combinations of
parameter training and freezing, coupled with weight tying, aimed at
identifying the optimal trade-off between performance and the count of
trainable parameters. Across $5$ diverse tasks and two foundational language
models with different parameter counts, our experiments provide comprehensive
insights into the inherent trade-offs between efficiency and performance.
Our findings reveal a specific Tied-LoRA configuration that distinguishes
itself by showcasing comparable performance to LoRA across multiple tasks while
utilizing only a fraction of the parameters employed by the standard LoRA
method, particularly at elevated ranks. This underscores the efficacy of
Tied-LoRA in achieving impressive results with significantly reduced model
complexity. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.05205 | HF | Kalman-Inspired Feature Propagation for Video Face Super-Resolution | [
"Ruicheng Feng",
"Chongyi Li",
"Chen Change Loy"
] | 2024-08-09 | Despite the promising progress of face image super-resolution, video face
super-resolution remains relatively under-explored. Existing approaches either
adapt general video super-resolution networks to face datasets or apply
established face image super-resolution models independently on individual
video frames. These paradigms encounter challenges either in reconstructing
facial details or maintaining temporal consistency. To address these issues, we
introduce a novel framework called Kalman-inspired Feature Propagation (KEEP),
designed to maintain a stable face prior over time. The Kalman filtering
principles offer our method a recurrent ability to use the information from
previously restored frames to guide and regulate the restoration process of the
current frame. Extensive experiments demonstrate the effectiveness of our
method in capturing facial details consistently across video frames. Code and
video demo are available at https://jnjaby.github.io/projects/KEEP. | null | cs.CV | [
"cs.CV"
] |
2407.05975 | HF | LLaMAX: Scaling Linguistic Horizons of LLM by Enhancing Translation Capabilities Beyond 100 Languages | [
"Yinquan Lu",
"Wenhao Zhu",
"Lei Li",
"Yu Qiao",
"Fei Yuan"
] | 2024-07-08 | Large Language Models~(LLMs) demonstrate remarkable translation capabilities
in high-resource language tasks, yet their performance in low-resource
languages is hindered by insufficient multilingual data during pre-training. To
address this, we dedicate 35,000 A100-SXM4-80GB GPU hours in conducting
extensive multilingual continual pre-training on the LLaMA series models,
enabling translation support across more than 100 languages. Through a
comprehensive analysis of training strategies, such as vocabulary expansion and
data augmentation, we develop LLaMAX. Remarkably, without sacrificing its
generalization ability, LLaMAX achieves significantly higher translation
performance compared to existing open-source LLMs~(by more than 10 spBLEU
points) and performs on-par with specialized translation model~(M2M-100-12B) on
the Flores-101 benchmark. Extensive experiments indicate that LLaMAX can serve
as a robust multilingual foundation model. The
code~\footnote{\url{https://github.com/CONE-MT/LLaMAX/.}} and
models~\footnote{\url{https://huggingface.co/LLaMAX/.}} are publicly available. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.07440 | HF | Optimizing Memory Mapping Using Deep Reinforcement Learning | [
"Pengming Wang",
"Mikita Sazanovich",
"Berkin Ilbeyi",
"Phitchaya Mangpo Phothilimthana",
"Manish Purohit",
"Han Yang Tay",
"Ngân Vũ",
"Miaosen Wang",
"Cosmin Paduraru",
"Edouard Leurent",
"Anton Zhernov",
"Po-Sen Huang",
"Julian Schrittwieser",
"Thomas Hubert",
"Robert Tung",
"Paula Kurylowicz",
"Kieran Milan",
"Oriol Vinyals",
"Daniel J. Mankowitz"
] | 2023-05-11 | Resource scheduling and allocation is a critical component of many high
impact systems ranging from congestion control to cloud computing. Finding more
optimal solutions to these problems often has significant impact on resource
and time savings, reducing device wear-and-tear, and even potentially improving
carbon emissions. In this paper, we focus on a specific instance of a
scheduling problem, namely the memory mapping problem that occurs during
compilation of machine learning programs: That is, mapping tensors to different
memory layers to optimize execution time.
We introduce an approach for solving the memory mapping problem using
Reinforcement Learning. RL is a solution paradigm well-suited for sequential
decision making problems that are amenable to planning, and combinatorial
search spaces with high-dimensional data inputs. We formulate the problem as a
single-player game, which we call the mallocGame, such that high-reward
trajectories of the game correspond to efficient memory mappings on the target
hardware. We also introduce a Reinforcement Learning agent, mallocMuZero, and
show that it is capable of playing this game to discover new and improved
memory mapping solutions that lead to faster execution times on real ML
workloads on ML accelerators. We compare the performance of mallocMuZero to the
default solver used by the Accelerated Linear Algebra (XLA) compiler on a
benchmark of realistic ML workloads. In addition, we show that mallocMuZero is
capable of improving the execution time of the recently published AlphaTensor
matrix multiplication model. | null | cs.PF | [
"cs.PF",
"cs.AI",
"cs.LG"
] |
2310.03294 | AnswerAI | DISTFLASHATTN: Distributed Memory-efficient Attention for Long-context LLMs Training | [
"Dacheng Li",
"Rulin Shao",
"Anze Xie",
"Eric P. Xing",
"Xuezhe Ma",
"Ion Stoica",
"Joseph E. Gonzalez",
"Hao Zhang"
] | 2023-10-05 | FlashAttention (Dao, 2023) effectively reduces the quadratic peak memory
usage to linear in training transformer-based large language models (LLMs) on a
single GPU. In this paper, we introduce DISTFLASHATTN, a distributed
memory-efficient attention mechanism optimized for long-context LLMs training.
We propose three key techniques: token-level workload balancing, overlapping
key-value communication, and a rematerialization-aware gradient checkpointing
algorithm. We evaluate DISTFLASHATTN on Llama-7B and variants with sequence
lengths from 32K to 512K. DISTFLASHATTN achieves 8x longer sequences, 4.45 -
5.64x speedup compared to Ring Self-Attention, 2 - 8x longer sequences, 1.24 -
2.01x speedup compared to Megatron-LM with FlashAttention. It achieves 1.67x
and 1.26 - 1.88x speedup compared to recent Ring Attention and
DeepSpeed-Ulysses. Code is available at https://github.com/RulinShao/LightSeq. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.DC"
] |
2312.08754 | HF | UniDream: Unifying Diffusion Priors for Relightable Text-to-3D Generation | [
"Zexiang Liu",
"Yangguang Li",
"Youtian Lin",
"Xin Yu",
"Sida Peng",
"Yan-Pei Cao",
"Xiaojuan Qi",
"Xiaoshui Huang",
"Ding Liang",
"Wanli Ouyang"
] | 2023-12-14 | Recent advancements in text-to-3D generation technology have significantly
advanced the conversion of textual descriptions into imaginative
well-geometrical and finely textured 3D objects. Despite these developments, a
prevalent limitation arises from the use of RGB data in diffusion or
reconstruction models, which often results in models with inherent lighting and
shadows effects that detract from their realism, thereby limiting their
usability in applications that demand accurate relighting capabilities. To
bridge this gap, we present UniDream, a text-to-3D generation framework by
incorporating unified diffusion priors. Our approach consists of three main
components: (1) a dual-phase training process to get albedo-normal aligned
multi-view diffusion and reconstruction models, (2) a progressive generation
procedure for geometry and albedo-textures based on Score Distillation Sample
(SDS) using the trained reconstruction and diffusion models, and (3) an
innovative application of SDS for finalizing PBR generation while keeping a
fixed albedo based on Stable Diffusion model. Extensive evaluations demonstrate
that UniDream surpasses existing methods in generating 3D objects with clearer
albedo textures, smoother surfaces, enhanced realism, and superior relighting
capabilities. | null | cs.CV | [
"cs.CV"
] |
2310.19512 | HF | VideoCrafter1: Open Diffusion Models for High-Quality Video Generation | [
"Haoxin Chen",
"Menghan Xia",
"Yingqing He",
"Yong Zhang",
"Xiaodong Cun",
"Shaoshu Yang",
"Jinbo Xing",
"Yaofang Liu",
"Qifeng Chen",
"Xintao Wang",
"Chao Weng",
"Ying Shan"
] | 2023-10-30 | Video generation has increasingly gained interest in both academia and
industry. Although commercial tools can generate plausible videos, there is a
limited number of open-source models available for researchers and engineers.
In this work, we introduce two diffusion models for high-quality video
generation, namely text-to-video (T2V) and image-to-video (I2V) models. T2V
models synthesize a video based on a given text input, while I2V models
incorporate an additional image input. Our proposed T2V model can generate
realistic and cinematic-quality videos with a resolution of $1024 \times 576$,
outperforming other open-source T2V models in terms of quality. The I2V model
is designed to produce videos that strictly adhere to the content of the
provided reference image, preserving its content, structure, and style. This
model is the first open-source I2V foundation model capable of transforming a
given image into a video clip while maintaining content preservation
constraints. We believe that these open-source video generation models will
contribute significantly to the technological advancements within the
community. | null | cs.CV | [
"cs.CV"
] |
2403.09977 | HF | EfficientVMamba: Atrous Selective Scan for Light Weight Visual Mamba | [
"Xiaohuan Pei",
"Tao Huang",
"Chang Xu"
] | 2024-03-15 | Prior efforts in light-weight model development mainly centered on CNN and
Transformer-based designs yet faced persistent challenges. CNNs adept at local
feature extraction compromise resolution while Transformers offer global reach
but escalate computational demands $\mathcal{O}(N^2)$. This ongoing trade-off
between accuracy and efficiency remains a significant hurdle. Recently, state
space models (SSMs), such as Mamba, have shown outstanding performance and
competitiveness in various tasks such as language modeling and computer vision,
while reducing the time complexity of global information extraction to
$\mathcal{O}(N)$. Inspired by this, this work proposes to explore the potential
of visual state space models in light-weight model design and introduce a novel
efficient model variant dubbed EfficientVMamba. Concretely, our EfficientVMamba
integrates a atrous-based selective scan approach by efficient skip sampling,
constituting building blocks designed to harness both global and local
representational features. Additionally, we investigate the integration between
SSM blocks and convolutions, and introduce an efficient visual state space
block combined with an additional convolution branch, which further elevate the
model performance. Experimental results show that, EfficientVMamba scales down
the computational complexity while yields competitive results across a variety
of vision tasks. For example, our EfficientVMamba-S with $1.3$G FLOPs improves
Vim-Ti with $1.5$G FLOPs by a large margin of $5.6\%$ accuracy on ImageNet.
Code is available at: \url{https://github.com/TerryPei/EfficientVMamba}. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2403.13524 | HF | Compress3D: a Compressed Latent Space for 3D Generation from a Single Image | [
"Bowen Zhang",
"Tianyu Yang",
"Yu Li",
"Lei Zhang",
"Xi Zhao"
] | 2024-03-20 | 3D generation has witnessed significant advancements, yet efficiently
producing high-quality 3D assets from a single image remains challenging. In
this paper, we present a triplane autoencoder, which encodes 3D models into a
compact triplane latent space to effectively compress both the 3D geometry and
texture information. Within the autoencoder framework, we introduce a 3D-aware
cross-attention mechanism, which utilizes low-resolution latent representations
to query features from a high-resolution 3D feature volume, thereby enhancing
the representation capacity of the latent space. Subsequently, we train a
diffusion model on this refined latent space. In contrast to solely relying on
image embedding for 3D generation, our proposed method advocates for the
simultaneous utilization of both image embedding and shape embedding as
conditions. Specifically, the shape embedding is estimated via a diffusion
prior model conditioned on the image embedding. Through comprehensive
experiments, we demonstrate that our method outperforms state-of-the-art
algorithms, achieving superior performance while requiring less training data
and time. Our approach enables the generation of high-quality 3D assets in
merely 7 seconds on a single A100 GPU. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.02834 | HF | Shortened LLaMA: Depth Pruning for Large Language Models with Comparison of Retraining Methods | [
"Bo-Kyeong Kim",
"Geonmin Kim",
"Tae-Ho Kim",
"Thibault Castells",
"Shinkook Choi",
"Junho Shin",
"Hyoung-Kyu Song"
] | 2024-02-05 | Structured pruning of modern large language models (LLMs) has emerged as a
way of decreasing their high computational needs. Width pruning reduces the
size of projection weight matrices (e.g., by removing attention heads) while
maintaining the number of layers. Depth pruning, in contrast, removes entire
layers or blocks, while keeping the size of the remaining weights unchanged.
Most current research focuses on either width-only or a blend of width and
depth pruning, with little comparative analysis between the two units (width
vs. depth) concerning their impact on LLM inference efficiency. In this work,
we show that simple depth pruning can effectively compress LLMs while achieving
comparable or superior performance to recent width pruning studies. Our pruning
method boosts inference speeds, especially under memory-constrained conditions
that require limited batch sizes for running LLMs, where width pruning is
ineffective. In retraining pruned models for quality recovery, continued
pretraining on a large corpus markedly outperforms LoRA-based tuning,
particularly at severe pruning ratios. We hope this work can help build compact
yet capable LLMs. Code and models can be found at:
https://github.com/Nota-NetsPresso/shortened-llm | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
1506.01186 | AnswerAI | Cyclical Learning Rates for Training Neural Networks | [
"Leslie N. Smith"
] | 2015-06-03 | It is known that the learning rate is the most important hyper-parameter to
tune for training deep neural networks. This paper describes a new method for
setting the learning rate, named cyclical learning rates, which practically
eliminates the need to experimentally find the best values and schedule for the
global learning rates. Instead of monotonically decreasing the learning rate,
this method lets the learning rate cyclically vary between reasonable boundary
values. Training with cyclical learning rates instead of fixed values achieves
improved classification accuracy without a need to tune and often in fewer
iterations. This paper also describes a simple way to estimate "reasonable
bounds" -- linearly increasing the learning rate of the network for a few
epochs. In addition, cyclical learning rates are demonstrated on the CIFAR-10
and CIFAR-100 datasets with ResNets, Stochastic Depth networks, and DenseNets,
and the ImageNet dataset with the AlexNet and GoogLeNet architectures. These
are practical tools for everyone who trains neural networks. | null | cs.CV | [
"cs.CV",
"cs.LG",
"cs.NE"
] |
2404.12547 | HF | Evaluating Alternatives to SFM Point Cloud Initialization for Gaussian Splatting | [
"Yalda Foroutan",
"Daniel Rebain",
"Kwang Moo Yi",
"Andrea Tagliasacchi"
] | 2024-04-18 | 3D Gaussian Splatting has recently been embraced as a versatile and effective
method for scene reconstruction and novel view synthesis, owing to its
high-quality results and compatibility with hardware rasterization. Despite its
advantages, Gaussian Splatting's reliance on high-quality point cloud
initialization by Structure-from-Motion (SFM) algorithms is a significant
limitation to be overcome. To this end, we investigate various initialization
strategies for Gaussian Splatting and delve into how volumetric reconstructions
from Neural Radiance Fields (NeRF) can be utilized to bypass the dependency on
SFM data. Our findings demonstrate that random initialization can perform much
better if carefully designed and that by employing a combination of improved
initialization strategies and structure distillation from low-cost NeRF models,
it is possible to achieve equivalent results, or at times even superior, to
those obtained from SFM initialization. Source code is available at
https://theialab.github.io/nerf-3dgs . | null | cs.CV | [
"cs.CV"
] |
2409.06957 | HF | Policy Filtration in RLHF to Fine-Tune LLM for Code Generation | [
"Wei Shen",
"Chuheng Zhang"
] | 2024-09-11 | Reinforcement learning from human feedback (RLHF) is one of the key
techniques that helps large language models (LLMs) to follow instructions and
provide helpful and harmless responses. While direct policy optimization
methods exist, state-of-the-art LLMs adopt RL-based methods (usually PPO) in
RLHF to train the policy to generate good responses guided by a reward model
learned from preference data. The main challenge of these methods is the
inaccuracy of the intermediate reward model, especially in code generation
tasks that require long and complex reasoning to score a response. We find that
the reliability of the reward model varies across responses assigned with
different rewards. This motivates us to filter the samples whose rewards may be
unreliable to improve signal-to-noise ratio during policy learning, resulting
in Policy Filtration for Proximal Policy Optimization (PF-PPO). To choose a
proper policy filtration strategy for a given reward model, the coefficient of
determination ($R^2$) between rewards and actual scores on filtered samples
serves as a good metrics and helps us find several promising strategies. We
provide extensive experiments to validate the effectiveness of PF-PPO in code
generation tasks, and find that some variants of PF-PPO are highly effective
and achieve new state-of-the-art performance across 7-billion-parameter models
on HumanEval, MBPP, and a new and more challenging LeetCode Contest benchmark. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2312.07424 | HF | How Well Does GPT-4V(ision) Adapt to Distribution Shifts? A Preliminary Investigation | [
"Zhongyi Han",
"Guanglin Zhou",
"Rundong He",
"Jindong Wang",
"Tailin Wu",
"Yilong Yin",
"Salman Khan",
"Lina Yao",
"Tongliang Liu",
"Kun Zhang"
] | 2023-12-12 | In machine learning, generalization against distribution shifts -- where
deployment conditions diverge from the training scenarios -- is crucial,
particularly in fields like climate modeling, biomedicine, and autonomous
driving. The emergence of foundation models, distinguished by their extensive
pretraining and task versatility, has led to an increased interest in their
adaptability to distribution shifts. GPT-4V(ision) acts as the most advanced
publicly accessible multimodal foundation model, with extensive applications
across various domains, including anomaly detection, video understanding, image
generation, and medical diagnosis. However, its robustness against data
distributions remains largely underexplored. Addressing this gap, this study
rigorously evaluates GPT-4V's adaptability and generalization capabilities in
dynamic environments, benchmarking against prominent models like CLIP, LLaVA,
and Gemini. We delve into GPT-4V's zero-shot generalization across 13 diverse
datasets spanning natural, medical, and molecular domains. We further
investigate its adaptability to controlled data perturbations and examine the
efficacy of in-context learning as a tool to enhance its adaptation. Our
findings delineate GPT-4V's capability boundaries in distribution shifts,
shedding light on its strengths and limitations across various scenarios.
Importantly, this investigation contributes to our understanding of how AI
foundation models generalize to distribution shifts, offering pivotal insights
into their adaptability and robustness. The code is publicly available at
https://github.com/jameszhou-gl/gpt-4v-distribution-shift. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2307.02973 | AnswerAI | Pruning vs Quantization: Which is Better? | [
"Andrey Kuzmin",
"Markus Nagel",
"Mart van Baalen",
"Arash Behboodi",
"Tijmen Blankevoort"
] | 2023-07-06 | Neural network pruning and quantization techniques are almost as old as
neural networks themselves. However, to date only ad-hoc comparisons between
the two have been published. In this paper, we set out to answer the question
on which is better: neural network quantization or pruning? By answering this
question, we hope to inform design decisions made on neural network hardware
going forward. We provide an extensive comparison between the two techniques
for compressing deep neural networks. First, we give an analytical comparison
of expected quantization and pruning error for general data distributions.
Then, we provide lower bounds for the per-layer pruning and quantization error
in trained networks, and compare these to empirical error after optimization.
Finally, we provide an extensive experimental comparison for training 8
large-scale models on 3 tasks. Our results show that in most cases quantization
outperforms pruning. Only in some scenarios with very high compression ratio,
pruning might be beneficial from an accuracy standpoint. | null | cs.LG | [
"cs.LG"
] |
2312.02133 | HF | Style Aligned Image Generation via Shared Attention | [
"Amir Hertz",
"Andrey Voynov",
"Shlomi Fruchter",
"Daniel Cohen-Or"
] | 2023-12-04 | Large-scale Text-to-Image (T2I) models have rapidly gained prominence across
creative fields, generating visually compelling outputs from textual prompts.
However, controlling these models to ensure consistent style remains
challenging, with existing methods necessitating fine-tuning and manual
intervention to disentangle content and style. In this paper, we introduce
StyleAligned, a novel technique designed to establish style alignment among a
series of generated images. By employing minimal `attention sharing' during the
diffusion process, our method maintains style consistency across images within
T2I models. This approach allows for the creation of style-consistent images
using a reference style through a straightforward inversion operation. Our
method's evaluation across diverse styles and text prompts demonstrates
high-quality synthesis and fidelity, underscoring its efficacy in achieving
consistent style across various inputs. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2404.16873 | HF | AdvPrompter: Fast Adaptive Adversarial Prompting for LLMs | [
"Anselm Paulus",
"Arman Zharmagambetov",
"Chuan Guo",
"Brandon Amos",
"Yuandong Tian"
] | 2024-04-21 | While recently Large Language Models (LLMs) have achieved remarkable
successes, they are vulnerable to certain jailbreaking attacks that lead to
generation of inappropriate or harmful content. Manual red-teaming requires
finding adversarial prompts that cause such jailbreaking, e.g. by appending a
suffix to a given instruction, which is inefficient and time-consuming. On the
other hand, automatic adversarial prompt generation often leads to semantically
meaningless attacks that can easily be detected by perplexity-based filters,
may require gradient information from the TargetLLM, or do not scale well due
to time-consuming discrete optimization processes over the token space. In this
paper, we present a novel method that uses another LLM, called the AdvPrompter,
to generate human-readable adversarial prompts in seconds, $\sim800\times$
faster than existing optimization-based approaches. We train the AdvPrompter
using a novel algorithm that does not require access to the gradients of the
TargetLLM. This process alternates between two steps: (1) generating
high-quality target adversarial suffixes by optimizing the AdvPrompter
predictions, and (2) low-rank fine-tuning of the AdvPrompter with the generated
adversarial suffixes. The trained AdvPrompter generates suffixes that veil the
input instruction without changing its meaning, such that the TargetLLM is
lured to give a harmful response. Experimental results on popular open source
TargetLLMs show state-of-the-art results on the AdvBench dataset, that also
transfer to closed-source black-box LLM APIs. Further, we demonstrate that by
fine-tuning on a synthetic dataset generated by AdvPrompter, LLMs can be made
more robust against jailbreaking attacks while maintaining performance, i.e.
high MMLU scores. | null | cs.CR | [
"cs.CR",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2401.00134 | HF | Unicron: Economizing Self-Healing LLM Training at Scale | [
"Tao He",
"Xue Li",
"Zhibin Wang",
"Kun Qian",
"Jingbo Xu",
"Wenyuan Yu",
"Jingren Zhou"
] | 2023-12-30 | Training large-scale language models is increasingly critical in various
domains, but it is hindered by frequent failures, leading to significant time
and economic costs. Current failure recovery methods in cloud-based settings
inadequately address the diverse and complex scenarios that arise, focusing
narrowly on erasing downtime for individual tasks without considering the
overall cost impact on a cluster. We introduce Unicron, a workload manager
designed for efficient self-healing in large-scale language model training.
Unicron optimizes the training process by minimizing failure-related costs
across multiple concurrent tasks within a cluster. Its key features include
in-band error detection for real-time error identification without extra
overhead, a dynamic cost-aware plan generation mechanism for optimal
reconfiguration, and an efficient transition strategy to reduce downtime during
state changes. Deployed on a 128-GPU distributed cluster, Unicron demonstrates
up to a 1.9x improvement in training efficiency over state-of-the-art methods,
significantly reducing failure recovery costs and enhancing the reliability of
large-scale language model training. | null | cs.DC | [
"cs.DC",
"cs.LG"
] |
2403.17008 | HF | FlashFace: Human Image Personalization with High-fidelity Identity Preservation | [
"Shilong Zhang",
"Lianghua Huang",
"Xi Chen",
"Yifei Zhang",
"Zhi-Fan Wu",
"Yutong Feng",
"Wei Wang",
"Yujun Shen",
"Yu Liu",
"Ping Luo"
] | 2024-03-25 | This work presents FlashFace, a practical tool with which users can easily
personalize their own photos on the fly by providing one or a few reference
face images and a text prompt. Our approach is distinguishable from existing
human photo customization methods by higher-fidelity identity preservation and
better instruction following, benefiting from two subtle designs. First, we
encode the face identity into a series of feature maps instead of one image
token as in prior arts, allowing the model to retain more details of the
reference faces (e.g., scars, tattoos, and face shape ). Second, we introduce a
disentangled integration strategy to balance the text and image guidance during
the text-to-image generation process, alleviating the conflict between the
reference faces and the text prompts (e.g., personalizing an adult into a
"child" or an "elder"). Extensive experimental results demonstrate the
effectiveness of our method on various applications, including human image
personalization, face swapping under language prompts, making virtual
characters into real people, etc. Project Page:
https://jshilong.github.io/flashface-page. | null | cs.CV | [
"cs.CV"
] |
2409.01392 | HF | GenAgent: Build Collaborative AI Systems with Automated Workflow Generation -- Case Studies on ComfyUI | [
"Xiangyuan Xue",
"Zeyu Lu",
"Di Huang",
"Wanli Ouyang",
"Lei Bai"
] | 2024-09-02 | Much previous AI research has focused on developing monolithic models to
maximize their intelligence and capability, with the primary goal of enhancing
performance on specific tasks. In contrast, this paper explores an alternative
approach: collaborative AI systems that use workflows to integrate models, data
sources, and pipelines to solve complex and diverse tasks. We introduce
GenAgent, an LLM-based framework that automatically generates complex
workflows, offering greater flexibility and scalability compared to monolithic
models. The core innovation of GenAgent lies in representing workflows with
code, alongside constructing workflows with collaborative agents in a
step-by-step manner. We implement GenAgent on the ComfyUI platform and propose
a new benchmark, OpenComfy. The results demonstrate that GenAgent outperforms
baseline approaches in both run-level and task-level evaluations, showing its
capability to generate complex workflows with superior effectiveness and
stability. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2312.17276 | HF | PanGu-$π$: Enhancing Language Model Architectures via Nonlinearity Compensation | [
"Yunhe Wang",
"Hanting Chen",
"Yehui Tang",
"Tianyu Guo",
"Kai Han",
"Ying Nie",
"Xutao Wang",
"Hailin Hu",
"Zheyuan Bai",
"Yun Wang",
"Fangcheng Liu",
"Zhicheng Liu",
"Jianyuan Guo",
"Sinan Zeng",
"Yinchen Zhang",
"Qinghua Xu",
"Qun Liu",
"Jun Yao",
"Chao Xu",
"Dacheng Tao"
] | 2023-12-27 | The recent trend of large language models (LLMs) is to increase the scale of
both model size (\aka the number of parameters) and dataset to achieve better
generative ability, which is definitely proved by a lot of work such as the
famous GPT and Llama. However, large models often involve massive computational
costs, and practical applications cannot afford such high prices. However, the
method of constructing a strong model architecture for LLMs is rarely
discussed. We first analyze the state-of-the-art language model architectures
and observe the feature collapse problem. Based on the theoretical analysis, we
propose that the nonlinearity is also very important for language models, which
is usually studied in convolutional neural networks for vision tasks. The
series informed activation function is then introduced with tiny calculations
that can be ignored, and an augmented shortcut is further used to enhance the
model nonlinearity. We then demonstrate that the proposed approach is
significantly effective for enhancing the model nonlinearity through carefully
designed ablations; thus, we present a new efficient model architecture for
establishing modern, namely, PanGu-$\pi$. Experiments are then conducted using
the same dataset and training strategy to compare PanGu-$\pi$ with
state-of-the-art LLMs. The results show that PanGu-$\pi$-7B can achieve a
comparable performance to that of benchmarks with about 10\% inference
speed-up, and PanGu-$\pi$-1B can achieve state-of-the-art performance in terms
of accuracy and efficiency. In addition, we have deployed PanGu-$\pi$-7B in the
high-value domains of finance and law, developing an LLM named YunShan for
practical application. The results show that YunShan can surpass other models
with similar scales on benchmarks. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.02848 | HF | Consistent4D: Consistent 360° Dynamic Object Generation from Monocular Video | [
"Yanqin Jiang",
"Li Zhang",
"Jin Gao",
"Weimin Hu",
"Yao Yao"
] | 2023-11-06 | In this paper, we present Consistent4D, a novel approach for generating 4D
dynamic objects from uncalibrated monocular videos. Uniquely, we cast the
360-degree dynamic object reconstruction as a 4D generation problem,
eliminating the need for tedious multi-view data collection and camera
calibration. This is achieved by leveraging the object-level 3D-aware image
diffusion model as the primary supervision signal for training Dynamic Neural
Radiance Fields (DyNeRF). Specifically, we propose a Cascade DyNeRF to
facilitate stable convergence and temporal continuity under the supervision
signal which is discrete along the time axis. To achieve spatial and temporal
consistency, we further introduce an Interpolation-driven Consistency Loss. It
is optimized by minimizing the discrepancy between rendered frames from DyNeRF
and interpolated frames from a pre-trained video interpolation model. Extensive
experiments show that our Consistent4D can perform competitively to prior art
alternatives, opening up new possibilities for 4D dynamic object generation
from monocular videos, whilst also demonstrating advantage for conventional
text-to-3D generation tasks. Our project page is
https://consistent4d.github.io/. | null | cs.CV | [
"cs.CV"
] |
2211.01562 | AnswerAI | PINTO: Faithful Language Reasoning Using Prompt-Generated Rationales | [
"Peifeng Wang",
"Aaron Chan",
"Filip Ilievski",
"Muhao Chen",
"Xiang Ren"
] | 2022-11-03 | Neural language models (LMs) have achieved impressive results on various
language-based reasoning tasks by utilizing latent knowledge encoded in their
own pretrained parameters. To make this reasoning process more explicit, recent
works retrieve a rationalizing LM's internal knowledge by training or prompting
it to generate free-text rationales, which can be used to guide task
predictions made by either the same LM or a separate reasoning LM. However,
rationalizing LMs require expensive rationale annotation and/or computation,
without any assurance that their generated rationales improve LM task
performance or faithfully reflect LM decision-making. In this paper, we propose
PINTO, an LM pipeline that rationalizes via prompt-based learning, and learns
to faithfully reason over rationales via counterfactual regularization. First,
PINTO maps out a suitable reasoning process for the task input by prompting a
frozen rationalizing LM to generate a free-text rationale. Second, PINTO's
reasoning LM is fine-tuned to solve the task using the generated rationale as
context, while regularized to output less confident predictions when the
rationale is perturbed. Across four datasets, we show that PINTO significantly
improves the generalization ability of the reasoning LM, yielding higher
performance on both in-distribution and out-of-distribution test sets. Also, we
find that PINTO's rationales are more faithful to its task predictions than
those generated by competitive baselines. | null | cs.CL | [
"cs.CL"
] |
2305.20030 | HF | Tree-Ring Watermarks: Fingerprints for Diffusion Images that are Invisible and Robust | [
"Yuxin Wen",
"John Kirchenbauer",
"Jonas Geiping",
"Tom Goldstein"
] | 2023-05-31 | Watermarking the outputs of generative models is a crucial technique for
tracing copyright and preventing potential harm from AI-generated content. In
this paper, we introduce a novel technique called Tree-Ring Watermarking that
robustly fingerprints diffusion model outputs. Unlike existing methods that
perform post-hoc modifications to images after sampling, Tree-Ring Watermarking
subtly influences the entire sampling process, resulting in a model fingerprint
that is invisible to humans. The watermark embeds a pattern into the initial
noise vector used for sampling. These patterns are structured in Fourier space
so that they are invariant to convolutions, crops, dilations, flips, and
rotations. After image generation, the watermark signal is detected by
inverting the diffusion process to retrieve the noise vector, which is then
checked for the embedded signal. We demonstrate that this technique can be
easily applied to arbitrary diffusion models, including text-conditioned Stable
Diffusion, as a plug-in with negligible loss in FID. Our watermark is
semantically hidden in the image space and is far more robust than watermarking
alternatives that are currently deployed. Code is available at
https://github.com/YuxinWenRick/tree-ring-watermark. | null | cs.LG | [
"cs.LG",
"cs.CR",
"cs.CV"
] |
2309.08804 | HF | Stack-and-Delay: a new codebook pattern for music generation | [
"Gael Le Lan",
"Varun Nagaraja",
"Ernie Chang",
"David Kant",
"Zhaoheng Ni",
"Yangyang Shi",
"Forrest Iandola",
"Vikas Chandra"
] | 2023-09-15 | In language modeling based music generation, a generated waveform is
represented by a sequence of hierarchical token stacks that can be decoded
either in an auto-regressive manner or in parallel, depending on the codebook
patterns. In particular, flattening the codebooks represents the highest
quality decoding strategy, while being notoriously slow. To this end, we
propose a novel stack-and-delay style of decoding strategy to improve upon the
flat pattern decoding where generation speed is four times faster as opposed to
vanilla flat decoding. This brings the inference time close to that of the
delay decoding strategy, and allows for faster inference on GPU for small batch
sizes. For the same inference efficiency budget as the delay pattern, we show
that the proposed approach performs better in objective evaluations, almost
closing the gap with the flat pattern in terms of quality. The results are
corroborated by subjective evaluations which show that samples generated by the
new model are slightly more often preferred to samples generated by the
competing model given the same text prompts. | null | eess.AS | [
"eess.AS",
"cs.SD"
] |
2312.16720 | HF | Prompt Expansion for Adaptive Text-to-Image Generation | [
"Siddhartha Datta",
"Alexander Ku",
"Deepak Ramachandran",
"Peter Anderson"
] | 2023-12-27 | Text-to-image generation models are powerful but difficult to use. Users
craft specific prompts to get better images, though the images can be
repetitive. This paper proposes a Prompt Expansion framework that helps users
generate high-quality, diverse images with less effort. The Prompt Expansion
model takes a text query as input and outputs a set of expanded text prompts
that are optimized such that when passed to a text-to-image model, generates a
wider variety of appealing images. We conduct a human evaluation study that
shows that images generated through Prompt Expansion are more aesthetically
pleasing and diverse than those generated by baseline methods. Overall, this
paper presents a novel and effective approach to improving the text-to-image
generation experience. | null | cs.CV | [
"cs.CV"
] |
2310.10047 | HF | Improving Large Language Model Fine-tuning for Solving Math Problems | [
"Yixin Liu",
"Avi Singh",
"C. Daniel Freeman",
"John D. Co-Reyes",
"Peter J. Liu"
] | 2023-10-16 | Despite their success in many natural language tasks, solving math problems
remains a significant challenge for large language models (LLMs). A large gap
exists between LLMs' pass-at-one and pass-at-N performance in solving math
problems, suggesting LLMs might be close to finding correct solutions,
motivating our exploration of fine-tuning methods to unlock LLMs' performance.
Using the challenging MATH dataset, we investigate three fine-tuning
strategies: (1) solution fine-tuning, where we fine-tune to generate a detailed
solution for a given math problem; (2) solution-cluster re-ranking, where the
LLM is fine-tuned as a solution verifier/evaluator to choose among generated
candidate solution clusters; (3) multi-task sequential fine-tuning, which
integrates both solution generation and evaluation tasks together efficiently
to enhance the LLM performance. With these methods, we present a thorough
empirical study on a series of PaLM 2 models and find: (1) The quality and
style of the step-by-step solutions used for fine-tuning can make a significant
impact on the model performance; (2) While solution re-ranking and majority
voting are both effective for improving the model performance when used
separately, they can also be used together for an even greater performance
boost; (3) Multi-task fine-tuning that sequentially separates the solution
generation and evaluation tasks can offer improved performance compared with
the solution fine-tuning baseline. Guided by these insights, we design a
fine-tuning recipe that yields approximately 58.8% accuracy on the MATH dataset
with fine-tuned PaLM 2-L models, an 11.2% accuracy improvement over the
few-shot performance of pre-trained PaLM 2-L model with majority voting. | null | cs.CL | [
"cs.CL"
] |
2312.14187 | Both | WaveCoder: Widespread And Versatile Enhancement For Code Large Language Models By Instruction Tuning | [
"Zhaojian Yu",
"Xin Zhang",
"Ning Shang",
"Yangyu Huang",
"Can Xu",
"Yishujie Zhao",
"Wenxiang Hu",
"Qiufeng Yin"
] | 2023-12-20 | Recent work demonstrates that, after instruction tuning, Code Large Language
Models (Code LLMs) can obtain impressive capabilities to address a wide range
of code-related tasks. However, current instruction tuning methods for Code
LLMs mainly focus on the traditional code generation task, resulting in poor
performance in complex multi-task scenarios. In this paper, we concentrate on
multiple code-related tasks and present WaveCoder, a series of Code LLMs
trained with Widespread And Versatile Enhanced instruction data. To enable the
models to tackle complex code-related tasks, we propose a method to stably
generate diverse, high-quality instruction data from open source code dataset
in multi-task scenarios and obtain CodeSeaXDataset, a dataset comprising 19,915
instruction instances across 4 code-related tasks, which is aimed at improving
the generalization ability of Code LLM. Our experiments demonstrate that
WaveCoder models significantly outperform other open-source models in terms of
the generalization ability across different code-related tasks. Moreover,
WaveCoder-Ultra-6.7B presents the state-of-the-art generalization abilities on
a wide range of code-related tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SE"
] |
2408.07055 | HF | LongWriter: Unleashing 10,000+ Word Generation from Long Context LLMs | [
"Yushi Bai",
"Jiajie Zhang",
"Xin Lv",
"Linzhi Zheng",
"Siqi Zhu",
"Lei Hou",
"Yuxiao Dong",
"Jie Tang",
"Juanzi Li"
] | 2024-08-13 | Current long context large language models (LLMs) can process inputs up to
100,000 tokens, yet struggle to generate outputs exceeding even a modest length
of 2,000 words. Through controlled experiments, we find that the model's
effective generation length is inherently bounded by the sample it has seen
during supervised fine-tuning (SFT). In other words, their output limitation is
due to the scarcity of long-output examples in existing SFT datasets. To
address this, we introduce AgentWrite, an agent-based pipeline that decomposes
ultra-long generation tasks into subtasks, enabling off-the-shelf LLMs to
generate coherent outputs exceeding 20,000 words. Leveraging AgentWrite, we
construct LongWriter-6k, a dataset containing 6,000 SFT data with output
lengths ranging from 2k to 32k words. By incorporating this dataset into model
training, we successfully scale the output length of existing models to over
10,000 words while maintaining output quality. We also develop LongBench-Write,
a comprehensive benchmark for evaluating ultra-long generation capabilities.
Our 9B parameter model, further improved through DPO, achieves state-of-the-art
performance on this benchmark, surpassing even much larger proprietary models.
In general, our work demonstrates that existing long context LLM already
possesses the potential for a larger output window--all you need is data with
extended output during model alignment to unlock this capability. Our code &
models are at: https://github.com/THUDM/LongWriter. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2309.00754 | Both | Efficient RLHF: Reducing the Memory Usage of PPO | [
"Michael Santacroce",
"Yadong Lu",
"Han Yu",
"Yuanzhi Li",
"Yelong Shen"
] | 2023-09-01 | Reinforcement Learning with Human Feedback (RLHF) has revolutionized language
modeling by aligning models with human preferences. However, the RL stage,
Proximal Policy Optimization (PPO), requires over 3x the memory of Supervised
Fine-Tuning (SFT), making it infeasible to use for most practitioners. To
address this issue, we present a comprehensive analysis the memory usage,
performance, and training time of memory-savings techniques for PPO. We
introduce Hydra-RLHF by first integrating the SFT and Reward models and then
dynamically turning LoRA "off" during training. Our experiments show: 1. Using
LoRA during PPO reduces its memory usage to be smaller than SFT while improving
alignment across four public benchmarks, and 2. Hydra-PPO reduces the latency
per sample of LoRA-PPO by up to 65% while maintaining its performance. Our
results demonstrate that Hydra-PPO is a simple and promising solution for
enabling more widespread usage of RLHF. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2309.13075 | HF | SCREWS: A Modular Framework for Reasoning with Revisions | [
"Kumar Shridhar",
"Harsh Jhamtani",
"Hao Fang",
"Benjamin Van Durme",
"Jason Eisner",
"Patrick Xia"
] | 2023-09-20 | Large language models (LLMs) can improve their accuracy on various tasks
through iteratively refining and revising their output based on feedback. We
observe that these revisions can introduce errors, in which case it is better
to roll back to a previous result. Further, revisions are typically
homogeneous: they use the same reasoning method that produced the initial
answer, which may not correct errors. To enable exploration in this space, we
present SCREWS, a modular framework for reasoning with revisions. It is
comprised of three main modules: Sampling, Conditional Resampling, and
Selection, each consisting of sub-modules that can be hand-selected per task.
We show that SCREWS not only unifies several previous approaches under a common
framework, but also reveals several novel strategies for identifying improved
reasoning chains. We evaluate our framework with state-of-the-art LLMs (ChatGPT
and GPT-4) on a diverse set of reasoning tasks and uncover useful new reasoning
strategies for each: arithmetic word problems, multi-hop question answering,
and code debugging. Heterogeneous revision strategies prove to be important, as
does selection between original and revised candidates. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2309.15564 | HF | Jointly Training Large Autoregressive Multimodal Models | [
"Emanuele Aiello",
"Lili Yu",
"Yixin Nie",
"Armen Aghajanyan",
"Barlas Oguz"
] | 2023-09-27 | In recent years, advances in the large-scale pretraining of language and
text-to-image models have revolutionized the field of machine learning. Yet,
integrating these two modalities into a single, robust model capable of
generating seamless multimodal outputs remains a significant challenge. To
address this gap, we present the Joint Autoregressive Mixture (JAM) framework,
a modular approach that systematically fuses existing text and image generation
models. We also introduce a specialized, data-efficient instruction-tuning
strategy, tailored for mixed-modal generation tasks. Our final instruct-tuned
model demonstrates unparalleled performance in generating high-quality
multimodal outputs and represents the first model explicitly designed for this
purpose. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV"
] |
2306.05420 | HF | Scaling Spherical CNNs | [
"Carlos Esteves",
"Jean-Jacques Slotine",
"Ameesh Makadia"
] | 2023-06-08 | Spherical CNNs generalize CNNs to functions on the sphere, by using spherical
convolutions as the main linear operation. The most accurate and efficient way
to compute spherical convolutions is in the spectral domain (via the
convolution theorem), which is still costlier than the usual planar
convolutions. For this reason, applications of spherical CNNs have so far been
limited to small problems that can be approached with low model capacity. In
this work, we show how spherical CNNs can be scaled for much larger problems.
To achieve this, we make critical improvements including novel variants of
common model components, an implementation of core operations to exploit
hardware accelerator characteristics, and application-specific input
representations that exploit the properties of our model. Experiments show our
larger spherical CNNs reach state-of-the-art on several targets of the QM9
molecular benchmark, which was previously dominated by equivariant graph neural
networks, and achieve competitive performance on multiple weather forecasting
tasks. Our code is available at
https://github.com/google-research/spherical-cnn. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2301.07733 | AnswerAI | Learning-Rate-Free Learning by D-Adaptation | [
"Aaron Defazio",
"Konstantin Mishchenko"
] | 2023-01-18 | D-Adaptation is an approach to automatically setting the learning rate which
asymptotically achieves the optimal rate of convergence for minimizing convex
Lipschitz functions, with no back-tracking or line searches, and no additional
function value or gradient evaluations per step. Our approach is the first
hyper-parameter free method for this class without additional multiplicative
log factors in the convergence rate. We present extensive experiments for SGD
and Adam variants of our method, where the method automatically matches
hand-tuned learning rates across more than a dozen diverse machine learning
problems, including large-scale vision and language problems.
An open-source implementation is available. | null | cs.LG | [
"cs.LG",
"cs.AI",
"math.OC",
"stat.ML"
] |
2305.14705 | AnswerAI | Mixture-of-Experts Meets Instruction Tuning:A Winning Combination for Large Language Models | [
"Sheng Shen",
"Le Hou",
"Yanqi Zhou",
"Nan Du",
"Shayne Longpre",
"Jason Wei",
"Hyung Won Chung",
"Barret Zoph",
"William Fedus",
"Xinyun Chen",
"Tu Vu",
"Yuexin Wu",
"Wuyang Chen",
"Albert Webson",
"Yunxuan Li",
"Vincent Zhao",
"Hongkun Yu",
"Kurt Keutzer",
"Trevor Darrell",
"Denny Zhou"
] | 2023-05-24 | Sparse Mixture-of-Experts (MoE) is a neural architecture design that can be
utilized to add learnable parameters to Large Language Models (LLMs) without
increasing inference cost. Instruction tuning is a technique for training LLMs
to follow instructions. We advocate combining these two approaches, as we find
that MoE models benefit more from instruction tuning than dense models. In
particular, we conduct empirical studies across three experimental setups: (i)
Direct finetuning on individual downstream tasks devoid of instruction tuning;
(ii) Instructiontuning followed by in-context few-shot or zero-shot
generalization on downstream tasks; and (iii) Instruction tuning supplemented
by further finetuning on individual downstream tasks. In the first scenario,
MoE models overall underperform dense models of identical computational
capacity. This narrative, however, dramatically changes with the introduction
of instruction tuning (second and third scenario), used independently or in
conjunction with task-specific finetuning. Our most powerful model,
FLAN-MOE-32B, surpasses the performance of FLAN-PALM-62B on four benchmark
tasks, while using only a third of the FLOPs. The advancements embodied
byFLAN-MOE inspire a reevaluation of the design principles of large-scale,
high-performance language models in the framework of task-agnostic learning. | null | cs.CL | [
"cs.CL"
] |
2402.04324 | HF | ConsistI2V: Enhancing Visual Consistency for Image-to-Video Generation | [
"Weiming Ren",
"Huan Yang",
"Ge Zhang",
"Cong Wei",
"Xinrun Du",
"Wenhao Huang",
"Wenhu Chen"
] | 2024-02-06 | Image-to-video (I2V) generation aims to use the initial frame (alongside a
text prompt) to create a video sequence. A grand challenge in I2V generation is
to maintain visual consistency throughout the video: existing methods often
struggle to preserve the integrity of the subject, background, and style from
the first frame, as well as ensure a fluid and logical progression within the
video narrative. To mitigate these issues, we propose ConsistI2V, a
diffusion-based method to enhance visual consistency for I2V generation.
Specifically, we introduce (1) spatiotemporal attention over the first frame to
maintain spatial and motion consistency, (2) noise initialization from the
low-frequency band of the first frame to enhance layout consistency. These two
approaches enable ConsistI2V to generate highly consistent videos. We also
extend the proposed approaches to show their potential to improve consistency
in auto-regressive long video generation and camera motion control. To verify
the effectiveness of our method, we propose I2V-Bench, a comprehensive
evaluation benchmark for I2V generation. Our automatic and human evaluation
results demonstrate the superiority of ConsistI2V over existing methods. | null | cs.CV | [
"cs.CV"
] |
2303.13408 | AnswerAI | Paraphrasing evades detectors of AI-generated text, but retrieval is an effective defense | [
"Kalpesh Krishna",
"Yixiao Song",
"Marzena Karpinska",
"John Wieting",
"Mohit Iyyer"
] | 2023-03-23 | The rise in malicious usage of large language models, such as fake content
creation and academic plagiarism, has motivated the development of approaches
that identify AI-generated text, including those based on watermarking or
outlier detection. However, the robustness of these detection algorithms to
paraphrases of AI-generated text remains unclear. To stress test these
detectors, we build a 11B parameter paraphrase generation model (DIPPER) that
can paraphrase paragraphs, condition on surrounding context, and control
lexical diversity and content reordering. Using DIPPER to paraphrase text
generated by three large language models (including GPT3.5-davinci-003)
successfully evades several detectors, including watermarking, GPTZero,
DetectGPT, and OpenAI's text classifier. For example, DIPPER drops detection
accuracy of DetectGPT from 70.3% to 4.6% (at a constant false positive rate of
1%), without appreciably modifying the input semantics.
To increase the robustness of AI-generated text detection to paraphrase
attacks, we introduce a simple defense that relies on retrieving
semantically-similar generations and must be maintained by a language model API
provider. Given a candidate text, our algorithm searches a database of
sequences previously generated by the API, looking for sequences that match the
candidate text within a certain threshold. We empirically verify our defense
using a database of 15M generations from a fine-tuned T5-XXL model and find
that it can detect 80% to 97% of paraphrased generations across different
settings while only classifying 1% of human-written sequences as AI-generated.
We open-source our models, code and data. | null | cs.CL | [
"cs.CL",
"cs.CR",
"cs.LG"
] |
2408.09174 | HF | TableBench: A Comprehensive and Complex Benchmark for Table Question Answering | [
"Xianjie Wu",
"Jian Yang",
"Linzheng Chai",
"Ge Zhang",
"Jiaheng Liu",
"Xinrun Du",
"Di Liang",
"Daixin Shu",
"Xianfu Cheng",
"Tianzhen Sun",
"Guanglin Niu",
"Tongliang Li",
"Zhoujun Li"
] | 2024-08-17 | Recent advancements in Large Language Models (LLMs) have markedly enhanced
the interpretation and processing of tabular data, introducing previously
unimaginable capabilities. Despite these achievements, LLMs still encounter
significant challenges when applied in industrial scenarios, particularly due
to the increased complexity of reasoning required with real-world tabular data,
underscoring a notable disparity between academic benchmarks and practical
applications. To address this discrepancy, we conduct a detailed investigation
into the application of tabular data in industrial scenarios and propose a
comprehensive and complex benchmark TableBench, including 18 fields within four
major categories of table question answering (TableQA) capabilities.
Furthermore, we introduce TableLLM, trained on our meticulously constructed
training set TableInstruct, achieving comparable performance with GPT-3.5.
Massive experiments conducted on TableBench indicate that both open-source and
proprietary LLMs still have significant room for improvement to meet real-world
demands, where the most advanced model, GPT-4, achieves only a modest score
compared to humans. | null | cs.CL | [
"cs.CL"
] |
2406.02844 | HF | Item-Language Model for Conversational Recommendation | [
"Li Yang",
"Anushya Subbiah",
"Hardik Patel",
"Judith Yue Li",
"Yanwei Song",
"Reza Mirghaderi",
"Vikram Aggarwal"
] | 2024-06-05 | Large-language Models (LLMs) have been extremely successful at tasks like
complex dialogue understanding, reasoning and coding due to their emergent
abilities. These emergent abilities have been extended with multi-modality to
include image, audio, and video capabilities. Recommender systems, on the other
hand, have been critical for information seeking and item discovery needs.
Recently, there have been attempts to apply LLMs for recommendations. One
difficulty of current attempts is that the underlying LLM is usually not
trained on the recommender system data, which largely contains user interaction
signals and is often not publicly available. Another difficulty is user
interaction signals often have a different pattern from natural language text,
and it is currently unclear if the LLM training setup can learn more
non-trivial knowledge from interaction signals compared with traditional
recommender system methods. Finally, it is difficult to train multiple LLMs for
different use-cases, and to retain the original language and reasoning
abilities when learning from recommender system data. To address these three
limitations, we propose an Item-Language Model (ILM), which is composed of an
item encoder to produce text-aligned item representations that encode user
interaction signals, and a frozen LLM that can understand those item
representations with preserved pretrained knowledge. We conduct extensive
experiments which demonstrate both the importance of the language-alignment and
of user interaction knowledge in the item encoder. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2409.08199 | HF | AudioBERT: Audio Knowledge Augmented Language Model | [
"Hyunjong Ok",
"Suho Yoo",
"Jaeho Lee"
] | 2024-09-12 | Recent studies have identified that language models, pretrained on text-only
datasets, often lack elementary visual knowledge, \textit{e.g.,} colors of
everyday objects. Motivated by this observation, we ask whether a similar
shortcoming exists in terms of the \textit{auditory} knowledge. To answer this
question, we construct a new dataset called AuditoryBench, which consists of
two novel tasks for evaluating auditory knowledge. Based on our analysis using
the benchmark, we find that language models also suffer from a severe lack of
auditory knowledge. To address this limitation, we propose AudioBERT, a novel
method to augment the auditory knowledge of BERT through a retrieval-based
approach. First, we detect auditory knowledge spans in prompts to query our
retrieval model efficiently. Then, we inject audio knowledge into BERT and
switch on low-rank adaptation for effective adaptation when audio knowledge is
required. Our experiments demonstrate that AudioBERT is quite effective,
achieving superior performance on the AuditoryBench. The dataset and code are
available at \bulurl{https://github.com/HJ-Ok/AudioBERT}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SD",
"eess.AS"
] |
2406.20076 | HF | EVF-SAM: Early Vision-Language Fusion for Text-Prompted Segment Anything Model | [
"Yuxuan Zhang",
"Tianheng Cheng",
"Rui Hu",
"Lei Liu",
"Heng Liu",
"Longjin Ran",
"Xiaoxin Chen",
"Wenyu Liu",
"Xinggang Wang"
] | 2024-06-28 | Segment Anything Model (SAM) has attracted widespread attention for its
superior interactive segmentation capabilities with visual prompts while
lacking further exploration of text prompts. In this paper, we empirically
investigate what text prompt encoders (e.g., CLIP or LLM) are good for adapting
SAM for referring expression segmentation and introduce the Early
Vision-language Fusion-based SAM (EVF-SAM). EVF-SAM is a simple yet effective
referring segmentation method which exploits multimodal prompts (i.e., image
and text) and comprises a pre-trained vision-language model to generate
referring prompts and a SAM model for segmentation. Surprisingly, we observe
that: (1) multimodal prompts and (2) vision-language models with early fusion
(e.g., BEIT-3) are beneficial for prompting SAM for accurate referring
segmentation. Our experiments show that the proposed EVF-SAM based on BEIT-3
can obtain state-of-the-art performance on RefCOCO/+/g for referring expression
segmentation and demonstrate the superiority of prompting SAM with early
vision-language fusion. In addition, the proposed EVF-SAM with 1.32B parameters
achieves remarkably higher performance while reducing nearly 82% of parameters
compared to previous SAM methods based on large multimodal models. | null | cs.CV | [
"cs.CV"
] |
2404.04544 | HF | BeyondScene: Higher-Resolution Human-Centric Scene Generation With Pretrained Diffusion | [
"Gwanghyun Kim",
"Hayeon Kim",
"Hoigi Seo",
"Dong Un Kang",
"Se Young Chun"
] | 2024-04-06 | Generating higher-resolution human-centric scenes with details and controls
remains a challenge for existing text-to-image diffusion models. This challenge
stems from limited training image size, text encoder capacity (limited tokens),
and the inherent difficulty of generating complex scenes involving multiple
humans. While current methods attempted to address training size limit only,
they often yielded human-centric scenes with severe artifacts. We propose
BeyondScene, a novel framework that overcomes prior limitations, generating
exquisite higher-resolution (over 8K) human-centric scenes with exceptional
text-image correspondence and naturalness using existing pretrained diffusion
models. BeyondScene employs a staged and hierarchical approach to initially
generate a detailed base image focusing on crucial elements in instance
creation for multiple humans and detailed descriptions beyond token limit of
diffusion model, and then to seamlessly convert the base image to a
higher-resolution output, exceeding training image size and incorporating
details aware of text and instances via our novel instance-aware hierarchical
enlargement process that consists of our proposed high-frequency injected
forward diffusion and adaptive joint diffusion. BeyondScene surpasses existing
methods in terms of correspondence with detailed text descriptions and
naturalness, paving the way for advanced applications in higher-resolution
human-centric scene creation beyond the capacity of pretrained diffusion models
without costly retraining. Project page:
https://janeyeon.github.io/beyond-scene. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2309.06497 | Both | A Distributed Data-Parallel PyTorch Implementation of the Distributed Shampoo Optimizer for Training Neural Networks At-Scale | [
"Hao-Jun Michael Shi",
"Tsung-Hsien Lee",
"Shintaro Iwasaki",
"Jose Gallego-Posada",
"Zhijing Li",
"Kaushik Rangadurai",
"Dheevatsa Mudigere",
"Michael Rabbat"
] | 2023-09-12 | Shampoo is an online and stochastic optimization algorithm belonging to the
AdaGrad family of methods for training neural networks. It constructs a
block-diagonal preconditioner where each block consists of a coarse Kronecker
product approximation to full-matrix AdaGrad for each parameter of the neural
network. In this work, we provide a complete description of the algorithm as
well as the performance optimizations that our implementation leverages to
train deep networks at-scale in PyTorch. Our implementation enables fast
multi-GPU distributed data-parallel training by distributing the memory and
computation associated with blocks of each parameter via PyTorch's DTensor data
structure and performing an AllGather primitive on the computed search
directions at each iteration. This major performance enhancement enables us to
achieve at most a 10% performance reduction in per-step wall-clock time
compared against standard diagonal-scaling-based adaptive gradient methods. We
validate our implementation by performing an ablation study on training
ImageNet ResNet50, demonstrating Shampoo's superiority over standard training
recipes with minimal hyperparameter tuning. | null | cs.LG | [
"cs.LG",
"cs.DC",
"cs.MS",
"math.OC"
] |
2311.01927 | AnswerAI | GateLoop: Fully Data-Controlled Linear Recurrence for Sequence Modeling | [
"Tobias Katsch"
] | 2023-11-03 | Linear Recurrence has proven to be a powerful tool for modeling long
sequences efficiently. In this work, we show that existing models fail to take
full advantage of its potential. Motivated by this finding, we develop
GateLoop, a foundational sequence model that generalizes linear recurrent
models such as S4, S5, LRU and RetNet, by employing data-controlled state
transitions. Utilizing this theoretical advance, GateLoop empirically
outperforms existing models for auto-regressive language modeling. Our method
comes with a low-cost $O(l)$ recurrent mode and an efficient $O(l \log_{2} l)$
parallel mode making use of highly optimized associative scan implementations.
Furthermore, we derive an $O(l^2)$ surrogate attention mode, revealing
remarkable implications for Transformer and recently proposed architectures.
Specifically, we prove that our approach can be interpreted as providing
data-controlled relative-positional information to Attention. While many
existing models solely rely on data-controlled cumulative sums for context
aggregation, our findings suggest that incorporating data-controlled complex
cumulative products may be a crucial step towards more powerful sequence
models. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.DS"
] |
2310.06762 | AnswerAI | TRACE: A Comprehensive Benchmark for Continual Learning in Large Language Models | [
"Xiao Wang",
"Yuansen Zhang",
"Tianze Chen",
"Songyang Gao",
"Senjie Jin",
"Xianjun Yang",
"Zhiheng Xi",
"Rui Zheng",
"Yicheng Zou",
"Tao Gui",
"Qi Zhang",
"Xuanjing Huang"
] | 2023-10-10 | Aligned large language models (LLMs) demonstrate exceptional capabilities in
task-solving, following instructions, and ensuring safety. However, the
continual learning aspect of these aligned LLMs has been largely overlooked.
Existing continual learning benchmarks lack sufficient challenge for leading
aligned LLMs, owing to both their simplicity and the models' potential exposure
during instruction tuning. In this paper, we introduce TRACE, a novel benchmark
designed to evaluate continual learning in LLMs. TRACE consists of 8 distinct
datasets spanning challenging tasks including domain-specific tasks,
multilingual capabilities, code generation, and mathematical reasoning. All
datasets are standardized into a unified format, allowing for effortless
automatic evaluation of LLMs. Our experiments show that after training on
TRACE, aligned LLMs exhibit significant declines in both general ability and
instruction-following capabilities. For example, the accuracy of llama2-chat
13B on gsm8k dataset declined precipitously from 28.8\% to 2\% after training
on our datasets. This highlights the challenge of finding a suitable tradeoff
between achieving performance on specific tasks while preserving the original
prowess of LLMs. Empirical findings suggest that tasks inherently equipped with
reasoning paths contribute significantly to preserving certain capabilities of
LLMs against potential declines. Motivated by this, we introduce the
Reasoning-augmented Continual Learning (RCL) approach. RCL integrates
task-specific cues with meta-rationales, effectively reducing catastrophic
forgetting in LLMs while expediting convergence on novel tasks. | null | cs.CL | [
"cs.CL"
] |
2409.02076 | HF | LongGenBench: Benchmarking Long-Form Generation in Long Context LLMs | [
"Yuhao Wu",
"Ming Shan Hee",
"Zhiqing Hu",
"Roy Ka-Wei Lee"
] | 2024-09-03 | In evaluating the long-context capabilities of large language models (LLMs),
benchmarks such as "Needle-in-a-Haystack" (NIAH), Ruler, and Needlebench are
commonly used. While these benchmarks measure how well models understand
long-context input sequences, they do not effectively gauge the quality of
long-form text generation--a critical aspect for applications such as design
proposals and creative writing. To address this gap, we have introduced a new
long-form text evaluation benchmark, LongGenBench, which tests models' ability
to identify specific events within generated long text sequences. In this
benchmark, we prompt long-context LMs to create long-form text that must
include particular events or constraints and evaluate their ability to
incorporate these elements. We evaluated ten long-context LMs across four
distinct scenarios, three types of prompt instructions, and two different
generation-length settings (16K and 32K). Although these models perform well on
NIAH benchmarks, none demonstrated satisfactory performance on the
LongGenBench, raising concerns about their ability to generate coherent
long-form text that follows instructions. Additionally, as the length of the
generated text increases, all models exhibit a significant drop in performance. | null | cs.CL | [
"cs.CL"
] |
2409.02889 | HF | LongLLaVA: Scaling Multi-modal LLMs to 1000 Images Efficiently via Hybrid Architecture | [
"Xidong Wang",
"Dingjie Song",
"Shunian Chen",
"Chen Zhang",
"Benyou Wang"
] | 2024-09-04 | Expanding the long-context capabilities of Multi-modal Large Language
Models~(MLLMs) is crucial for video understanding, high-resolution image
understanding, and multi-modal agents. This involves a series of systematic
optimizations, including model architecture, data construction and training
strategy, particularly addressing challenges such as \textit{degraded
performance with more images} and \textit{high computational costs}. In this
paper, we adapt the model architecture to a hybrid of Mamba and Transformer
blocks, approach data construction with both temporal and spatial dependencies
among multiple images and employ a progressive training strategy. The released
model \textbf{LongLLaVA}~(\textbf{Long}-Context \textbf{L}arge
\textbf{L}anguage \textbf{a}nd \textbf{V}ision \textbf{A}ssistant) is the first
hybrid MLLM, which achieved a better balance between efficiency and
effectiveness. LongLLaVA not only achieves competitive results across various
benchmarks, but also maintains high throughput and low memory consumption.
Especially, it could process nearly a thousand images on a single A100 80GB
GPU, showing promising application prospects for a wide range of tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.MM"
] |
2401.12947 | AnswerAI | Transformer-Based Models Are Not Yet Perfect At Learning to Emulate Structural Recursion | [
"Dylan Zhang",
"Curt Tigges",
"Zory Zhang",
"Stella Biderman",
"Maxim Raginsky",
"Talia Ringer"
] | 2024-01-23 | This paper investigates the ability of transformer-based models to learn
structural recursion from examples. Recursion is a universal concept in both
natural and formal languages. Structural recursion is central to the
programming language and formal mathematics tasks where symbolic tools
currently excel beyond neural models, such as inferring semantic relations
between datatypes and emulating program behavior. We introduce a general
framework that nicely connects the abstract concepts of structural recursion in
the programming language domain to concrete sequence modeling problems and
learned models' behavior. The framework includes a representation that captures
the general \textit{syntax} of structural recursion, coupled with two different
frameworks for understanding their \textit{semantics} -- one that is more
natural from a programming languages perspective and one that helps bridge that
perspective with a mechanistic understanding of the underlying transformer
architecture.
With our framework as a powerful conceptual tool, we identify different
issues under various set-ups. The models trained to emulate recursive
computations cannot fully capture the recursion yet instead fit short-cut
algorithms and thus cannot solve certain edge cases that are under-represented
in the training distribution. In addition, it is difficult for state-of-the-art
large language models (LLMs) to mine recursive rules from in-context
demonstrations. Meanwhile, these LLMs fail in interesting ways when emulating
reduction (step-wise computation) of the recursive function. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.FL",
"cs.LO",
"cs.PL"
] |
2408.06663 | HF | Amuro & Char: Analyzing the Relationship between Pre-Training and Fine-Tuning of Large Language Models | [
"Kaiser Sun",
"Mark Dredze"
] | 2024-08-13 | The development of large language models leads to the formation of a
pre-train-then-align paradigm, in which the model is typically pre-trained on a
large text corpus and undergoes a tuning stage to align the model with human
preference or downstream tasks. In this work, we investigate the relationship
between pre-training and fine-tuning by fine-tuning multiple intermediate
pre-trained model checkpoints. Our results on 18 datasets suggest that i)
continual pre-training improves the model in a latent way that unveils after
fine-tuning; ii) with extra fine-tuning, the datasets that the model does not
demonstrate capability gain much more than those that the model performs well
during the pre-training stage; iii) although model benefits significantly
through supervised fine-tuning, it may forget previously known domain knowledge
and the tasks that are not seen during fine-tuning; iv) the model resembles
high sensitivity to evaluation prompts after supervised fine-tuning, but this
sensitivity can be alleviated by more pre-training. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2307.07487 | HF | DreamTeacher: Pretraining Image Backbones with Deep Generative Models | [
"Daiqing Li",
"Huan Ling",
"Amlan Kar",
"David Acuna",
"Seung Wook Kim",
"Karsten Kreis",
"Antonio Torralba",
"Sanja Fidler"
] | 2023-07-14 | In this work, we introduce a self-supervised feature representation learning
framework DreamTeacher that utilizes generative networks for pre-training
downstream image backbones. We propose to distill knowledge from a trained
generative model into standard image backbones that have been well engineered
for specific perception tasks. We investigate two types of knowledge
distillation: 1) distilling learned generative features onto target image
backbones as an alternative to pretraining these backbones on large labeled
datasets such as ImageNet, and 2) distilling labels obtained from generative
networks with task heads onto logits of target backbones. We perform extensive
analyses on multiple generative models, dense prediction benchmarks, and
several pre-training regimes. We empirically find that our DreamTeacher
significantly outperforms existing self-supervised representation learning
approaches across the board. Unsupervised ImageNet pre-training with
DreamTeacher leads to significant improvements over ImageNet classification
pre-training on downstream datasets, showcasing generative models, and
diffusion generative models specifically, as a promising approach to
representation learning on large, diverse datasets without requiring manual
annotation. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2206.11147 | AnswerAI | reStructured Pre-training | [
"Weizhe Yuan",
"Pengfei Liu"
] | 2022-06-22 | In this work, we try to decipher the internal connection of NLP technology
development in the past decades, searching for essence, which rewards us with a
(potential) new learning paradigm for NLP tasks, dubbed as reStructured
Pre-training (RST). In such a paradigm, the role of data will be re-emphasized,
and model pre-training and fine-tuning of downstream tasks are viewed as a
process of data storing and accessing. Based on that, we operationalize the
simple principle that a good storage mechanism should not only have the ability
to cache a large amount of data but also consider the ease of access. We
achieve this by pre-training models over restructured data that consist of a
variety of valuable information instead of raw data after overcoming several
engineering challenges. Experimentally, RST models not only surpass strong
competitors (e.g., T0) on 52/55 popular datasets from a variety of NLP tasks,
but also achieve superior performance in National College Entrance Examination
- English (Gaokao-English),the most authoritative examination in China.
Specifically, the proposed system Qin achieves 40 points higher than the
average scores made by students and 15 points higher than GPT3 with 1/16
parameters. In particular, Qin gets a high score of 138.5 (the full mark is
150) in the 2018 English exam (national paper III). We have released the Gaokao
Benchmark with an online submission platform.
In addition, we test our model in the 2022 College Entrance Examination
English that happened a few days ago (2022.06.08), and it gets a total score of
134 (v.s. GPT3's 108). | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2309.07430 | HF | Adapted Large Language Models Can Outperform Medical Experts in Clinical Text Summarization | [
"Dave Van Veen",
"Cara Van Uden",
"Louis Blankemeier",
"Jean-Benoit Delbrouck",
"Asad Aali",
"Christian Bluethgen",
"Anuj Pareek",
"Malgorzata Polacin",
"Eduardo Pontes Reis",
"Anna Seehofnerova",
"Nidhi Rohatgi",
"Poonam Hosamani",
"William Collins",
"Neera Ahuja",
"Curtis P. Langlotz",
"Jason Hom",
"Sergios Gatidis",
"John Pauly",
"Akshay S. Chaudhari"
] | 2023-09-14 | Analyzing vast textual data and summarizing key information from electronic
health records imposes a substantial burden on how clinicians allocate their
time. Although large language models (LLMs) have shown promise in natural
language processing (NLP), their effectiveness on a diverse range of clinical
summarization tasks remains unproven. In this study, we apply adaptation
methods to eight LLMs, spanning four distinct clinical summarization tasks:
radiology reports, patient questions, progress notes, and doctor-patient
dialogue. Quantitative assessments with syntactic, semantic, and conceptual NLP
metrics reveal trade-offs between models and adaptation methods. A clinical
reader study with ten physicians evaluates summary completeness, correctness,
and conciseness; in a majority of cases, summaries from our best adapted LLMs
are either equivalent (45%) or superior (36%) compared to summaries from
medical experts. The ensuing safety analysis highlights challenges faced by
both LLMs and medical experts, as we connect errors to potential medical harm
and categorize types of fabricated information. Our research provides evidence
of LLMs outperforming medical experts in clinical text summarization across
multiple tasks. This suggests that integrating LLMs into clinical workflows
could alleviate documentation burden, allowing clinicians to focus more on
patient care. | 10.1038/s41591-024-02855-5 | cs.CL | [
"cs.CL"
] |
2405.11473 | HF | FIFO-Diffusion: Generating Infinite Videos from Text without Training | [
"Jihwan Kim",
"Junoh Kang",
"Jinyoung Choi",
"Bohyung Han"
] | 2024-05-19 | We propose a novel inference technique based on a pretrained diffusion model
for text-conditional video generation. Our approach, called FIFO-Diffusion, is
conceptually capable of generating infinitely long videos without additional
training. This is achieved by iteratively performing diagonal denoising, which
concurrently processes a series of consecutive frames with increasing noise
levels in a queue; our method dequeues a fully denoised frame at the head while
enqueuing a new random noise frame at the tail. However, diagonal denoising is
a double-edged sword as the frames near the tail can take advantage of cleaner
ones by forward reference but such a strategy induces the discrepancy between
training and inference. Hence, we introduce latent partitioning to reduce the
training-inference gap and lookahead denoising to leverage the benefit of
forward referencing. Practically, FIFO-Diffusion consumes a constant amount of
memory regardless of the target video length given a baseline model, while
well-suited for parallel inference on multiple GPUs. We have demonstrated the
promising results and effectiveness of the proposed methods on existing
text-to-video generation baselines. Generated video samples and source codes
are available at our project page. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2306.07196 | HF | Retrieval-Enhanced Contrastive Vision-Text Models | [
"Ahmet Iscen",
"Mathilde Caron",
"Alireza Fathi",
"Cordelia Schmid"
] | 2023-06-12 | Contrastive image-text models such as CLIP form the building blocks of many
state-of-the-art systems. While they excel at recognizing common generic
concepts, they still struggle on fine-grained entities which are rare, or even
absent from the pre-training dataset. Hence, a key ingredient to their success
has been the use of large-scale curated pre-training data aiming at expanding
the set of concepts that they can memorize during the pre-training stage. In
this work, we explore an alternative to encoding fine-grained knowledge
directly into the model's parameters: we instead train the model to retrieve
this knowledge from an external memory. Specifically, we propose to equip
existing vision-text models with the ability to refine their embedding with
cross-modal retrieved information from a memory at inference time, which
greatly improves their zero-shot predictions. Remarkably, we show that this can
be done with a light-weight, single-layer, fusion transformer on top of a
frozen CLIP. Our experiments validate that our retrieval-enhanced contrastive
(RECO) training improves CLIP performance substantially on several challenging
fine-grained tasks: for example +10.9 on Stanford Cars, +10.2 on CUB-2011 and
+7.3 on the recent OVEN benchmark, where we even outperform the fine-tuned
models on unseen classes. | null | cs.CV | [
"cs.CV"
] |
2403.19887 | Both | Jamba: A Hybrid Transformer-Mamba Language Model | [
"Opher Lieber",
"Barak Lenz",
"Hofit Bata",
"Gal Cohen",
"Jhonathan Osin",
"Itay Dalmedigos",
"Erez Safahi",
"Shaked Meirom",
"Yonatan Belinkov",
"Shai Shalev-Shwartz",
"Omri Abend",
"Raz Alon",
"Tomer Asida",
"Amir Bergman",
"Roman Glozman",
"Michael Gokhman",
"Avashalom Manevich",
"Nir Ratner",
"Noam Rozen",
"Erez Shwartz",
"Mor Zusman",
"Yoav Shoham"
] | 2024-03-28 | We present Jamba, a new base large language model based on a novel hybrid
Transformer-Mamba mixture-of-experts (MoE) architecture. Specifically, Jamba
interleaves blocks of Transformer and Mamba layers, enjoying the benefits of
both model families. MoE is added in some of these layers to increase model
capacity while keeping active parameter usage manageable. This flexible
architecture allows resource- and objective-specific configurations. In the
particular configuration we have implemented, we end up with a powerful model
that fits in a single 80GB GPU. Built at large scale, Jamba provides high
throughput and small memory footprint compared to vanilla Transformers, and at
the same time state-of-the-art performance on standard language model
benchmarks and long-context evaluations. Remarkably, the model presents strong
results for up to 256K tokens context length. We study various architectural
decisions, such as how to combine Transformer and Mamba layers, and how to mix
experts, and show that some of them are crucial in large scale modeling. We
also describe several interesting properties of these architectures which the
training and evaluation of Jamba have revealed, and plan to release checkpoints
from various ablation runs, to encourage further exploration of this novel
architecture. We make the weights of our implementation of Jamba publicly
available under a permissive license. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.16367 | HF | Role-Play with Large Language Models | [
"Murray Shanahan",
"Kyle McDonell",
"Laria Reynolds"
] | 2023-05-25 | As dialogue agents become increasingly human-like in their performance, it is
imperative that we develop effective ways to describe their behaviour in
high-level terms without falling into the trap of anthropomorphism. In this
paper, we foreground the concept of role-play. Casting dialogue agent behaviour
in terms of role-play allows us to draw on familiar folk psychological terms,
without ascribing human characteristics to language models they in fact lack.
Two important cases of dialogue agent behaviour are addressed this way, namely
(apparent) deception and (apparent) self-awareness. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.04140 | HF | Increasing Diversity While Maintaining Accuracy: Text Data Generation with Large Language Models and Human Interventions | [
"John Joon Young Chung",
"Ece Kamar",
"Saleema Amershi"
] | 2023-06-07 | Large language models (LLMs) can be used to generate text data for training
and evaluating other models. However, creating high-quality datasets with LLMs
can be challenging. In this work, we explore human-AI partnerships to
facilitate high diversity and accuracy in LLM-based text data generation. We
first examine two approaches to diversify text generation: 1) logit
suppression, which minimizes the generation of languages that have already been
frequently generated, and 2) temperature sampling, which flattens the token
sampling probability. We found that diversification approaches can increase
data diversity but often at the cost of data accuracy (i.e., text and labels
being appropriate for the target domain). To address this issue, we examined
two human interventions, 1) label replacement (LR), correcting misaligned
labels, and 2) out-of-scope filtering (OOSF), removing instances that are out
of the user's domain of interest or to which no considered label applies. With
oracle studies, we found that LR increases the absolute accuracy of models
trained with diversified datasets by 14.4%. Moreover, we found that some models
trained with data generated with LR interventions outperformed LLM-based
few-shot classification. In contrast, OOSF was not effective in increasing
model accuracy, implying the need for future work in human-in-the-loop text
data generation. | 10.18653/v1/2023.acl-long.34 | cs.CL | [
"cs.CL"
] |
2103.10385 | AnswerAI | GPT Understands, Too | [
"Xiao Liu",
"Yanan Zheng",
"Zhengxiao Du",
"Ming Ding",
"Yujie Qian",
"Zhilin Yang",
"Jie Tang"
] | 2021-03-18 | Prompting a pretrained language model with natural language patterns has been
proved effective for natural language understanding (NLU). However, our
preliminary study reveals that manual discrete prompts often lead to unstable
performance -- e.g., changing a single word in the prompt might result in
substantial performance drop. We propose a novel method P-Tuning that employs
trainable continuous prompt embeddings in concatenation with discrete prompts.
Empirically, P-Tuning not only stabilizes training by minimizing the gap
between various discrete prompts, but also improves performance by a sizeable
margin on a wide range of NLU tasks including LAMA and SuperGLUE. P-Tuning is
generally effective for both frozen and tuned language models, under both the
fully-supervised and few-shot settings. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.09473 | HF | StyleSplat: 3D Object Style Transfer with Gaussian Splatting | [
"Sahil Jain",
"Avik Kuthiala",
"Prabhdeep Singh Sethi",
"Prakanshul Saxena"
] | 2024-07-12 | Recent advancements in radiance fields have opened new avenues for creating
high-quality 3D assets and scenes. Style transfer can enhance these 3D assets
with diverse artistic styles, transforming creative expression. However,
existing techniques are often slow or unable to localize style transfer to
specific objects. We introduce StyleSplat, a lightweight method for stylizing
3D objects in scenes represented by 3D Gaussians from reference style images.
Our approach first learns a photorealistic representation of the scene using 3D
Gaussian splatting while jointly segmenting individual 3D objects. We then use
a nearest-neighbor feature matching loss to finetune the Gaussians of the
selected objects, aligning their spherical harmonic coefficients with the style
image to ensure consistency and visual appeal. StyleSplat allows for quick,
customizable style transfer and localized stylization of multiple objects
within a scene, each with a different style. We demonstrate its effectiveness
across various 3D scenes and styles, showcasing enhanced control and
customization in 3D creation. | null | cs.CV | [
"cs.CV"
] |
2306.05411 | HF | R-MAE: Regions Meet Masked Autoencoders | [
"Duy-Kien Nguyen",
"Vaibhav Aggarwal",
"Yanghao Li",
"Martin R. Oswald",
"Alexander Kirillov",
"Cees G. M. Snoek",
"Xinlei Chen"
] | 2023-06-08 | In this work, we explore regions as a potential visual analogue of words for
self-supervised image representation learning. Inspired by Masked Autoencoding
(MAE), a generative pre-training baseline, we propose masked region
autoencoding to learn from groups of pixels or regions. Specifically, we design
an architecture which efficiently addresses the one-to-many mapping between
images and regions, while being highly effective especially with high-quality
regions. When integrated with MAE, our approach (R-MAE) demonstrates consistent
improvements across various pre-training datasets and downstream detection and
segmentation benchmarks, with negligible computational overheads. Beyond the
quantitative evaluation, our analysis indicates the models pre-trained with
masked region autoencoding unlock the potential for interactive segmentation.
The code is provided at https://github.com/facebookresearch/r-mae. | null | cs.CV | [
"cs.CV"
] |
2305.10005 | HF | DinoSR: Self-Distillation and Online Clustering for Self-supervised Speech Representation Learning | [
"Alexander H. Liu",
"Heng-Jui Chang",
"Michael Auli",
"Wei-Ning Hsu",
"James R. Glass"
] | 2023-05-17 | In this paper, we introduce self-distillation and online clustering for
self-supervised speech representation learning (DinoSR) which combines masked
language modeling, self-distillation, and online clustering. We show that these
concepts complement each other and result in a strong representation learning
model for speech. DinoSR first extracts contextualized embeddings from the
input audio with a teacher network, then runs an online clustering system on
the embeddings to yield a machine-discovered phone inventory, and finally uses
the discretized tokens to guide a student network. We show that DinoSR
surpasses previous state-of-the-art performance in several downstream tasks,
and provide a detailed analysis of the model and the learned discrete units. | null | cs.CL | [
"cs.CL"
] |
1911.00359 | AnswerAI | CCNet: Extracting High Quality Monolingual Datasets from Web Crawl Data | [
"Guillaume Wenzek",
"Marie-Anne Lachaux",
"Alexis Conneau",
"Vishrav Chaudhary",
"Francisco Guzmán",
"Armand Joulin",
"Edouard Grave"
] | 2019-11-01 | Pre-training text representations have led to significant improvements in
many areas of natural language processing. The quality of these models benefits
greatly from the size of the pretraining corpora as long as its quality is
preserved. In this paper, we describe an automatic pipeline to extract massive
high-quality monolingual datasets from Common Crawl for a variety of languages.
Our pipeline follows the data processing introduced in fastText (Mikolov et
al., 2017; Grave et al., 2018), that deduplicates documents and identifies
their language. We augment this pipeline with a filtering step to select
documents that are close to high quality corpora like Wikipedia. | null | cs.CL | [
"cs.CL",
"cs.IR",
"cs.LG",
"stat.ML"
] |
2405.20204 | Both | Jina CLIP: Your CLIP Model Is Also Your Text Retriever | [
"Andreas Koukounas",
"Georgios Mastrapas",
"Michael Günther",
"Bo Wang",
"Scott Martens",
"Isabelle Mohr",
"Saba Sturua",
"Mohammad Kalim Akram",
"Joan Fontanals Martínez",
"Saahil Ognawala",
"Susana Guzman",
"Maximilian Werk",
"Nan Wang",
"Han Xiao"
] | 2024-05-30 | Contrastive Language-Image Pretraining (CLIP) is widely used to train models
to align images and texts in a common embedding space by mapping them to
fixed-sized vectors. These models are key to multimodal information retrieval
and related tasks. However, CLIP models generally underperform in text-only
tasks compared to specialized text models. This creates inefficiencies for
information retrieval systems that keep separate embeddings and models for
text-only and multimodal tasks. We propose a novel, multi-task contrastive
training method to address this issue, which we use to train the jina-clip-v1
model to achieve the state-of-the-art performance on both text-image and
text-text retrieval tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.IR",
"68T50",
"I.2.7"
] |
2401.05566 | HF | Sleeper Agents: Training Deceptive LLMs that Persist Through Safety Training | [
"Evan Hubinger",
"Carson Denison",
"Jesse Mu",
"Mike Lambert",
"Meg Tong",
"Monte MacDiarmid",
"Tamera Lanham",
"Daniel M. Ziegler",
"Tim Maxwell",
"Newton Cheng",
"Adam Jermyn",
"Amanda Askell",
"Ansh Radhakrishnan",
"Cem Anil",
"David Duvenaud",
"Deep Ganguli",
"Fazl Barez",
"Jack Clark",
"Kamal Ndousse",
"Kshitij Sachan",
"Michael Sellitto",
"Mrinank Sharma",
"Nova DasSarma",
"Roger Grosse",
"Shauna Kravec",
"Yuntao Bai",
"Zachary Witten",
"Marina Favaro",
"Jan Brauner",
"Holden Karnofsky",
"Paul Christiano",
"Samuel R. Bowman",
"Logan Graham",
"Jared Kaplan",
"Sören Mindermann",
"Ryan Greenblatt",
"Buck Shlegeris",
"Nicholas Schiefer",
"Ethan Perez"
] | 2024-01-10 | Humans are capable of strategically deceptive behavior: behaving helpfully in
most situations, but then behaving very differently in order to pursue
alternative objectives when given the opportunity. If an AI system learned such
a deceptive strategy, could we detect it and remove it using current
state-of-the-art safety training techniques? To study this question, we
construct proof-of-concept examples of deceptive behavior in large language
models (LLMs). For example, we train models that write secure code when the
prompt states that the year is 2023, but insert exploitable code when the
stated year is 2024. We find that such backdoor behavior can be made
persistent, so that it is not removed by standard safety training techniques,
including supervised fine-tuning, reinforcement learning, and adversarial
training (eliciting unsafe behavior and then training to remove it). The
backdoor behavior is most persistent in the largest models and in models
trained to produce chain-of-thought reasoning about deceiving the training
process, with the persistence remaining even when the chain-of-thought is
distilled away. Furthermore, rather than removing backdoors, we find that
adversarial training can teach models to better recognize their backdoor
triggers, effectively hiding the unsafe behavior. Our results suggest that,
once a model exhibits deceptive behavior, standard techniques could fail to
remove such deception and create a false impression of safety. | null | cs.CR | [
"cs.CR",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.SE"
] |
2407.12435 | HF | F-HOI: Toward Fine-grained Semantic-Aligned 3D Human-Object Interactions | [
"Jie Yang",
"Xuesong Niu",
"Nan Jiang",
"Ruimao Zhang",
"Siyuan Huang"
] | 2024-07-17 | Existing 3D human object interaction (HOI) datasets and models simply align
global descriptions with the long HOI sequence, while lacking a detailed
understanding of intermediate states and the transitions between states. In
this paper, we argue that fine-grained semantic alignment, which utilizes
state-level descriptions, offers a promising paradigm for learning semantically
rich HOI representations. To achieve this, we introduce Semantic-HOI, a new
dataset comprising over 20K paired HOI states with fine-grained descriptions
for each HOI state and the body movements that happen between two consecutive
states. Leveraging the proposed dataset, we design three state-level HOI tasks
to accomplish fine-grained semantic alignment within the HOI sequence.
Additionally, we propose a unified model called F-HOI, designed to leverage
multimodal instructions and empower the Multi-modal Large Language Model to
efficiently handle diverse HOI tasks. F-HOI offers multiple advantages: (1) It
employs a unified task formulation that supports the use of versatile
multimodal inputs. (2) It maintains consistency in HOI across 2D, 3D, and
linguistic spaces. (3) It utilizes fine-grained textual supervision for direct
optimization, avoiding intricate modeling of HOI states. Extensive experiments
reveal that F-HOI effectively aligns HOI states with fine-grained semantic
descriptions, adeptly tackling understanding, reasoning, generation, and
reconstruction tasks. | null | cs.CV | [
"cs.CV"
] |
2112.00114 | AnswerAI | Show Your Work: Scratchpads for Intermediate Computation with Language Models | [
"Maxwell Nye",
"Anders Johan Andreassen",
"Guy Gur-Ari",
"Henryk Michalewski",
"Jacob Austin",
"David Bieber",
"David Dohan",
"Aitor Lewkowycz",
"Maarten Bosma",
"David Luan",
"Charles Sutton",
"Augustus Odena"
] | 2021-11-30 | Large pre-trained language models perform remarkably well on tasks that can
be done "in one pass", such as generating realistic text or synthesizing
computer programs. However, they struggle with tasks that require unbounded
multi-step computation, such as adding integers or executing programs.
Surprisingly, we find that these same models are able to perform complex
multi-step computations -- even in the few-shot regime -- when asked to perform
the operation "step by step", showing the results of intermediate computations.
In particular, we train transformers to perform multi-step computations by
asking them to emit intermediate computation steps into a "scratchpad". On a
series of increasingly complex tasks ranging from long addition to the
execution of arbitrary programs, we show that scratchpads dramatically improve
the ability of language models to perform multi-step computations. | null | cs.LG | [
"cs.LG",
"cs.NE"
] |
2406.14909 | HF | MoA: Mixture of Sparse Attention for Automatic Large Language Model Compression | [
"Tianyu Fu",
"Haofeng Huang",
"Xuefei Ning",
"Genghan Zhang",
"Boju Chen",
"Tianqi Wu",
"Hongyi Wang",
"Zixiao Huang",
"Shiyao Li",
"Shengen Yan",
"Guohao Dai",
"Huazhong Yang",
"Yu Wang"
] | 2024-06-21 | Sparse attention can effectively mitigate the significant memory and
throughput demands of Large Language Models (LLMs) in long contexts. Existing
methods typically employ a uniform sparse attention mask, applying the same
sparse pattern across different attention heads and input lengths. However,
this uniform approach fails to capture the diverse attention patterns inherent
in LLMs, ignoring their distinct accuracy-latency trade-offs. To address this
challenge, we propose the Mixture of Attention (MoA), which automatically
tailors distinct sparse attention configurations to different heads and layers.
MoA constructs and navigates a search space of various attention patterns and
their scaling rules relative to input sequence lengths. It profiles the model,
evaluates potential configurations, and pinpoints the optimal sparse attention
compression plan. MoA adapts to varying input sizes, revealing that some
attention heads expand their focus to accommodate longer sequences, while other
heads consistently concentrate on fixed-length local contexts. Experiments show
that MoA increases the effective context length by $3.9\times$ with the same
average attention span, boosting retrieval accuracy by $1.5-7.1\times$ over the
uniform-attention baseline across Vicuna-7B, Vicuna-13B, and Llama3-8B models.
Moreover, MoA narrows the capability gaps between sparse and dense models,
reducing the maximum relative performance drop from $9\%-36\%$ to within $5\%$
across two long-context understanding benchmarks. MoA achieves a
$1.2-1.4\times$ GPU memory reduction and boosts decode throughput by $5.5-6.7
\times$ for 7B and 13B dense models on a single GPU, with minimal impact on
performance. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"I.2.7"
] |
2310.03731 | HF | MathCoder: Seamless Code Integration in LLMs for Enhanced Mathematical Reasoning | [
"Ke Wang",
"Houxing Ren",
"Aojun Zhou",
"Zimu Lu",
"Sichun Luo",
"Weikang Shi",
"Renrui Zhang",
"Linqi Song",
"Mingjie Zhan",
"Hongsheng Li"
] | 2023-10-05 | The recently released GPT-4 Code Interpreter has demonstrated remarkable
proficiency in solving challenging math problems, primarily attributed to its
ability to seamlessly reason with natural language, generate code, execute
code, and continue reasoning based on the execution output. In this paper, we
present a method to fine-tune open-source language models, enabling them to use
code for modeling and deriving math equations and, consequently, enhancing
their mathematical reasoning abilities. We propose a method of generating novel
and high-quality datasets with math problems and their code-based solutions,
referred to as MathCodeInstruct. Each solution interleaves natural language,
code, and execution results. We also introduce a customized supervised
fine-tuning and inference approach. This approach yields the MathCoder models,
a family of models capable of generating code-based solutions for solving
challenging math problems. Impressively, the MathCoder models achieve
state-of-the-art scores among open-source LLMs on the MATH (45.2%) and GSM8K
(83.9%) datasets, substantially outperforming other open-source alternatives.
Notably, the MathCoder model not only surpasses ChatGPT-3.5 and PaLM-2 on GSM8K
and MATH but also outperforms GPT-4 on the competition-level MATH dataset. The
dataset and models will be released at https://github.com/mathllm/MathCoder. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG"
] |
1801.06146 | AnswerAI | Universal Language Model Fine-tuning for Text Classification | [
"Jeremy Howard",
"Sebastian Ruder"
] | 2018-01-18 | Inductive transfer learning has greatly impacted computer vision, but
existing approaches in NLP still require task-specific modifications and
training from scratch. We propose Universal Language Model Fine-tuning
(ULMFiT), an effective transfer learning method that can be applied to any task
in NLP, and introduce techniques that are key for fine-tuning a language model.
Our method significantly outperforms the state-of-the-art on six text
classification tasks, reducing the error by 18-24% on the majority of datasets.
Furthermore, with only 100 labeled examples, it matches the performance of
training from scratch on 100x more data. We open-source our pretrained models
and code. | null | cs.CL | [
"cs.CL",
"cs.LG",
"stat.ML"
] |
2405.14333 | HF | DeepSeek-Prover: Advancing Theorem Proving in LLMs through Large-Scale Synthetic Data | [
"Huajian Xin",
"Daya Guo",
"Zhihong Shao",
"Zhizhou Ren",
"Qihao Zhu",
"Bo Liu",
"Chong Ruan",
"Wenda Li",
"Xiaodan Liang"
] | 2024-05-23 | Proof assistants like Lean have revolutionized mathematical proof
verification, ensuring high accuracy and reliability. Although large language
models (LLMs) show promise in mathematical reasoning, their advancement in
formal theorem proving is hindered by a lack of training data. To address this
issue, we introduce an approach to generate extensive Lean 4 proof data derived
from high-school and undergraduate-level mathematical competition problems.
This approach involves translating natural language problems into formal
statements, filtering out low-quality statements, and generating proofs to
create synthetic data. After fine-tuning the DeepSeekMath 7B model on this
synthetic dataset, which comprises 8 million formal statements with proofs, our
model achieved whole-proof generation accuracies of 46.3% with 64 samples and
52% cumulatively on the Lean 4 miniF2F test, surpassing the baseline GPT-4 at
23.0% with 64 samples and a tree search reinforcement learning method at 41.0%.
Additionally, our model successfully proved 5 out of 148 problems in the Lean 4
Formalized International Mathematical Olympiad (FIMO) benchmark, while GPT-4
failed to prove any. These results demonstrate the potential of leveraging
large-scale synthetic data to enhance theorem-proving capabilities in LLMs.
Both the synthetic dataset and the model will be made available to facilitate
further research in this promising field. | null | cs.AI | [
"cs.AI"
] |
2402.06619 | HF | Aya Dataset: An Open-Access Collection for Multilingual Instruction Tuning | [
"Shivalika Singh",
"Freddie Vargus",
"Daniel Dsouza",
"Börje F. Karlsson",
"Abinaya Mahendiran",
"Wei-Yin Ko",
"Herumb Shandilya",
"Jay Patel",
"Deividas Mataciunas",
"Laura OMahony",
"Mike Zhang",
"Ramith Hettiarachchi",
"Joseph Wilson",
"Marina Machado",
"Luisa Souza Moura",
"Dominik Krzemiński",
"Hakimeh Fadaei",
"Irem Ergün",
"Ifeoma Okoh",
"Aisha Alaagib",
"Oshan Mudannayake",
"Zaid Alyafeai",
"Vu Minh Chien",
"Sebastian Ruder",
"Surya Guthikonda",
"Emad A. Alghamdi",
"Sebastian Gehrmann",
"Niklas Muennighoff",
"Max Bartolo",
"Julia Kreutzer",
"Ahmet Üstün",
"Marzieh Fadaee",
"Sara Hooker"
] | 2024-02-09 | Datasets are foundational to many breakthroughs in modern artificial
intelligence. Many recent achievements in the space of natural language
processing (NLP) can be attributed to the finetuning of pre-trained models on a
diverse set of tasks that enables a large language model (LLM) to respond to
instructions. Instruction fine-tuning (IFT) requires specifically constructed
and annotated datasets. However, existing datasets are almost all in the
English language. In this work, our primary goal is to bridge the language gap
by building a human-curated instruction-following dataset spanning 65
languages. We worked with fluent speakers of languages from around the world to
collect natural instances of instructions and completions. Furthermore, we
create the most extensive multilingual collection to date, comprising 513
million instances through templating and translating existing datasets across
114 languages. In total, we contribute four key resources: we develop and
open-source the Aya Annotation Platform, the Aya Dataset, the Aya Collection,
and the Aya Evaluation Suite. The Aya initiative also serves as a valuable case
study in participatory research, involving collaborators from 119 countries. We
see this as a valuable framework for future research collaborations that aim to
bridge gaps in resources. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2401.17574 | HF | Scavenging Hyena: Distilling Transformers into Long Convolution Models | [
"Tokiniaina Raharison Ralambomihanta",
"Shahrad Mohammadzadeh",
"Mohammad Sami Nur Islam",
"Wassim Jabbour",
"Laurence Liang"
] | 2024-01-31 | The rapid evolution of Large Language Models (LLMs), epitomized by
architectures like GPT-4, has reshaped the landscape of natural language
processing. This paper introduces a pioneering approach to address the
efficiency concerns associated with LLM pre-training, proposing the use of
knowledge distillation for cross-architecture transfer. Leveraging insights
from the efficient Hyena mechanism, our method replaces attention heads in
transformer models by Hyena, offering a cost-effective alternative to
traditional pre-training while confronting the challenge of processing long
contextual information, inherent in quadratic attention mechanisms. Unlike
conventional compression-focused methods, our technique not only enhances
inference speed but also surpasses pre-training in terms of both accuracy and
efficiency. In the era of evolving LLMs, our work contributes to the pursuit of
sustainable AI solutions, striking a balance between computational power and
environmental impact. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.11759 | HF | Controlling the Extraction of Memorized Data from Large Language Models via Prompt-Tuning | [
"Mustafa Safa Ozdayi",
"Charith Peris",
"Jack FitzGerald",
"Christophe Dupuy",
"Jimit Majmudar",
"Haidar Khan",
"Rahil Parikh",
"Rahul Gupta"
] | 2023-05-19 | Large Language Models (LLMs) are known to memorize significant portions of
their training data. Parts of this memorized content have been shown to be
extractable by simply querying the model, which poses a privacy risk. We
present a novel approach which uses prompt-tuning to control the extraction
rates of memorized content in LLMs. We present two prompt training strategies
to increase and decrease extraction rates, which correspond to an attack and a
defense, respectively. We demonstrate the effectiveness of our techniques by
using models from the GPT-Neo family on a public benchmark. For the 1.3B
parameter GPT-Neo model, our attack yields a 9.3 percentage point increase in
extraction rate compared to our baseline. Our defense can be tuned to achieve
different privacy-utility trade-offs by a user-specified hyperparameter. We
achieve an extraction rate reduction of up to 97.7% relative to our baseline,
with a perplexity increase of 16.9%. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.15724 | HF | REFLECT: Summarizing Robot Experiences for Failure Explanation and Correction | [
"Zeyi Liu",
"Arpit Bahety",
"Shuran Song"
] | 2023-06-27 | The ability to detect and analyze failed executions automatically is crucial
for an explainable and robust robotic system. Recently, Large Language Models
(LLMs) have demonstrated strong reasoning abilities on textual inputs. To
leverage the power of LLMs for robot failure explanation, we introduce REFLECT,
a framework which queries LLM for failure reasoning based on a hierarchical
summary of robot past experiences generated from multisensory observations. The
failure explanation can further guide a language-based planner to correct the
failure and complete the task. To systematically evaluate the framework, we
create the RoboFail dataset with a variety of tasks and failure scenarios. We
demonstrate that the LLM-based framework is able to generate informative
failure explanations that assist successful correction planning. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2312.02980 | HF | GPT4Point: A Unified Framework for Point-Language Understanding and Generation | [
"Zhangyang Qi",
"Ye Fang",
"Zeyi Sun",
"Xiaoyang Wu",
"Tong Wu",
"Jiaqi Wang",
"Dahua Lin",
"Hengshuang Zhao"
] | 2023-12-05 | Multimodal Large Language Models (MLLMs) have excelled in 2D image-text
comprehension and image generation, but their understanding of the 3D world is
notably deficient, limiting progress in 3D language understanding and
generation. To solve this problem, we introduce GPT4Point, an innovative
groundbreaking point-language multimodal model designed specifically for
unified 3D object understanding and generation within the MLLM framework.
GPT4Point as a powerful 3D MLLM seamlessly can execute a variety of point-text
reference tasks such as point-cloud captioning and Q&A. Additionally, GPT4Point
is equipped with advanced capabilities for controllable 3D generation, it can
get high-quality results through a low-quality point-text feature maintaining
the geometric shapes and colors. To support the expansive needs of 3D
object-text pairs, we develop Pyramid-XL, a point-language dataset annotation
engine. It constructs a large-scale database over 1M objects of varied text
granularity levels from the Objaverse-XL dataset, essential for training
GPT4Point. A comprehensive benchmark has been proposed to evaluate 3D
point-language understanding capabilities. In extensive evaluations, GPT4Point
has demonstrated superior performance in understanding and generation. | null | cs.CV | [
"cs.CV"
] |
2403.10493 | HF | MusicHiFi: Fast High-Fidelity Stereo Vocoding | [
"Ge Zhu",
"Juan-Pablo Caceres",
"Zhiyao Duan",
"Nicholas J. Bryan"
] | 2024-03-15 | Diffusion-based audio and music generation models commonly perform generation
by constructing an image representation of audio (e.g., a mel-spectrogram) and
then convert it to audio using a phase reconstruction model or vocoder. Typical
vocoders, however, produce monophonic audio at lower resolutions (e.g., 16-24
kHz), which limits their usefulness. We propose MusicHiFi -- an efficient
high-fidelity stereophonic vocoder. Our method employs a cascade of three
generative adversarial networks (GANs) that convert low-resolution
mel-spectrograms to audio, upsamples to high-resolution audio via bandwidth
extension, and upmixes to stereophonic audio. Compared to past work, we propose
1) a unified GAN-based generator and discriminator architecture and training
procedure for each stage of our cascade, 2) a new fast, near
downsampling-compatible bandwidth extension module, and 3) a new fast
downmix-compatible mono-to-stereo upmixer that ensures the preservation of
monophonic content in the output. We evaluate our approach using objective and
subjective listening tests and find our approach yields comparable or better
audio quality, better spatialization control, and significantly faster
inference speed compared to past work. Sound examples are at
\url{https://MusicHiFi.github.io/web/}. | null | cs.SD | [
"cs.SD",
"eess.AS",
"eess.SP"
] |
2402.12225 | HF | Pushing Auto-regressive Models for 3D Shape Generation at Capacity and Scalability | [
"Xuelin Qian",
"Yu Wang",
"Simian Luo",
"Yinda Zhang",
"Ying Tai",
"Zhenyu Zhang",
"Chengjie Wang",
"Xiangyang Xue",
"Bo Zhao",
"Tiejun Huang",
"Yunsheng Wu",
"Yanwei Fu"
] | 2024-02-19 | Auto-regressive models have achieved impressive results in 2D image
generation by modeling joint distributions in grid space. In this paper, we
extend auto-regressive models to 3D domains, and seek a stronger ability of 3D
shape generation by improving auto-regressive models at capacity and
scalability simultaneously. Firstly, we leverage an ensemble of publicly
available 3D datasets to facilitate the training of large-scale models. It
consists of a comprehensive collection of approximately 900,000 objects, with
multiple properties of meshes, points, voxels, rendered images, and text
captions. This diverse labeled dataset, termed Objaverse-Mix, empowers our
model to learn from a wide range of object variations. However, directly
applying 3D auto-regression encounters critical challenges of high
computational demands on volumetric grids and ambiguous auto-regressive order
along grid dimensions, resulting in inferior quality of 3D shapes. To this end,
we then present a novel framework Argus3D in terms of capacity. Concretely, our
approach introduces discrete representation learning based on a latent vector
instead of volumetric grids, which not only reduces computational costs but
also preserves essential geometric details by learning the joint distributions
in a more tractable order. The capacity of conditional generation can thus be
realized by simply concatenating various conditioning inputs to the latent
vector, such as point clouds, categories, images, and texts. In addition,
thanks to the simplicity of our model architecture, we naturally scale up our
approach to a larger model with an impressive 3.6 billion parameters, further
enhancing the quality of versatile 3D generation. Extensive experiments on four
generation tasks demonstrate that Argus3D can synthesize diverse and faithful
shapes across multiple categories, achieving remarkable performance. | null | cs.CV | [
"cs.CV"
] |
2401.14066 | HF | CreativeSynth: Creative Blending and Synthesis of Visual Arts based on Multimodal Diffusion | [
"Nisha Huang",
"Weiming Dong",
"Yuxin Zhang",
"Fan Tang",
"Ronghui Li",
"Chongyang Ma",
"Xiu Li",
"Changsheng Xu"
] | 2024-01-25 | Large-scale text-to-image generative models have made impressive strides,
showcasing their ability to synthesize a vast array of high-quality images.
However, adapting these models for artistic image editing presents two
significant challenges. Firstly, users struggle to craft textual prompts that
meticulously detail visual elements of the input image. Secondly, prevalent
models, when effecting modifications in specific zones, frequently disrupt the
overall artistic style, complicating the attainment of cohesive and
aesthetically unified artworks. To surmount these obstacles, we build the
innovative unified framework CreativeSynth, which is based on a diffusion model
with the ability to coordinate multimodal inputs and multitask in the field of
artistic image generation. By integrating multimodal features with customized
attention mechanisms, CreativeSynth facilitates the importation of real-world
semantic content into the domain of art through inversion and real-time style
transfer. This allows for the precise manipulation of image style and content
while maintaining the integrity of the original model parameters. Rigorous
qualitative and quantitative evaluations underscore that CreativeSynth excels
in enhancing artistic images' fidelity and preserves their innate aesthetic
essence. By bridging the gap between generative models and artistic finesse,
CreativeSynth becomes a custom digital palette. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.06908 | HF | "I Want It That Way": Enabling Interactive Decision Support Using Large Language Models and Constraint Programming | [
"Connor Lawless",
"Jakob Schoeffer",
"Lindy Le",
"Kael Rowan",
"Shilad Sen",
"Cristina St. Hill",
"Jina Suh",
"Bahareh Sarrafzadeh"
] | 2023-12-12 | A critical factor in the success of decision support systems is the accurate
modeling of user preferences. Psychology research has demonstrated that users
often develop their preferences during the elicitation process, highlighting
the pivotal role of system-user interaction in developing personalized systems.
This paper introduces a novel approach, combining Large Language Models (LLMs)
with Constraint Programming to facilitate interactive decision support. We
study this hybrid framework through the lens of meeting scheduling, a
time-consuming daily activity faced by a multitude of information workers. We
conduct three studies to evaluate the novel framework, including a diary study
(n=64) to characterize contextual scheduling preferences, a quantitative
evaluation of the system's performance, and a user study (n=10) with a
prototype system. Our work highlights the potential for a hybrid LLM and
optimization approach for iterative preference elicitation and design
considerations for building systems that support human-system collaborative
decision-making processes. | null | cs.HC | [
"cs.HC"
] |
2407.00320 | HF | LiteSearch: Efficacious Tree Search for LLM | [
"Ante Wang",
"Linfeng Song",
"Ye Tian",
"Baolin Peng",
"Dian Yu",
"Haitao Mi",
"Jinsong Su",
"Dong Yu"
] | 2024-06-29 | Recent research suggests that tree search algorithms (e.g. Monte Carlo Tree
Search) can dramatically boost LLM performance on complex mathematical
reasoning tasks. However, they often require more than 10 times the
computational resources of greedy decoding due to wasteful search strategies,
making them difficult to be deployed in practical applications. This study
introduces a novel guided tree search algorithm with dynamic node selection and
node-level exploration budget (maximum number of children) calculation to
tackle this issue. By considering the search progress towards the final answer
(history) and the guidance from a value network (future) trained without any
step-wise annotations, our algorithm iteratively selects the most promising
tree node before expanding it within the boundaries of the allocated
computational budget. Experiments conducted on the GSM8K and TabMWP datasets
demonstrate that our approach not only offers competitive performance but also
enjoys significantly lower computational costs compared to baseline methods. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.17365 | HF | ViPer: Visual Personalization of Generative Models via Individual Preference Learning | [
"Sogand Salehi",
"Mahdi Shafiei",
"Teresa Yeo",
"Roman Bachmann",
"Amir Zamir"
] | 2024-07-24 | Different users find different images generated for the same prompt
desirable. This gives rise to personalized image generation which involves
creating images aligned with an individual's visual preference. Current
generative models are, however, unpersonalized, as they are tuned to produce
outputs that appeal to a broad audience. Using them to generate images aligned
with individual users relies on iterative manual prompt engineering by the user
which is inefficient and undesirable. We propose to personalize the image
generation process by first capturing the generic preferences of the user in a
one-time process by inviting them to comment on a small selection of images,
explaining why they like or dislike each. Based on these comments, we infer a
user's structured liked and disliked visual attributes, i.e., their visual
preference, using a large language model. These attributes are used to guide a
text-to-image model toward producing images that are tuned towards the
individual user's visual preference. Through a series of user studies and large
language model guided evaluations, we demonstrate that the proposed method
results in generations that are well aligned with individual users' visual
preferences. | null | cs.CV | [
"cs.CV"
] |
2312.14198 | HF | ZeroShape: Regression-based Zero-shot Shape Reconstruction | [
"Zixuan Huang",
"Stefan Stojanov",
"Anh Thai",
"Varun Jampani",
"James M. Rehg"
] | 2023-12-21 | We study the problem of single-image zero-shot 3D shape reconstruction.
Recent works learn zero-shot shape reconstruction through generative modeling
of 3D assets, but these models are computationally expensive at train and
inference time. In contrast, the traditional approach to this problem is
regression-based, where deterministic models are trained to directly regress
the object shape. Such regression methods possess much higher computational
efficiency than generative methods. This raises a natural question: is
generative modeling necessary for high performance, or conversely, are
regression-based approaches still competitive? To answer this, we design a
strong regression-based model, called ZeroShape, based on the converging
findings in this field and a novel insight. We also curate a large real-world
evaluation benchmark, with objects from three different real-world 3D datasets.
This evaluation benchmark is more diverse and an order of magnitude larger than
what prior works use to quantitatively evaluate their models, aiming at
reducing the evaluation variance in our field. We show that ZeroShape not only
achieves superior performance over state-of-the-art methods, but also
demonstrates significantly higher computational and data efficiency. | null | cs.CV | [
"cs.CV"
] |
2406.11654 | HF | Ruby Teaming: Improving Quality Diversity Search with Memory for Automated Red Teaming | [
"Vernon Toh Yan Han",
"Rishabh Bhardwaj",
"Soujanya Poria"
] | 2024-06-17 | We propose Ruby Teaming, a method that improves on Rainbow Teaming by
including a memory cache as its third dimension. The memory dimension provides
cues to the mutator to yield better-quality prompts, both in terms of attack
success rate (ASR) and quality diversity. The prompt archive generated by Ruby
Teaming has an ASR of 74%, which is 20% higher than the baseline. In terms of
quality diversity, Ruby Teaming outperforms Rainbow Teaming by 6% and 3% on
Shannon's Evenness Index (SEI) and Simpson's Diversity Index (SDI),
respectively. | null | cs.CL | [
"cs.CL"
] |
2409.05806 | HF | Benchmarking Chinese Knowledge Rectification in Large Language Models | [
"Tianhe Lu",
"Jizhan Fang",
"Yunzhi Yao",
"Xin Xu",
"Ningyu Zhang",
"Huajun Chen"
] | 2024-09-09 | While Large Language Models (LLMs) exhibit remarkable generative
capabilities, they are not without flaws, particularly in the form of
hallucinations. This issue is even more pronounced when LLMs are applied to
specific languages and domains. For example, LLMs may generate nonsense
information when handling Chinese ancient poetry, proverbs, or idioms, owing to
the lack of specific knowledge. To this end, this paper introduces a benchmark
for rectifying Chinese knowledge in LLMs via knowledge editing. Specifically,
we introduce a new Chinese dataset, CKnowEdit, by collecting seven type of
knowledge from various sources, including classical texts, idioms, and content
from Baidu Tieba Ruozhiba, thereby accounting for the unique polyphony,
antithesis, and logical constructs inherent in the Chinese language. Through
the analysis of this dataset, we uncover the challenges faced by current LLMs
in mastering Chinese. Furthermore, our evaluation of state-of-the-art knowledge
editing techniques on this dataset unveil the substantial scope for advancement
in the rectification of Chinese knowledge. Code and dataset are available at
https://github.com/zjunlp/EasyEdit. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR",
"cs.LG"
] |
2407.19985 | HF | Mixture of Nested Experts: Adaptive Processing of Visual Tokens | [
"Gagan Jain",
"Nidhi Hegde",
"Aditya Kusupati",
"Arsha Nagrani",
"Shyamal Buch",
"Prateek Jain",
"Anurag Arnab",
"Sujoy Paul"
] | 2024-07-29 | The visual medium (images and videos) naturally contains a large amount of
information redundancy, thereby providing a great opportunity for leveraging
efficiency in processing. While Vision Transformer (ViT) based models scale
effectively to large data regimes, they fail to capitalize on this inherent
redundancy, leading to higher computational costs. Mixture of Experts (MoE)
networks demonstrate scalability while maintaining same inference-time costs,
but they come with a larger parameter footprint. We present Mixture of Nested
Experts (MoNE), which utilizes a nested structure for experts, wherein
individual experts fall on an increasing compute-accuracy curve. Given a
compute budget, MoNE learns to dynamically choose tokens in a priority order,
and thus redundant tokens are processed through cheaper nested experts. Using
this framework, we achieve equivalent performance as the baseline models, while
reducing inference time compute by over two-fold. We validate our approach on
standard image and video datasets - ImageNet-21K, Kinetics400, and
Something-Something-v2. We further highlight MoNE$'$s adaptability by
showcasing its ability to maintain strong performance across different
inference-time compute budgets on videos, using only a single trained model. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2308.03296 | HF | Studying Large Language Model Generalization with Influence Functions | [
"Roger Grosse",
"Juhan Bae",
"Cem Anil",
"Nelson Elhage",
"Alex Tamkin",
"Amirhossein Tajdini",
"Benoit Steiner",
"Dustin Li",
"Esin Durmus",
"Ethan Perez",
"Evan Hubinger",
"Kamilė Lukošiūtė",
"Karina Nguyen",
"Nicholas Joseph",
"Sam McCandlish",
"Jared Kaplan",
"Samuel R. Bowman"
] | 2023-08-07 | When trying to gain better visibility into a machine learning model in order
to understand and mitigate the associated risks, a potentially valuable source
of evidence is: which training examples most contribute to a given behavior?
Influence functions aim to answer a counterfactual: how would the model's
parameters (and hence its outputs) change if a given sequence were added to the
training set? While influence functions have produced insights for small
models, they are difficult to scale to large language models (LLMs) due to the
difficulty of computing an inverse-Hessian-vector product (IHVP). We use the
Eigenvalue-corrected Kronecker-Factored Approximate Curvature (EK-FAC)
approximation to scale influence functions up to LLMs with up to 52 billion
parameters. In our experiments, EK-FAC achieves similar accuracy to traditional
influence function estimators despite the IHVP computation being orders of
magnitude faster. We investigate two algorithmic techniques to reduce the cost
of computing gradients of candidate training sequences: TF-IDF filtering and
query batching. We use influence functions to investigate the generalization
patterns of LLMs, including the sparsity of the influence patterns, increasing
abstraction with scale, math and programming abilities, cross-lingual
generalization, and role-playing behavior. Despite many apparently
sophisticated forms of generalization, we identify a surprising limitation:
influences decay to near-zero when the order of key phrases is flipped.
Overall, influence functions give us a powerful new tool for studying the
generalization properties of LLMs. | null | cs.LG | [
"cs.LG",
"cs.CL",
"stat.ML"
] |
2304.09823 | AnswerAI | The Future of ChatGPT-enabled Labor Market: A Preliminary Study in China | [
"Lan Chen",
"Xi Chen",
"Shiyu Wu",
"Yaqi Yang",
"Meng Chang",
"Hengshu Zhu"
] | 2023-04-14 | As a phenomenal large language model, ChatGPT has achieved unparalleled
success in various real-world tasks and increasingly plays an important role in
our daily lives and work. However, extensive concerns are also raised about the
potential ethical issues, especially about whether ChatGPT-like artificial
general intelligence (AGI) will replace human jobs. To this end, in this paper,
we introduce a preliminary data-driven study on the future of ChatGPT-enabled
labor market from the view of Human-AI Symbiosis instead of Human-AI
Confrontation. To be specific, we first conduct an in-depth analysis of
large-scale job posting data in BOSS Zhipin, the largest online recruitment
platform in China. The results indicate that about 28% of occupations in the
current labor market require ChatGPT-related skills. Furthermore, based on a
large-scale occupation-centered knowledge graph, we develop a semantic
information enhanced collaborative filtering algorithm to predict the future
occupation-skill relations in the labor market. As a result, we find that
additional 45% occupations in the future will require ChatGPT-related skills.
In particular, industries related to technology, products, and operations are
expected to have higher proficiency requirements for ChatGPT-related skills,
while the manufacturing, services, education, and health science related
industries will have lower requirements for ChatGPT-related skills. | null | cs.CY | [
"cs.CY",
"cs.AI"
] |
2312.00252 | HF | PyNeRF: Pyramidal Neural Radiance Fields | [
"Haithem Turki",
"Michael Zollhöfer",
"Christian Richardt",
"Deva Ramanan"
] | 2023-11-30 | Neural Radiance Fields (NeRFs) can be dramatically accelerated by spatial
grid representations. However, they do not explicitly reason about scale and so
introduce aliasing artifacts when reconstructing scenes captured at different
camera distances. Mip-NeRF and its extensions propose scale-aware renderers
that project volumetric frustums rather than point samples but such approaches
rely on positional encodings that are not readily compatible with grid methods.
We propose a simple modification to grid-based models by training model heads
at different spatial grid resolutions. At render time, we simply use coarser
grids to render samples that cover larger volumes. Our method can be easily
applied to existing accelerated NeRF methods and significantly improves
rendering quality (reducing error rates by 20-90% across synthetic and
unbounded real-world scenes) while incurring minimal performance overhead (as
each model head is quick to evaluate). Compared to Mip-NeRF, we reduce error
rates by 20% while training over 60x faster. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2308.07968 | HF | Teach LLMs to Personalize -- An Approach inspired by Writing Education | [
"Cheng Li",
"Mingyang Zhang",
"Qiaozhu Mei",
"Yaqing Wang",
"Spurthi Amba Hombaiah",
"Yi Liang",
"Michael Bendersky"
] | 2023-08-15 | Personalized text generation is an emerging research area that has attracted
much attention in recent years. Most studies in this direction focus on a
particular domain by designing bespoke features or models. In this work, we
propose a general approach for personalized text generation using large
language models (LLMs). Inspired by the practice of writing education, we
develop a multistage and multitask framework to teach LLMs for personalized
generation. In writing instruction, the task of writing from sources is often
decomposed into multiple steps that involve finding, evaluating, summarizing,
synthesizing, and integrating information. Analogously, our approach to
personalized text generation consists of multiple stages: retrieval, ranking,
summarization, synthesis, and generation. In addition, we introduce a multitask
setting that helps the model improve its generation ability further, which is
inspired by the observation in education that a student's reading proficiency
and writing ability are often correlated. We evaluate our approach on three
public datasets, each of which covers a different and representative domain.
Our results show significant improvements over a variety of baselines. | null | cs.CL | [
"cs.CL"
] |
2404.05595 | HF | UniFL: Improve Stable Diffusion via Unified Feedback Learning | [
"Jiacheng Zhang",
"Jie Wu",
"Yuxi Ren",
"Xin Xia",
"Huafeng Kuang",
"Pan Xie",
"Jiashi Li",
"Xuefeng Xiao",
"Min Zheng",
"Lean Fu",
"Guanbin Li"
] | 2024-04-08 | Diffusion models have revolutionized the field of image generation, leading
to the proliferation of high-quality models and diverse downstream
applications. However, despite these significant advancements, the current
competitive solutions still suffer from several limitations, including inferior
visual quality, a lack of aesthetic appeal, and inefficient inference, without
a comprehensive solution in sight. To address these challenges, we present
UniFL, a unified framework that leverages feedback learning to enhance
diffusion models comprehensively. UniFL stands out as a universal, effective,
and generalizable solution applicable to various diffusion models, such as
SD1.5 and SDXL. Notably, UniFL incorporates three key components: perceptual
feedback learning, which enhances visual quality; decoupled feedback learning,
which improves aesthetic appeal; and adversarial feedback learning, which
optimizes inference speed. In-depth experiments and extensive user studies
validate the superior performance of our proposed method in enhancing both the
quality of generated models and their acceleration. For instance, UniFL
surpasses ImageReward by 17% user preference in terms of generation quality and
outperforms LCM and SDXL Turbo by 57% and 20% in 4-step inference. Moreover, we
have verified the efficacy of our approach in downstream tasks, including Lora,
ControlNet, and AnimateDiff. | null | cs.CV | [
"cs.CV"
] |
2402.14740 | AnswerAI | Back to Basics: Revisiting REINFORCE Style Optimization for Learning from Human Feedback in LLMs | [
"Arash Ahmadian",
"Chris Cremer",
"Matthias Gallé",
"Marzieh Fadaee",
"Julia Kreutzer",
"Olivier Pietquin",
"Ahmet Üstün",
"Sara Hooker"
] | 2024-02-22 | AI alignment in the shape of Reinforcement Learning from Human Feedback
(RLHF) is increasingly treated as a crucial ingredient for high performance
large language models. Proximal Policy Optimization (PPO) has been positioned
by recent literature as the canonical method for the RL part of RLHF. However,
it involves both high computational cost and sensitive hyperparameter tuning.
We posit that most of the motivational principles that led to the development
of PPO are less of a practical concern in RLHF and advocate for a less
computationally expensive method that preserves and even increases performance.
We revisit the formulation of alignment from human preferences in the context
of RL. Keeping simplicity as a guiding principle, we show that many components
of PPO are unnecessary in an RLHF context and that far simpler REINFORCE-style
optimization variants outperform both PPO and newly proposed "RL-free" methods
such as DPO and RAFT. Our work suggests that careful adaptation to LLMs
alignment characteristics enables benefiting from online RL optimization at low
cost. | null | cs.LG | [
"cs.LG",
"I.2.7"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.