arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
listlengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
listlengths 1
7
|
---|---|---|---|---|---|---|---|---|
2404.07987
|
HF
|
ControlNet++: Improving Conditional Controls with Efficient Consistency Feedback
|
[
"Ming Li",
"Taojiannan Yang",
"Huafeng Kuang",
"Jie Wu",
"Zhaoning Wang",
"Xuefeng Xiao",
"Chen Chen"
] |
2024-04-11
|
To enhance the controllability of text-to-image diffusion models, existing
efforts like ControlNet incorporated image-based conditional controls. In this
paper, we reveal that existing methods still face significant challenges in
generating images that align with the image conditional controls. To this end,
we propose ControlNet++, a novel approach that improves controllable generation
by explicitly optimizing pixel-level cycle consistency between generated images
and conditional controls. Specifically, for an input conditional control, we
use a pre-trained discriminative reward model to extract the corresponding
condition of the generated images, and then optimize the consistency loss
between the input conditional control and extracted condition. A
straightforward implementation would be generating images from random noises
and then calculating the consistency loss, but such an approach requires
storing gradients for multiple sampling timesteps, leading to considerable time
and memory costs. To address this, we introduce an efficient reward strategy
that deliberately disturbs the input images by adding noise, and then uses the
single-step denoised images for reward fine-tuning. This avoids the extensive
costs associated with image sampling, allowing for more efficient reward
fine-tuning. Extensive experiments show that ControlNet++ significantly
improves controllability under various conditional controls. For example, it
achieves improvements over ControlNet by 11.1% mIoU, 13.4% SSIM, and 7.6% RMSE,
respectively, for segmentation mask, line-art edge, and depth conditions. All
the code, models, demo and organized data have been open sourced on our Github
Repo.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI",
"cs.LG"
] |
2409.02392
|
HF
|
Building Math Agents with Multi-Turn Iterative Preference Learning
|
[
"Wei Xiong",
"Chengshuai Shi",
"Jiaming Shen",
"Aviv Rosenberg",
"Zhen Qin",
"Daniele Calandriello",
"Misha Khalman",
"Rishabh Joshi",
"Bilal Piot",
"Mohammad Saleh",
"Chi Jin",
"Tong Zhang",
"Tianqi Liu"
] |
2024-09-04
|
Recent studies have shown that large language models' (LLMs) mathematical
problem-solving capabilities can be enhanced by integrating external tools,
such as code interpreters, and employing multi-turn Chain-of-Thought (CoT)
reasoning. While current methods focus on synthetic data generation and
Supervised Fine-Tuning (SFT), this paper studies the complementary direct
preference learning approach to further improve model performance. However,
existing direct preference learning algorithms are originally designed for the
single-turn chat task, and do not fully address the complexities of multi-turn
reasoning and external tool integration required for tool-integrated
mathematical reasoning tasks. To fill in this gap, we introduce a multi-turn
direct preference learning framework, tailored for this context, that leverages
feedback from code interpreters and optimizes trajectory-level preferences.
This framework includes multi-turn DPO and multi-turn KTO as specific
implementations. The effectiveness of our framework is validated through
training of various language models using an augmented prompt set from the
GSM8K and MATH datasets. Our results demonstrate substantial improvements: a
supervised fine-tuned Gemma-1.1-it-7B model's performance increased from 77.5%
to 83.9% on GSM8K and from 46.1% to 51.2% on MATH. Similarly, a Gemma-2-it-9B
model improved from 84.1% to 86.3% on GSM8K and from 51.0% to 54.5% on MATH.
| null |
cs.LG
|
[
"cs.LG",
"stat.ML"
] |
2309.07852
|
AnswerAI
|
ExpertQA: Expert-Curated Questions and Attributed Answers
|
[
"Chaitanya Malaviya",
"Subin Lee",
"Sihao Chen",
"Elizabeth Sieber",
"Mark Yatskar",
"Dan Roth"
] |
2023-09-14
|
As language models are adopted by a more sophisticated and diverse set of
users, the importance of guaranteeing that they provide factually correct
information supported by verifiable sources is critical across fields of study.
This is especially the case for high-stakes fields, such as medicine and law,
where the risk of propagating false information is high and can lead to
undesirable societal consequences. Previous work studying attribution and
factuality has not focused on analyzing these characteristics of language model
outputs in domain-specific scenarios. In this work, we conduct human evaluation
of responses from a few representative systems along various axes of
attribution and factuality, by bringing domain experts in the loop.
Specifically, we collect expert-curated questions from 484 participants across
32 fields of study, and then ask the same experts to evaluate generated
responses to their own questions. In addition, we ask experts to improve upon
responses from language models. The output of our analysis is ExpertQA, a
high-quality long-form QA dataset with 2177 questions spanning 32 fields, along
with verified answers and attributions for claims in the answers.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
2307.15780
|
HF
|
LLM-Rec: Personalized Recommendation via Prompting Large Language Models
|
[
"Hanjia Lyu",
"Song Jiang",
"Hanqing Zeng",
"Yinglong Xia",
"Qifan Wang",
"Si Zhang",
"Ren Chen",
"Christopher Leung",
"Jiajie Tang",
"Jiebo Luo"
] |
2023-07-24
|
Text-based recommendation holds a wide range of practical applications due to
its versatility, as textual descriptions can represent nearly any type of item.
However, directly employing the original item descriptions may not yield
optimal recommendation performance due to the lack of comprehensive information
to align with user preferences. Recent advances in large language models (LLMs)
have showcased their remarkable ability to harness commonsense knowledge and
reasoning. In this study, we introduce a novel approach, coined LLM-Rec, which
incorporates four distinct prompting strategies of text enrichment for
improving personalized text-based recommendations. Our empirical experiments
reveal that using LLM-augmented text significantly enhances recommendation
quality. Even basic MLP (Multi-Layer Perceptron) models achieve comparable or
even better results than complex content-based methods. Notably, the success of
LLM-Rec lies in its prompting strategies, which effectively tap into the
language model's comprehension of both general and specific item
characteristics. This highlights the importance of employing diverse prompts
and input augmentation techniques to boost the recommendation effectiveness of
LLMs.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"cs.IR"
] |
2305.17359
|
HF
|
DNA-GPT: Divergent N-Gram Analysis for Training-Free Detection of GPT-Generated Text
|
[
"Xianjun Yang",
"Wei Cheng",
"Yue Wu",
"Linda Petzold",
"William Yang Wang",
"Haifeng Chen"
] |
2023-05-27
|
Large language models (LLMs) have notably enhanced the fluency and diversity
of machine-generated text. However, this progress also presents a significant
challenge in detecting the origin of a given text, and current research on
detection methods lags behind the rapid evolution of LLMs. Conventional
training-based methods have limitations in flexibility, particularly when
adapting to new domains, and they often lack explanatory power. To address this
gap, we propose a novel training-free detection strategy called Divergent
N-Gram Analysis (DNA-GPT). Given a text, we first truncate it in the middle and
then use only the preceding portion as input to the LLMs to regenerate the new
remaining parts. By analyzing the differences between the original and new
remaining parts through N-gram analysis in black-box or probability divergence
in white-box, we unveil significant discrepancies between the distribution of
machine-generated text and the distribution of human-written text. We conducted
extensive experiments on the most advanced LLMs from OpenAI, including
text-davinci-003, GPT-3.5-turbo, and GPT-4, as well as open-source models such
as GPT-NeoX-20B and LLaMa-13B. Results show that our zero-shot approach
exhibits state-of-the-art performance in distinguishing between human and
GPT-generated text on four English and one German dataset, outperforming
OpenAI's own classifier, which is trained on millions of text. Additionally,
our methods provide reasonable explanations and evidence to support our claim,
which is a unique feature of explainable detection. Our method is also robust
under the revised text attack and can additionally solve model sourcing. Codes
are available at https://github.com/Xianjun-Yang/DNA-GPT.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
2307.14008
|
HF
|
Adaptive Frequency Filters As Efficient Global Token Mixers
|
[
"Zhipeng Huang",
"Zhizheng Zhang",
"Cuiling Lan",
"Zheng-Jun Zha",
"Yan Lu",
"Baining Guo"
] |
2023-07-26
|
Recent vision transformers, large-kernel CNNs and MLPs have attained
remarkable successes in broad vision tasks thanks to their effective
information fusion in the global scope. However, their efficient deployments,
especially on mobile devices, still suffer from noteworthy challenges due to
the heavy computational costs of self-attention mechanisms, large kernels, or
fully connected layers. In this work, we apply conventional convolution theorem
to deep learning for addressing this and reveal that adaptive frequency filters
can serve as efficient global token mixers. With this insight, we propose
Adaptive Frequency Filtering (AFF) token mixer. This neural operator transfers
a latent representation to the frequency domain via a Fourier transform and
performs semantic-adaptive frequency filtering via an elementwise
multiplication, which mathematically equals to a token mixing operation in the
original latent space with a dynamic convolution kernel as large as the spatial
resolution of this latent representation. We take AFF token mixers as primary
neural operators to build a lightweight neural network, dubbed AFFNet.
Extensive experiments demonstrate the effectiveness of our proposed AFF token
mixer and show that AFFNet achieve superior accuracy and efficiency trade-offs
compared to other lightweight network designs on broad visual tasks, including
visual recognition and dense prediction tasks.
| null |
cs.CV
|
[
"cs.CV"
] |
2210.06423
|
AnswerAI
|
Foundation Transformers
|
[
"Hongyu Wang",
"Shuming Ma",
"Shaohan Huang",
"Li Dong",
"Wenhui Wang",
"Zhiliang Peng",
"Yu Wu",
"Payal Bajaj",
"Saksham Singhal",
"Alon Benhaim",
"Barun Patra",
"Zhun Liu",
"Vishrav Chaudhary",
"Xia Song",
"Furu Wei"
] |
2022-10-12
|
A big convergence of model architectures across language, vision, speech, and
multimodal is emerging. However, under the same name "Transformers", the above
areas use different implementations for better performance, e.g.,
Post-LayerNorm for BERT, and Pre-LayerNorm for GPT and vision Transformers. We
call for the development of Foundation Transformer for true general-purpose
modeling, which serves as a go-to architecture for various tasks and modalities
with guaranteed training stability. In this work, we introduce a Transformer
variant, named Magneto, to fulfill the goal. Specifically, we propose
Sub-LayerNorm for good expressivity, and the initialization strategy
theoretically derived from DeepNet for stable scaling up. Extensive experiments
demonstrate its superior performance and better stability than the de facto
Transformer variants designed for various applications, including language
modeling (i.e., BERT, and GPT), machine translation, vision pretraining (i.e.,
BEiT), speech recognition, and multimodal pretraining (i.e., BEiT-3).
| null |
cs.LG
|
[
"cs.LG",
"cs.CL",
"cs.CV"
] |
2404.01143
|
HF
|
Condition-Aware Neural Network for Controlled Image Generation
|
[
"Han Cai",
"Muyang Li",
"Zhuoyang Zhang",
"Qinsheng Zhang",
"Ming-Yu Liu",
"Song Han"
] |
2024-04-01
|
We present Condition-Aware Neural Network (CAN), a new method for adding
control to image generative models. In parallel to prior conditional control
methods, CAN controls the image generation process by dynamically manipulating
the weight of the neural network. This is achieved by introducing a
condition-aware weight generation module that generates conditional weight for
convolution/linear layers based on the input condition. We test CAN on
class-conditional image generation on ImageNet and text-to-image generation on
COCO. CAN consistently delivers significant improvements for diffusion
transformer models, including DiT and UViT. In particular, CAN combined with
EfficientViT (CaT) achieves 2.78 FID on ImageNet 512x512, surpassing DiT-XL/2
while requiring 52x fewer MACs per sampling step.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI"
] |
2408.14608
|
HF
|
Meta Flow Matching: Integrating Vector Fields on the Wasserstein Manifold
|
[
"Lazar Atanackovic",
"Xi Zhang",
"Brandon Amos",
"Mathieu Blanchette",
"Leo J. Lee",
"Yoshua Bengio",
"Alexander Tong",
"Kirill Neklyudov"
] |
2024-08-26
|
Numerous biological and physical processes can be modeled as systems of
interacting entities evolving continuously over time, e.g. the dynamics of
communicating cells or physical particles. Learning the dynamics of such
systems is essential for predicting the temporal evolution of populations
across novel samples and unseen environments. Flow-based models allow for
learning these dynamics at the population level - they model the evolution of
the entire distribution of samples. However, current flow-based models are
limited to a single initial population and a set of predefined conditions which
describe different dynamics. We argue that multiple processes in natural
sciences have to be represented as vector fields on the Wasserstein manifold of
probability densities. That is, the change of the population at any moment in
time depends on the population itself due to the interactions between samples.
In particular, this is crucial for personalized medicine where the development
of diseases and their respective treatment response depends on the
microenvironment of cells specific to each patient. We propose Meta Flow
Matching (MFM), a practical approach to integrating along these vector fields
on the Wasserstein manifold by amortizing the flow model over the initial
populations. Namely, we embed the population of samples using a Graph Neural
Network (GNN) and use these embeddings to train a Flow Matching model. This
gives MFM the ability to generalize over the initial distributions unlike
previously proposed methods. We demonstrate the ability of MFM to improve
prediction of individual treatment responses on a large scale multi-patient
single-cell drug screen dataset.
| null |
cs.LG
|
[
"cs.LG",
"stat.ML"
] |
2407.02869
|
HF
|
PicoAudio: Enabling Precise Timestamp and Frequency Controllability of Audio Events in Text-to-audio Generation
|
[
"Zeyu Xie",
"Xuenan Xu",
"Zhizheng Wu",
"Mengyue Wu"
] |
2024-07-03
|
Recently, audio generation tasks have attracted considerable research
interests. Precise temporal controllability is essential to integrate audio
generation with real applications. In this work, we propose a temporal
controlled audio generation framework, PicoAudio. PicoAudio integrates temporal
information to guide audio generation through tailored model design. It
leverages data crawling, segmentation, filtering, and simulation of
fine-grained temporally-aligned audio-text data. Both subjective and objective
evaluations demonstrate that PicoAudio dramantically surpasses current
state-of-the-art generation models in terms of timestamp and occurrence
frequency controllability. The generated samples are available on the demo
website https://zeyuxie29.github.io/PicoAudio.github.io.
| null |
cs.SD
|
[
"cs.SD",
"eess.AS",
"68Txx",
"I.2"
] |
2310.20624
|
Both
|
LoRA Fine-tuning Efficiently Undoes Safety Training in Llama 2-Chat 70B
|
[
"Simon Lermen",
"Charlie Rogers-Smith",
"Jeffrey Ladish"
] |
2023-10-31
|
AI developers often apply safety alignment procedures to prevent the misuse
of their AI systems. For example, before Meta released Llama 2-Chat - a
collection of instruction fine-tuned large language models - they invested
heavily in safety training, incorporating extensive red-teaming and
reinforcement learning from human feedback. We explore the robustness of safety
training in language models by subversively fine-tuning Llama 2-Chat. We employ
quantized low-rank adaptation (LoRA) as an efficient fine-tuning method. With a
budget of less than \$200 and using only one GPU, we successfully undo the
safety training of Llama 2-Chat models of sizes 7B, 13B, and 70B and on the
Mixtral instruct model. Specifically, our fine-tuning technique significantly
reduces the rate at which the model refuses to follow harmful instructions. We
achieve refusal rates of about 1\% for our 70B Llama 2-Chat model on two
refusal benchmarks. Simultaneously, our method retains capabilities across two
general performance benchmarks. We show that subversive fine-tuning is
practical and effective, and hence argue that evaluating risks from fine-tuning
should be a core part of risk assessments for releasing model weights. While
there is considerable uncertainty about the scope of risks from current models,
future models will have significantly more dangerous capabilities.
| null |
cs.LG
|
[
"cs.LG",
"cs.AI"
] |
2307.11410
|
HF
|
Subject-Diffusion:Open Domain Personalized Text-to-Image Generation without Test-time Fine-tuning
|
[
"Jian Ma",
"Junhao Liang",
"Chen Chen",
"Haonan Lu"
] |
2023-07-21
|
Recent progress in personalized image generation using diffusion models has
been significant. However, development in the area of open-domain and
non-fine-tuning personalized image generation is proceeding rather slowly. In
this paper, we propose Subject-Diffusion, a novel open-domain personalized
image generation model that, in addition to not requiring test-time
fine-tuning, also only requires a single reference image to support
personalized generation of single- or multi-subject in any domain. Firstly, we
construct an automatic data labeling tool and use the LAION-Aesthetics dataset
to construct a large-scale dataset consisting of 76M images and their
corresponding subject detection bounding boxes, segmentation masks and text
descriptions. Secondly, we design a new unified framework that combines text
and image semantics by incorporating coarse location and fine-grained reference
image control to maximize subject fidelity and generalization. Furthermore, we
also adopt an attention control mechanism to support multi-subject generation.
Extensive qualitative and quantitative results demonstrate that our method
outperforms other SOTA frameworks in single, multiple, and human customized
image generation. Please refer to our
\href{https://oppo-mente-lab.github.io/subject_diffusion/}{project page}
| null |
cs.CV
|
[
"cs.CV"
] |
2402.08268
|
Both
|
World Model on Million-Length Video And Language With Blockwise RingAttention
|
[
"Hao Liu",
"Wilson Yan",
"Matei Zaharia",
"Pieter Abbeel"
] |
2024-02-13
|
Current language models fall short in understanding aspects of the world not
easily described in words, and struggle with complex, long-form tasks. Video
sequences offer valuable temporal information absent in language and static
images, making them attractive for joint modeling with language. Such models
could develop a understanding of both human textual knowledge and the physical
world, enabling broader AI capabilities for assisting humans. However, learning
from millions of tokens of video and language sequences poses challenges due to
memory constraints, computational complexity, and limited datasets. To address
these challenges, we curate a large dataset of diverse videos and books,
utilize the Blockwise RingAttention technique to scalably train on long
sequences, and gradually increase context size from 4K to 1M tokens. This paper
makes the following contributions: (a) Largest context size neural network: We
train one of the largest context size transformers on long video and language
sequences, setting new benchmarks in difficult retrieval tasks and long video
understanding. (b) Solutions for overcoming vision-language training
challenges, including using masked sequence packing for mixing different
sequence lengths, loss weighting to balance language and vision, and
model-generated QA dataset for long sequence chat. (c) A highly-optimized
implementation with RingAttention, Blockwise Transformers, masked sequence
packing, and other key features for training on millions-length multimodal
sequences. (d) Fully open-sourced a family of 7B parameter models capable of
processing long text documents (LWM-Text, LWM-Text-Chat) and videos (LWM,
LWM-Chat) of over 1M tokens. This work paves the way for training on massive
datasets of long video and language to develop understanding of both human
knowledge and the multimodal world, and broader capabilities.
| null |
cs.LG
|
[
"cs.LG"
] |
2312.06149
|
HF
|
Unlocking Anticipatory Text Generation: A Constrained Approach for Large Language Models Decoding
|
[
"Lifu Tu",
"Semih Yavuz",
"Jin Qu",
"Jiacheng Xu",
"Rui Meng",
"Caiming Xiong",
"Yingbo Zhou"
] |
2023-12-11
|
Large Language Models (LLMs) have demonstrated a powerful ability for text
generation. However, achieving optimal results with a given prompt or
instruction can be challenging, especially for billion-sized models.
Additionally, undesired behaviors such as toxicity or hallucinations can
manifest. While much larger models (e.g., ChatGPT) may demonstrate strength in
mitigating these issues, there is still no guarantee of complete prevention. In
this work, we propose formalizing text generation as a future-constrained
generation problem to minimize undesirable behaviors and enforce faithfulness
to instructions. The estimation of future constraint satisfaction, accomplished
using LLMs, guides the text generation process. Our extensive experiments
demonstrate the effectiveness of the proposed approach across three distinct
text generation tasks: keyword-constrained generation (Lin et al., 2020),
toxicity reduction (Gehman et al., 2020), and factual correctness in
question-answering (Gao et al., 2023).
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
2401.18059
|
Both
|
RAPTOR: Recursive Abstractive Processing for Tree-Organized Retrieval
|
[
"Parth Sarthi",
"Salman Abdullah",
"Aditi Tuli",
"Shubh Khanna",
"Anna Goldie",
"Christopher D. Manning"
] |
2024-01-31
|
Retrieval-augmented language models can better adapt to changes in world
state and incorporate long-tail knowledge. However, most existing methods
retrieve only short contiguous chunks from a retrieval corpus, limiting
holistic understanding of the overall document context. We introduce the novel
approach of recursively embedding, clustering, and summarizing chunks of text,
constructing a tree with differing levels of summarization from the bottom up.
At inference time, our RAPTOR model retrieves from this tree, integrating
information across lengthy documents at different levels of abstraction.
Controlled experiments show that retrieval with recursive summaries offers
significant improvements over traditional retrieval-augmented LMs on several
tasks. On question-answering tasks that involve complex, multi-step reasoning,
we show state-of-the-art results; for example, by coupling RAPTOR retrieval
with the use of GPT-4, we can improve the best performance on the QuALITY
benchmark by 20% in absolute accuracy.
| null |
cs.CL
|
[
"cs.CL",
"cs.LG"
] |
2406.11410
|
HF
|
HARE: HumAn pRiors, a key to small language model Efficiency
|
[
"Lingyun Zhang",
"Bin jin",
"Gaojian Ge",
"Lunhui Liu",
"Xuewen Shen",
"Mingyong Wu",
"Houqian Zhang",
"Yongneng Jiang",
"Shiqi Chen",
"Shi Pu"
] |
2024-06-17
|
Human priors play a crucial role in efficiently utilizing data in deep
learning. However, with the development of large language models (LLMs), there
is an increasing emphasis on scaling both model size and data volume, which
often diminishes the importance of human priors in data construction.
Influenced by these trends, existing Small Language Models (SLMs) mainly rely
on web-scraped large-scale training data, neglecting the proper incorporation
of human priors. This oversight limits the training efficiency of language
models in resource-constrained settings. In this paper, we propose a principle
to leverage human priors for data construction. This principle emphasizes
achieving high-performance SLMs by training on a concise dataset that
accommodates both semantic diversity and data quality consistency, while
avoiding benchmark data leakage. Following this principle, we train an SLM
named HARE-1.1B. Extensive experiments on large-scale benchmark datasets
demonstrate that HARE-1.1B performs favorably against state-of-the-art SLMs,
validating the effectiveness of the proposed principle. Additionally, this
provides new insights into efficient language model training in
resource-constrained environments from the view of human priors.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
2408.11721
|
HF
|
Iterative Object Count Optimization for Text-to-image Diffusion Models
|
[
"Oz Zafar",
"Lior Wolf",
"Idan Schwartz"
] |
2024-08-21
|
We address a persistent challenge in text-to-image models: accurately
generating a specified number of objects. Current models, which learn from
image-text pairs, inherently struggle with counting, as training data cannot
depict every possible number of objects for any given object. To solve this, we
propose optimizing the generated image based on a counting loss derived from a
counting model that aggregates an object\'s potential. Employing an
out-of-the-box counting model is challenging for two reasons: first, the model
requires a scaling hyperparameter for the potential aggregation that varies
depending on the viewpoint of the objects, and second, classifier guidance
techniques require modified models that operate on noisy intermediate diffusion
steps. To address these challenges, we propose an iterated online training mode
that improves the accuracy of inferred images while altering the text
conditioning embedding and dynamically adjusting hyperparameters. Our method
offers three key advantages: (i) it can consider non-derivable counting
techniques based on detection models, (ii) it is a zero-shot plug-and-play
solution facilitating rapid changes to the counting techniques and image
generation methods, and (iii) the optimized counting token can be reused to
generate accurate images without additional optimization. We evaluate the
generation of various objects and show significant improvements in accuracy.
The project page is available at https://ozzafar.github.io/count_token.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2406.11012
|
AnswerAI
|
Connecting the Dots: Evaluating Abstract Reasoning Capabilities of LLMs Using the New York Times Connections Word Game
|
[
"Prisha Samadarshi",
"Mariam Mustafa",
"Anushka Kulkarni",
"Raven Rothkopf",
"Tuhin Chakrabarty",
"Smaranda Muresan"
] |
2024-06-16
|
The New York Times Connections game has emerged as a popular and challenging
pursuit for word puzzle enthusiasts. We collect 200 Connections games to
evaluate the performance of state-of-the-art large language models (LLMs)
against expert and novice human players. Our results show that even the
best-performing LLM, GPT-4o, which has otherwise shown impressive reasoning
abilities on a wide variety of benchmarks, can only fully solve 8% of the
games. Compared to GPT-4o, novice and expert players perform better, with
expert human players significantly outperforming GPT-4o. To deepen our
understanding we create a taxonomy of the knowledge types required to
successfully categorize words in the Connections game, revealing that LLMs
struggle with associative, encyclopedic, and linguistic knowledge. Our findings
establish the New York Times Connections game as a challenging benchmark for
evaluating abstract reasoning capabilities in humans and AI systems.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
2306.04845
|
HF
|
Mixture-of-Supernets: Improving Weight-Sharing Supernet Training with Architecture-Routed Mixture-of-Experts
|
[
"Ganesh Jawahar",
"Haichuan Yang",
"Yunyang Xiong",
"Zechun Liu",
"Dilin Wang",
"Fei Sun",
"Meng Li",
"Aasish Pappu",
"Barlas Oguz",
"Muhammad Abdul-Mageed",
"Laks V. S. Lakshmanan",
"Raghuraman Krishnamoorthi",
"Vikas Chandra"
] |
2023-06-08
|
Weight-sharing supernets are crucial for performance estimation in
cutting-edge neural architecture search (NAS) frameworks. Despite their ability
to generate diverse subnetworks without retraining, the quality of these
subnetworks is not guaranteed due to weight sharing. In NLP tasks like machine
translation and pre-trained language modeling, there is a significant
performance gap between supernet and training from scratch for the same model
architecture, necessitating retraining post optimal architecture
identification.
This study introduces a solution called mixture-of-supernets, a generalized
supernet formulation leveraging mixture-of-experts (MoE) to enhance supernet
model expressiveness with minimal training overhead. Unlike conventional
supernets, this method employs an architecture-based routing mechanism,
enabling indirect sharing of model weights among subnetworks. This
customization of weights for specific architectures, learned through gradient
descent, minimizes retraining time, significantly enhancing training efficiency
in NLP. The proposed method attains state-of-the-art (SoTA) performance in NAS
for fast machine translation models, exhibiting a superior latency-BLEU
tradeoff compared to HAT, the SoTA NAS framework for machine translation.
Furthermore, it excels in NAS for building memory-efficient task-agnostic BERT
models, surpassing NAS-BERT and AutoDistil across various model sizes. The code
can be found at: https://github.com/UBC-NLP/MoS.
| null |
cs.CL
|
[
"cs.CL"
] |
2402.10210
|
HF
|
Self-Play Fine-Tuning of Diffusion Models for Text-to-Image Generation
|
[
"Huizhuo Yuan",
"Zixiang Chen",
"Kaixuan Ji",
"Quanquan Gu"
] |
2024-02-15
|
Fine-tuning Diffusion Models remains an underexplored frontier in generative
artificial intelligence (GenAI), especially when compared with the remarkable
progress made in fine-tuning Large Language Models (LLMs). While cutting-edge
diffusion models such as Stable Diffusion (SD) and SDXL rely on supervised
fine-tuning, their performance inevitably plateaus after seeing a certain
volume of data. Recently, reinforcement learning (RL) has been employed to
fine-tune diffusion models with human preference data, but it requires at least
two images ("winner" and "loser" images) for each text prompt. In this paper,
we introduce an innovative technique called self-play fine-tuning for diffusion
models (SPIN-Diffusion), where the diffusion model engages in competition with
its earlier versions, facilitating an iterative self-improvement process. Our
approach offers an alternative to conventional supervised fine-tuning and RL
strategies, significantly improving both model performance and alignment. Our
experiments on the Pick-a-Pic dataset reveal that SPIN-Diffusion outperforms
the existing supervised fine-tuning method in aspects of human preference
alignment and visual appeal right from its first iteration. By the second
iteration, it exceeds the performance of RLHF-based methods across all metrics,
achieving these results with less data.
| null |
cs.LG
|
[
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV",
"stat.ML"
] |
2406.12814
|
HF
|
Adversarial Attacks on Multimodal Agents
|
[
"Chen Henry Wu",
"Jing Yu Koh",
"Ruslan Salakhutdinov",
"Daniel Fried",
"Aditi Raghunathan"
] |
2024-06-18
|
Vision-enabled language models (VLMs) are now used to build autonomous
multimodal agents capable of taking actions in real environments. In this
paper, we show that multimodal agents raise new safety risks, even though
attacking agents is more challenging than prior attacks due to limited access
to and knowledge about the environment. Our attacks use adversarial text
strings to guide gradient-based perturbation over one trigger image in the
environment: (1) our captioner attack attacks white-box captioners if they are
used to process images into captions as additional inputs to the VLM; (2) our
CLIP attack attacks a set of CLIP models jointly, which can transfer to
proprietary VLMs. To evaluate the attacks, we curated VisualWebArena-Adv, a set
of adversarial tasks based on VisualWebArena, an environment for web-based
multimodal agent tasks. Within an L-infinity norm of $16/256$ on a single
image, the captioner attack can make a captioner-augmented GPT-4V agent execute
the adversarial goals with a 75% success rate. When we remove the captioner or
use GPT-4V to generate its own captions, the CLIP attack can achieve success
rates of 21% and 43%, respectively. Experiments on agents based on other VLMs,
such as Gemini-1.5, Claude-3, and GPT-4o, show interesting differences in their
robustness. Further analysis reveals several key factors contributing to the
attack's success, and we also discuss the implications for defenses as well.
Project page: https://chenwu.io/attack-agent Code and data:
https://github.com/ChenWu98/agent-attack
| null |
cs.LG
|
[
"cs.LG",
"cs.CL",
"cs.CR",
"cs.CV"
] |
2305.15581
|
HF
|
Unsupervised Semantic Correspondence Using Stable Diffusion
|
[
"Eric Hedlin",
"Gopal Sharma",
"Shweta Mahajan",
"Hossam Isack",
"Abhishek Kar",
"Andrea Tagliasacchi",
"Kwang Moo Yi"
] |
2023-05-24
|
Text-to-image diffusion models are now capable of generating images that are
often indistinguishable from real images. To generate such images, these models
must understand the semantics of the objects they are asked to generate. In
this work we show that, without any training, one can leverage this semantic
knowledge within diffusion models to find semantic correspondences - locations
in multiple images that have the same semantic meaning. Specifically, given an
image, we optimize the prompt embeddings of these models for maximum attention
on the regions of interest. These optimized embeddings capture semantic
information about the location, which can then be transferred to another image.
By doing so we obtain results on par with the strongly supervised state of the
art on the PF-Willow dataset and significantly outperform (20.9% relative for
the SPair-71k dataset) any existing weakly or unsupervised method on PF-Willow,
CUB-200 and SPair-71k datasets.
| null |
cs.CV
|
[
"cs.CV"
] |
2409.02097
|
HF
|
LinFusion: 1 GPU, 1 Minute, 16K Image
|
[
"Songhua Liu",
"Weihao Yu",
"Zhenxiong Tan",
"Xinchao Wang"
] |
2024-09-03
|
Modern diffusion models, particularly those utilizing a Transformer-based
UNet for denoising, rely heavily on self-attention operations to manage complex
spatial relationships, thus achieving impressive generation performance.
However, this existing paradigm faces significant challenges in generating
high-resolution visual content due to its quadratic time and memory complexity
with respect to the number of spatial tokens. To address this limitation, we
aim at a novel linear attention mechanism as an alternative in this paper.
Specifically, we begin our exploration from recently introduced models with
linear complexity, e.g., Mamba2, RWKV6, Gated Linear Attention, etc, and
identify two key features-attention normalization and non-causal inference-that
enhance high-resolution visual generation performance. Building on these
insights, we introduce a generalized linear attention paradigm, which serves as
a low-rank approximation of a wide spectrum of popular linear token mixers. To
save the training cost and better leverage pre-trained models, we initialize
our models and distill the knowledge from pre-trained StableDiffusion (SD). We
find that the distilled model, termed LinFusion, achieves performance on par
with or superior to the original SD after only modest training, while
significantly reducing time and memory complexity. Extensive experiments on
SD-v1.5, SD-v2.1, and SD-XL demonstrate that LinFusion delivers satisfactory
zero-shot cross-resolution generation performance, generating high-resolution
images like 16K resolution. Moreover, it is highly compatible with pre-trained
SD components, such as ControlNet and IP-Adapter, requiring no adaptation
efforts. Codes are available at https://github.com/Huage001/LinFusion.
| null |
cs.CV
|
[
"cs.CV",
"cs.LG"
] |
2311.07911
|
Both
|
Instruction-Following Evaluation for Large Language Models
|
[
"Jeffrey Zhou",
"Tianjian Lu",
"Swaroop Mishra",
"Siddhartha Brahma",
"Sujoy Basu",
"Yi Luan",
"Denny Zhou",
"Le Hou"
] |
2023-11-14
|
One core capability of Large Language Models (LLMs) is to follow natural
language instructions. However, the evaluation of such abilities is not
standardized: Human evaluations are expensive, slow, and not objectively
reproducible, while LLM-based auto-evaluation is potentially biased or limited
by the ability of the evaluator LLM. To overcome these issues, we introduce
Instruction-Following Eval (IFEval) for large language models. IFEval is a
straightforward and easy-to-reproduce evaluation benchmark. It focuses on a set
of "verifiable instructions" such as "write in more than 400 words" and
"mention the keyword of AI at least 3 times". We identified 25 types of those
verifiable instructions and constructed around 500 prompts, with each prompt
containing one or more verifiable instructions. We show evaluation results of
two widely available LLMs on the market. Our code and data can be found at
https://github.com/google-research/google-research/tree/master/instruction_following_eval
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"cs.LG",
"68T50 (Primary) 68T99 (Secondary)",
"I.2.7"
] |
2004.03720
|
AnswerAI
|
Byte Pair Encoding is Suboptimal for Language Model Pretraining
|
[
"Kaj Bostrom",
"Greg Durrett"
] |
2020-04-07
|
The success of pretrained transformer language models (LMs) in natural
language processing has led to a wide range of pretraining setups. In
particular, these models employ a variety of subword tokenization methods, most
notably byte-pair encoding (BPE) (Sennrich et al., 2016; Gage, 1994), the
WordPiece method (Schuster and Nakajima, 2012), and unigram language modeling
(Kudo, 2018), to segment text. However, to the best of our knowledge, the
literature does not contain a direct evaluation of the impact of tokenization
on language model pretraining. We analyze differences between BPE and unigram
LM tokenization, finding that the latter method recovers subword units that
align more closely with morphology and avoids problems stemming from BPE's
greedy construction procedure. We then compare the fine-tuned task performance
of identical transformer masked language models pretrained with these
tokenizations. Across downstream tasks and two languages (English and
Japanese), we find that the unigram LM tokenization method matches or
outperforms BPE. We hope that developers of future pretrained LMs will consider
adopting the unigram LM method over the more prevalent BPE.
| null |
cs.CL
|
[
"cs.CL",
"I.2.7"
] |
2310.13227
|
HF
|
ToolChain*: Efficient Action Space Navigation in Large Language Models with A* Search
|
[
"Yuchen Zhuang",
"Xiang Chen",
"Tong Yu",
"Saayan Mitra",
"Victor Bursztyn",
"Ryan A. Rossi",
"Somdeb Sarkhel",
"Chao Zhang"
] |
2023-10-20
|
Large language models (LLMs) have demonstrated powerful decision-making and
planning capabilities in solving complicated real-world problems. LLM-based
autonomous agents can interact with diverse tools (e.g., functional APIs) and
generate solution plans that execute a series of API function calls in a
step-by-step manner. The multitude of candidate API function calls
significantly expands the action space, amplifying the critical need for
efficient action space navigation. However, existing methods either struggle
with unidirectional exploration in expansive action spaces, trapped into a
locally optimal solution, or suffer from exhaustively traversing all potential
actions, causing inefficient navigation. To address these issues, we propose
ToolChain*, an efficient tree search-based planning algorithm for LLM-based
agents. It formulates the entire action space as a decision tree, where each
node represents a possible API function call involved in a solution plan. By
incorporating the A* search algorithm with task-specific cost function design,
it efficiently prunes high-cost branches that may involve incorrect actions,
identifying the most low-cost valid path as the solution. Extensive experiments
on multiple tool-use and reasoning tasks demonstrate that ToolChain*
efficiently balances exploration and exploitation within an expansive action
space. It outperforms state-of-the-art baselines on planning and reasoning
tasks by 3.1% and 3.5% on average while requiring 7.35x and 2.31x less time,
respectively.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"cs.LG"
] |
2404.06395
|
HF
|
MiniCPM: Unveiling the Potential of Small Language Models with Scalable Training Strategies
|
[
"Shengding Hu",
"Yuge Tu",
"Xu Han",
"Chaoqun He",
"Ganqu Cui",
"Xiang Long",
"Zhi Zheng",
"Yewei Fang",
"Yuxiang Huang",
"Weilin Zhao",
"Xinrong Zhang",
"Zheng Leng Thai",
"Kaihuo Zhang",
"Chongyi Wang",
"Yuan Yao",
"Chenyang Zhao",
"Jie Zhou",
"Jie Cai",
"Zhongwu Zhai",
"Ning Ding",
"Chao Jia",
"Guoyang Zeng",
"Dahai Li",
"Zhiyuan Liu",
"Maosong Sun"
] |
2024-04-09
|
The burgeoning interest in developing Large Language Models (LLMs) with up to
trillion parameters has been met with concerns regarding resource efficiency
and practical expense, particularly given the immense cost of experimentation.
This scenario underscores the importance of exploring the potential of Small
Language Models (SLMs) as a resource-efficient alternative. In this context, we
introduce MiniCPM, specifically the 1.2B and 2.4B non-embedding parameter
variants, not only excel in their respective categories but also demonstrate
capabilities on par with 7B-13B LLMs. While focusing on SLMs, our approach
exhibits scalability in both model and data dimensions for future LLM research.
Regarding model scaling, we employ extensive model wind tunnel experiments for
stable and optimal scaling. For data scaling, we introduce a
Warmup-Stable-Decay (WSD) learning rate scheduler (LRS), conducive to
continuous training and domain adaptation. We present an in-depth analysis of
the intriguing training dynamics that occurred in the WSD LRS. With WSD LRS, we
are now able to efficiently study data-model scaling law without extensive
retraining experiments on both axes of model and data, from which we derive the
much higher compute optimal data-model ratio than Chinchilla Optimal.
Additionally, we introduce MiniCPM family, including MiniCPM-DPO, MiniCPM-MoE
and MiniCPM-128K, whose excellent performance further cementing MiniCPM's
foundation in diverse SLM applications. MiniCPM models are available publicly
at https://github.com/OpenBMB/MiniCPM .
| null |
cs.CL
|
[
"cs.CL",
"cs.LG"
] |
2305.11000
|
HF
|
SpeechGPT: Empowering Large Language Models with Intrinsic Cross-Modal Conversational Abilities
|
[
"Dong Zhang",
"Shimin Li",
"Xin Zhang",
"Jun Zhan",
"Pengyu Wang",
"Yaqian Zhou",
"Xipeng Qiu"
] |
2023-05-18
|
Multi-modal large language models are regarded as a crucial step towards
Artificial General Intelligence (AGI) and have garnered significant interest
with the emergence of ChatGPT. However, current speech-language models
typically adopt the cascade paradigm, preventing inter-modal knowledge
transfer. In this paper, we propose SpeechGPT, a large language model with
intrinsic cross-modal conversational abilities, capable of perceiving and
generating multi-model content. With discrete speech representations, we first
construct SpeechInstruct, a large-scale cross-modal speech instruction dataset.
Additionally, we employ a three-stage training strategy that includes
modality-adaptation pre-training, cross-modal instruction fine-tuning, and
chain-of-modality instruction fine-tuning. The experimental results demonstrate
that SpeechGPT has an impressive capacity to follow multi-modal human
instructions and highlight the potential of handling multiple modalities with
one model. Demos are shown in https://0nutation.github.io/SpeechGPT.github.io/.
| null |
cs.CL
|
[
"cs.CL"
] |
2308.16246
|
HF
|
Active Neural Mapping
|
[
"Zike Yan",
"Haoxiang Yang",
"Hongbin Zha"
] |
2023-08-30
|
We address the problem of active mapping with a continually-learned neural
scene representation, namely Active Neural Mapping. The key lies in actively
finding the target space to be explored with efficient agent movement, thus
minimizing the map uncertainty on-the-fly within a previously unseen
environment. In this paper, we examine the weight space of the
continually-learned neural field, and show empirically that the neural
variability, the prediction robustness against random weight perturbation, can
be directly utilized to measure the instant uncertainty of the neural map.
Together with the continuous geometric information inherited in the neural map,
the agent can be guided to find a traversable path to gradually gain knowledge
of the environment. We present for the first time an active mapping system with
a coordinate-based implicit neural representation for online scene
reconstruction. Experiments in the visually-realistic Gibson and Matterport3D
environment demonstrate the efficacy of the proposed method.
| null |
cs.CV
|
[
"cs.CV"
] |
2307.11526
|
HF
|
CopyRNeRF: Protecting the CopyRight of Neural Radiance Fields
|
[
"Ziyuan Luo",
"Qing Guo",
"Ka Chun Cheung",
"Simon See",
"Renjie Wan"
] |
2023-07-21
|
Neural Radiance Fields (NeRF) have the potential to be a major representation
of media. Since training a NeRF has never been an easy task, the protection of
its model copyright should be a priority. In this paper, by analyzing the pros
and cons of possible copyright protection solutions, we propose to protect the
copyright of NeRF models by replacing the original color representation in NeRF
with a watermarked color representation. Then, a distortion-resistant rendering
scheme is designed to guarantee robust message extraction in 2D renderings of
NeRF. Our proposed method can directly protect the copyright of NeRF models
while maintaining high rendering quality and bit accuracy when compared among
optional solutions.
| null |
cs.CV
|
[
"cs.CV"
] |
2407.06581
|
HF
|
Vision language models are blind
|
[
"Pooyan Rahmanzadehgervi",
"Logan Bolton",
"Mohammad Reza Taesiri",
"Anh Totti Nguyen"
] |
2024-07-09
|
While large language models with vision capabilities (VLMs), e.g., GPT-4o and
Gemini 1.5 Pro, are powering various image-text applications and scoring high
on many vision-understanding benchmarks, we find that they are surprisingly
still struggling with low-level vision tasks that are easy to humans.
Specifically, on BlindTest, our suite of 7 very simple tasks such as
identifying (a) whether two circles overlap; (b) whether two lines intersect;
(c) which letter is being circled in a word; and (d) counting circles in an
Olympic-like logo, four state-of-the-art VLMs are only 58.57% accurate on
average. Claude 3.5 Sonnet performs the best at 74.94% accuracy, but this is
still far from the human expected accuracy of 100%. Across different image
resolutions and line widths, VLMs consistently struggle with tasks that require
precise spatial information and recognizing geometric primitives that overlap
or are close together. Code and data are available at:
https://vlmsareblind.github.io
| null |
cs.AI
|
[
"cs.AI",
"cs.CV"
] |
2402.09052
|
HF
|
L3GO: Language Agents with Chain-of-3D-Thoughts for Generating Unconventional Objects
|
[
"Yutaro Yamada",
"Khyathi Chandu",
"Yuchen Lin",
"Jack Hessel",
"Ilker Yildirim",
"Yejin Choi"
] |
2024-02-14
|
Diffusion-based image generation models such as DALL-E 3 and Stable
Diffusion-XL demonstrate remarkable capabilities in generating images with
realistic and unique compositions. Yet, these models are not robust in
precisely reasoning about physical and spatial configurations of objects,
especially when instructed with unconventional, thereby out-of-distribution
descriptions, such as "a chair with five legs". In this paper, we propose a
language agent with chain-of-3D-thoughts (L3GO), an inference-time approach
that can reason about part-based 3D mesh generation of unconventional objects
that current data-driven diffusion models struggle with. More concretely, we
use large language models as agents to compose a desired object via
trial-and-error within the 3D simulation environment. To facilitate our
investigation, we develop a new benchmark, Unconventionally Feasible Objects
(UFO), as well as SimpleBlenv, a wrapper environment built on top of Blender
where language agents can build and compose atomic building blocks via API
calls. Human and automatic GPT-4V evaluations show that our approach surpasses
the standard GPT-4 and other language agents (e.g., ReAct and Reflexion) for 3D
mesh generation on ShapeNet. Moreover, when tested on our UFO benchmark, our
approach outperforms other state-of-the-art text-to-2D image and text-to-3D
models based on human evaluation.
| null |
cs.AI
|
[
"cs.AI"
] |
2312.11894
|
HF
|
3D-LFM: Lifting Foundation Model
|
[
"Mosam Dabhi",
"Laszlo A. Jeni",
"Simon Lucey"
] |
2023-12-19
|
The lifting of 3D structure and camera from 2D landmarks is at the
cornerstone of the entire discipline of computer vision. Traditional methods
have been confined to specific rigid objects, such as those in
Perspective-n-Point (PnP) problems, but deep learning has expanded our
capability to reconstruct a wide range of object classes (e.g. C3DPO and PAUL)
with resilience to noise, occlusions, and perspective distortions. All these
techniques, however, have been limited by the fundamental need to establish
correspondences across the 3D training data -- significantly limiting their
utility to applications where one has an abundance of "in-correspondence" 3D
data. Our approach harnesses the inherent permutation equivariance of
transformers to manage varying number of points per 3D data instance,
withstands occlusions, and generalizes to unseen categories. We demonstrate
state of the art performance across 2D-3D lifting task benchmarks. Since our
approach can be trained across such a broad class of structures we refer to it
simply as a 3D Lifting Foundation Model (3D-LFM) -- the first of its kind.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI",
"cs.LG"
] |
2012.15832
|
AnswerAI
|
Shortformer: Better Language Modeling using Shorter Inputs
|
[
"Ofir Press",
"Noah A. Smith",
"Mike Lewis"
] |
2020-12-31
|
Increasing the input length has been a driver of progress in language
modeling with transformers. We identify conditions where shorter inputs are not
harmful, and achieve perplexity and efficiency improvements through two new
methods that decrease input length. First, we show that initially training a
model on short subsequences before moving on to longer ones both reduces
overall training time and, surprisingly, substantially improves perplexity.
Second, we show how to improve the efficiency of recurrence methods in
transformers, which let models condition on previously processed tokens when
generating sequences that exceed the maximal length the transformer can handle
at once. Existing methods require computationally expensive relative position
embeddings; we introduce a simple alternative of adding absolute position
embeddings to queries and keys instead of to word embeddings, which efficiently
produces superior results. We show that these recurrent models also benefit
from short input lengths. Combining these techniques speeds up training by a
factor of 1.65, reduces memory usage, and substantially improves perplexity on
WikiText-103, without adding any parameters.
| null |
cs.CL
|
[
"cs.CL"
] |
2312.12490
|
HF
|
InstructVideo: Instructing Video Diffusion Models with Human Feedback
|
[
"Hangjie Yuan",
"Shiwei Zhang",
"Xiang Wang",
"Yujie Wei",
"Tao Feng",
"Yining Pan",
"Yingya Zhang",
"Ziwei Liu",
"Samuel Albanie",
"Dong Ni"
] |
2023-12-19
|
Diffusion models have emerged as the de facto paradigm for video generation.
However, their reliance on web-scale data of varied quality often yields
results that are visually unappealing and misaligned with the textual prompts.
To tackle this problem, we propose InstructVideo to instruct text-to-video
diffusion models with human feedback by reward fine-tuning. InstructVideo has
two key ingredients: 1) To ameliorate the cost of reward fine-tuning induced by
generating through the full DDIM sampling chain, we recast reward fine-tuning
as editing. By leveraging the diffusion process to corrupt a sampled video,
InstructVideo requires only partial inference of the DDIM sampling chain,
reducing fine-tuning cost while improving fine-tuning efficiency. 2) To
mitigate the absence of a dedicated video reward model for human preferences,
we repurpose established image reward models, e.g., HPSv2. To this end, we
propose Segmental Video Reward, a mechanism to provide reward signals based on
segmental sparse sampling, and Temporally Attenuated Reward, a method that
mitigates temporal modeling degradation during fine-tuning. Extensive
experiments, both qualitative and quantitative, validate the practicality and
efficacy of using image reward models in InstructVideo, significantly enhancing
the visual quality of generated videos without compromising generalization
capabilities. Code and models will be made publicly available.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI",
"cs.LG",
"cs.MM"
] |
2403.09338
|
HF
|
LocalMamba: Visual State Space Model with Windowed Selective Scan
|
[
"Tao Huang",
"Xiaohuan Pei",
"Shan You",
"Fei Wang",
"Chen Qian",
"Chang Xu"
] |
2024-03-14
|
Recent advancements in state space models, notably Mamba, have demonstrated
significant progress in modeling long sequences for tasks like language
understanding. Yet, their application in vision tasks has not markedly
surpassed the performance of traditional Convolutional Neural Networks (CNNs)
and Vision Transformers (ViTs). This paper posits that the key to enhancing
Vision Mamba (ViM) lies in optimizing scan directions for sequence modeling.
Traditional ViM approaches, which flatten spatial tokens, overlook the
preservation of local 2D dependencies, thereby elongating the distance between
adjacent tokens. We introduce a novel local scanning strategy that divides
images into distinct windows, effectively capturing local dependencies while
maintaining a global perspective. Additionally, acknowledging the varying
preferences for scan patterns across different network layers, we propose a
dynamic method to independently search for the optimal scan choices for each
layer, substantially improving performance. Extensive experiments across both
plain and hierarchical models underscore our approach's superiority in
effectively capturing image representations. For example, our model
significantly outperforms Vim-Ti by 3.1% on ImageNet with the same 1.5G FLOPs.
Code is available at: https://github.com/hunto/LocalMamba.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI"
] |
2402.00892
|
HF
|
EVA-GAN: Enhanced Various Audio Generation via Scalable Generative Adversarial Networks
|
[
"Shijia Liao",
"Shiyi Lan",
"Arun George Zachariah"
] |
2024-01-31
|
The advent of Large Models marks a new era in machine learning, significantly
outperforming smaller models by leveraging vast datasets to capture and
synthesize complex patterns. Despite these advancements, the exploration into
scaling, especially in the audio generation domain, remains limited, with
previous efforts didn't extend into the high-fidelity (HiFi) 44.1kHz domain and
suffering from both spectral discontinuities and blurriness in the
high-frequency domain, alongside a lack of robustness against out-of-domain
data. These limitations restrict the applicability of models to diverse use
cases, including music and singing generation. Our work introduces Enhanced
Various Audio Generation via Scalable Generative Adversarial Networks
(EVA-GAN), yields significant improvements over previous state-of-the-art in
spectral and high-frequency reconstruction and robustness in out-of-domain data
performance, enabling the generation of HiFi audios by employing an extensive
dataset of 36,000 hours of 44.1kHz audio, a context-aware module, a
Human-In-The-Loop artifact measurement toolkit, and expands the model to
approximately 200 million parameters. Demonstrations of our work are available
at https://double-blind-eva-gan.cc.
| null |
cs.SD
|
[
"cs.SD",
"cs.AI",
"cs.LG",
"eess.AS"
] |
2401.15687
|
HF
|
Media2Face: Co-speech Facial Animation Generation With Multi-Modality Guidance
|
[
"Qingcheng Zhao",
"Pengyu Long",
"Qixuan Zhang",
"Dafei Qin",
"Han Liang",
"Longwen Zhang",
"Yingliang Zhang",
"Jingyi Yu",
"Lan Xu"
] |
2024-01-28
|
The synthesis of 3D facial animations from speech has garnered considerable
attention. Due to the scarcity of high-quality 4D facial data and
well-annotated abundant multi-modality labels, previous methods often suffer
from limited realism and a lack of lexible conditioning. We address this
challenge through a trilogy. We first introduce Generalized Neural Parametric
Facial Asset (GNPFA), an efficient variational auto-encoder mapping facial
geometry and images to a highly generalized expression latent space, decoupling
expressions and identities. Then, we utilize GNPFA to extract high-quality
expressions and accurate head poses from a large array of videos. This presents
the M2F-D dataset, a large, diverse, and scan-level co-speech 3D facial
animation dataset with well-annotated emotional and style labels. Finally, we
propose Media2Face, a diffusion model in GNPFA latent space for co-speech
facial animation generation, accepting rich multi-modality guidances from
audio, text, and image. Extensive experiments demonstrate that our model not
only achieves high fidelity in facial animation synthesis but also broadens the
scope of expressiveness and style adaptability in 3D facial animation.
| null |
cs.CV
|
[
"cs.CV",
"cs.GR"
] |
2311.05348
|
HF
|
u-LLaVA: Unifying Multi-Modal Tasks via Large Language Model
|
[
"Jinjin Xu",
"Liwu Xu",
"Yuzhe Yang",
"Xiang Li",
"Fanyi Wang",
"Yanchun Xie",
"Yi-Jie Huang",
"Yaqian Li"
] |
2023-11-09
|
Recent advancements in multi-modal large language models (MLLMs) have led to
substantial improvements in visual understanding, primarily driven by
sophisticated modality alignment strategies. However, predominant approaches
prioritize global or regional comprehension, with less focus on fine-grained,
pixel-level tasks. To address this gap, we introduce u-LLaVA, an innovative
unifying multi-task framework that integrates pixel, regional, and global
features to refine the perceptual faculties of MLLMs. We commence by leveraging
an efficient modality alignment approach, harnessing both image and video
datasets to bolster the model's foundational understanding across diverse
visual contexts. Subsequently, a joint instruction tuning method with
task-specific projectors and decoders for end-to-end downstream training is
presented. Furthermore, this work contributes a novel mask-based multi-task
dataset comprising 277K samples, crafted to challenge and assess the
fine-grained perception capabilities of MLLMs. The overall framework is simple,
effective, and achieves state-of-the-art performance across multiple
benchmarks. We also make our model, data, and code publicly accessible at
https://github.com/OPPOMKLab/u-LLaVA.
| null |
cs.CV
|
[
"cs.CV"
] |
2109.08668
|
AnswerAI
|
Primer: Searching for Efficient Transformers for Language Modeling
|
[
"David R. So",
"Wojciech Mańke",
"Hanxiao Liu",
"Zihang Dai",
"Noam Shazeer",
"Quoc V. Le"
] |
2021-09-17
|
Large Transformer models have been central to recent advances in natural
language processing. The training and inference costs of these models, however,
have grown rapidly and become prohibitively expensive. Here we aim to reduce
the costs of Transformers by searching for a more efficient variant. Compared
to previous approaches, our search is performed at a lower level, over the
primitives that define a Transformer TensorFlow program. We identify an
architecture, named Primer, that has a smaller training cost than the original
Transformer and other variants for auto-regressive language modeling. Primer's
improvements can be mostly attributed to two simple modifications: squaring
ReLU activations and adding a depthwise convolution layer after each Q, K, and
V projection in self-attention.
Experiments show Primer's gains over Transformer increase as compute scale
grows and follow a power law with respect to quality at optimal model sizes. We
also verify empirically that Primer can be dropped into different codebases to
significantly speed up training without additional tuning. For example, at a
500M parameter size, Primer improves the original T5 architecture on C4
auto-regressive language modeling, reducing the training cost by 4X.
Furthermore, the reduced training cost means Primer needs much less compute to
reach a target one-shot performance. For instance, in a 1.9B parameter
configuration similar to GPT-3 XL, Primer uses 1/3 of the training compute to
achieve the same one-shot performance as Transformer. We open source our models
and several comparisons in T5 to help with reproducibility.
| null |
cs.LG
|
[
"cs.LG",
"cs.AI",
"cs.CL",
"cs.NE"
] |
2405.05254
|
AnswerAI
|
You Only Cache Once: Decoder-Decoder Architectures for Language Models
|
[
"Yutao Sun",
"Li Dong",
"Yi Zhu",
"Shaohan Huang",
"Wenhui Wang",
"Shuming Ma",
"Quanlu Zhang",
"Jianyong Wang",
"Furu Wei"
] |
2024-05-08
|
We introduce a decoder-decoder architecture, YOCO, for large language models,
which only caches key-value pairs once. It consists of two components, i.e., a
cross-decoder stacked upon a self-decoder. The self-decoder efficiently encodes
global key-value (KV) caches that are reused by the cross-decoder via
cross-attention. The overall model behaves like a decoder-only Transformer,
although YOCO only caches once. The design substantially reduces GPU memory
demands, yet retains global attention capability. Additionally, the computation
flow enables prefilling to early exit without changing the final output,
thereby significantly speeding up the prefill stage. Experimental results
demonstrate that YOCO achieves favorable performance compared to Transformer in
various settings of scaling up model size and number of training tokens. We
also extend YOCO to 1M context length with near-perfect needle retrieval
accuracy. The profiling results show that YOCO improves inference memory,
prefill latency, and throughput by orders of magnitude across context lengths
and model sizes. Code is available at https://aka.ms/YOCO.
| null |
cs.CL
|
[
"cs.CL"
] |
2305.08379
|
HF
|
TESS: Text-to-Text Self-Conditioned Simplex Diffusion
|
[
"Rabeeh Karimi Mahabadi",
"Hamish Ivison",
"Jaesung Tae",
"James Henderson",
"Iz Beltagy",
"Matthew E. Peters",
"Arman Cohan"
] |
2023-05-15
|
Diffusion models have emerged as a powerful paradigm for generation,
obtaining strong performance in various continuous domains. However, applying
continuous diffusion models to natural language remains challenging due to its
discrete nature and the need for a large number of diffusion steps to generate
text, making diffusion-based generation expensive. In this work, we propose
Text-to-text Self-conditioned Simplex Diffusion (TESS), a text diffusion model
that is fully non-autoregressive, employs a new form of self-conditioning, and
applies the diffusion process on the logit simplex space rather than the
learned embedding space. Through extensive experiments on natural language
understanding and generation tasks including summarization, text
simplification, paraphrase generation, and question generation, we demonstrate
that TESS outperforms state-of-the-art non-autoregressive models, requires
fewer diffusion steps with minimal drop in performance, and is competitive with
pretrained autoregressive sequence-to-sequence models. We publicly release our
codebase at https://github.com/allenai/tess-diffusion.
| null |
cs.CL
|
[
"cs.CL",
"cs.LG"
] |
2409.11242
|
HF
|
Measuring and Enhancing Trustworthiness of LLMs in RAG through Grounded Attributions and Learning to Refuse
|
[
"Maojia Song",
"Shang Hong Sim",
"Rishabh Bhardwaj",
"Hai Leong Chieu",
"Navonil Majumder",
"Soujanya Poria"
] |
2024-09-17
|
LLMs are an integral part of retrieval-augmented generation (RAG) systems.
While many studies focus on evaluating the quality of end-to-end RAG systems,
there is a lack of research on understanding the appropriateness of an LLM for
the RAG task. Thus, we introduce a new metric, Trust-Score, that provides a
holistic evaluation of the trustworthiness of LLMs in an RAG framework. We show
that various prompting methods, such as in-context learning, fail to adapt LLMs
effectively to the RAG task. Thus, we propose Trust-Align, a framework to align
LLMs for higher Trust-Score. LLaMA-3-8b, aligned with our method, significantly
outperforms open-source LLMs of comparable sizes on ASQA (up 10.7), QAMPARI (up
29.2) and ELI5 (up 14.9). We release our code at:
https://github.com/declare-lab/trust-align.
| null |
cs.CL
|
[
"cs.CL"
] |
2405.15125
|
HF
|
HDR-GS: Efficient High Dynamic Range Novel View Synthesis at 1000x Speed via Gaussian Splatting
|
[
"Yuanhao Cai",
"Zihao Xiao",
"Yixun Liang",
"Minghan Qin",
"Yulun Zhang",
"Xiaokang Yang",
"Yaoyao Liu",
"Alan Yuille"
] |
2024-05-24
|
High dynamic range (HDR) novel view synthesis (NVS) aims to create
photorealistic images from novel viewpoints using HDR imaging techniques. The
rendered HDR images capture a wider range of brightness levels containing more
details of the scene than normal low dynamic range (LDR) images. Existing HDR
NVS methods are mainly based on NeRF. They suffer from long training time and
slow inference speed. In this paper, we propose a new framework, High Dynamic
Range Gaussian Splatting (HDR-GS), which can efficiently render novel HDR views
and reconstruct LDR images with a user input exposure time. Specifically, we
design a Dual Dynamic Range (DDR) Gaussian point cloud model that uses
spherical harmonics to fit HDR color and employs an MLP-based tone-mapper to
render LDR color. The HDR and LDR colors are then fed into two Parallel
Differentiable Rasterization (PDR) processes to reconstruct HDR and LDR views.
To establish the data foundation for the research of 3D Gaussian
splatting-based methods in HDR NVS, we recalibrate the camera parameters and
compute the initial positions for Gaussian point clouds. Experiments
demonstrate that our HDR-GS surpasses the state-of-the-art NeRF-based method by
3.84 and 1.91 dB on LDR and HDR NVS while enjoying 1000x inference speed and
only requiring 6.3% training time. Code, models, and recalibrated data will be
publicly available at https://github.com/caiyuanhao1998/HDR-GS
| null |
cs.CV
|
[
"cs.CV"
] |
2212.08045
|
AnswerAI
|
CLIPPO: Image-and-Language Understanding from Pixels Only
|
[
"Michael Tschannen",
"Basil Mustafa",
"Neil Houlsby"
] |
2022-12-15
|
Multimodal models are becoming increasingly effective, in part due to unified
components, such as the Transformer architecture. However, multimodal models
still often consist of many task- and modality-specific pieces and training
procedures. For example, CLIP (Radford et al., 2021) trains independent text
and image towers via a contrastive loss. We explore an additional unification:
the use of a pure pixel-based model to perform image, text, and multimodal
tasks. Our model is trained with contrastive loss alone, so we call it
CLIP-Pixels Only (CLIPPO). CLIPPO uses a single encoder that processes both
regular images and text rendered as images. CLIPPO performs image-based tasks
such as retrieval and zero-shot image classification almost as well as
CLIP-style models, with half the number of parameters and no text-specific
tower or embedding. When trained jointly via image-text contrastive learning
and next-sentence contrastive learning, CLIPPO can perform well on natural
language understanding tasks, without any word-level loss (language modelling
or masked language modelling), outperforming pixel-based prior work.
Surprisingly, CLIPPO can obtain good accuracy in visual question answering,
simply by rendering the question and image together. Finally, we exploit the
fact that CLIPPO does not require a tokenizer to show that it can achieve
strong performance on multilingual multimodal retrieval without modifications.
| null |
cs.CV
|
[
"cs.CV"
] |
2404.19752
|
HF
|
Visual Fact Checker: Enabling High-Fidelity Detailed Caption Generation
|
[
"Yunhao Ge",
"Xiaohui Zeng",
"Jacob Samuel Huffman",
"Tsung-Yi Lin",
"Ming-Yu Liu",
"Yin Cui"
] |
2024-04-30
|
Existing automatic captioning methods for visual content face challenges such
as lack of detail, content hallucination, and poor instruction following. In
this work, we propose VisualFactChecker (VFC), a flexible training-free
pipeline that generates high-fidelity and detailed captions for both 2D images
and 3D objects. VFC consists of three steps: 1) proposal, where image-to-text
captioning models propose multiple initial captions; 2) verification, where a
large language model (LLM) utilizes tools such as object detection and VQA
models to fact-check proposed captions; 3) captioning, where an LLM generates
the final caption by summarizing caption proposals and the fact check
verification results. In this step, VFC can flexibly generate captions in
various styles following complex instructions. We conduct comprehensive
captioning evaluations using four metrics: 1) CLIP-Score for image-text
similarity; 2) CLIP-Image-Score for measuring the image-image similarity
between the original and the reconstructed image generated by a text-to-image
model using the caption. 3) human study on Amazon Mechanical Turk; 4) GPT-4V
for fine-grained evaluation. Evaluation results show that VFC outperforms
state-of-the-art open-sourced captioning methods for 2D images on the COCO
dataset and 3D assets on the Objaverse dataset. Our study demonstrates that by
combining open-source models into a pipeline, we can attain captioning
capability comparable to proprietary models such as GPT-4V, despite being over
10x smaller in model size.
| null |
cs.CV
|
[
"cs.CV"
] |
2402.10200
|
HF
|
Chain-of-Thought Reasoning Without Prompting
|
[
"Xuezhi Wang",
"Denny Zhou"
] |
2024-02-15
|
In enhancing the reasoning capabilities of large language models (LLMs),
prior research primarily focuses on specific prompting techniques such as
few-shot or zero-shot chain-of-thought (CoT) prompting. These methods, while
effective, often involve manually intensive prompt engineering. Our study takes
a novel approach by asking: Can LLMs reason effectively without prompting? Our
findings reveal that, intriguingly, CoT reasoning paths can be elicited from
pre-trained LLMs by simply altering the \textit{decoding} process. Rather than
conventional greedy decoding, we investigate the top-$k$ alternative tokens,
uncovering that CoT paths are frequently inherent in these sequences. This
approach not only bypasses the confounders of prompting but also allows us to
assess the LLMs' \textit{intrinsic} reasoning abilities. Moreover, we observe
that the presence of a CoT in the decoding path correlates with a higher
confidence in the model's decoded answer. This confidence metric effectively
differentiates between CoT and non-CoT paths. Extensive empirical studies on
various reasoning benchmarks show that the proposed CoT-decoding effectively
elicits reasoning capabilities from language models, which were previously
obscured by standard greedy decoding.
| null |
cs.CL
|
[
"cs.CL"
] |
2307.05695
|
Both
|
ReLoRA: High-Rank Training Through Low-Rank Updates
|
[
"Vladislav Lialin",
"Namrata Shivagunde",
"Sherin Muckatira",
"Anna Rumshisky"
] |
2023-07-11
|
Despite the dominance and effectiveness of scaling, resulting in large
networks with hundreds of billions of parameters, the necessity to train
overparameterized models remains poorly understood, while training costs grow
exponentially. In this paper, we explore parameter-efficient training
techniques as an approach to training large neural networks. We introduce a
novel method called ReLoRA, which utilizes low-rank updates to train high-rank
networks. We apply ReLoRA to training transformer language models with up to
1.3B parameters and demonstrate comparable performance to regular neural
network training. ReLoRA saves up to 5.5Gb of RAM per GPU and improves training
speed by 9-40% depending on the model size and hardware setup. Our findings
show the potential of parameter-efficient techniques for large-scale
pre-training.
| null |
cs.CL
|
[
"cs.CL",
"cs.LG"
] |
2310.03046
|
HF
|
EcoAssistant: Using LLM Assistant More Affordably and Accurately
|
[
"Jieyu Zhang",
"Ranjay Krishna",
"Ahmed H. Awadallah",
"Chi Wang"
] |
2023-10-03
|
Today, users ask Large language models (LLMs) as assistants to answer queries
that require external knowledge; they ask about the weather in a specific city,
about stock prices, and even about where specific locations are within their
neighborhood. These queries require the LLM to produce code that invokes
external APIs to answer the user's question, yet LLMs rarely produce correct
code on the first try, requiring iterative code refinement upon execution
results. In addition, using LLM assistants to support high query volumes can be
expensive. In this work, we contribute a framework, EcoAssistant, that enables
LLMs to answer code-driven queries more affordably and accurately. EcoAssistant
contains three components. First, it allows the LLM assistants to converse with
an automatic code executor to iteratively refine code or to produce answers
based on the execution results. Second, we use a hierarchy of LLM assistants,
which attempts to answer the query with weaker, cheaper LLMs before backing off
to stronger, expensive ones. Third, we retrieve solutions from past successful
queries as in-context demonstrations to help subsequent queries. Empirically,
we show that EcoAssistant offers distinct advantages for affordability and
accuracy, surpassing GPT-4 by 10 points of success rate with less than 50% of
GPT-4's cost.
| null |
cs.SE
|
[
"cs.SE",
"cs.AI"
] |
2310.03714
|
Both
|
DSPy: Compiling Declarative Language Model Calls into Self-Improving Pipelines
|
[
"Omar Khattab",
"Arnav Singhvi",
"Paridhi Maheshwari",
"Zhiyuan Zhang",
"Keshav Santhanam",
"Sri Vardhamanan",
"Saiful Haq",
"Ashutosh Sharma",
"Thomas T. Joshi",
"Hanna Moazam",
"Heather Miller",
"Matei Zaharia",
"Christopher Potts"
] |
2023-10-05
|
The ML community is rapidly exploring techniques for prompting language
models (LMs) and for stacking them into pipelines that solve complex tasks.
Unfortunately, existing LM pipelines are typically implemented using hard-coded
"prompt templates", i.e. lengthy strings discovered via trial and error. Toward
a more systematic approach for developing and optimizing LM pipelines, we
introduce DSPy, a programming model that abstracts LM pipelines as text
transformation graphs, i.e. imperative computational graphs where LMs are
invoked through declarative modules. DSPy modules are parameterized, meaning
they can learn (by creating and collecting demonstrations) how to apply
compositions of prompting, finetuning, augmentation, and reasoning techniques.
We design a compiler that will optimize any DSPy pipeline to maximize a given
metric. We conduct two case studies, showing that succinct DSPy programs can
express and optimize sophisticated LM pipelines that reason about math word
problems, tackle multi-hop retrieval, answer complex questions, and control
agent loops. Within minutes of compiling, a few lines of DSPy allow GPT-3.5 and
llama2-13b-chat to self-bootstrap pipelines that outperform standard few-shot
prompting (generally by over 25% and 65%, respectively) and pipelines with
expert-created demonstrations (by up to 5-46% and 16-40%, respectively). On top
of that, DSPy programs compiled to open and relatively small LMs like
770M-parameter T5 and llama2-13b-chat are competitive with approaches that rely
on expert-written prompt chains for proprietary GPT-3.5. DSPy is available at
https://github.com/stanfordnlp/dspy
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"cs.IR",
"cs.LG"
] |
2403.10704
|
HF
|
Parameter Efficient Reinforcement Learning from Human Feedback
|
[
"Hakim Sidahmed",
"Samrat Phatale",
"Alex Hutcheson",
"Zhuonan Lin",
"Zhang Chen",
"Zac Yu",
"Jarvis Jin",
"Simral Chaudhary",
"Roman Komarytsia",
"Christiane Ahlheim",
"Yonghao Zhu",
"Bowen Li",
"Saravanan Ganesh",
"Bill Byrne",
"Jessica Hoffmann",
"Hassan Mansoor",
"Wei Li",
"Abhinav Rastogi",
"Lucas Dixon"
] |
2024-03-15
|
While Reinforcement Learning from Human Feedback (RLHF) effectively aligns
pretrained Large Language and Vision-Language Models (LLMs, and VLMs) with
human preferences, its computational cost and complexity hamper its wider
adoption. To alleviate some of the computational burden of fine-tuning,
parameter efficient methods, like LoRA were introduced. In this work, we
empirically evaluate the setup of Parameter Efficient Reinforcement Learning
from Human Feedback (PE-RLHF) that leverages LoRA fine-tuning for Reward
Modeling, and Reinforcement Learning. We benchmark the PE-RLHF setup on six
diverse datasets spanning summarization, harmless/helpful response generation,
UI automation, and visual question answering in terms of effectiveness of the
trained models, and the training resources required. Our findings show, for the
first time, that PE-RLHF achieves comparable performance to RLHF, while
significantly reducing training time (up to 90% faster for reward models, and
30% faster for RL), and memory footprint (up to 50% reduction for reward
models, and 27% for RL). We provide comprehensive ablations across LoRA ranks,
and model sizes for both reward modeling and reinforcement learning. By
mitigating the computational burden associated with RLHF, we push for a broader
adoption of PE-RLHF as an alignment technique for LLMs and VLMs.
| null |
cs.LG
|
[
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.01178
|
AnswerAI
|
$\text{Memory}^3$: Language Modeling with Explicit Memory
|
[
"Hongkang Yang",
"Zehao Lin",
"Wenjin Wang",
"Hao Wu",
"Zhiyu Li",
"Bo Tang",
"Wenqiang Wei",
"Jinbo Wang",
"Zeyun Tang",
"Shichao Song",
"Chenyang Xi",
"Yu Yu",
"Kai Chen",
"Feiyu Xiong",
"Linpeng Tang",
"Weinan E"
] |
2024-07-01
|
The training and inference of large language models (LLMs) are together a
costly process that transports knowledge from raw data to meaningful
computation. Inspired by the memory hierarchy of the human brain, we reduce
this cost by equipping LLMs with explicit memory, a memory format cheaper than
model parameters and text retrieval-augmented generation (RAG). Conceptually,
with most of its knowledge externalized to explicit memories, the LLM can enjoy
a smaller parameter size, training cost, and inference cost, all proportional
to the amount of remaining "abstract knowledge". As a preliminary proof of
concept, we train from scratch a 2.4B LLM, which achieves better performance
than much larger LLMs as well as RAG models, and maintains higher decoding
speed than RAG. The model is named $\text{Memory}^3$, since explicit memory is
the third form of memory in LLMs after implicit memory (model parameters) and
working memory (context key-values). We introduce a memory circuitry theory to
support the externalization of knowledge, and present novel techniques
including a memory sparsification mechanism that makes storage tractable and a
two-stage pretraining scheme that facilitates memory formation.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"cs.LG",
"68T50",
"I.2.7"
] |
2305.18365
|
HF
|
What can Large Language Models do in chemistry? A comprehensive benchmark on eight tasks
|
[
"Taicheng Guo",
"Kehan Guo",
"Bozhao Nan",
"Zhenwen Liang",
"Zhichun Guo",
"Nitesh V. Chawla",
"Olaf Wiest",
"Xiangliang Zhang"
] |
2023-05-27
|
Large Language Models (LLMs) with strong abilities in natural language
processing tasks have emerged and have been applied in various kinds of areas
such as science, finance and software engineering. However, the capability of
LLMs to advance the field of chemistry remains unclear. In this paper, rather
than pursuing state-of-the-art performance, we aim to evaluate capabilities of
LLMs in a wide range of tasks across the chemistry domain. We identify three
key chemistry-related capabilities including understanding, reasoning and
explaining to explore in LLMs and establish a benchmark containing eight
chemistry tasks. Our analysis draws on widely recognized datasets facilitating
a broad exploration of the capacities of LLMs within the context of practical
chemistry. Five LLMs (GPT-4, GPT-3.5, Davinci-003, Llama and Galactica) are
evaluated for each chemistry task in zero-shot and few-shot in-context learning
settings with carefully selected demonstration examples and specially crafted
prompts. Our investigation found that GPT-4 outperformed other models and LLMs
exhibit different competitive levels in eight chemistry tasks. In addition to
the key findings from the comprehensive benchmark analysis, our work provides
insights into the limitation of current LLMs and the impact of in-context
learning settings on LLMs' performance across various chemistry tasks. The code
and datasets used in this study are available at
https://github.com/ChemFoundationModels/ChemLLMBench.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
2312.01407
|
HF
|
VideoRF: Rendering Dynamic Radiance Fields as 2D Feature Video Streams
|
[
"Liao Wang",
"Kaixin Yao",
"Chengcheng Guo",
"Zhirui Zhang",
"Qiang Hu",
"Jingyi Yu",
"Lan Xu",
"Minye Wu"
] |
2023-12-03
|
Neural Radiance Fields (NeRFs) excel in photorealistically rendering static
scenes. However, rendering dynamic, long-duration radiance fields on ubiquitous
devices remains challenging, due to data storage and computational constraints.
In this paper, we introduce VideoRF, the first approach to enable real-time
streaming and rendering of dynamic radiance fields on mobile platforms. At the
core is a serialized 2D feature image stream representing the 4D radiance field
all in one. We introduce a tailored training scheme directly applied to this 2D
domain to impose the temporal and spatial redundancy of the feature image
stream. By leveraging the redundancy, we show that the feature image stream can
be efficiently compressed by 2D video codecs, which allows us to exploit video
hardware accelerators to achieve real-time decoding. On the other hand, based
on the feature image stream, we propose a novel rendering pipeline for VideoRF,
which has specialized space mappings to query radiance properties efficiently.
Paired with a deferred shading model, VideoRF has the capability of real-time
rendering on mobile devices thanks to its efficiency. We have developed a
real-time interactive player that enables online streaming and rendering of
dynamic scenes, offering a seamless and immersive free-viewpoint experience
across a range of devices, from desktops to mobile phones.
| null |
cs.CV
|
[
"cs.CV"
] |
2408.02600
|
HF
|
BioMamba: A Pre-trained Biomedical Language Representation Model Leveraging Mamba
|
[
"Ling Yue",
"Sixue Xing",
"Yingzhou Lu",
"Tianfan Fu"
] |
2024-08-05
|
The advancement of natural language processing (NLP) in biology hinges on
models' ability to interpret intricate biomedical literature. Traditional
models often struggle with the complex and domain-specific language in this
field. In this paper, we present BioMamba, a pre-trained model specifically
designed for biomedical text mining. BioMamba builds upon the Mamba
architecture and is pre-trained on an extensive corpus of biomedical
literature. Our empirical studies demonstrate that BioMamba significantly
outperforms models like BioBERT and general-domain Mamba across various
biomedical tasks. For instance, BioMamba achieves a 100 times reduction in
perplexity and a 4 times reduction in cross-entropy loss on the BioASQ test
set. We provide an overview of the model architecture, pre-training process,
and fine-tuning techniques. Additionally, we release the code and trained model
to facilitate further research.
| null |
cs.CL
|
[
"cs.CL"
] |
2402.14017
|
HF
|
D-Flow: Differentiating through Flows for Controlled Generation
|
[
"Heli Ben-Hamu",
"Omri Puny",
"Itai Gat",
"Brian Karrer",
"Uriel Singer",
"Yaron Lipman"
] |
2024-02-21
|
Taming the generation outcome of state of the art Diffusion and Flow-Matching
(FM) models without having to re-train a task-specific model unlocks a powerful
tool for solving inverse problems, conditional generation, and controlled
generation in general. In this work we introduce D-Flow, a simple framework for
controlling the generation process by differentiating through the flow,
optimizing for the source (noise) point. We motivate this framework by our key
observation stating that for Diffusion/FM models trained with Gaussian
probability paths, differentiating through the generation process projects
gradient on the data manifold, implicitly injecting the prior into the
optimization process. We validate our framework on linear and non-linear
controlled generation problems including: image and audio inverse problems and
conditional molecule generation reaching state of the art performance across
all.
| null |
cs.LG
|
[
"cs.LG"
] |
2304.07193
|
AnswerAI
|
DINOv2: Learning Robust Visual Features without Supervision
|
[
"Maxime Oquab",
"Timothée Darcet",
"Théo Moutakanni",
"Huy Vo",
"Marc Szafraniec",
"Vasil Khalidov",
"Pierre Fernandez",
"Daniel Haziza",
"Francisco Massa",
"Alaaeldin El-Nouby",
"Mahmoud Assran",
"Nicolas Ballas",
"Wojciech Galuba",
"Russell Howes",
"Po-Yao Huang",
"Shang-Wen Li",
"Ishan Misra",
"Michael Rabbat",
"Vasu Sharma",
"Gabriel Synnaeve",
"Hu Xu",
"Hervé Jegou",
"Julien Mairal",
"Patrick Labatut",
"Armand Joulin",
"Piotr Bojanowski"
] |
2023-04-14
|
The recent breakthroughs in natural language processing for model pretraining
on large quantities of data have opened the way for similar foundation models
in computer vision. These models could greatly simplify the use of images in
any system by producing all-purpose visual features, i.e., features that work
across image distributions and tasks without finetuning. This work shows that
existing pretraining methods, especially self-supervised methods, can produce
such features if trained on enough curated data from diverse sources. We
revisit existing approaches and combine different techniques to scale our
pretraining in terms of data and model size. Most of the technical
contributions aim at accelerating and stabilizing the training at scale. In
terms of data, we propose an automatic pipeline to build a dedicated, diverse,
and curated image dataset instead of uncurated data, as typically done in the
self-supervised literature. In terms of models, we train a ViT model
(Dosovitskiy et al., 2020) with 1B parameters and distill it into a series of
smaller models that surpass the best available all-purpose features, OpenCLIP
(Ilharco et al., 2021) on most of the benchmarks at image and pixel levels.
| null |
cs.CV
|
[
"cs.CV"
] |
2309.02033
|
AnswerAI
|
Data-Juicer: A One-Stop Data Processing System for Large Language Models
|
[
"Daoyuan Chen",
"Yilun Huang",
"Zhijian Ma",
"Hesen Chen",
"Xuchen Pan",
"Ce Ge",
"Dawei Gao",
"Yuexiang Xie",
"Zhaoyang Liu",
"Jinyang Gao",
"Yaliang Li",
"Bolin Ding",
"Jingren Zhou"
] |
2023-09-05
|
The immense evolution in Large Language Models (LLMs) has underscored the
importance of massive, heterogeneous, and high-quality data. A data recipe is a
mixture of data from different sources for training LLMs, which plays a vital
role in LLMs' performance. Existing open-source tools for LLM data processing
are mostly tailored for specific data recipes. To continuously uncover the
potential of LLMs, incorporate data from new sources, and improve LLMs'
performance, we build a new system named Data-Juicer, with which we can
efficiently generate diverse data recipes, explore different possibilities in
forming data mixtures, and evaluate their effects on model performance.
Different from traditional data-analytics pipelines, Data-Juicer faces some
unique challenges. Firstly, the possible data sources for forming data recipes
are truly heterogeneous and massive with various qualities. Secondly, it is
extremely expensive to precisely evaluate data recipes' impact on LLMs'
performance. Thirdly, the end users of Data-Juicer, model developers, need
sufficient flexibility to configure and evaluate different data recipes.
Data-Juicer features a fine-grained abstraction of pipelines for constructing
data recipes, with over 50 built-in operators for easy composition and
extension. By incorporating visualization and auto-evaluation capabilities,
Data-Juicer enables a timely feedback loop for both LLM pre-training and
fine-tuning. Further, Data-Juicer is optimized and integrated with ecosystems
for LLM training, evaluation, and distributed computing. The data recipes
derived with Data-Juicer gain notable improvements on state-of-the-art LLMs, by
up to 7.45% increase in averaged score across 16 LLM benchmarks and 17.5%
higher win rate in pair-wise GPT-4 evaluations. Our system, data recipes, and
tutorials are released, calling for broader data-centric research on training
and understanding LLMs.
| null |
cs.LG
|
[
"cs.LG",
"cs.DB",
"cs.DC"
] |
2309.17224
|
AnswerAI
|
Training and inference of large language models using 8-bit floating point
|
[
"Sergio P. Perez",
"Yan Zhang",
"James Briggs",
"Charlie Blake",
"Josh Levy-Kramer",
"Paul Balanca",
"Carlo Luschi",
"Stephen Barlow",
"Andrew William Fitzgibbon"
] |
2023-09-29
|
FP8 formats are gaining popularity to boost the computational efficiency for
training and inference of large deep learning models. Their main challenge is
that a careful choice of scaling is needed to prevent degradation due to the
reduced dynamic range compared to higher-precision formats. Although there
exists ample literature about selecting such scalings for INT formats, this
critical aspect has yet to be addressed for FP8. This paper presents a
methodology to select the scalings for FP8 linear layers, based on dynamically
updating per-tensor scales for the weights, gradients and activations. We apply
this methodology to train and validate large language models of the type of GPT
and Llama 2 using FP8, for model sizes ranging from 111M to 70B. To facilitate
the understanding of the FP8 dynamics, our results are accompanied by plots of
the per-tensor scale distribution for weights, activations and gradients during
both training and inference.
| null |
cs.LG
|
[
"cs.LG",
"cs.AR",
"cs.CL",
"cs.ET",
"cs.PF",
"I.2.7; B.2.4"
] |
2404.03653
|
HF
|
CoMat: Aligning Text-to-Image Diffusion Model with Image-to-Text Concept Matching
|
[
"Dongzhi Jiang",
"Guanglu Song",
"Xiaoshi Wu",
"Renrui Zhang",
"Dazhong Shen",
"Zhuofan Zong",
"Yu Liu",
"Hongsheng Li"
] |
2024-04-04
|
Diffusion models have demonstrated great success in the field of
text-to-image generation. However, alleviating the misalignment between the
text prompts and images is still challenging. The root reason behind the
misalignment has not been extensively investigated. We observe that the
misalignment is caused by inadequate token attention activation. We further
attribute this phenomenon to the diffusion model's insufficient condition
utilization, which is caused by its training paradigm. To address the issue, we
propose CoMat, an end-to-end diffusion model fine-tuning strategy with an
image-to-text concept matching mechanism. We leverage an image captioning model
to measure image-to-text alignment and guide the diffusion model to revisit
ignored tokens. A novel attribute concentration module is also proposed to
address the attribute binding problem. Without any image or human preference
data, we use only 20K text prompts to fine-tune SDXL to obtain CoMat-SDXL.
Extensive experiments show that CoMat-SDXL significantly outperforms the
baseline model SDXL in two text-to-image alignment benchmarks and achieves
start-of-the-art performance.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI",
"cs.CL"
] |
2401.02954
|
HF
|
DeepSeek LLM: Scaling Open-Source Language Models with Longtermism
|
[
"DeepSeek-AI",
":",
"Xiao Bi",
"Deli Chen",
"Guanting Chen",
"Shanhuang Chen",
"Damai Dai",
"Chengqi Deng",
"Honghui Ding",
"Kai Dong",
"Qiushi Du",
"Zhe Fu",
"Huazuo Gao",
"Kaige Gao",
"Wenjun Gao",
"Ruiqi Ge",
"Kang Guan",
"Daya Guo",
"Jianzhong Guo",
"Guangbo Hao",
"Zhewen Hao",
"Ying He",
"Wenjie Hu",
"Panpan Huang",
"Erhang Li",
"Guowei Li",
"Jiashi Li",
"Yao Li",
"Y. K. Li",
"Wenfeng Liang",
"Fangyun Lin",
"A. X. Liu",
"Bo Liu",
"Wen Liu",
"Xiaodong Liu",
"Xin Liu",
"Yiyuan Liu",
"Haoyu Lu",
"Shanghao Lu",
"Fuli Luo",
"Shirong Ma",
"Xiaotao Nie",
"Tian Pei",
"Yishi Piao",
"Junjie Qiu",
"Hui Qu",
"Tongzheng Ren",
"Zehui Ren",
"Chong Ruan",
"Zhangli Sha",
"Zhihong Shao",
"Junxiao Song",
"Xuecheng Su",
"Jingxiang Sun",
"Yaofeng Sun",
"Minghui Tang",
"Bingxuan Wang",
"Peiyi Wang",
"Shiyu Wang",
"Yaohui Wang",
"Yongji Wang",
"Tong Wu",
"Y. Wu",
"Xin Xie",
"Zhenda Xie",
"Ziwei Xie",
"Yiliang Xiong",
"Hanwei Xu",
"R. X. Xu",
"Yanhong Xu",
"Dejian Yang",
"Yuxiang You",
"Shuiping Yu",
"Xingkai Yu",
"B. Zhang",
"Haowei Zhang",
"Lecong Zhang",
"Liyue Zhang",
"Mingchuan Zhang",
"Minghua Zhang",
"Wentao Zhang",
"Yichao Zhang",
"Chenggang Zhao",
"Yao Zhao",
"Shangyan Zhou",
"Shunfeng Zhou",
"Qihao Zhu",
"Yuheng Zou"
] |
2024-01-05
|
The rapid development of open-source large language models (LLMs) has been
truly remarkable. However, the scaling law described in previous literature
presents varying conclusions, which casts a dark cloud over scaling LLMs. We
delve into the study of scaling laws and present our distinctive findings that
facilitate scaling of large scale models in two commonly used open-source
configurations, 7B and 67B. Guided by the scaling laws, we introduce DeepSeek
LLM, a project dedicated to advancing open-source language models with a
long-term perspective. To support the pre-training phase, we have developed a
dataset that currently consists of 2 trillion tokens and is continuously
expanding. We further conduct supervised fine-tuning (SFT) and Direct
Preference Optimization (DPO) on DeepSeek LLM Base models, resulting in the
creation of DeepSeek Chat models. Our evaluation results demonstrate that
DeepSeek LLM 67B surpasses LLaMA-2 70B on various benchmarks, particularly in
the domains of code, mathematics, and reasoning. Furthermore, open-ended
evaluations reveal that DeepSeek LLM 67B Chat exhibits superior performance
compared to GPT-3.5.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.13535
|
HF
|
IDAdapter: Learning Mixed Features for Tuning-Free Personalization of Text-to-Image Models
|
[
"Siying Cui",
"Jia Guo",
"Xiang An",
"Jiankang Deng",
"Yongle Zhao",
"Xinyu Wei",
"Ziyong Feng"
] |
2024-03-20
|
Leveraging Stable Diffusion for the generation of personalized portraits has
emerged as a powerful and noteworthy tool, enabling users to create
high-fidelity, custom character avatars based on their specific prompts.
However, existing personalization methods face challenges, including test-time
fine-tuning, the requirement of multiple input images, low preservation of
identity, and limited diversity in generated outcomes. To overcome these
challenges, we introduce IDAdapter, a tuning-free approach that enhances the
diversity and identity preservation in personalized image generation from a
single face image. IDAdapter integrates a personalized concept into the
generation process through a combination of textual and visual injections and a
face identity loss. During the training phase, we incorporate mixed features
from multiple reference images of a specific identity to enrich
identity-related content details, guiding the model to generate images with
more diverse styles, expressions, and angles compared to previous works.
Extensive evaluations demonstrate the effectiveness of our method, achieving
both diversity and identity fidelity in generated images.
| null |
cs.CV
|
[
"cs.CV"
] |
2409.05591
|
HF
|
MemoRAG: Moving towards Next-Gen RAG Via Memory-Inspired Knowledge Discovery
|
[
"Hongjin Qian",
"Peitian Zhang",
"Zheng Liu",
"Kelong Mao",
"Zhicheng Dou"
] |
2024-09-09
|
Retrieval-Augmented Generation (RAG) leverages retrieval tools to access
external databases, thereby enhancing the generation quality of large language
models (LLMs) through optimized context. However, the existing retrieval
methods are constrained inherently, as they can only perform relevance matching
between explicitly stated queries and well-formed knowledge, but unable to
handle tasks involving ambiguous information needs or unstructured knowledge.
Consequently, existing RAG systems are primarily effective for straightforward
question-answering tasks. In this work, we propose MemoRAG, a novel
retrieval-augmented generation paradigm empowered by long-term memory. MemoRAG
adopts a dual-system architecture. On the one hand, it employs a light but
long-range LLM to form the global memory of database. Once a task is presented,
it generates draft answers, cluing the retrieval tools to locate useful
information within the database. On the other hand, it leverages an expensive
but expressive LLM, which generates the ultimate answer based on the retrieved
information. Building on this general framework, we further optimize MemoRAG's
performance by enhancing its cluing mechanism and memorization capacity. In our
experiment, MemoRAG achieves superior performance across a variety of
evaluation tasks, including both complex ones where conventional RAG fails and
straightforward ones where RAG is commonly applied.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
2407.11062
|
HF
|
EfficientQAT: Efficient Quantization-Aware Training for Large Language Models
|
[
"Mengzhao Chen",
"Wenqi Shao",
"Peng Xu",
"Jiahao Wang",
"Peng Gao",
"Kaipeng Zhang",
"Yu Qiao",
"Ping Luo"
] |
2024-07-10
|
Large language models (LLMs) are integral to modern natural language
processing and artificial intelligence. However, they face challenges in
managing their significant memory requirements. Although quantization-aware
training (QAT) offers a solution by reducing memory consumption through low-bit
representations with minimal accuracy loss, it demands substantial training
resources to optimize model weights and quantization parameters. To address
this, we propose Efficient Quantization-Aware Training (EfficientQAT), a novel
quantization technique for compressing LLMs. EfficientQAT involves two
consecutive phases: Block-wise training of all parameters (Block-AP) and
end-to-end training of quantization parameters (E2E-QP). Block-AP sequentially
conducts quantization-aware training for all parameters in each transformer
block with block-wise reconstruction, maintaining efficiency by avoiding
training the entire LLM. Initialized with quantized model, E2E-QP then trains
only quantization parameters (step sizes) end-to-end, enhancing efficiency with
a fixed quantized backbone and reduced trainable parameter count. Extensive
experiments demonstrate that EfficientQAT outperforms previous quantization
methods across a range of models, including base LLMs, instruction-tuned LLMs,
and multimodal LLMs, with scales from 7B to 70B parameters at various
quantization bits. For instance, EfficientQAT obtains a 2-bit Llama-2-70B model
on a single A100-80GB GPU in 41 hours, with less than 3\% accuracy degradation
compared to the full precision (69.48 vs. 72.41). Notably, this INT2 quantized
70B model obtains a 1.67 accuracy gain over the Llama-2-13B model (69.48 vs.
67.81) while requiring less memory (19.2GB vs. 24.2GB). Code is available at
https://github.com/OpenGVLab/EfficientQAT.
| null |
cs.LG
|
[
"cs.LG",
"cs.AI",
"cs.CL"
] |
2311.10538
|
HF
|
Testing Language Model Agents Safely in the Wild
|
[
"Silen Naihin",
"David Atkinson",
"Marc Green",
"Merwane Hamadi",
"Craig Swift",
"Douglas Schonholtz",
"Adam Tauman Kalai",
"David Bau"
] |
2023-11-17
|
A prerequisite for safe autonomy-in-the-wild is safe testing-in-the-wild. Yet
real-world autonomous tests face several unique safety challenges, both due to
the possibility of causing harm during a test, as well as the risk of
encountering new unsafe agent behavior through interactions with real-world and
potentially malicious actors. We propose a framework for conducting safe
autonomous agent tests on the open internet: agent actions are audited by a
context-sensitive monitor that enforces a stringent safety boundary to stop an
unsafe test, with suspect behavior ranked and logged to be examined by humans.
We design a basic safety monitor (AgentMonitor) that is flexible enough to
monitor existing LLM agents, and, using an adversarial simulated agent, we
measure its ability to identify and stop unsafe situations. Then we apply the
AgentMonitor on a battery of real-world tests of AutoGPT, and we identify
several limitations and challenges that will face the creation of safe
in-the-wild tests as autonomous agents grow more capable.
| null |
cs.AI
|
[
"cs.AI"
] |
2305.08809
|
HF
|
Interpretability at Scale: Identifying Causal Mechanisms in Alpaca
|
[
"Zhengxuan Wu",
"Atticus Geiger",
"Thomas Icard",
"Christopher Potts",
"Noah D. Goodman"
] |
2023-05-15
|
Obtaining human-interpretable explanations of large, general-purpose language
models is an urgent goal for AI safety. However, it is just as important that
our interpretability methods are faithful to the causal dynamics underlying
model behavior and able to robustly generalize to unseen inputs. Distributed
Alignment Search (DAS) is a powerful gradient descent method grounded in a
theory of causal abstraction that has uncovered perfect alignments between
interpretable symbolic algorithms and small deep learning models fine-tuned for
specific tasks. In the present paper, we scale DAS significantly by replacing
the remaining brute-force search steps with learned parameters -- an approach
we call Boundless DAS. This enables us to efficiently search for interpretable
causal structure in large language models while they follow instructions. We
apply Boundless DAS to the Alpaca model (7B parameters), which, off the shelf,
solves a simple numerical reasoning problem. With Boundless DAS, we discover
that Alpaca does this by implementing a causal model with two interpretable
boolean variables. Furthermore, we find that the alignment of neural
representations with these variables is robust to changes in inputs and
instructions. These findings mark a first step toward faithfully understanding
the inner-workings of our ever-growing and most widely deployed language
models. Our tool is extensible to larger LLMs and is released publicly at
`https://github.com/stanfordnlp/pyvene`.
| null |
cs.CL
|
[
"cs.CL"
] |
2202.12837
|
AnswerAI
|
Rethinking the Role of Demonstrations: What Makes In-Context Learning Work?
|
[
"Sewon Min",
"Xinxi Lyu",
"Ari Holtzman",
"Mikel Artetxe",
"Mike Lewis",
"Hannaneh Hajishirzi",
"Luke Zettlemoyer"
] |
2022-02-25
|
Large language models (LMs) are able to in-context learn -- perform a new
task via inference alone by conditioning on a few input-label pairs
(demonstrations) and making predictions for new inputs. However, there has been
little understanding of how the model learns and which aspects of the
demonstrations contribute to end task performance. In this paper, we show that
ground truth demonstrations are in fact not required -- randomly replacing
labels in the demonstrations barely hurts performance on a range of
classification and multi-choce tasks, consistently over 12 different models
including GPT-3. Instead, we find that other aspects of the demonstrations are
the key drivers of end task performance, including the fact that they provide a
few examples of (1) the label space, (2) the distribution of the input text,
and (3) the overall format of the sequence. Together, our analysis provides a
new way of understanding how and why in-context learning works, while opening
up new questions about how much can be learned from large language models
through inference alone.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
2308.05221
|
HF
|
Alexa, play with robot: Introducing the First Alexa Prize SimBot Challenge on Embodied AI
|
[
"Hangjie Shi",
"Leslie Ball",
"Govind Thattai",
"Desheng Zhang",
"Lucy Hu",
"Qiaozi Gao",
"Suhaila Shakiah",
"Xiaofeng Gao",
"Aishwarya Padmakumar",
"Bofei Yang",
"Cadence Chung",
"Dinakar Guthy",
"Gaurav Sukhatme",
"Karthika Arumugam",
"Matthew Wen",
"Osman Ipek",
"Patrick Lange",
"Rohan Khanna",
"Shreyas Pansare",
"Vasu Sharma",
"Chao Zhang",
"Cris Flagg",
"Daniel Pressel",
"Lavina Vaz",
"Luke Dai",
"Prasoon Goyal",
"Sattvik Sahai",
"Shaohua Liu",
"Yao Lu",
"Anna Gottardi",
"Shui Hu",
"Yang Liu",
"Dilek Hakkani-Tur",
"Kate Bland",
"Heather Rocker",
"James Jeun",
"Yadunandana Rao",
"Michael Johnston",
"Akshaya Iyengar",
"Arindam Mandal",
"Prem Natarajan",
"Reza Ghanadan"
] |
2023-08-09
|
The Alexa Prize program has empowered numerous university students to
explore, experiment, and showcase their talents in building conversational
agents through challenges like the SocialBot Grand Challenge and the TaskBot
Challenge. As conversational agents increasingly appear in multimodal and
embodied contexts, it is important to explore the affordances of conversational
interaction augmented with computer vision and physical embodiment. This paper
describes the SimBot Challenge, a new challenge in which university teams
compete to build robot assistants that complete tasks in a simulated physical
environment. This paper provides an overview of the SimBot Challenge, which
included both online and offline challenge phases. We describe the
infrastructure and support provided to the teams including Alexa Arena, the
simulated environment, and the ML toolkit provided to teams to accelerate their
building of vision and language models. We summarize the approaches the
participating teams took to overcome research challenges and extract key
lessons learned. Finally, we provide analysis of the performance of the
competing SimBots during the competition.
| null |
cs.HC
|
[
"cs.HC",
"cs.AI",
"cs.RO"
] |
2305.16938
|
AnswerAI
|
Few-shot Fine-tuning vs. In-context Learning: A Fair Comparison and Evaluation
|
[
"Marius Mosbach",
"Tiago Pimentel",
"Shauli Ravfogel",
"Dietrich Klakow",
"Yanai Elazar"
] |
2023-05-26
|
Few-shot fine-tuning and in-context learning are two alternative strategies
for task adaptation of pre-trained language models. Recently, in-context
learning has gained popularity over fine-tuning due to its simplicity and
improved out-of-domain generalization, and because extensive evidence shows
that fine-tuned models pick up on spurious correlations. Unfortunately,
previous comparisons of the two approaches were done using models of different
sizes. This raises the question of whether the observed weaker out-of-domain
generalization of fine-tuned models is an inherent property of fine-tuning or a
limitation of the experimental setup. In this paper, we compare the
generalization of few-shot fine-tuning and in-context learning to challenge
datasets, while controlling for the models used, the number of examples, and
the number of parameters, ranging from 125M to 30B. Our results show that
fine-tuned language models can in fact generalize well out-of-domain. We find
that both approaches generalize similarly; they exhibit large variation and
depend on properties such as model size and the number of examples,
highlighting that robust task adaptation remains a challenge.
| null |
cs.CL
|
[
"cs.CL"
] |
2309.14402
|
AnswerAI
|
Physics of Language Models: Part 3.2, Knowledge Manipulation
|
[
"Zeyuan Allen-Zhu",
"Yuanzhi Li"
] |
2023-09-25
|
Language models can store vast factual knowledge, yet their ability to
flexibly use this knowledge for downstream tasks (e.g., via instruction
finetuning) remains questionable. This paper investigates four fundamental
knowledge manipulation tasks: retrieval (e.g., "What is person A's attribute
X?"), classification (e.g., "Is A's attribute X even or odd?"), comparison
(e.g., "Is A greater than B in attribute X?"), and inverse search (e.g., "Which
person's attribute X equals T?").
We show that language models excel in knowledge retrieval but struggle even
in the simplest classification or comparison tasks unless Chain of Thoughts
(CoTs) are employed during both training and inference. Moreover, their
performance in inverse knowledge search is virtually 0%, regardless of the
prompts. Our primary contribution is a controlled, synthetic experiment that
confirms these weaknesses are inherent to language models: they cannot
efficiently manipulate knowledge from pre-training data, even when such
knowledge is perfectly stored in the models, despite adequate training and
sufficient model size. Our findings also apply to modern pretrained language
models such as GPT-4, thus giving rise to many Turing tests to distinguish
Humans from contemporary AIs.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"cs.LG"
] |
2308.08258
|
HF
|
SceNeRFlow: Time-Consistent Reconstruction of General Dynamic Scenes
|
[
"Edith Tretschk",
"Vladislav Golyanik",
"Michael Zollhoefer",
"Aljaz Bozic",
"Christoph Lassner",
"Christian Theobalt"
] |
2023-08-16
|
Existing methods for the 4D reconstruction of general, non-rigidly deforming
objects focus on novel-view synthesis and neglect correspondences. However,
time consistency enables advanced downstream tasks like 3D editing, motion
analysis, or virtual-asset creation. We propose SceNeRFlow to reconstruct a
general, non-rigid scene in a time-consistent manner. Our dynamic-NeRF method
takes multi-view RGB videos and background images from static cameras with
known camera parameters as input. It then reconstructs the deformations of an
estimated canonical model of the geometry and appearance in an online fashion.
Since this canonical model is time-invariant, we obtain correspondences even
for long-term, long-range motions. We employ neural scene representations to
parametrize the components of our method. Like prior dynamic-NeRF methods, we
use a backwards deformation model. We find non-trivial adaptations of this
model necessary to handle larger motions: We decompose the deformations into a
strongly regularized coarse component and a weakly regularized fine component,
where the coarse component also extends the deformation field into the space
surrounding the object, which enables tracking over time. We show
experimentally that, unlike prior work that only handles small motion, our
method enables the reconstruction of studio-scale motions.
| null |
cs.CV
|
[
"cs.CV",
"cs.GR"
] |
2409.09269
|
HF
|
Guiding Vision-Language Model Selection for Visual Question-Answering Across Tasks, Domains, and Knowledge Types
|
[
"Neelabh Sinha",
"Vinija Jain",
"Aman Chadha"
] |
2024-09-14
|
Visual Question-Answering (VQA) has become a key use-case in several
applications to aid user experience, particularly after Vision-Language Models
(VLMs) achieving good results in zero-shot inference. But evaluating different
VLMs for an application requirement using a standardized framework in practical
settings is still challenging. This paper introduces a comprehensive framework
for evaluating VLMs tailored to VQA tasks in practical settings. We present a
novel dataset derived from established VQA benchmarks, annotated with task
types, application domains, and knowledge types, three key practical aspects on
which tasks can vary. We also introduce GoEval, a multimodal evaluation metric
developed using GPT-4o, achieving a correlation factor of 56.71% with human
judgments. Our experiments with ten state-of-the-art VLMs reveals that no
single model excelling universally, making appropriate selection a key design
decision. Proprietary models such as Gemini-1.5-Pro and GPT-4o-mini generally
outperform others, though open-source models like InternVL-2-8B and
CogVLM-2-Llama-3-19B demonstrate competitive strengths in specific contexts,
while providing additional advantages. This study guides the selection of VLMs
based on specific task requirements and resource constraints, and can also be
extended to other vision-language tasks.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2305.06594
|
HF
|
V2Meow: Meowing to the Visual Beat via Video-to-Music Generation
|
[
"Kun Su",
"Judith Yue Li",
"Qingqing Huang",
"Dima Kuzmin",
"Joonseok Lee",
"Chris Donahue",
"Fei Sha",
"Aren Jansen",
"Yu Wang",
"Mauro Verzetti",
"Timo I. Denk"
] |
2023-05-11
|
Video-to-music generation demands both a temporally localized high-quality
listening experience and globally aligned video-acoustic signatures. While
recent music generation models excel at the former through advanced audio
codecs, the exploration of video-acoustic signatures has been confined to
specific visual scenarios. In contrast, our research confronts the challenge of
learning globally aligned signatures between video and music directly from
paired music and videos, without explicitly modeling domain-specific rhythmic
or semantic relationships. We propose V2Meow, a video-to-music generation
system capable of producing high-quality music audio for a diverse range of
video input types using a multi-stage autoregressive model. Trained on 5k hours
of music audio clips paired with video frames mined from in-the-wild music
videos, V2Meow is competitive with previous domain-specific models when
evaluated in a zero-shot manner. It synthesizes high-fidelity music audio
waveforms solely by conditioning on pre-trained general-purpose visual features
extracted from video frames, with optional style control via text prompts.
Through both qualitative and quantitative evaluations, we demonstrate that our
model outperforms various existing music generation systems in terms of
visual-audio correspondence and audio quality. Music samples are available at
tinyurl.com/v2meow.
| null |
cs.SD
|
[
"cs.SD",
"cs.CV",
"cs.LG",
"cs.MM",
"eess.AS"
] |
2406.10803
|
HF
|
HiddenTables & PyQTax: A Cooperative Game and Dataset For TableQA to Ensure Scale and Data Privacy Across a Myriad of Taxonomies
|
[
"William Watson",
"Nicole Cho",
"Tucker Balch",
"Manuela Veloso"
] |
2024-06-16
|
A myriad of different Large Language Models (LLMs) face a common challenge in
contextually analyzing table question-answering tasks. These challenges are
engendered from (1) finite context windows for large tables, (2) multi-faceted
discrepancies amongst tokenization patterns against cell boundaries, and (3)
various limitations stemming from data confidentiality in the process of using
external models such as gpt-3.5-turbo. We propose a cooperative game dubbed
"HiddenTables" as a potential resolution to this challenge. In essence,
"HiddenTables" is played between the code-generating LLM "Solver" and the
"Oracle" which evaluates the ability of the LLM agents to solve Table QA tasks.
This game is based on natural language schemas and importantly, ensures the
security of the underlying data. We provide evidential experiments on a diverse
set of tables that demonstrate an LLM's collective inability to generalize and
perform on complex queries, handle compositional dependencies, and align
natural language to programmatic commands when concrete table schemas are
provided. Unlike encoder-based models, we have pushed the boundaries of
"HiddenTables" to not be limited by the number of rows - therefore we exhibit
improved efficiency in prompt and completion tokens. Our infrastructure has
spawned a new dataset "PyQTax" that spans across 116,671 question-table-answer
triplets and provides additional fine-grained breakdowns & labels for varying
question taxonomies. Therefore, in tandem with our academic contributions
regarding LLMs' deficiency in TableQA tasks, "HiddenTables" is a tactile
manifestation of how LLMs can interact with massive datasets while ensuring
data security and minimizing generation costs.
|
10.18653/v1/2023.emnlp-main.442
|
cs.AI
|
[
"cs.AI",
"cs.CL",
"cs.IR"
] |
2312.07504
|
HF
|
COLMAP-Free 3D Gaussian Splatting
|
[
"Yang Fu",
"Sifei Liu",
"Amey Kulkarni",
"Jan Kautz",
"Alexei A. Efros",
"Xiaolong Wang"
] |
2023-12-12
|
While neural rendering has led to impressive advances in scene reconstruction
and novel view synthesis, it relies heavily on accurately pre-computed camera
poses. To relax this constraint, multiple efforts have been made to train
Neural Radiance Fields (NeRFs) without pre-processed camera poses. However, the
implicit representations of NeRFs provide extra challenges to optimize the 3D
structure and camera poses at the same time. On the other hand, the recently
proposed 3D Gaussian Splatting provides new opportunities given its explicit
point cloud representations. This paper leverages both the explicit geometric
representation and the continuity of the input video stream to perform novel
view synthesis without any SfM preprocessing. We process the input frames in a
sequential manner and progressively grow the 3D Gaussians set by taking one
input frame at a time, without the need to pre-compute the camera poses. Our
method significantly improves over previous approaches in view synthesis and
camera pose estimation under large motion changes. Our project page is
https://oasisyang.github.io/colmap-free-3dgs
| null |
cs.CV
|
[
"cs.CV"
] |
2403.03206
|
HF
|
Scaling Rectified Flow Transformers for High-Resolution Image Synthesis
|
[
"Patrick Esser",
"Sumith Kulal",
"Andreas Blattmann",
"Rahim Entezari",
"Jonas Müller",
"Harry Saini",
"Yam Levi",
"Dominik Lorenz",
"Axel Sauer",
"Frederic Boesel",
"Dustin Podell",
"Tim Dockhorn",
"Zion English",
"Kyle Lacey",
"Alex Goodwin",
"Yannik Marek",
"Robin Rombach"
] |
2024-03-05
|
Diffusion models create data from noise by inverting the forward paths of
data towards noise and have emerged as a powerful generative modeling technique
for high-dimensional, perceptual data such as images and videos. Rectified flow
is a recent generative model formulation that connects data and noise in a
straight line. Despite its better theoretical properties and conceptual
simplicity, it is not yet decisively established as standard practice. In this
work, we improve existing noise sampling techniques for training rectified flow
models by biasing them towards perceptually relevant scales. Through a
large-scale study, we demonstrate the superior performance of this approach
compared to established diffusion formulations for high-resolution
text-to-image synthesis. Additionally, we present a novel transformer-based
architecture for text-to-image generation that uses separate weights for the
two modalities and enables a bidirectional flow of information between image
and text tokens, improving text comprehension, typography, and human preference
ratings. We demonstrate that this architecture follows predictable scaling
trends and correlates lower validation loss to improved text-to-image synthesis
as measured by various metrics and human evaluations. Our largest models
outperform state-of-the-art models, and we will make our experimental data,
code, and model weights publicly available.
| null |
cs.CV
|
[
"cs.CV"
] |
2303.17071
|
AnswerAI
|
DERA: Enhancing Large Language Model Completions with Dialog-Enabled Resolving Agents
|
[
"Varun Nair",
"Elliot Schumacher",
"Geoffrey Tso",
"Anitha Kannan"
] |
2023-03-30
|
Large language models (LLMs) have emerged as valuable tools for many natural
language understanding tasks. In safety-critical applications such as
healthcare, the utility of these models is governed by their ability to
generate outputs that are factually accurate and complete. In this work, we
present dialog-enabled resolving agents (DERA). DERA is a paradigm made
possible by the increased conversational abilities of LLMs, namely GPT-4. It
provides a simple, interpretable forum for models to communicate feedback and
iteratively improve output. We frame our dialog as a discussion between two
agent types - a Researcher, who processes information and identifies crucial
problem components, and a Decider, who has the autonomy to integrate the
Researcher's information and makes judgments on the final output.
We test DERA against three clinically-focused tasks. For medical conversation
summarization and care plan generation, DERA shows significant improvement over
the base GPT-4 performance in both human expert preference evaluations and
quantitative metrics. In a new finding, we also show that GPT-4's performance
(70%) on an open-ended version of the MedQA question-answering (QA) dataset
(Jin et al. 2021, USMLE) is well above the passing level (60%), with DERA
showing similar performance. We release the open-ended MEDQA dataset at
https://github.com/curai/curai-research/tree/main/DERA.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"cs.LG"
] |
2404.04860
|
HF
|
ByteEdit: Boost, Comply and Accelerate Generative Image Editing
|
[
"Yuxi Ren",
"Jie Wu",
"Yanzuo Lu",
"Huafeng Kuang",
"Xin Xia",
"Xionghui Wang",
"Qianqian Wang",
"Yixing Zhu",
"Pan Xie",
"Shiyin Wang",
"Xuefeng Xiao",
"Yitong Wang",
"Min Zheng",
"Lean Fu"
] |
2024-04-07
|
Recent advancements in diffusion-based generative image editing have sparked
a profound revolution, reshaping the landscape of image outpainting and
inpainting tasks. Despite these strides, the field grapples with inherent
challenges, including: i) inferior quality; ii) poor consistency; iii)
insufficient instrcution adherence; iv) suboptimal generation efficiency. To
address these obstacles, we present ByteEdit, an innovative feedback learning
framework meticulously designed to Boost, Comply, and Accelerate Generative
Image Editing tasks. ByteEdit seamlessly integrates image reward models
dedicated to enhancing aesthetics and image-text alignment, while also
introducing a dense, pixel-level reward model tailored to foster coherence in
the output. Furthermore, we propose a pioneering adversarial and progressive
feedback learning strategy to expedite the model's inference speed. Through
extensive large-scale user evaluations, we demonstrate that ByteEdit surpasses
leading generative image editing products, including Adobe, Canva, and MeiTu,
in both generation quality and consistency. ByteEdit-Outpainting exhibits a
remarkable enhancement of 388% and 135% in quality and consistency,
respectively, when compared to the baseline model. Experiments also verfied
that our acceleration models maintains excellent performance results in terms
of quality and consistency.
| null |
cs.CV
|
[
"cs.CV"
] |
2305.05591
|
HF
|
AudioSlots: A slot-centric generative model for audio separation
|
[
"Pradyumna Reddy",
"Scott Wisdom",
"Klaus Greff",
"John R. Hershey",
"Thomas Kipf"
] |
2023-05-09
|
In a range of recent works, object-centric architectures have been shown to
be suitable for unsupervised scene decomposition in the vision domain. Inspired
by these methods we present AudioSlots, a slot-centric generative model for
blind source separation in the audio domain. AudioSlots is built using
permutation-equivariant encoder and decoder networks. The encoder network based
on the Transformer architecture learns to map a mixed audio spectrogram to an
unordered set of independent source embeddings. The spatial broadcast decoder
network learns to generate the source spectrograms from the source embeddings.
We train the model in an end-to-end manner using a permutation invariant loss
function. Our results on Libri2Mix speech separation constitute a proof of
concept that this approach shows promise. We discuss the results and
limitations of our approach in detail, and further outline potential ways to
overcome the limitations and directions for future work.
| null |
cs.SD
|
[
"cs.SD",
"cs.CV",
"eess.AS"
] |
2404.02575
|
HF
|
Language Models as Compilers: Simulating Pseudocode Execution Improves Algorithmic Reasoning in Language Models
|
[
"Hyungjoo Chae",
"Yeonghyeon Kim",
"Seungone Kim",
"Kai Tzu-iunn Ong",
"Beong-woo Kwak",
"Moohyeon Kim",
"Seonghwan Kim",
"Taeyoon Kwon",
"Jiwan Chung",
"Youngjae Yu",
"Jinyoung Yeo"
] |
2024-04-03
|
Algorithmic reasoning refers to the ability to understand the complex
patterns behind the problem and decompose them into a sequence of reasoning
steps towards the solution. Such nature of algorithmic reasoning makes it a
challenge for large language models (LLMs), even though they have demonstrated
promising performance in other reasoning tasks. Within this context, some
recent studies use programming languages (e.g., Python) to express the
necessary logic for solving a given instance/question (e.g.,
Program-of-Thought) as inspired by their strict and precise syntaxes. However,
it is non-trivial to write an executable code that expresses the correct logic
on the fly within a single inference call. Also, the code generated
specifically for an instance cannot be reused for others, even if they are from
the same task and might require identical logic to solve. This paper presents
Think-and-Execute, a novel framework that decomposes the reasoning process of
language models into two steps. (1) In Think, we discover a task-level logic
that is shared across all instances for solving a given task and then express
the logic with pseudocode; (2) In Execute, we further tailor the generated
pseudocode to each instance and simulate the execution of the code. With
extensive experiments on seven algorithmic reasoning tasks, we demonstrate the
effectiveness of Think-and-Execute. Our approach better improves LMs' reasoning
compared to several strong baselines performing instance-specific reasoning
(e.g., CoT and PoT), suggesting the helpfulness of discovering task-level
logic. Also, we show that compared to natural language, pseudocode can better
guide the reasoning of LMs, even though they are trained to follow natural
language instructions.
| null |
cs.CL
|
[
"cs.CL"
] |
2403.17888
|
HF
|
2D Gaussian Splatting for Geometrically Accurate Radiance Fields
|
[
"Binbin Huang",
"Zehao Yu",
"Anpei Chen",
"Andreas Geiger",
"Shenghua Gao"
] |
2024-03-26
|
3D Gaussian Splatting (3DGS) has recently revolutionized radiance field
reconstruction, achieving high quality novel view synthesis and fast rendering
speed without baking. However, 3DGS fails to accurately represent surfaces due
to the multi-view inconsistent nature of 3D Gaussians. We present 2D Gaussian
Splatting (2DGS), a novel approach to model and reconstruct geometrically
accurate radiance fields from multi-view images. Our key idea is to collapse
the 3D volume into a set of 2D oriented planar Gaussian disks. Unlike 3D
Gaussians, 2D Gaussians provide view-consistent geometry while modeling
surfaces intrinsically. To accurately recover thin surfaces and achieve stable
optimization, we introduce a perspective-correct 2D splatting process utilizing
ray-splat intersection and rasterization. Additionally, we incorporate depth
distortion and normal consistency terms to further enhance the quality of the
reconstructions. We demonstrate that our differentiable renderer allows for
noise-free and detailed geometry reconstruction while maintaining competitive
appearance quality, fast training speed, and real-time rendering.
|
10.1145/3641519.3657428
|
cs.CV
|
[
"cs.CV",
"cs.GR"
] |
2312.05934
|
AnswerAI
|
Fine-Tuning or Retrieval? Comparing Knowledge Injection in LLMs
|
[
"Oded Ovadia",
"Menachem Brief",
"Moshik Mishaeli",
"Oren Elisha"
] |
2023-12-10
|
Large language models (LLMs) encapsulate a vast amount of factual information
within their pre-trained weights, as evidenced by their ability to answer
diverse questions across different domains. However, this knowledge is
inherently limited, relying heavily on the characteristics of the training
data. Consequently, using external datasets to incorporate new information or
refine the capabilities of LLMs on previously seen information poses a
significant challenge. In this study, we compare two common approaches:
unsupervised fine-tuning and retrieval-augmented generation (RAG). We evaluate
both approaches on a variety of knowledge-intensive tasks across different
topics. Our findings reveal that while unsupervised fine-tuning offers some
improvement, RAG consistently outperforms it, both for existing knowledge
encountered during training and entirely new knowledge. Moreover, we find that
LLMs struggle to learn new factual information through unsupervised
fine-tuning, and that exposing them to numerous variations of the same fact
during training could alleviate this problem.
| null |
cs.AI
|
[
"cs.AI",
"cs.CL",
"cs.LG"
] |
2408.13933
|
HF
|
MobileQuant: Mobile-friendly Quantization for On-device Language Models
|
[
"Fuwen Tan",
"Royson Lee",
"Łukasz Dudziak",
"Shell Xu Hu",
"Sourav Bhattacharya",
"Timothy Hospedales",
"Georgios Tzimiropoulos",
"Brais Martinez"
] |
2024-08-25
|
Large language models (LLMs) have revolutionized language processing,
delivering outstanding results across multiple applications. However, deploying
LLMs on edge devices poses several challenges with respect to memory, energy,
and compute costs, limiting their widespread use in devices such as mobile
phones. A promising solution is to reduce the number of bits used to represent
weights and activations. While existing works have found partial success at
quantizing LLMs to lower bitwidths, e.g. 4-bit weights, quantizing activations
beyond 16 bits often leads to large computational overheads due to poor
on-device quantization support, or a considerable accuracy drop. Yet, 8-bit
activations are very attractive for on-device deployment as they would enable
LLMs to fully exploit mobile-friendly hardware, e.g. Neural Processing Units
(NPUs). In this work, we make a first attempt to facilitate the on-device
deployment of LLMs using integer-only quantization. We first investigate the
limitations of existing quantization methods for on-device deployment, with a
special focus on activation quantization. We then address these limitations by
introducing a simple post-training quantization method, named MobileQuant, that
extends previous weight equivalent transformation works by jointly optimizing
the weight transformation and activation range parameters in an end-to-end
manner. MobileQuant demonstrates superior capabilities over existing methods by
1) achieving near-lossless quantization on a wide range of LLM benchmarks, 2)
reducing latency and energy consumption by 20\%-50\% compared to current
on-device quantization strategies, 3) requiring limited compute budget, 4)
being compatible with mobile-friendly compute units, e.g. NPU.
| null |
cs.CL
|
[
"cs.CL"
] |
2402.16828
|
AnswerAI
|
Training Neural Networks from Scratch with Parallel Low-Rank Adapters
|
[
"Minyoung Huh",
"Brian Cheung",
"Jeremy Bernstein",
"Phillip Isola",
"Pulkit Agrawal"
] |
2024-02-26
|
The scalability of deep learning models is fundamentally limited by computing
resources, memory, and communication. Although methods like low-rank adaptation
(LoRA) have reduced the cost of model finetuning, its application in model
pre-training remains largely unexplored. This paper explores extending LoRA to
model pre-training, identifying the inherent constraints and limitations of
standard LoRA in this context. We introduce LoRA-the-Explorer (LTE), a novel
bi-level optimization algorithm designed to enable parallel training of
multiple low-rank heads across computing nodes, thereby reducing the need for
frequent synchronization. Our approach includes extensive experimentation on
vision transformers using various vision datasets, demonstrating that LTE is
competitive with standard pre-training.
| null |
cs.LG
|
[
"cs.LG",
"cs.AI",
"cs.CV"
] |
2308.02510
|
HF
|
Seeing through the Brain: Image Reconstruction of Visual Perception from Human Brain Signals
|
[
"Yu-Ting Lan",
"Kan Ren",
"Yansen Wang",
"Wei-Long Zheng",
"Dongsheng Li",
"Bao-Liang Lu",
"Lili Qiu"
] |
2023-07-27
|
Seeing is believing, however, the underlying mechanism of how human visual
perceptions are intertwined with our cognitions is still a mystery. Thanks to
the recent advances in both neuroscience and artificial intelligence, we have
been able to record the visually evoked brain activities and mimic the visual
perception ability through computational approaches. In this paper, we pay
attention to visual stimuli reconstruction by reconstructing the observed
images based on portably accessible brain signals, i.e., electroencephalography
(EEG) data. Since EEG signals are dynamic in the time-series format and are
notorious to be noisy, processing and extracting useful information requires
more dedicated efforts; In this paper, we propose a comprehensive pipeline,
named NeuroImagen, for reconstructing visual stimuli images from EEG signals.
Specifically, we incorporate a novel multi-level perceptual information
decoding to draw multi-grained outputs from the given EEG data. A latent
diffusion model will then leverage the extracted information to reconstruct the
high-resolution visual stimuli images. The experimental results have
illustrated the effectiveness of image reconstruction and superior quantitative
performance of our proposed method.
| null |
eess.IV
|
[
"eess.IV",
"cs.AI",
"cs.CV",
"cs.MM",
"q-bio.NC"
] |
2307.14430
|
AnswerAI
|
Skill-it! A Data-Driven Skills Framework for Understanding and Training Language Models
|
[
"Mayee F. Chen",
"Nicholas Roberts",
"Kush Bhatia",
"Jue Wang",
"Ce Zhang",
"Frederic Sala",
"Christopher Ré"
] |
2023-07-26
|
The quality of training data impacts the performance of pre-trained large
language models (LMs). Given a fixed budget of tokens, we study how to best
select data that leads to good downstream model performance across tasks. We
develop a new framework based on a simple hypothesis: just as humans acquire
interdependent skills in a deliberate order, language models also follow a
natural order when learning a set of skills from their training data. If such
an order exists, it can be utilized for improved understanding of LMs and for
data-efficient training. Using this intuition, our framework formalizes the
notion of a skill and of an ordered set of skills in terms of the associated
data. First, using both synthetic and real data, we demonstrate that these
ordered skill sets exist, and that their existence enables more advanced skills
to be learned with less data when we train on their prerequisite skills.
Second, using our proposed framework, we introduce an online data sampling
algorithm, Skill-It, over mixtures of skills for both continual pre-training
and fine-tuning regimes, where the objective is to efficiently learn multiple
skills in the former and an individual skill in the latter. On the LEGO
synthetic in the continual pre-training setting, Skill-It obtains 36.5 points
higher accuracy than random sampling. On the Natural Instructions dataset in
the fine-tuning setting, Skill-It reduces the validation loss on the target
skill by 13.6% versus training on data associated with the target skill itself.
We apply our skills framework on the recent RedPajama dataset to continually
pre-train a 3B-parameter LM, achieving higher accuracy on the LM Evaluation
Harness with 1B tokens than the baseline approach of sampling uniformly over
data sources with 3B tokens.
| null |
cs.CL
|
[
"cs.CL",
"cs.LG"
] |
2306.09322
|
HF
|
Neural Relighting with Subsurface Scattering by Learning the Radiance Transfer Gradient
|
[
"Shizhan Zhu",
"Shunsuke Saito",
"Aljaz Bozic",
"Carlos Aliaga",
"Trevor Darrell",
"Christoph Lassner"
] |
2023-06-15
|
Reconstructing and relighting objects and scenes under varying lighting
conditions is challenging: existing neural rendering methods often cannot
handle the complex interactions between materials and light. Incorporating
pre-computed radiance transfer techniques enables global illumination, but
still struggles with materials with subsurface scattering effects. We propose a
novel framework for learning the radiance transfer field via volume rendering
and utilizing various appearance cues to refine geometry end-to-end. This
framework extends relighting and reconstruction capabilities to handle a wider
range of materials in a data-driven fashion. The resulting models produce
plausible rendering results in existing and novel conditions. We will release
our code and a novel light stage dataset of objects with subsurface scattering
effects publicly available.
| null |
cs.CV
|
[
"cs.CV"
] |
2312.11535
|
HF
|
Customize-It-3D: High-Quality 3D Creation from A Single Image Using Subject-Specific Knowledge Prior
|
[
"Nan Huang",
"Ting Zhang",
"Yuhui Yuan",
"Dong Chen",
"Shanghang Zhang"
] |
2023-12-15
|
In this paper, we present a novel two-stage approach that fully utilizes the
information provided by the reference image to establish a customized knowledge
prior for image-to-3D generation. While previous approaches primarily rely on a
general diffusion prior, which struggles to yield consistent results with the
reference image, we propose a subject-specific and multi-modal diffusion model.
This model not only aids NeRF optimization by considering the shading mode for
improved geometry but also enhances texture from the coarse results to achieve
superior refinement. Both aspects contribute to faithfully aligning the 3D
content with the subject. Extensive experiments showcase the superiority of our
method, Customize-It-3D, outperforming previous works by a substantial margin.
It produces faithful 360-degree reconstructions with impressive visual quality,
making it well-suited for various applications, including text-to-3D creation.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI"
] |
2408.16532
|
HF
|
WavTokenizer: an Efficient Acoustic Discrete Codec Tokenizer for Audio Language Modeling
|
[
"Shengpeng Ji",
"Ziyue Jiang",
"Xize Cheng",
"Yifu Chen",
"Minghui Fang",
"Jialong Zuo",
"Qian Yang",
"Ruiqi Li",
"Ziang Zhang",
"Xiaoda Yang",
"Rongjie Huang",
"Yidi Jiang",
"Qian Chen",
"Siqi Zheng",
"Wen Wang",
"Zhou Zhao"
] |
2024-08-29
|
Language models have been effectively applied to modeling natural signals,
such as images, video, speech, and audio. A crucial component of these models
is the codec tokenizer, which compresses high-dimensional natural signals into
lower-dimensional discrete tokens. In this paper, we introduce WavTokenizer,
which offers several advantages over previous SOTA acoustic codec models in the
audio domain: 1)extreme compression. By compressing the layers of quantizers
and the temporal dimension of the discrete codec, one-second audio of 24kHz
sampling rate requires only a single quantizer with 40 or 75 tokens. 2)improved
subjective quality. Despite the reduced number of tokens, WavTokenizer achieves
state-of-the-art reconstruction quality with outstanding UTMOS scores and
inherently contains richer semantic information. Specifically, we achieve these
results by designing a broader VQ space, extended contextual windows, and
improved attention networks, as well as introducing a powerful multi-scale
discriminator and an inverse Fourier transform structure. We conducted
extensive reconstruction experiments in the domains of speech, audio, and
music. WavTokenizer exhibited strong performance across various objective and
subjective metrics compared to state-of-the-art models. We also tested semantic
information, VQ utilization, and adaptability to generative models.
Comprehensive ablation studies confirm the necessity of each module in
WavTokenizer. The related code, demos, and pre-trained models are available at
https://github.com/jishengpeng/WavTokenizer.
| null |
eess.AS
|
[
"eess.AS",
"cs.LG",
"cs.MM",
"cs.SD",
"eess.SP"
] |
2407.20267
|
HF
|
A Large Encoder-Decoder Family of Foundation Models For Chemical Language
|
[
"Eduardo Soares",
"Victor Shirasuna",
"Emilio Vital Brazil",
"Renato Cerqueira",
"Dmitry Zubarev",
"Kristin Schmidt"
] |
2024-07-24
|
Large-scale pre-training methodologies for chemical language models represent
a breakthrough in cheminformatics. These methods excel in tasks such as
property prediction and molecule generation by learning contextualized
representations of input tokens through self-supervised learning on large
unlabeled corpora. Typically, this involves pre-training on unlabeled data
followed by fine-tuning on specific tasks, reducing dependence on annotated
datasets and broadening chemical language representation understanding. This
paper introduces a large encoder-decoder chemical foundation models pre-trained
on a curated dataset of 91 million SMILES samples sourced from PubChem, which
is equivalent to 4 billion of molecular tokens. The proposed foundation model
supports different complex tasks, including quantum property prediction, and
offer flexibility with two main variants (289M and $8\times289M$). Our
experiments across multiple benchmark datasets validate the capacity of the
proposed model in providing state-of-the-art results for different tasks. We
also provide a preliminary assessment of the compositionality of the embedding
space as a prerequisite for the reasoning tasks. We demonstrate that the
produced latent space is separable compared to the state-of-the-art with
few-shot learning capabilities.
| null |
cs.LG
|
[
"cs.LG",
"cs.AI",
"physics.chem-ph"
] |
2310.15494
|
HF
|
TRAMS: Training-free Memory Selection for Long-range Language Modeling
|
[
"Haofei Yu",
"Cunxiang Wang",
"Yue Zhang",
"Wei Bi"
] |
2023-10-24
|
The Transformer architecture is crucial for numerous AI models, but it still
faces challenges in long-range language modeling. Though several specific
transformer architectures have been designed to tackle issues of long-range
dependencies, existing methods like Transformer-XL are plagued by a high
percentage of ineffective memories. In this study, we present a plug-and-play
strategy, known as TRAining-free Memory Selection (TRAMS), that selects tokens
participating in attention calculation based on one simple metric. This
strategy allows us to keep tokens that are likely to have a high attention
score with the current queries and ignore the other ones. We have tested our
approach on the word-level benchmark (WikiText-103) and the character-level
benchmark (enwik8), and the results indicate an improvement without having
additional training or adding additional parameters.
| null |
cs.CL
|
[
"cs.CL"
] |
2310.00426
|
Both
|
PixArt-$α$: Fast Training of Diffusion Transformer for Photorealistic Text-to-Image Synthesis
|
[
"Junsong Chen",
"Jincheng Yu",
"Chongjian Ge",
"Lewei Yao",
"Enze Xie",
"Yue Wu",
"Zhongdao Wang",
"James Kwok",
"Ping Luo",
"Huchuan Lu",
"Zhenguo Li"
] |
2023-09-30
|
The most advanced text-to-image (T2I) models require significant training
costs (e.g., millions of GPU hours), seriously hindering the fundamental
innovation for the AIGC community while increasing CO2 emissions. This paper
introduces PIXART-$\alpha$, a Transformer-based T2I diffusion model whose image
generation quality is competitive with state-of-the-art image generators (e.g.,
Imagen, SDXL, and even Midjourney), reaching near-commercial application
standards. Additionally, it supports high-resolution image synthesis up to
1024px resolution with low training cost, as shown in Figure 1 and 2. To
achieve this goal, three core designs are proposed: (1) Training strategy
decomposition: We devise three distinct training steps that separately optimize
pixel dependency, text-image alignment, and image aesthetic quality; (2)
Efficient T2I Transformer: We incorporate cross-attention modules into
Diffusion Transformer (DiT) to inject text conditions and streamline the
computation-intensive class-condition branch; (3) High-informative data: We
emphasize the significance of concept density in text-image pairs and leverage
a large Vision-Language model to auto-label dense pseudo-captions to assist
text-image alignment learning. As a result, PIXART-$\alpha$'s training speed
markedly surpasses existing large-scale T2I models, e.g., PIXART-$\alpha$ only
takes 10.8% of Stable Diffusion v1.5's training time (675 vs. 6,250 A100 GPU
days), saving nearly \$300,000 (\$26,000 vs. \$320,000) and reducing 90% CO2
emissions. Moreover, compared with a larger SOTA model, RAPHAEL, our training
cost is merely 1%. Extensive experiments demonstrate that PIXART-$\alpha$
excels in image quality, artistry, and semantic control. We hope
PIXART-$\alpha$ will provide new insights to the AIGC community and startups to
accelerate building their own high-quality yet low-cost generative models from
scratch.
| null |
cs.CV
|
[
"cs.CV"
] |
2409.03525
|
HF
|
FrozenSeg: Harmonizing Frozen Foundation Models for Open-Vocabulary Segmentation
|
[
"Xi Chen",
"Haosen Yang",
"Sheng Jin",
"Xiatian Zhu",
"Hongxun Yao"
] |
2024-09-05
|
Open-vocabulary segmentation poses significant challenges, as it requires
segmenting and recognizing objects across an open set of categories in
unconstrained environments. Building on the success of powerful vision-language
(ViL) foundation models, such as CLIP, recent efforts sought to harness their
zero-short capabilities to recognize unseen categories. Despite notable
performance improvements, these models still encounter the critical issue of
generating precise mask proposals for unseen categories and scenarios,
resulting in inferior segmentation performance eventually. To address this
challenge, we introduce a novel approach, FrozenSeg, designed to integrate
spatial knowledge from a localization foundation model (e.g., SAM) and semantic
knowledge extracted from a ViL model (e.g., CLIP), in a synergistic framework.
Taking the ViL model's visual encoder as the feature backbone, we inject the
space-aware feature into the learnable queries and CLIP features within the
transformer decoder. In addition, we devise a mask proposal ensemble strategy
for further improving the recall rate and mask quality. To fully exploit
pre-trained knowledge while minimizing training overhead, we freeze both
foundation models, focusing optimization efforts solely on a lightweight
transformer decoder for mask proposal generation-the performance bottleneck.
Extensive experiments demonstrate that FrozenSeg advances state-of-the-art
results across various segmentation benchmarks, trained exclusively on COCO
panoptic data, and tested in a zero-shot manner. Code is available at
https://github.com/chenxi52/FrozenSeg.
| null |
cs.CV
|
[
"cs.CV"
] |
2402.14672
|
AnswerAI
|
Middleware for LLMs: Tools Are Instrumental for Language Agents in Complex Environments
|
[
"Yu Gu",
"Yiheng Shu",
"Hao Yu",
"Xiao Liu",
"Yuxiao Dong",
"Jie Tang",
"Jayanth Srinivasa",
"Hugo Latapie",
"Yu Su"
] |
2024-02-22
|
The applications of large language models (LLMs) have expanded well beyond
the confines of text processing, signaling a new era where LLMs are envisioned
as generalist language agents capable of operating within complex real-world
environments. These environments are often highly expansive, making it
impossible for the LLM to process them within its short-term memory. Motivated
by recent research on extending the capabilities of LLMs with tools, this paper
investigates the intriguing potential of tools to augment LLMs in handling such
complexity. To this end, we design customized tools to aid in the proactive
exploration within these massive environments. Such tools can serve as a
middleware layer shielding the LLM from environmental complexity. In two
representative complex environments -- knowledge bases (KBs) and databases --
we demonstrate the significant potential of augmenting language agents with
tools in complex environments. Notably, equipped with these tools, GPT-4
achieves 2.8X the performance of the best baseline in tasks requiring access to
database content and 2.2X in KB tasks. Our findings illuminate the path for
advancing language agents in complex real-world applications.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI",
"I.2.7"
] |
2308.07395
|
HF
|
Text Injection for Capitalization and Turn-Taking Prediction in Speech Models
|
[
"Shaan Bijwadia",
"Shuo-yiin Chang",
"Weiran Wang",
"Zhong Meng",
"Hao Zhang",
"Tara N. Sainath"
] |
2023-08-14
|
Text injection for automatic speech recognition (ASR), wherein unpaired
text-only data is used to supplement paired audio-text data, has shown
promising improvements for word error rate. This study examines the use of text
injection for auxiliary tasks, which are the non-ASR tasks often performed by
an E2E model. In this work, we use joint end-to-end and internal language model
training (JEIT) as our text injection algorithm to train an ASR model which
performs two auxiliary tasks. The first is capitalization, which is a
de-normalization task. The second is turn-taking prediction, which attempts to
identify whether a user has completed their conversation turn in a digital
assistant interaction. We show results demonstrating that our text injection
method boosts capitalization performance for long-tail data, and improves
turn-taking detection recall.
| null |
cs.CL
|
[
"cs.CL",
"cs.LG",
"cs.SD",
"eess.AS"
] |
2305.09863
|
HF
|
Explaining black box text modules in natural language with language models
|
[
"Chandan Singh",
"Aliyah R. Hsu",
"Richard Antonello",
"Shailee Jain",
"Alexander G. Huth",
"Bin Yu",
"Jianfeng Gao"
] |
2023-05-17
|
Large language models (LLMs) have demonstrated remarkable prediction
performance for a growing array of tasks. However, their rapid proliferation
and increasing opaqueness have created a growing need for interpretability.
Here, we ask whether we can automatically obtain natural language explanations
for black box text modules. A "text module" is any function that maps text to a
scalar continuous value, such as a submodule within an LLM or a fitted model of
a brain region. "Black box" indicates that we only have access to the module's
inputs/outputs.
We introduce Summarize and Score (SASC), a method that takes in a text module
and returns a natural language explanation of the module's selectivity along
with a score for how reliable the explanation is. We study SASC in 3 contexts.
First, we evaluate SASC on synthetic modules and find that it often recovers
ground truth explanations. Second, we use SASC to explain modules found within
a pre-trained BERT model, enabling inspection of the model's internals.
Finally, we show that SASC can generate explanations for the response of
individual fMRI voxels to language stimuli, with potential applications to
fine-grained brain mapping. All code for using SASC and reproducing results is
made available on Github.
| null |
cs.AI
|
[
"cs.AI",
"cs.CL",
"cs.LG",
"q-bio.NC"
] |
2404.12387
|
HF
|
Reka Core, Flash, and Edge: A Series of Powerful Multimodal Language Models
|
[
"Reka Team",
"Aitor Ormazabal",
"Che Zheng",
"Cyprien de Masson d'Autume",
"Dani Yogatama",
"Deyu Fu",
"Donovan Ong",
"Eric Chen",
"Eugenie Lamprecht",
"Hai Pham",
"Isaac Ong",
"Kaloyan Aleksiev",
"Lei Li",
"Matthew Henderson",
"Max Bain",
"Mikel Artetxe",
"Nishant Relan",
"Piotr Padlewski",
"Qi Liu",
"Ren Chen",
"Samuel Phua",
"Yazheng Yang",
"Yi Tay",
"Yuqi Wang",
"Zhongkai Zhu",
"Zhihui Xie"
] |
2024-04-18
|
We introduce Reka Core, Flash, and Edge, a series of powerful multimodal
language models trained from scratch by Reka. Reka models are able to process
and reason with text, images, video, and audio inputs. This technical report
discusses details of training some of these models and provides comprehensive
evaluation results. We show that Reka Edge and Reka Flash are not only
state-of-the-art but also outperform many much larger models, delivering
outsized values for their respective compute class. Meanwhile, our most capable
and largest model, Reka Core, approaches the best frontier models on both
automatic evaluations and blind human evaluations. On image question answering
benchmarks (e.g. MMMU, VQAv2), Core performs competitively to GPT4-V.
Meanwhile, on multimodal chat, Core ranks as the second most preferred model
under a blind third-party human evaluation setup, outperforming other models
such as Claude 3 Opus. On text benchmarks, Core not only performs competitively
to other frontier models on a set of well-established benchmarks (e.g. MMLU,
GSM8K) but also outperforms GPT4-0613 on human evaluation. On video question
answering (Perception-Test), Core outperforms Gemini Ultra. Models are shipped
in production at http://chat.reka.ai . A showcase of non cherry picked
qualitative examples can also be found at http://showcase.reka.ai .
| null |
cs.CL
|
[
"cs.CL",
"cs.CV"
] |
2402.09368
|
HF
|
Magic-Me: Identity-Specific Video Customized Diffusion
|
[
"Ze Ma",
"Daquan Zhou",
"Chun-Hsiao Yeh",
"Xue-She Wang",
"Xiuyu Li",
"Huanrui Yang",
"Zhen Dong",
"Kurt Keutzer",
"Jiashi Feng"
] |
2024-02-14
|
Creating content with specified identities (ID) has attracted significant
interest in the field of generative models. In the field of text-to-image
generation (T2I), subject-driven creation has achieved great progress with the
identity controlled via reference images. However, its extension to video
generation is not well explored. In this work, we propose a simple yet
effective subject identity controllable video generation framework, termed
Video Custom Diffusion (VCD). With a specified identity defined by a few
images, VCD reinforces the identity characteristics and injects frame-wise
correlation at the initialization stage for stable video outputs. To achieve
this, we propose three novel components that are essential for high-quality
identity preservation and stable video generation: 1) a noise initialization
method with 3D Gaussian Noise Prior for better inter-frame stability; 2) an ID
module based on extended Textual Inversion trained with the cropped identity to
disentangle the ID information from the background 3) Face VCD and Tiled VCD
modules to reinforce faces and upscale the video to higher resolution while
preserving the identity's features. We conducted extensive experiments to
verify that VCD is able to generate stable videos with better ID over the
baselines. Besides, with the transferability of the encoded identity in the ID
module, VCD is also working well with personalized text-to-image models
available publicly. The codes are available at
https://github.com/Zhen-Dong/Magic-Me.
| null |
cs.CV
|
[
"cs.CV",
"cs.AI"
] |
2206.01861
|
AnswerAI
|
ZeroQuant: Efficient and Affordable Post-Training Quantization for Large-Scale Transformers
|
[
"Zhewei Yao",
"Reza Yazdani Aminabadi",
"Minjia Zhang",
"Xiaoxia Wu",
"Conglong Li",
"Yuxiong He"
] |
2022-06-04
|
How to efficiently serve ever-larger trained natural language models in
practice has become exceptionally challenging even for powerful cloud servers
due to their prohibitive memory/computation requirements. In this work, we
present an efficient and affordable post-training quantization approach to
compress large Transformer-based models, termed as ZeroQuant. ZeroQuant is an
end-to-end quantization and inference pipeline with three main components: (1)
a fine-grained hardware-friendly quantization scheme for both weight and
activations; (2) a novel affordable layer-by-layer knowledge distillation
algorithm (LKD) even without the access to the original training data; (3) a
highly-optimized quantization system backend support to remove the
quantization/dequantization overhead. As such, we are able to show that: (1)
ZeroQuant can reduce the precision for weights and activations to INT8 in a
cost-free way for both BERT and GPT3-style models with minimal accuracy impact,
which leads to up to 5.19x/4.16x speedup on those models compared to FP16
inference; (2) ZeroQuant plus LKD affordably quantize the weights in the
fully-connected module to INT4 along with INT8 weights in the attention module
and INT8 activations, resulting in 3x memory footprint reduction compared to
the FP16 model; (3) ZeroQuant can be directly applied to two of the largest
open-sourced language models, including GPT-J6B and GPT-NeoX20, for which our
INT8 model achieves similar accuracy as the FP16 model but achieves up to 5.2x
better efficiency.
| null |
cs.CL
|
[
"cs.CL",
"cs.LG"
] |
2403.04706
|
HF
|
Common 7B Language Models Already Possess Strong Math Capabilities
|
[
"Chen Li",
"Weiqi Wang",
"Jingcheng Hu",
"Yixuan Wei",
"Nanning Zheng",
"Han Hu",
"Zheng Zhang",
"Houwen Peng"
] |
2024-03-07
|
Mathematical capabilities were previously believed to emerge in common
language models only at a very large scale or require extensive math-related
pre-training. This paper shows that the LLaMA-2 7B model with common
pre-training already exhibits strong mathematical abilities, as evidenced by
its impressive accuracy of 97.7% and 72.0% on the GSM8K and MATH benchmarks,
respectively, when selecting the best response from 256 random generations. The
primary issue with the current base model is the difficulty in consistently
eliciting its inherent mathematical capabilities. Notably, the accuracy for the
first answer drops to 49.5% and 7.9% on the GSM8K and MATH benchmarks,
respectively. We find that simply scaling up the SFT data can significantly
enhance the reliability of generating correct answers. However, the potential
for extensive scaling is constrained by the scarcity of publicly available math
questions. To overcome this limitation, we employ synthetic data, which proves
to be nearly as effective as real data and shows no clear saturation when
scaled up to approximately one million samples. This straightforward approach
achieves an accuracy of 82.6% on GSM8K and 40.6% on MATH using LLaMA-2 7B
models, surpassing previous models by 14.2% and 20.8%, respectively. We also
provide insights into scaling behaviors across different reasoning complexities
and error types.
| null |
cs.CL
|
[
"cs.CL",
"cs.AI"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.