arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2308.06261 | HF | Enhancing Network Management Using Code Generated by Large Language Models | [
"Sathiya Kumaran Mani",
"Yajie Zhou",
"Kevin Hsieh",
"Santiago Segarra",
"Ranveer Chandra",
"Srikanth Kandula"
] | 2023-08-11 | Analyzing network topologies and communication graphs plays a crucial role in
contemporary network management. However, the absence of a cohesive approach
leads to a challenging learning curve, heightened errors, and inefficiencies.
In this paper, we introduce a novel approach to facilitate a
natural-language-based network management experience, utilizing large language
models (LLMs) to generate task-specific code from natural language queries.
This method tackles the challenges of explainability, scalability, and privacy
by allowing network operators to inspect the generated code, eliminating the
need to share network data with LLMs, and concentrating on application-specific
requests combined with general program synthesis techniques. We design and
evaluate a prototype system using benchmark applications, showcasing high
accuracy, cost-effectiveness, and the potential for further enhancements using
complementary program synthesis techniques. | null | cs.NI | [
"cs.NI",
"cs.AI"
] |
2402.16819 | HF | Nemotron-4 15B Technical Report | [
"Jupinder Parmar",
"Shrimai Prabhumoye",
"Joseph Jennings",
"Mostofa Patwary",
"Sandeep Subramanian",
"Dan Su",
"Chen Zhu",
"Deepak Narayanan",
"Aastha Jhunjhunwala",
"Ayush Dattagupta",
"Vibhu Jawa",
"Jiwei Liu",
"Ameya Mahabaleshwarkar",
"Osvald Nitski",
"Annika Brundyn",
"James Maki",
"Miguel Martinez",
"Jiaxuan You",
"John Kamalu",
"Patrick LeGresley",
"Denys Fridman",
"Jared Casper",
"Ashwath Aithal",
"Oleksii Kuchaiev",
"Mohammad Shoeybi",
"Jonathan Cohen",
"Bryan Catanzaro"
] | 2024-02-26 | We introduce Nemotron-4 15B, a 15-billion-parameter large multilingual
language model trained on 8 trillion text tokens. Nemotron-4 15B demonstrates
strong performance when assessed on English, multilingual, and coding tasks: it
outperforms all existing similarly-sized open models on 4 out of 7 downstream
evaluation areas and achieves competitive performance to the leading open
models in the remaining ones. Specifically, Nemotron-4 15B exhibits the best
multilingual capabilities of all similarly-sized models, even outperforming
models over four times larger and those explicitly specialized for multilingual
tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.12742 | HF | Benchmarking Multi-Image Understanding in Vision and Language Models: Perception, Knowledge, Reasoning, and Multi-Hop Reasoning | [
"Bingchen Zhao",
"Yongshuo Zong",
"Letian Zhang",
"Timothy Hospedales"
] | 2024-06-18 | The advancement of large language models (LLMs) has significantly broadened
the scope of applications in natural language processing, with multi-modal LLMs
extending these capabilities to integrate and interpret visual data. However,
existing benchmarks for visual language models (VLMs) predominantly focus on
single-image inputs, neglecting the crucial aspect of multi-image
understanding. In this paper, we introduce a Multi-Image Relational Benchmark
MIRB, designed to evaluate VLMs' ability to compare, analyze, and reason across
multiple images. Our benchmark encompasses four categories: perception, visual
world knowledge, reasoning, and multi-hop reasoning. Through a comprehensive
evaluation of a wide range of open-source and closed-source models, we
demonstrate that while open-source VLMs were shown to approach the performance
of GPT-4V in single-image tasks, a significant performance gap remains in
multi-image reasoning tasks. Our findings also reveal that even the
state-of-the-art GPT-4V model struggles with our benchmark, underscoring the
need for further research and development in this area. We believe our
contribution of MIRB could serve as a testbed for developing the
next-generation multi-modal models. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2408.01099 | AnswerAI | Contribution-based Low-Rank Adaptation with Pre-training Model for Real Image Restoration | [
"Donwon Park",
"Hayeon Kim",
"Se Young Chun"
] | 2024-08-02 | Recently, pre-trained model and efficient parameter tuning have achieved
remarkable success in natural language processing and high-level computer
vision with the aid of masked modeling and prompt tuning. In low-level computer
vision, however, there have been limited investigations on pre-trained models
and even efficient fine-tuning strategy has not yet been explored despite its
importance and benefit in various real-world tasks such as alleviating memory
inflation issue when integrating new tasks on AI edge devices. Here, we propose
a novel efficient parameter tuning approach dubbed contribution-based low-rank
adaptation (CoLoRA) for multiple image restorations along with effective
pre-training method with random order degradations (PROD). Unlike prior arts
that tune all network parameters, our CoLoRA effectively fine-tunes small
amount of parameters by leveraging LoRA (low-rank adaptation) for each new
vision task with our contribution-based method to adaptively determine layer by
layer capacity for that task to yield comparable performance to full tuning.
Furthermore, our PROD strategy allows to extend the capability of pre-trained
models with improved performance as well as robustness to bridge synthetic
pre-training and real-world fine-tuning. Our CoLoRA with PROD has demonstrated
its superior performance in various image restoration tasks across diverse
degradation types on both synthetic and real-world datasets for known and novel
tasks. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.13980 | HF | Carve3D: Improving Multi-view Reconstruction Consistency for Diffusion Models with RL Finetuning | [
"Desai Xie",
"Jiahao Li",
"Hao Tan",
"Xin Sun",
"Zhixin Shu",
"Yi Zhou",
"Sai Bi",
"Sören Pirk",
"Arie E. Kaufman"
] | 2023-12-21 | Multi-view diffusion models, obtained by applying Supervised Finetuning (SFT)
to text-to-image diffusion models, have driven recent breakthroughs in
text-to-3D research. However, due to the limited size and quality of existing
3D datasets, they still suffer from multi-view inconsistencies and Neural
Radiance Field (NeRF) reconstruction artifacts. We argue that multi-view
diffusion models can benefit from further Reinforcement Learning Finetuning
(RLFT), which allows models to learn from the data generated by themselves and
improve beyond their dataset limitations during SFT. To this end, we introduce
Carve3D, an improved RLFT algorithm coupled with a novel Multi-view
Reconstruction Consistency (MRC) metric, to enhance the consistency of
multi-view diffusion models. To measure the MRC metric on a set of multi-view
images, we compare them with their corresponding NeRF renderings at the same
camera viewpoints. The resulting model, which we denote as Carve3DM,
demonstrates superior multi-view consistency and NeRF reconstruction quality
than existing models. Our results suggest that pairing SFT with Carve3D's RLFT
is essential for developing multi-view-consistent diffusion models, mirroring
the standard Large Language Model (LLM) alignment pipeline. Our code, training
and testing data, and video results are available at:
https://desaixie.github.io/carve-3d. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2311.06720 | Both | Cappy: Outperforming and Boosting Large Multi-Task LMs with a Small Scorer | [
"Bowen Tan",
"Yun Zhu",
"Lijuan Liu",
"Eric Xing",
"Zhiting Hu",
"Jindong Chen"
] | 2023-11-12 | Large language models (LLMs) such as T0, FLAN, and OPT-IML, excel in
multi-tasking under a unified instruction-following paradigm, where they also
exhibit remarkable generalization abilities to unseen tasks. Despite their
impressive performance, these LLMs, with sizes ranging from several billion to
hundreds of billions of parameters, demand substantial computational resources,
making their training and inference expensive and inefficient. Furthermore,
adapting these models to downstream applications, particularly complex tasks,
is often unfeasible due to the extensive hardware requirements for finetuning,
even when utilizing parameter-efficient approaches such as prompt tuning.
Additionally, the most powerful multi-task LLMs, such as OPT-IML-175B and
FLAN-PaLM-540B, are not publicly accessible, severely limiting their
customization potential. To address these challenges, we introduce a pretrained
small scorer, Cappy, designed to enhance the performance and efficiency of
multi-task LLMs. With merely 360 million parameters, Cappy functions either
independently on classification tasks or serve as an auxiliary component for
LLMs, boosting their performance. Moreover, Cappy enables efficiently
integrating downstream supervision without requiring LLM finetuning nor the
access to their parameters. Our experiments demonstrate that, when working
independently on 11 language understanding tasks from PromptSource, Cappy
outperforms LLMs that are several orders of magnitude larger. Besides, on 45
complex tasks from BIG-Bench, Cappy boosts the performance of the advanced
multi-task LLM, FLAN-T5, by a large margin. Furthermore, Cappy is flexible to
cooperate with other LLM adaptations, including finetuning and in-context
learning, offering additional performance enhancement. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2409.02060 | HF | OLMoE: Open Mixture-of-Experts Language Models | [
"Niklas Muennighoff",
"Luca Soldaini",
"Dirk Groeneveld",
"Kyle Lo",
"Jacob Morrison",
"Sewon Min",
"Weijia Shi",
"Pete Walsh",
"Oyvind Tafjord",
"Nathan Lambert",
"Yuling Gu",
"Shane Arora",
"Akshita Bhagia",
"Dustin Schwenk",
"David Wadden",
"Alexander Wettig",
"Binyuan Hui",
"Tim Dettmers",
"Douwe Kiela",
"Ali Farhadi",
"Noah A. Smith",
"Pang Wei Koh",
"Amanpreet Singh",
"Hannaneh Hajishirzi"
] | 2024-09-03 | We introduce OLMoE, a fully open, state-of-the-art language model leveraging
sparse Mixture-of-Experts (MoE). OLMoE-1B-7B has 7 billion (B) parameters but
uses only 1B per input token. We pretrain it on 5 trillion tokens and further
adapt it to create OLMoE-1B-7B-Instruct. Our models outperform all available
models with similar active parameters, even surpassing larger ones like
Llama2-13B-Chat and DeepSeekMoE-16B. We present various experiments on MoE
training, analyze routing in our model showing high specialization, and
open-source all aspects of our work: model weights, training data, code, and
logs. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2101.03961 | AnswerAI | Switch Transformers: Scaling to Trillion Parameter Models with Simple and Efficient Sparsity | [
"William Fedus",
"Barret Zoph",
"Noam Shazeer"
] | 2021-01-11 | In deep learning, models typically reuse the same parameters for all inputs.
Mixture of Experts (MoE) defies this and instead selects different parameters
for each incoming example. The result is a sparsely-activated model -- with
outrageous numbers of parameters -- but a constant computational cost. However,
despite several notable successes of MoE, widespread adoption has been hindered
by complexity, communication costs and training instability -- we address these
with the Switch Transformer. We simplify the MoE routing algorithm and design
intuitive improved models with reduced communication and computational costs.
Our proposed training techniques help wrangle the instabilities and we show
large sparse models may be trained, for the first time, with lower precision
(bfloat16) formats. We design models based off T5-Base and T5-Large to obtain
up to 7x increases in pre-training speed with the same computational resources.
These improvements extend into multilingual settings where we measure gains
over the mT5-Base version across all 101 languages. Finally, we advance the
current scale of language models by pre-training up to trillion parameter
models on the "Colossal Clean Crawled Corpus" and achieve a 4x speedup over the
T5-XXL model. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2306.01567 | HF | Segment Anything in High Quality | [
"Lei Ke",
"Mingqiao Ye",
"Martin Danelljan",
"Yifan Liu",
"Yu-Wing Tai",
"Chi-Keung Tang",
"Fisher Yu"
] | 2023-06-02 | The recent Segment Anything Model (SAM) represents a big leap in scaling up
segmentation models, allowing for powerful zero-shot capabilities and flexible
prompting. Despite being trained with 1.1 billion masks, SAM's mask prediction
quality falls short in many cases, particularly when dealing with objects that
have intricate structures. We propose HQ-SAM, equipping SAM with the ability to
accurately segment any object, while maintaining SAM's original promptable
design, efficiency, and zero-shot generalizability. Our careful design reuses
and preserves the pre-trained model weights of SAM, while only introducing
minimal additional parameters and computation. We design a learnable
High-Quality Output Token, which is injected into SAM's mask decoder and is
responsible for predicting the high-quality mask. Instead of only applying it
on mask-decoder features, we first fuse them with early and final ViT features
for improved mask details. To train our introduced learnable parameters, we
compose a dataset of 44K fine-grained masks from several sources. HQ-SAM is
only trained on the introduced detaset of 44k masks, which takes only 4 hours
on 8 GPUs. We show the efficacy of HQ-SAM in a suite of 10 diverse segmentation
datasets across different downstream tasks, where 8 out of them are evaluated
in a zero-shot transfer protocol. Our code and pretrained models are at
https://github.com/SysCV/SAM-HQ. | null | cs.CV | [
"cs.CV"
] |
2406.01493 | HF | Learning Temporally Consistent Video Depth from Video Diffusion Priors | [
"Jiahao Shao",
"Yuanbo Yang",
"Hongyu Zhou",
"Youmin Zhang",
"Yujun Shen",
"Matteo Poggi",
"Yiyi Liao"
] | 2024-06-03 | This work addresses the challenge of video depth estimation, which expects
not only per-frame accuracy but, more importantly, cross-frame consistency.
Instead of directly developing a depth estimator from scratch, we reformulate
the prediction task into a conditional generation problem. This allows us to
leverage the prior knowledge embedded in existing video generation models,
thereby reducing learning difficulty and enhancing generalizability.
Concretely, we study how to tame the public Stable Video Diffusion (SVD) to
predict reliable depth from input videos using a mixture of image depth and
video depth datasets. We empirically confirm that a procedural training
strategy -- first optimizing the spatial layers of SVD and then optimizing the
temporal layers while keeping the spatial layers frozen -- yields the best
results in terms of both spatial accuracy and temporal consistency. We further
examine the sliding window strategy for inference on arbitrarily long videos.
Our observations indicate a trade-off between efficiency and performance, with
a one-frame overlap already producing favorable results. Extensive experimental
results demonstrate the superiority of our approach, termed ChronoDepth, over
existing alternatives, particularly in terms of the temporal consistency of the
estimated depth. Additionally, we highlight the benefits of more consistent
video depth in two practical applications: depth-conditioned video generation
and novel view synthesis. Our project page is available at
https://jhaoshao.github.io/ChronoDepth/. | null | cs.CV | [
"cs.CV"
] |
2407.05131 | HF | RULE: Reliable Multimodal RAG for Factuality in Medical Vision Language Models | [
"Peng Xia",
"Kangyu Zhu",
"Haoran Li",
"Hongtu Zhu",
"Yun Li",
"Gang Li",
"Linjun Zhang",
"Huaxiu Yao"
] | 2024-07-06 | The recent emergence of Medical Large Vision Language Models (Med-LVLMs) has
enhanced medical diagnosis. However, current Med-LVLMs frequently encounter
factual issues, often generating responses that do not align with established
medical facts. Retrieval-Augmented Generation (RAG), which utilizes external
knowledge, can improve the factual accuracy of these models but introduces two
major challenges. First, limited retrieved contexts might not cover all
necessary information, while excessive retrieval can introduce irrelevant and
inaccurate references, interfering with the model's generation. Second, in
cases where the model originally responds correctly, applying RAG can lead to
an over-reliance on retrieved contexts, resulting in incorrect answers. To
address these issues, we propose RULE, which consists of two components. First,
we introduce a provably effective strategy for controlling factuality risk
through the calibrated selection of the number of retrieved contexts. Second,
based on samples where over-reliance on retrieved contexts led to errors, we
curate a preference dataset to fine-tune the model, balancing its dependence on
inherent knowledge and retrieved contexts for generation. We demonstrate the
effectiveness of RULE on three medical VQA datasets, achieving an average
improvement of 20.8% in factual accuracy. We publicly release our benchmark and
code in https://github.com/richard-peng-xia/RULE. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV",
"cs.CY"
] |
2408.00762 | HF | UniTalker: Scaling up Audio-Driven 3D Facial Animation through A Unified Model | [
"Xiangyu Fan",
"Jiaqi Li",
"Zhiqian Lin",
"Weiye Xiao",
"Lei Yang"
] | 2024-08-01 | Audio-driven 3D facial animation aims to map input audio to realistic facial
motion. Despite significant progress, limitations arise from inconsistent 3D
annotations, restricting previous models to training on specific annotations
and thereby constraining the training scale. In this work, we present
UniTalker, a unified model featuring a multi-head architecture designed to
effectively leverage datasets with varied annotations. To enhance training
stability and ensure consistency among multi-head outputs, we employ three
training strategies, namely, PCA, model warm-up, and pivot identity embedding.
To expand the training scale and diversity, we assemble A2F-Bench, comprising
five publicly available datasets and three newly curated datasets. These
datasets contain a wide range of audio domains, covering multilingual speech
voices and songs, thereby scaling the training data from commonly employed
datasets, typically less than 1 hour, to 18.5 hours. With a single trained
UniTalker model, we achieve substantial lip vertex error reductions of 9.2% for
BIWI dataset and 13.7% for Vocaset. Additionally, the pre-trained UniTalker
exhibits promise as the foundation model for audio-driven facial animation
tasks. Fine-tuning the pre-trained UniTalker on seen datasets further enhances
performance on each dataset, with an average error reduction of 6.3% on
A2F-Bench. Moreover, fine-tuning UniTalker on an unseen dataset with only half
the data surpasses prior state-of-the-art models trained on the full dataset.
The code and dataset are available at the project page
https://github.com/X-niper/UniTalker. | null | cs.CV | [
"cs.CV"
] |
2403.18783 | HF | Towards a World-English Language Model for On-Device Virtual Assistants | [
"Rricha Jalota",
"Lyan Verwimp",
"Markus Nussbaum-Thom",
"Amr Mousa",
"Arturo Argueta",
"Youssef Oualil"
] | 2024-03-27 | Neural Network Language Models (NNLMs) for Virtual Assistants (VAs) are
generally language-, region-, and in some cases, device-dependent, which
increases the effort to scale and maintain them. Combining NNLMs for one or
more of the categories is one way to improve scalability. In this work, we
combine regional variants of English to build a ``World English'' NNLM for
on-device VAs. In particular, we investigate the application of adapter
bottlenecks to model dialect-specific characteristics in our existing
production NNLMs {and enhance the multi-dialect baselines}. We find that
adapter modules are more effective in modeling dialects than specializing
entire sub-networks. Based on this insight and leveraging the design of our
production models, we introduce a new architecture for World English NNLM that
meets the accuracy, latency, and memory constraints of our single-dialect
models. | 10.1109/ICASSP48485.2024.10448018 | cs.CL | [
"cs.CL"
] |
2407.14507 | HF | Internal Consistency and Self-Feedback in Large Language Models: A Survey | [
"Xun Liang",
"Shichao Song",
"Zifan Zheng",
"Hanyu Wang",
"Qingchen Yu",
"Xunkai Li",
"Rong-Hua Li",
"Yi Wang",
"Zhonghao Wang",
"Feiyu Xiong",
"Zhiyu Li"
] | 2024-07-19 | Large language models (LLMs) often exhibit deficient reasoning or generate
hallucinations. To address these, studies prefixed with "Self-" such as
Self-Consistency, Self-Improve, and Self-Refine have been initiated. They share
a commonality: involving LLMs evaluating and updating themselves. Nonetheless,
these efforts lack a unified perspective on summarization, as existing surveys
predominantly focus on categorization.
In this paper, we use a unified perspective of internal consistency, offering
explanations for reasoning deficiencies and hallucinations. Internal
consistency refers to the consistency in expressions among LLMs' latent,
decoding, or response layers based on sampling methodologies. Then, we
introduce an effective theoretical framework capable of mining internal
consistency, named Self-Feedback. This framework consists of two modules:
Self-Evaluation and Self-Update. The former captures internal consistency
signals, while the latter leverages the signals to enhance either the model's
response or the model itself. This framework has been employed in numerous
studies.
We systematically classify these studies by tasks and lines of work;
summarize relevant evaluation methods and benchmarks; and delve into the
concern, "Does Self-Feedback Really Work?" We also propose several critical
viewpoints, including the "Hourglass Evolution of Internal Consistency",
"Consistency Is (Almost) Correctness" hypothesis, and "The Paradox of Latent
and Explicit Reasoning". The relevant resources are open-sourced at
https://github.com/IAAR-Shanghai/ICSFSurvey. | null | cs.CL | [
"cs.CL"
] |
2305.11169 | AnswerAI | Emergent Representations of Program Semantics in Language Models Trained on Programs | [
"Charles Jin",
"Martin Rinard"
] | 2023-05-18 | We present evidence that language models (LMs) of code can learn to represent
the formal semantics of programs, despite being trained only to perform
next-token prediction. Specifically, we train a Transformer model on a
synthetic corpus of programs written in a domain-specific language for
navigating 2D grid world environments. Each program in the corpus is preceded
by a (partial) specification in the form of several input-output grid world
states. Despite providing no further inductive biases, we find that a probing
classifier is able to extract increasingly accurate representations of the
unobserved, intermediate grid world states from the LM hidden states over the
course of training, suggesting the LM acquires an emergent ability to interpret
programs in the formal sense. We also develop a novel interventional baseline
that enables us to disambiguate what is represented by the LM as opposed to
learned by the probe. We anticipate that this technique may be generally
applicable to a broad range of semantic probing experiments. In summary, this
paper does not propose any new techniques for training LMs of code, but
develops an experimental framework for and provides insights into the
acquisition and representation of formal semantics in statistical models of
code. Our code is available at
https://github.com/charlesjin/emergent-semantics. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.PL"
] |
2409.02877 | HF | Configurable Foundation Models: Building LLMs from a Modular Perspective | [
"Chaojun Xiao",
"Zhengyan Zhang",
"Chenyang Song",
"Dazhi Jiang",
"Feng Yao",
"Xu Han",
"Xiaozhi Wang",
"Shuo Wang",
"Yufei Huang",
"Guanyu Lin",
"Yingfa Chen",
"Weilin Zhao",
"Yuge Tu",
"Zexuan Zhong",
"Ao Zhang",
"Chenglei Si",
"Khai Hao Moo",
"Chenyang Zhao",
"Huimin Chen",
"Yankai Lin",
"Zhiyuan Liu",
"Jingbo Shang",
"Maosong Sun"
] | 2024-09-04 | Advancements in LLMs have recently unveiled challenges tied to computational
efficiency and continual scalability due to their requirements of huge
parameters, making the applications and evolution of these models on devices
with limited computation resources and scenarios requiring various abilities
increasingly cumbersome. Inspired by modularity within the human brain, there
is a growing tendency to decompose LLMs into numerous functional modules,
allowing for inference with part of modules and dynamic assembly of modules to
tackle complex tasks, such as mixture-of-experts. To highlight the inherent
efficiency and composability of the modular approach, we coin the term brick to
represent each functional module, designating the modularized structure as
configurable foundation models. In this paper, we offer a comprehensive
overview and investigation of the construction, utilization, and limitation of
configurable foundation models. We first formalize modules into emergent bricks
- functional neuron partitions that emerge during the pre-training phase, and
customized bricks - bricks constructed via additional post-training to improve
the capabilities and knowledge of LLMs. Based on diverse functional bricks, we
further present four brick-oriented operations: retrieval and routing, merging,
updating, and growing. These operations allow for dynamic configuration of LLMs
based on instructions to handle complex tasks. To verify our perspective, we
conduct an empirical analysis on widely-used LLMs. We find that the FFN layers
follow modular patterns with functional specialization of neurons and
functional neuron partitions. Finally, we highlight several open issues and
directions for future research. Overall, this paper aims to offer a fresh
modular perspective on existing LLM research and inspire the future creation of
more efficient and scalable foundational models. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2310.20092 | HF | The Missing U for Efficient Diffusion Models | [
"Sergio Calvo-Ordonez",
"Chun-Wun Cheng",
"Jiahao Huang",
"Lipei Zhang",
"Guang Yang",
"Carola-Bibiane Schonlieb",
"Angelica I Aviles-Rivero"
] | 2023-10-31 | Diffusion Probabilistic Models stand as a critical tool in generative
modelling, enabling the generation of complex data distributions. This family
of generative models yields record-breaking performance in tasks such as image
synthesis, video generation, and molecule design. Despite their capabilities,
their efficiency, especially in the reverse process, remains a challenge due to
slow convergence rates and high computational costs. In this paper, we
introduce an approach that leverages continuous dynamical systems to design a
novel denoising network for diffusion models that is more parameter-efficient,
exhibits faster convergence, and demonstrates increased noise robustness.
Experimenting with Denoising Diffusion Probabilistic Models (DDPMs), our
framework operates with approximately a quarter of the parameters, and $\sim$
30\% of the Floating Point Operations (FLOPs) compared to standard U-Nets in
DDPMs. Furthermore, our model is notably faster in inference than the baseline
when measured in fair and equal conditions. We also provide a mathematical
intuition as to why our proposed reverse process is faster as well as a
mathematical discussion of the empirical tradeoffs in the denoising downstream
task. Finally, we argue that our method is compatible with existing performance
enhancement techniques, enabling further improvements in efficiency, quality,
and speed. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2404.14723 | AnswerAI | Insights into Alignment: Evaluating DPO and its Variants Across Multiple Tasks | [
"Amir Saeidi",
"Shivanshu Verma",
"Chitta Baral"
] | 2024-04-23 | Large Language Models (LLMs) have demonstrated remarkable performance across
a spectrum of tasks. Recently, Direct Preference Optimization (DPO) has emerged
as an RL-free approach to optimize the policy model on human preferences.
However, several limitations hinder the widespread adoption of this method. To
address these shortcomings, various versions of DPO have been introduced. Yet,
a comprehensive evaluation of these variants across diverse tasks is still
lacking. In this study, we aim to bridge this gap by investigating the
performance of alignment methods across three distinct scenarios: (1) keeping
the Supervised Fine-Tuning (SFT) part, (2) skipping the SFT part, and (3)
skipping the SFT part and utilizing an instruction-tuned model. Furthermore, we
explore the impact of different training sizes on their performance. Our
evaluation spans a range of tasks including dialogue systems, reasoning,
mathematical problem-solving, question answering, truthfulness, and multi-task
understanding, encompassing 13 benchmarks such as MT-Bench, Big Bench, and Open
LLM Leaderboard. Key observations reveal that alignment methods achieve optimal
performance with smaller training data subsets, exhibit limited effectiveness
in reasoning tasks yet significantly impact mathematical problem-solving, and
employing an instruction-tuned model notably influences truthfulness. We
anticipate that our findings will catalyze further research aimed at developing
more robust models to address alignment challenges. | null | cs.CL | [
"cs.CL"
] |
2403.17694 | HF | AniPortrait: Audio-Driven Synthesis of Photorealistic Portrait Animation | [
"Huawei Wei",
"Zejun Yang",
"Zhisheng Wang"
] | 2024-03-26 | In this study, we propose AniPortrait, a novel framework for generating
high-quality animation driven by audio and a reference portrait image. Our
methodology is divided into two stages. Initially, we extract 3D intermediate
representations from audio and project them into a sequence of 2D facial
landmarks. Subsequently, we employ a robust diffusion model, coupled with a
motion module, to convert the landmark sequence into photorealistic and
temporally consistent portrait animation. Experimental results demonstrate the
superiority of AniPortrait in terms of facial naturalness, pose diversity, and
visual quality, thereby offering an enhanced perceptual experience. Moreover,
our methodology exhibits considerable potential in terms of flexibility and
controllability, which can be effectively applied in areas such as facial
motion editing or face reenactment. We release code and model weights at
https://github.com/scutzzj/AniPortrait | null | cs.CV | [
"cs.CV",
"cs.GR",
"eess.IV"
] |
2305.08596 | HF | DarkBERT: A Language Model for the Dark Side of the Internet | [
"Youngjin Jin",
"Eugene Jang",
"Jian Cui",
"Jin-Woo Chung",
"Yongjae Lee",
"Seungwon Shin"
] | 2023-05-15 | Recent research has suggested that there are clear differences in the
language used in the Dark Web compared to that of the Surface Web. As studies
on the Dark Web commonly require textual analysis of the domain, language
models specific to the Dark Web may provide valuable insights to researchers.
In this work, we introduce DarkBERT, a language model pretrained on Dark Web
data. We describe the steps taken to filter and compile the text data used to
train DarkBERT to combat the extreme lexical and structural diversity of the
Dark Web that may be detrimental to building a proper representation of the
domain. We evaluate DarkBERT and its vanilla counterpart along with other
widely used language models to validate the benefits that a Dark Web domain
specific model offers in various use cases. Our evaluations show that DarkBERT
outperforms current language models and may serve as a valuable resource for
future research on the Dark Web. | null | cs.CL | [
"cs.CL",
"I.2.7"
] |
2402.08733 | AnswerAI | Experts Don't Cheat: Learning What You Don't Know By Predicting Pairs | [
"Daniel D. Johnson",
"Daniel Tarlow",
"David Duvenaud",
"Chris J. Maddison"
] | 2024-02-13 | Identifying how much a model ${\widehat{p}}_{\theta}(Y|X)$ knows about the
stochastic real-world process $p(Y|X)$ it was trained on is important to ensure
it avoids producing incorrect or "hallucinated" answers or taking unsafe
actions. But this is difficult for generative models because probabilistic
predictions do not distinguish between per-response noise (aleatoric
uncertainty) and lack of knowledge about the process (epistemic uncertainty),
and existing epistemic uncertainty quantification techniques tend to be
overconfident when the model underfits. We propose a general strategy for
teaching a model to both approximate $p(Y|X)$ and also estimate the remaining
gaps between ${\widehat{p}}_{\theta}(Y|X)$ and $p(Y|X)$: train it to predict
pairs of independent responses drawn from the true conditional distribution,
allow it to "cheat" by observing one response while predicting the other, then
measure how much it cheats. Remarkably, we prove that being good at cheating
(i.e. cheating whenever it improves your prediction) is equivalent to being
second-order calibrated, a principled extension of ordinary calibration that
allows us to construct provably-correct frequentist confidence intervals for
$p(Y|X)$ and detect incorrect responses with high probability. We demonstrate
empirically that our approach accurately estimates how much models don't know
across ambiguous image classification, (synthetic) language modeling, and
partially-observable navigation tasks, outperforming existing techniques. | null | cs.LG | [
"cs.LG"
] |
2404.03715 | HF | Direct Nash Optimization: Teaching Language Models to Self-Improve with General Preferences | [
"Corby Rosset",
"Ching-An Cheng",
"Arindam Mitra",
"Michael Santacroce",
"Ahmed Awadallah",
"Tengyang Xie"
] | 2024-04-04 | This paper studies post-training large language models (LLMs) using
preference feedback from a powerful oracle to help a model iteratively improve
over itself. The typical approach for post-training LLMs involves Reinforcement
Learning from Human Feedback (RLHF), which traditionally separates reward
learning and subsequent policy optimization. However, such a reward
maximization approach is limited by the nature of "point-wise" rewards (such as
Bradley-Terry model), which fails to express complex intransitive or cyclic
preference relations. While advances on RLHF show reward learning and policy
optimization can be merged into a single contrastive objective for stability,
they yet still remain tethered to the reward maximization framework. Recently,
a new wave of research sidesteps the reward maximization presumptions in favor
of directly optimizing over "pair-wise" or general preferences. In this paper,
we introduce Direct Nash Optimization (DNO), a provable and scalable algorithm
that marries the simplicity and stability of contrastive learning with
theoretical generality from optimizing general preferences. Because DNO is a
batched on-policy algorithm using a regression-based objective, its
implementation is straightforward and efficient. Moreover, DNO enjoys monotonic
improvement across iterations that help it improve even over a strong teacher
(such as GPT-4). In our experiments, a resulting 7B parameter Orca-2.5 model
aligned by DNO achieves the state-of-the-art win-rate against GPT-4-Turbo of
33% on AlpacaEval 2.0 (even after controlling for response length), an absolute
gain of 26% (7% to 33%) over the initializing model. It outperforms models with
far more parameters, including Mistral Large, Self-Rewarding LM (70B
parameters), and older versions of GPT-4. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2310.16828 | HF | TD-MPC2: Scalable, Robust World Models for Continuous Control | [
"Nicklas Hansen",
"Hao Su",
"Xiaolong Wang"
] | 2023-10-25 | TD-MPC is a model-based reinforcement learning (RL) algorithm that performs
local trajectory optimization in the latent space of a learned implicit
(decoder-free) world model. In this work, we present TD-MPC2: a series of
improvements upon the TD-MPC algorithm. We demonstrate that TD-MPC2 improves
significantly over baselines across 104 online RL tasks spanning 4 diverse task
domains, achieving consistently strong results with a single set of
hyperparameters. We further show that agent capabilities increase with model
and data size, and successfully train a single 317M parameter agent to perform
80 tasks across multiple task domains, embodiments, and action spaces. We
conclude with an account of lessons, opportunities, and risks associated with
large TD-MPC2 agents. Explore videos, models, data, code, and more at
https://tdmpc2.com | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV",
"cs.RO"
] |
2311.05332 | HF | On the Road with GPT-4V(ision): Early Explorations of Visual-Language Model on Autonomous Driving | [
"Licheng Wen",
"Xuemeng Yang",
"Daocheng Fu",
"Xiaofeng Wang",
"Pinlong Cai",
"Xin Li",
"Tao Ma",
"Yingxuan Li",
"Linran Xu",
"Dengke Shang",
"Zheng Zhu",
"Shaoyan Sun",
"Yeqi Bai",
"Xinyu Cai",
"Min Dou",
"Shuanglu Hu",
"Botian Shi",
"Yu Qiao"
] | 2023-11-09 | The pursuit of autonomous driving technology hinges on the sophisticated
integration of perception, decision-making, and control systems. Traditional
approaches, both data-driven and rule-based, have been hindered by their
inability to grasp the nuance of complex driving environments and the
intentions of other road users. This has been a significant bottleneck,
particularly in the development of common sense reasoning and nuanced scene
understanding necessary for safe and reliable autonomous driving. The advent of
Visual Language Models (VLM) represents a novel frontier in realizing fully
autonomous vehicle driving. This report provides an exhaustive evaluation of
the latest state-of-the-art VLM, GPT-4V(ision), and its application in
autonomous driving scenarios. We explore the model's abilities to understand
and reason about driving scenes, make decisions, and ultimately act in the
capacity of a driver. Our comprehensive tests span from basic scene recognition
to complex causal reasoning and real-time decision-making under varying
conditions. Our findings reveal that GPT-4V demonstrates superior performance
in scene understanding and causal reasoning compared to existing autonomous
systems. It showcases the potential to handle out-of-distribution scenarios,
recognize intentions, and make informed decisions in real driving contexts.
However, challenges remain, particularly in direction discernment, traffic
light recognition, vision grounding, and spatial reasoning tasks. These
limitations underscore the need for further research and development. Project
is now available on GitHub for interested parties to access and utilize:
\url{https://github.com/PJLab-ADG/GPT4V-AD-Exploration} | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.RO"
] |
2406.11840 | HF | LLaNA: Large Language and NeRF Assistant | [
"Andrea Amaduzzi",
"Pierluigi Zama Ramirez",
"Giuseppe Lisanti",
"Samuele Salti",
"Luigi Di Stefano"
] | 2024-06-17 | Multimodal Large Language Models (MLLMs) have demonstrated an excellent
understanding of images and 3D data. However, both modalities have shortcomings
in holistically capturing the appearance and geometry of objects. Meanwhile,
Neural Radiance Fields (NeRFs), which encode information within the weights of
a simple Multi-Layer Perceptron (MLP), have emerged as an increasingly
widespread modality that simultaneously encodes the geometry and photorealistic
appearance of objects. This paper investigates the feasibility and
effectiveness of ingesting NeRF into MLLM. We create LLaNA, the first
general-purpose NeRF-language assistant capable of performing new tasks such as
NeRF captioning and Q\&A. Notably, our method directly processes the weights of
the NeRF's MLP to extract information about the represented objects without the
need to render images or materialize 3D data structures. Moreover, we build a
dataset of NeRFs with text annotations for various NeRF-language tasks with no
human intervention. Based on this dataset, we develop a benchmark to evaluate
the NeRF understanding capability of our method. Results show that processing
NeRF weights performs favourably against extracting 2D or 3D representations
from NeRFs. | null | cs.CV | [
"cs.CV"
] |
2312.10523 | HF | Paloma: A Benchmark for Evaluating Language Model Fit | [
"Ian Magnusson",
"Akshita Bhagia",
"Valentin Hofmann",
"Luca Soldaini",
"Ananya Harsh Jha",
"Oyvind Tafjord",
"Dustin Schwenk",
"Evan Pete Walsh",
"Yanai Elazar",
"Kyle Lo",
"Dirk Groeneveld",
"Iz Beltagy",
"Hannaneh Hajishirzi",
"Noah A. Smith",
"Kyle Richardson",
"Jesse Dodge"
] | 2023-12-16 | Language models (LMs) commonly report perplexity on monolithic data held out
from training. Implicitly or explicitly, this data is composed of
domains$\unicode{x2013}$varying distributions of language. Rather than assuming
perplexity on one distribution extrapolates to others, Perplexity Analysis for
Language Model Assessment (Paloma), measures LM fit to 585 text domains,
ranging from nytimes.com to r/depression on Reddit. We invite submissions to
our benchmark and organize results by comparability based on compliance with
guidelines such as removal of benchmark contamination from pretraining.
Submissions can also record parameter and training token count to make
comparisons of Pareto efficiency for performance as a function of these
measures of cost. We populate our benchmark with results from 6 baselines
pretrained on popular corpora. In case studies, we demonstrate analyses that
are possible with Paloma, such as finding that pretraining without data beyond
Common Crawl leads to inconsistent fit to many domains. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2205.06175 | AnswerAI | A Generalist Agent | [
"Scott Reed",
"Konrad Zolna",
"Emilio Parisotto",
"Sergio Gomez Colmenarejo",
"Alexander Novikov",
"Gabriel Barth-Maron",
"Mai Gimenez",
"Yury Sulsky",
"Jackie Kay",
"Jost Tobias Springenberg",
"Tom Eccles",
"Jake Bruce",
"Ali Razavi",
"Ashley Edwards",
"Nicolas Heess",
"Yutian Chen",
"Raia Hadsell",
"Oriol Vinyals",
"Mahyar Bordbar",
"Nando de Freitas"
] | 2022-05-12 | Inspired by progress in large-scale language modeling, we apply a similar
approach towards building a single generalist agent beyond the realm of text
outputs. The agent, which we refer to as Gato, works as a multi-modal,
multi-task, multi-embodiment generalist policy. The same network with the same
weights can play Atari, caption images, chat, stack blocks with a real robot
arm and much more, deciding based on its context whether to output text, joint
torques, button presses, or other tokens. In this report we describe the model
and the data, and document the current capabilities of Gato. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG",
"cs.RO"
] |
2306.09682 | HF | OCTScenes: A Versatile Real-World Dataset of Tabletop Scenes for Object-Centric Learning | [
"Yinxuan Huang",
"Tonglin Chen",
"Zhimeng Shen",
"Jinghao Huang",
"Bin Li",
"Xiangyang Xue"
] | 2023-06-16 | Humans possess the cognitive ability to comprehend scenes in a compositional
manner. To empower AI systems with similar capabilities, object-centric
learning aims to acquire representations of individual objects from visual
scenes without any supervision. Although recent advances in object-centric
learning have made remarkable progress on complex synthesis datasets, there is
a huge challenge for application to complex real-world scenes. One of the
essential reasons is the scarcity of real-world datasets specifically tailored
to object-centric learning. To address this problem, we propose a versatile
real-world dataset of tabletop scenes for object-centric learning called
OCTScenes, which is meticulously designed to serve as a benchmark for
comparing, evaluating, and analyzing object-centric learning methods. OCTScenes
contains 5000 tabletop scenes with a total of 15 objects. Each scene is
captured in 60 frames covering a 360-degree perspective. Consequently,
OCTScenes is a versatile benchmark dataset that can simultaneously satisfy the
evaluation of object-centric learning methods based on single-image, video, and
multi-view. Extensive experiments of representative object-centric learning
methods are conducted on OCTScenes. The results demonstrate the shortcomings of
state-of-the-art methods for learning meaningful representations from
real-world data, despite their impressive performance on complex synthesis
datasets. Furthermore, OCTScenes can serve as a catalyst for the advancement of
existing methods, inspiring them to adapt to real-world scenes. Dataset and
code are available at https://huggingface.co/datasets/Yinxuan/OCTScenes. | null | cs.CV | [
"cs.CV"
] |
2406.09162 | HF | EMMA: Your Text-to-Image Diffusion Model Can Secretly Accept Multi-Modal Prompts | [
"Yucheng Han",
"Rui Wang",
"Chi Zhang",
"Juntao Hu",
"Pei Cheng",
"Bin Fu",
"Hanwang Zhang"
] | 2024-06-13 | Recent advancements in image generation have enabled the creation of
high-quality images from text conditions. However, when facing multi-modal
conditions, such as text combined with reference appearances, existing methods
struggle to balance multiple conditions effectively, typically showing a
preference for one modality over others. To address this challenge, we
introduce EMMA, a novel image generation model accepting multi-modal prompts
built upon the state-of-the-art text-to-image (T2I) diffusion model, ELLA. EMMA
seamlessly incorporates additional modalities alongside text to guide image
generation through an innovative Multi-modal Feature Connector design, which
effectively integrates textual and supplementary modal information using a
special attention mechanism. By freezing all parameters in the original T2I
diffusion model and only adjusting some additional layers, we reveal an
interesting finding that the pre-trained T2I diffusion model can secretly
accept multi-modal prompts. This interesting property facilitates easy
adaptation to different existing frameworks, making EMMA a flexible and
effective tool for producing personalized and context-aware images and even
videos. Additionally, we introduce a strategy to assemble learned EMMA modules
to produce images conditioned on multiple modalities simultaneously,
eliminating the need for additional training with mixed multi-modal prompts.
Extensive experiments demonstrate the effectiveness of EMMA in maintaining high
fidelity and detail in generated images, showcasing its potential as a robust
solution for advanced multi-modal conditional image generation tasks. | null | cs.CV | [
"cs.CV"
] |
2307.16125 | HF | SEED-Bench: Benchmarking Multimodal LLMs with Generative Comprehension | [
"Bohao Li",
"Rui Wang",
"Guangzhi Wang",
"Yuying Ge",
"Yixiao Ge",
"Ying Shan"
] | 2023-07-30 | Based on powerful Large Language Models (LLMs), recent generative Multimodal
Large Language Models (MLLMs) have gained prominence as a pivotal research
area, exhibiting remarkable capability for both comprehension and generation.
In this work, we address the evaluation of generative comprehension in MLLMs as
a preliminary step towards a comprehensive assessment of generative models, by
introducing a benchmark named SEED-Bench. SEED-Bench consists of 19K multiple
choice questions with accurate human annotations (x 6 larger than existing
benchmarks), which spans 12 evaluation dimensions including the comprehension
of both the image and video modality. We develop an advanced pipeline for
generating multiple-choice questions that target specific evaluation
dimensions, integrating both automatic filtering and manual verification
processes. Multiple-choice questions with groundtruth options derived from
human annotation enables an objective and efficient assessment of model
performance, eliminating the need for human or GPT intervention during
evaluation. We further evaluate the performance of 18 models across all 12
dimensions, covering both the spatial and temporal understanding. By revealing
the limitations of existing MLLMs through evaluation results, we aim for
SEED-Bench to provide insights for motivating future research. We will launch
and consistently maintain a leaderboard to provide a platform for the community
to assess and investigate model capability. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2402.11295 | HF | OneBit: Towards Extremely Low-bit Large Language Models | [
"Yuzhuang Xu",
"Xu Han",
"Zonghan Yang",
"Shuo Wang",
"Qingfu Zhu",
"Zhiyuan Liu",
"Weidong Liu",
"Wanxiang Che"
] | 2024-02-17 | Model quantification uses low bit-width values to represent the weight
matrices of existing models to be quantized, which is a promising approach to
reduce both storage and computational overheads of deploying highly anticipated
LLMs. However, current quantization methods suffer severe performance
degradation when the bit-width is extremely reduced, and thus focus on
utilizing 4-bit or 8-bit values to quantize models. This paper boldly quantizes
the weight matrices of LLMs to 1-bit, paving the way for the extremely low
bit-width deployment of LLMs. For this target, we introduce a 1-bit model
compressing framework named OneBit, including a novel 1-bit parameter
representation method to better quantize LLMs as well as an effective parameter
initialization method based on matrix decomposition to improve the convergence
speed of the quantization framework. Sufficient experimental results indicate
that OneBit achieves good performance (at least 81% of the non-quantized
performance on LLaMA models) with robust training processes when only using
1-bit weight matrices. | null | cs.CL | [
"cs.CL"
] |
1903.00161 | AnswerAI | DROP: A Reading Comprehension Benchmark Requiring Discrete Reasoning Over Paragraphs | [
"Dheeru Dua",
"Yizhong Wang",
"Pradeep Dasigi",
"Gabriel Stanovsky",
"Sameer Singh",
"Matt Gardner"
] | 2019-03-01 | Reading comprehension has recently seen rapid progress, with systems matching
humans on the most popular datasets for the task. However, a large body of work
has highlighted the brittleness of these systems, showing that there is much
work left to be done. We introduce a new English reading comprehension
benchmark, DROP, which requires Discrete Reasoning Over the content of
Paragraphs. In this crowdsourced, adversarially-created, 96k-question
benchmark, a system must resolve references in a question, perhaps to multiple
input positions, and perform discrete operations over them (such as addition,
counting, or sorting). These operations require a much more comprehensive
understanding of the content of paragraphs than what was necessary for prior
datasets. We apply state-of-the-art methods from both the reading comprehension
and semantic parsing literature on this dataset and show that the best systems
only achieve 32.7% F1 on our generalized accuracy metric, while expert human
performance is 96.0%. We additionally present a new model that combines reading
comprehension methods with simple numerical reasoning to achieve 47.0% F1. | null | cs.CL | [
"cs.CL"
] |
2407.14679 | HF | Compact Language Models via Pruning and Knowledge Distillation | [
"Saurav Muralidharan",
"Sharath Turuvekere Sreenivas",
"Raviraj Joshi",
"Marcin Chochowski",
"Mostofa Patwary",
"Mohammad Shoeybi",
"Bryan Catanzaro",
"Jan Kautz",
"Pavlo Molchanov"
] | 2024-07-19 | Large language models (LLMs) targeting different deployment scales and sizes
are currently produced by training each variant from scratch; this is extremely
compute-intensive. In this paper, we investigate if pruning an existing LLM and
then re-training it with a fraction (<3%) of the original training data can be
a suitable alternative to repeated, full retraining. To this end, we develop a
set of practical and effective compression best practices for LLMs that combine
depth, width, attention and MLP pruning with knowledge distillation-based
retraining; we arrive at these best practices through a detailed empirical
exploration of pruning strategies for each axis, methods to combine axes,
distillation strategies, and search techniques for arriving at optimal
compressed architectures. We use this guide to compress the Nemotron-4 family
of LLMs by a factor of 2-4x, and compare their performance to similarly-sized
models on a variety of language modeling tasks. Deriving 8B and 4B models from
an already pretrained 15B model using our approach requires up to 40x fewer
training tokens per model compared to training from scratch; this results in
compute cost savings of 1.8x for training the full model family (15B, 8B, and
4B). Minitron models exhibit up to a 16% improvement in MMLU scores compared to
training from scratch, perform comparably to other community models such as
Mistral 7B, Gemma 7B and Llama-3 8B, and outperform state-of-the-art
compression techniques from the literature. We have open-sourced Minitron model
weights on Huggingface, with corresponding supplementary material including
example code available on GitHub. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2310.10537 | HF | Microscaling Data Formats for Deep Learning | [
"Bita Darvish Rouhani",
"Ritchie Zhao",
"Ankit More",
"Mathew Hall",
"Alireza Khodamoradi",
"Summer Deng",
"Dhruv Choudhary",
"Marius Cornea",
"Eric Dellinger",
"Kristof Denolf",
"Stosic Dusan",
"Venmugil Elango",
"Maximilian Golub",
"Alexander Heinecke",
"Phil James-Roxby",
"Dharmesh Jani",
"Gaurav Kolhe",
"Martin Langhammer",
"Ada Li",
"Levi Melnick",
"Maral Mesmakhosroshahi",
"Andres Rodriguez",
"Michael Schulte",
"Rasoul Shafipour",
"Lei Shao",
"Michael Siu",
"Pradeep Dubey",
"Paulius Micikevicius",
"Maxim Naumov",
"Colin Verrilli",
"Ralph Wittig",
"Doug Burger",
"Eric Chung"
] | 2023-10-16 | Narrow bit-width data formats are key to reducing the computational and
storage costs of modern deep learning applications. This paper evaluates
Microscaling (MX) data formats that combine a per-block scaling factor with
narrow floating-point and integer types for individual elements. MX formats
balance the competing needs of hardware efficiency, model accuracy, and user
friction. Empirical results on over two dozen benchmarks demonstrate
practicality of MX data formats as a drop-in replacement for baseline FP32 for
AI inference and training with low user friction. We also show the first
instance of training generative language models at sub-8-bit weights,
activations, and gradients with minimal accuracy loss and no modifications to
the training recipe. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2006.03236 | AnswerAI | Funnel-Transformer: Filtering out Sequential Redundancy for Efficient Language Processing | [
"Zihang Dai",
"Guokun Lai",
"Yiming Yang",
"Quoc V. Le"
] | 2020-06-05 | With the success of language pretraining, it is highly desirable to develop
more efficient architectures of good scalability that can exploit the abundant
unlabeled data at a lower cost. To improve the efficiency, we examine the
much-overlooked redundancy in maintaining a full-length token-level
presentation, especially for tasks that only require a single-vector
presentation of the sequence. With this intuition, we propose
Funnel-Transformer which gradually compresses the sequence of hidden states to
a shorter one and hence reduces the computation cost. More importantly, by
re-investing the saved FLOPs from length reduction in constructing a deeper or
wider model, we further improve the model capacity. In addition, to perform
token-level predictions as required by common pretraining objectives,
Funnel-Transformer is able to recover a deep representation for each token from
the reduced hidden sequence via a decoder. Empirically, with comparable or
fewer FLOPs, Funnel-Transformer outperforms the standard Transformer on a wide
variety of sequence-level prediction tasks, including text classification,
language understanding, and reading comprehension. The code and pretrained
checkpoints are available at https://github.com/laiguokun/Funnel-Transformer. | null | cs.LG | [
"cs.LG",
"cs.CL",
"stat.ML"
] |
2404.16022 | HF | PuLID: Pure and Lightning ID Customization via Contrastive Alignment | [
"Zinan Guo",
"Yanze Wu",
"Zhuowei Chen",
"Lang Chen",
"Qian He"
] | 2024-04-24 | We propose Pure and Lightning ID customization (PuLID), a novel tuning-free
ID customization method for text-to-image generation. By incorporating a
Lightning T2I branch with a standard diffusion one, PuLID introduces both
contrastive alignment loss and accurate ID loss, minimizing disruption to the
original model and ensuring high ID fidelity. Experiments show that PuLID
achieves superior performance in both ID fidelity and editability. Another
attractive property of PuLID is that the image elements (e.g., background,
lighting, composition, and style) before and after the ID insertion are kept as
consistent as possible. Codes and models will be available at
https://github.com/ToTheBeginning/PuLID | null | cs.CV | [
"cs.CV"
] |
2203.14465 | AnswerAI | STaR: Bootstrapping Reasoning With Reasoning | [
"Eric Zelikman",
"Yuhuai Wu",
"Jesse Mu",
"Noah D. Goodman"
] | 2022-03-28 | Generating step-by-step "chain-of-thought" rationales improves language model
performance on complex reasoning tasks like mathematics or commonsense
question-answering. However, inducing language model rationale generation
currently requires either constructing massive rationale datasets or
sacrificing accuracy by using only few-shot inference. We propose a technique
to iteratively leverage a small number of rationale examples and a large
dataset without rationales, to bootstrap the ability to perform successively
more complex reasoning. This technique, the "Self-Taught Reasoner" (STaR),
relies on a simple loop: generate rationales to answer many questions, prompted
with a few rationale examples; if the generated answers are wrong, try again to
generate a rationale given the correct answer; fine-tune on all the rationales
that ultimately yielded correct answers; repeat. We show that STaR
significantly improves performance on multiple datasets compared to a model
fine-tuned to directly predict final answers, and performs comparably to
fine-tuning a 30$\times$ larger state-of-the-art language model on
CommensenseQA. Thus, STaR lets a model improve itself by learning from its own
generated reasoning. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2106.10199 | AnswerAI | BitFit: Simple Parameter-efficient Fine-tuning for Transformer-based Masked Language-models | [
"Elad Ben Zaken",
"Shauli Ravfogel",
"Yoav Goldberg"
] | 2021-06-18 | We introduce BitFit, a sparse-finetuning method where only the bias-terms of
the model (or a subset of them) are being modified. We show that with
small-to-medium training data, applying BitFit on pre-trained BERT models is
competitive with (and sometimes better than) fine-tuning the entire model. For
larger data, the method is competitive with other sparse fine-tuning methods.
Besides their practical utility, these findings are relevant for the question
of understanding the commonly-used process of finetuning: they support the
hypothesis that finetuning is mainly about exposing knowledge induced by
language-modeling training, rather than learning new task-specific linguistic
knowledge. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2312.09252 | HF | FineControlNet: Fine-level Text Control for Image Generation with Spatially Aligned Text Control Injection | [
"Hongsuk Choi",
"Isaac Kasahara",
"Selim Engin",
"Moritz Graule",
"Nikhil Chavan-Dafle",
"Volkan Isler"
] | 2023-12-14 | Recently introduced ControlNet has the ability to steer the text-driven image
generation process with geometric input such as human 2D pose, or edge
features. While ControlNet provides control over the geometric form of the
instances in the generated image, it lacks the capability to dictate the visual
appearance of each instance. We present FineControlNet to provide fine control
over each instance's appearance while maintaining the precise pose control
capability. Specifically, we develop and demonstrate FineControlNet with
geometric control via human pose images and appearance control via
instance-level text prompts. The spatial alignment of instance-specific text
prompts and 2D poses in latent space enables the fine control capabilities of
FineControlNet. We evaluate the performance of FineControlNet with rigorous
comparison against state-of-the-art pose-conditioned text-to-image diffusion
models. FineControlNet achieves superior performance in generating images that
follow the user-provided instance-specific text prompts and poses compared with
existing methods. Project webpage:
https://samsunglabs.github.io/FineControlNet-project-page | null | cs.CV | [
"cs.CV"
] |
2310.16825 | HF | CommonCanvas: An Open Diffusion Model Trained with Creative-Commons Images | [
"Aaron Gokaslan",
"A. Feder Cooper",
"Jasmine Collins",
"Landan Seguin",
"Austin Jacobson",
"Mihir Patel",
"Jonathan Frankle",
"Cory Stephenson",
"Volodymyr Kuleshov"
] | 2023-10-25 | We assemble a dataset of Creative-Commons-licensed (CC) images, which we use
to train a set of open diffusion models that are qualitatively competitive with
Stable Diffusion 2 (SD2). This task presents two challenges: (1)
high-resolution CC images lack the captions necessary to train text-to-image
generative models; (2) CC images are relatively scarce. In turn, to address
these challenges, we use an intuitive transfer learning technique to produce a
set of high-quality synthetic captions paired with curated CC images. We then
develop a data- and compute-efficient training recipe that requires as little
as 3% of the LAION-2B data needed to train existing SD2 models, but obtains
comparable quality. These results indicate that we have a sufficient number of
CC images (~70 million) for training high-quality models. Our training recipe
also implements a variety of optimizations that achieve ~3X training speed-ups,
enabling rapid model iteration. We leverage this recipe to train several
high-quality text-to-image models, which we dub the CommonCanvas family. Our
largest model achieves comparable performance to SD2 on a human evaluation,
despite being trained on our CC dataset that is significantly smaller than
LAION and using synthetic captions for training. We release our models, data,
and code at
https://github.com/mosaicml/diffusion/blob/main/assets/common-canvas.md | null | cs.CV | [
"cs.CV",
"cs.CY"
] |
2304.14402 | AnswerAI | LaMini-LM: A Diverse Herd of Distilled Models from Large-Scale Instructions | [
"Minghao Wu",
"Abdul Waheed",
"Chiyu Zhang",
"Muhammad Abdul-Mageed",
"Alham Fikri Aji"
] | 2023-04-27 | Large language models (LLMs) with instruction fine-tuning demonstrate
superior generative capabilities. However, these models are resource-intensive.
To alleviate this issue, we explore distilling knowledge from instruction-tuned
LLMs into much smaller ones. To this end, we carefully develop a large set of
2.58M instructions based on both existing and newly-generated instructions. In
addition to being sizable, we design our instructions to cover a broad set of
topics to ensure diversity. Extensive analysis of our instruction dataset
confirms its diversity, and we generate responses for these instructions using
gpt-3.5-turbo. Leveraging these instructions, we fine-tune a diverse herd of
models, collectively referred to as LaMini-LM, which includes models from both
the encoder-decoder and decoder-only families, with varying sizes. We evaluate
the performance of our models using automatic metrics on 15 different natural
language processing (NLP) benchmarks, as well as through human assessment. The
results demonstrate that our proposed LaMini-LM models are comparable to
competitive baselines, while being much smaller in size. | null | cs.CL | [
"cs.CL"
] |
2306.06189 | HF | FasterViT: Fast Vision Transformers with Hierarchical Attention | [
"Ali Hatamizadeh",
"Greg Heinrich",
"Hongxu Yin",
"Andrew Tao",
"Jose M. Alvarez",
"Jan Kautz",
"Pavlo Molchanov"
] | 2023-06-09 | We design a new family of hybrid CNN-ViT neural networks, named FasterViT,
with a focus on high image throughput for computer vision (CV) applications.
FasterViT combines the benefits of fast local representation learning in CNNs
and global modeling properties in ViT. Our newly introduced Hierarchical
Attention (HAT) approach decomposes global self-attention with quadratic
complexity into a multi-level attention with reduced computational costs. We
benefit from efficient window-based self-attention. Each window has access to
dedicated carrier tokens that participate in local and global representation
learning. At a high level, global self-attentions enable the efficient
cross-window communication at lower costs. FasterViT achieves a SOTA
Pareto-front in terms of accuracy and image throughput. We have extensively
validated its effectiveness on various CV tasks including classification,
object detection and segmentation. We also show that HAT can be used as a
plug-and-play module for existing networks and enhance them. We further
demonstrate significantly faster and more accurate performance than competitive
counterparts for images with high resolution. Code is available at
https://github.com/NVlabs/FasterViT. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2211.14876 | AnswerAI | Dense Text Retrieval based on Pretrained Language Models: A Survey | [
"Wayne Xin Zhao",
"Jing Liu",
"Ruiyang Ren",
"Ji-Rong Wen"
] | 2022-11-27 | Text retrieval is a long-standing research topic on information seeking,
where a system is required to return relevant information resources to user's
queries in natural language. From classic retrieval methods to learning-based
ranking functions, the underlying retrieval models have been continually
evolved with the ever-lasting technical innovation. To design effective
retrieval models, a key point lies in how to learn the text representation and
model the relevance matching. The recent success of pretrained language models
(PLMs) sheds light on developing more capable text retrieval approaches by
leveraging the excellent modeling capacity of PLMs. With powerful PLMs, we can
effectively learn the representations of queries and texts in the latent
representation space, and further construct the semantic matching function
between the dense vectors for relevance modeling. Such a retrieval approach is
referred to as dense retrieval, since it employs dense vectors (a.k.a.,
embeddings) to represent the texts. Considering the rapid progress on dense
retrieval, in this survey, we systematically review the recent advances on
PLM-based dense retrieval. Different from previous surveys on dense retrieval,
we take a new perspective to organize the related work by four major aspects,
including architecture, training, indexing and integration, and summarize the
mainstream techniques for each aspect. We thoroughly survey the literature, and
include 300+ related reference papers on dense retrieval. To support our
survey, we create a website for providing useful resources, and release a code
repertory and toolkit for implementing dense retrieval models. This survey aims
to provide a comprehensive, practical reference focused on the major progress
for dense text retrieval. | null | cs.IR | [
"cs.IR"
] |
2408.03326 | HF | LLaVA-OneVision: Easy Visual Task Transfer | [
"Bo Li",
"Yuanhan Zhang",
"Dong Guo",
"Renrui Zhang",
"Feng Li",
"Hao Zhang",
"Kaichen Zhang",
"Yanwei Li",
"Ziwei Liu",
"Chunyuan Li"
] | 2024-08-06 | We present LLaVA-OneVision, a family of open large multimodal models (LMMs)
developed by consolidating our insights into data, models, and visual
representations in the LLaVA-NeXT blog series. Our experimental results
demonstrate that LLaVA-OneVision is the first single model that can
simultaneously push the performance boundaries of open LMMs in three important
computer vision scenarios: single-image, multi-image, and video scenarios.
Importantly, the design of LLaVA-OneVision allows strong transfer learning
across different modalities/scenarios, yielding new emerging capabilities. In
particular, strong video understanding and cross-scenario capabilities are
demonstrated through task transfer from images to videos. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2403.16971 | HF | AIOS: LLM Agent Operating System | [
"Kai Mei",
"Zelong Li",
"Shuyuan Xu",
"Ruosong Ye",
"Yingqiang Ge",
"Yongfeng Zhang"
] | 2024-03-25 | The integration and deployment of large language model (LLM)-based
intelligent agents have been fraught with challenges that compromise their
efficiency and efficacy. Among these issues are sub-optimal scheduling and
resource allocation of agent requests over the LLM, the difficulties in
maintaining context during interactions between agent and LLM, and the
complexities inherent in integrating heterogeneous agents with different
capabilities and specializations. The rapid increase of agent quantity and
complexity further exacerbates these issues, often leading to bottlenecks and
sub-optimal utilization of resources. Inspired by these challenges, this paper
presents AIOS, an LLM agent operating system, which embeds large language model
into operating systems (OS) as the brain of the OS, enabling an operating
system "with soul" -- an important step towards AGI. Specifically, AIOS is
designed to optimize resource allocation, facilitate context switch across
agents, enable concurrent execution of agents, provide tool service for agents,
and maintain access control for agents. We present the architecture of such an
operating system, outline the core challenges it aims to resolve, and provide
the basic design and implementation of the AIOS. Our experiments on concurrent
execution of multiple agents demonstrate the reliability and efficiency of our
AIOS modules. Through this, we aim to not only improve the performance and
efficiency of LLM agents but also to pioneer for better development and
deployment of the AIOS ecosystem in the future. The project is open-source at
https://github.com/agiresearch/AIOS. | null | cs.OS | [
"cs.OS",
"cs.AI",
"cs.CL"
] |
2310.17680 | HF | CodeFusion: A Pre-trained Diffusion Model for Code Generation | [
"Mukul Singh",
"José Cambronero",
"Sumit Gulwani",
"Vu Le",
"Carina Negreanu",
"Gust Verbruggen"
] | 2023-10-26 | Imagine a developer who can only change their last line of code, how often
would they have to start writing a function from scratch before it is correct?
Auto-regressive models for code generation from natural language have a similar
limitation: they do not easily allow reconsidering earlier tokens generated. We
introduce CodeFusion, a pre-trained diffusion code generation model that
addresses this limitation by iteratively denoising a complete program
conditioned on the encoded natural language. We evaluate CodeFusion on the task
of natural language to code generation for Bash, Python, and Microsoft Excel
conditional formatting (CF) rules. Experiments show that CodeFusion (75M
parameters) performs on par with state-of-the-art auto-regressive systems
(350M-175B parameters) in top-1 accuracy and outperforms them in top-3 and
top-5 accuracy due to its better balance in diversity versus quality. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.CL",
"cs.PL"
] |
2305.10266 | HF | Searching for Needles in a Haystack: On the Role of Incidental Bilingualism in PaLM's Translation Capability | [
"Eleftheria Briakou",
"Colin Cherry",
"George Foster"
] | 2023-05-17 | Large, multilingual language models exhibit surprisingly good zero- or
few-shot machine translation capabilities, despite having never seen the
intentionally-included translation examples provided to typical neural
translation systems. We investigate the role of incidental bilingualism -- the
unintentional consumption of bilingual signals, including translation examples
-- in explaining the translation capabilities of large language models, taking
the Pathways Language Model (PaLM) as a case study. We introduce a mixed-method
approach to measure and understand incidental bilingualism at scale. We show
that PaLM is exposed to over 30 million translation pairs across at least 44
languages. Furthermore, the amount of incidental bilingual content is highly
correlated with the amount of monolingual in-language content for non-English
languages. We relate incidental bilingual content to zero-shot prompts and show
that it can be used to mine new prompts to improve PaLM's out-of-English
zero-shot translation quality. Finally, in a series of small-scale ablations,
we show that its presence has a substantial impact on translation capabilities,
although this impact diminishes with model scale. | null | cs.CL | [
"cs.CL"
] |
2312.06662 | HF | Photorealistic Video Generation with Diffusion Models | [
"Agrim Gupta",
"Lijun Yu",
"Kihyuk Sohn",
"Xiuye Gu",
"Meera Hahn",
"Li Fei-Fei",
"Irfan Essa",
"Lu Jiang",
"José Lezama"
] | 2023-12-11 | We present W.A.L.T, a transformer-based approach for photorealistic video
generation via diffusion modeling. Our approach has two key design decisions.
First, we use a causal encoder to jointly compress images and videos within a
unified latent space, enabling training and generation across modalities.
Second, for memory and training efficiency, we use a window attention
architecture tailored for joint spatial and spatiotemporal generative modeling.
Taken together these design decisions enable us to achieve state-of-the-art
performance on established video (UCF-101 and Kinetics-600) and image
(ImageNet) generation benchmarks without using classifier free guidance.
Finally, we also train a cascade of three models for the task of text-to-video
generation consisting of a base latent video diffusion model, and two video
super-resolution diffusion models to generate videos of $512 \times 896$
resolution at $8$ frames per second. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2404.00456 | AnswerAI | QuaRot: Outlier-Free 4-Bit Inference in Rotated LLMs | [
"Saleh Ashkboos",
"Amirkeivan Mohtashami",
"Maximilian L. Croci",
"Bo Li",
"Martin Jaggi",
"Dan Alistarh",
"Torsten Hoefler",
"James Hensman"
] | 2024-03-30 | We introduce QuaRot, a new Quantization scheme based on Rotations, which is
able to quantize LLMs end-to-end, including all weights, activations, and KV
cache in 4 bits. QuaRot rotates LLMs in a way that removes outliers from the
hidden state without changing the output, making quantization easier. This
computational invariance is applied to the hidden state (residual) of the LLM,
as well as to the activations of the feed-forward components, aspects of the
attention mechanism and to the KV cache. The result is a quantized model where
all matrix multiplications are performed in 4-bits, without any channels
identified for retention in higher precision. Our quantized LLaMa2-70B model
has losses of at most 0.29 WikiText-2 perplexity and retains 99% of the
zero-shot performance. Code is available at: https://github.com/spcl/QuaRot. | null | cs.LG | [
"cs.LG"
] |
2306.14896 | HF | RVT: Robotic View Transformer for 3D Object Manipulation | [
"Ankit Goyal",
"Jie Xu",
"Yijie Guo",
"Valts Blukis",
"Yu-Wei Chao",
"Dieter Fox"
] | 2023-06-26 | For 3D object manipulation, methods that build an explicit 3D representation
perform better than those relying only on camera images. But using explicit 3D
representations like voxels comes at large computing cost, adversely affecting
scalability. In this work, we propose RVT, a multi-view transformer for 3D
manipulation that is both scalable and accurate. Some key features of RVT are
an attention mechanism to aggregate information across views and re-rendering
of the camera input from virtual views around the robot workspace. In
simulations, we find that a single RVT model works well across 18 RLBench tasks
with 249 task variations, achieving 26% higher relative success than the
existing state-of-the-art method (PerAct). It also trains 36X faster than
PerAct for achieving the same performance and achieves 2.3X the inference speed
of PerAct. Further, RVT can perform a variety of manipulation tasks in the real
world with just a few ($\sim$10) demonstrations per task. Visual results, code,
and trained model are provided at https://robotic-view-transformer.github.io/. | null | cs.RO | [
"cs.RO",
"cs.CV"
] |
2307.12856 | HF | A Real-World WebAgent with Planning, Long Context Understanding, and Program Synthesis | [
"Izzeddin Gur",
"Hiroki Furuta",
"Austin Huang",
"Mustafa Safdari",
"Yutaka Matsuo",
"Douglas Eck",
"Aleksandra Faust"
] | 2023-07-24 | Pre-trained large language models (LLMs) have recently achieved better
generalization and sample efficiency in autonomous web automation. However, the
performance on real-world websites has still suffered from (1) open domainness,
(2) limited context length, and (3) lack of inductive bias on HTML. We
introduce WebAgent, an LLM-driven agent that learns from self-experience to
complete tasks on real websites following natural language instructions.
WebAgent plans ahead by decomposing instructions into canonical
sub-instructions, summarizes long HTML documents into task-relevant snippets,
and acts on websites via Python programs generated from those. We design
WebAgent with Flan-U-PaLM, for grounded code generation, and HTML-T5, new
pre-trained LLMs for long HTML documents using local and global attention
mechanisms and a mixture of long-span denoising objectives, for planning and
summarization. We empirically demonstrate that our modular recipe improves the
success on real websites by over 50%, and that HTML-T5 is the best model to
solve various HTML understanding tasks; achieving 18.7% higher success rate
than the prior method on MiniWoB web automation benchmark, and SoTA performance
on Mind2Web, an offline task planning evaluation. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2310.06825 | AnswerAI | Mistral 7B | [
"Albert Q. Jiang",
"Alexandre Sablayrolles",
"Arthur Mensch",
"Chris Bamford",
"Devendra Singh Chaplot",
"Diego de las Casas",
"Florian Bressand",
"Gianna Lengyel",
"Guillaume Lample",
"Lucile Saulnier",
"Lélio Renard Lavaud",
"Marie-Anne Lachaux",
"Pierre Stock",
"Teven Le Scao",
"Thibaut Lavril",
"Thomas Wang",
"Timothée Lacroix",
"William El Sayed"
] | 2023-10-10 | We introduce Mistral 7B v0.1, a 7-billion-parameter language model engineered
for superior performance and efficiency. Mistral 7B outperforms Llama 2 13B
across all evaluated benchmarks, and Llama 1 34B in reasoning, mathematics, and
code generation. Our model leverages grouped-query attention (GQA) for faster
inference, coupled with sliding window attention (SWA) to effectively handle
sequences of arbitrary length with a reduced inference cost. We also provide a
model fine-tuned to follow instructions, Mistral 7B -- Instruct, that surpasses
the Llama 2 13B -- Chat model both on human and automated benchmarks. Our
models are released under the Apache 2.0 license. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2309.14525 | HF | Aligning Large Multimodal Models with Factually Augmented RLHF | [
"Zhiqing Sun",
"Sheng Shen",
"Shengcao Cao",
"Haotian Liu",
"Chunyuan Li",
"Yikang Shen",
"Chuang Gan",
"Liang-Yan Gui",
"Yu-Xiong Wang",
"Yiming Yang",
"Kurt Keutzer",
"Trevor Darrell"
] | 2023-09-25 | Large Multimodal Models (LMM) are built across modalities and the
misalignment between two modalities can result in "hallucination", generating
textual outputs that are not grounded by the multimodal information in context.
To address the multimodal misalignment issue, we adapt the Reinforcement
Learning from Human Feedback (RLHF) from the text domain to the task of
vision-language alignment, where human annotators are asked to compare two
responses and pinpoint the more hallucinated one, and the vision-language model
is trained to maximize the simulated human rewards. We propose a new alignment
algorithm called Factually Augmented RLHF that augments the reward model with
additional factual information such as image captions and ground-truth
multi-choice options, which alleviates the reward hacking phenomenon in RLHF
and further improves the performance. We also enhance the GPT-4-generated
training data (for vision instruction tuning) with previously available
human-written image-text pairs to improve the general capabilities of our
model. To evaluate the proposed approach in real-world scenarios, we develop a
new evaluation benchmark MMHAL-BENCH with a special focus on penalizing
hallucinations. As the first LMM trained with RLHF, our approach achieves
remarkable improvement on the LLaVA-Bench dataset with the 94% performance
level of the text-only GPT-4 (while previous best methods can only achieve the
87% level), and an improvement by 60% on MMHAL-BENCH over other baselines. We
opensource our code, model, data at https://llava-rlhf.github.io. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2406.12045 | HF | $τ$-bench: A Benchmark for Tool-Agent-User Interaction in Real-World Domains | [
"Shunyu Yao",
"Noah Shinn",
"Pedram Razavi",
"Karthik Narasimhan"
] | 2024-06-17 | Existing benchmarks do not test language agents on their interaction with
human users or ability to follow domain-specific rules, both of which are vital
for deploying them in real world applications. We propose $\tau$-bench, a
benchmark emulating dynamic conversations between a user (simulated by language
models) and a language agent provided with domain-specific API tools and policy
guidelines. We employ an efficient and faithful evaluation process that
compares the database state at the end of a conversation with the annotated
goal state. We also propose a new metric (pass^k) to evaluate the reliability
of agent behavior over multiple trials. Our experiments show that even
state-of-the-art function calling agents (like gpt-4o) succeed on <50% of the
tasks, and are quite inconsistent (pass^8 <25% in retail). Our findings point
to the need for methods that can improve the ability of agents to act
consistently and follow rules reliably. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2408.06693 | HF | DC3DO: Diffusion Classifier for 3D Objects | [
"Nursena Koprucu",
"Meher Shashwat Nigam",
"Shicheng Xu",
"Biruk Abere",
"Gabriele Dominici",
"Andrew Rodriguez",
"Sharvaree Vadgam",
"Berfin Inal",
"Alberto Tono"
] | 2024-08-13 | Inspired by Geoffrey Hinton emphasis on generative modeling, To recognize
shapes, first learn to generate them, we explore the use of 3D diffusion models
for object classification. Leveraging the density estimates from these models,
our approach, the Diffusion Classifier for 3D Objects (DC3DO), enables
zero-shot classification of 3D shapes without additional training. On average,
our method achieves a 12.5 percent improvement compared to its multiview
counterparts, demonstrating superior multimodal reasoning over discriminative
approaches. DC3DO employs a class-conditional diffusion model trained on
ShapeNet, and we run inferences on point clouds of chairs and cars. This work
highlights the potential of generative models in 3D object classification. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CG"
] |
2311.00895 | HF | In-Context Prompt Editing For Conditional Audio Generation | [
"Ernie Chang",
"Pin-Jie Lin",
"Yang Li",
"Sidd Srinivasan",
"Gael Le Lan",
"David Kant",
"Yangyang Shi",
"Forrest Iandola",
"Vikas Chandra"
] | 2023-11-01 | Distributional shift is a central challenge in the deployment of machine
learning models as they can be ill-equipped for real-world data. This is
particularly evident in text-to-audio generation where the encoded
representations are easily undermined by unseen prompts, which leads to the
degradation of generated audio -- the limited set of the text-audio pairs
remains inadequate for conditional audio generation in the wild as user prompts
are under-specified. In particular, we observe a consistent audio quality
degradation in generated audio samples with user prompts, as opposed to
training set prompts. To this end, we present a retrieval-based in-context
prompt editing framework that leverages the training captions as demonstrative
exemplars to revisit the user prompts. We show that the framework enhanced the
audio quality across the set of collected user prompts, which were edited with
reference to the training captions as exemplars. | null | cs.SD | [
"cs.SD",
"cs.CL",
"eess.AS"
] |
2408.08872 | HF | xGen-MM (BLIP-3): A Family of Open Large Multimodal Models | [
"Le Xue",
"Manli Shu",
"Anas Awadalla",
"Jun Wang",
"An Yan",
"Senthil Purushwalkam",
"Honglu Zhou",
"Viraj Prabhu",
"Yutong Dai",
"Michael S Ryoo",
"Shrikant Kendre",
"Jieyu Zhang",
"Can Qin",
"Shu Zhang",
"Chia-Chih Chen",
"Ning Yu",
"Juntao Tan",
"Tulika Manoj Awalgaonkar",
"Shelby Heinecke",
"Huan Wang",
"Yejin Choi",
"Ludwig Schmidt",
"Zeyuan Chen",
"Silvio Savarese",
"Juan Carlos Niebles",
"Caiming Xiong",
"Ran Xu"
] | 2024-08-16 | This report introduces xGen-MM (also known as BLIP-3), a framework for
developing Large Multimodal Models (LMMs). The framework comprises meticulously
curated datasets, a training recipe, model architectures, and a resulting suite
of LMMs. xGen-MM, short for xGen-MultiModal, expands the Salesforce xGen
initiative on foundation AI models. Our models undergo rigorous evaluation
across a range of tasks, including both single and multi-image benchmarks. Our
pre-trained base model exhibits strong in-context learning capabilities and the
instruction-tuned model demonstrates competitive performance among open-source
LMMs with similar model sizes. In addition, we introduce a safety-tuned model
with DPO, aiming to mitigate harmful behaviors such as hallucinations and
improve safety. We open-source our models, curated large-scale datasets, and
our fine-tuning codebase to facilitate further advancements in LMM research.
Associated resources will be available on our project page above. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2404.15420 | HF | XC-Cache: Cross-Attending to Cached Context for Efficient LLM Inference | [
"João Monteiro",
"Étienne Marcotte",
"Pierre-André Noël",
"Valentina Zantedeschi",
"David Vázquez",
"Nicolas Chapados",
"Christopher Pal",
"Perouz Taslakian"
] | 2024-04-23 | In-context learning (ICL) approaches typically leverage prompting to
condition decoder-only language model generation on reference information.
Just-in-time processing of a context is inefficient due to the quadratic cost
of self-attention operations, and caching is desirable. However, caching
transformer states can easily require almost as much space as the model
parameters. When the right context isn't known in advance, caching ICL can be
challenging. This work addresses these limitations by introducing models that,
inspired by the encoder-decoder architecture, use cross-attention to condition
generation on reference text without the prompt. More precisely, we leverage
pre-trained decoder-only models and only train a small number of added layers.
We use Question-Answering (QA) as a testbed to evaluate the ability of our
models to perform conditional generation and observe that they outperform ICL,
are comparable to fine-tuned prompted LLMs, and drastically reduce the space
footprint relative to standard KV caching by two orders of magnitude. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.11627 | AnswerAI | LLM-Pruner: On the Structural Pruning of Large Language Models | [
"Xinyin Ma",
"Gongfan Fang",
"Xinchao Wang"
] | 2023-05-19 | Large language models (LLMs) have shown remarkable capabilities in language
understanding and generation. However, such impressive capability typically
comes with a substantial model size, which presents significant challenges in
both the deployment, inference, and training stages. With LLM being a
general-purpose task solver, we explore its compression in a task-agnostic
manner, which aims to preserve the multi-task solving and language generation
ability of the original LLM. One challenge to achieving this is the enormous
size of the training corpus of LLM, which makes both data transfer and model
post-training over-burdensome. Thus, we tackle the compression of LLMs within
the bound of two constraints: being task-agnostic and minimizing the reliance
on the original training dataset. Our method, named LLM-Pruner, adopts
structural pruning that selectively removes non-critical coupled structures
based on gradient information, maximally preserving the majority of the LLM's
functionality. To this end, the performance of pruned models can be efficiently
recovered through tuning techniques, LoRA, in merely 3 hours, requiring only
50K data. We validate the LLM-Pruner on three LLMs, including LLaMA, Vicuna,
and ChatGLM, and demonstrate that the compressed models still exhibit
satisfactory capabilities in zero-shot classification and generation. The code
is available at: https://github.com/horseee/LLM-Pruner | null | cs.CL | [
"cs.CL"
] |
2401.09566 | AnswerAI | Aligning Large Language Models with Counterfactual DPO | [
"Bradley Butcher"
] | 2024-01-17 | Advancements in large language models (LLMs) have demonstrated remarkable
capabilities across a diverse range of applications. These models excel in
generating text completions that are contextually coherent and cover an
extensive array of subjects. However, the vast datasets required for their
training make aligning response styles during the pretraining and instruction
tuning phases challenging. Consequently, an additional alignment phase is
typically employed, wherein the model is further trained with human preference
data to better align its outputs with human expectations. While this process
doesn't introduce new capabilities per se, it does accentuate generation styles
innate to the model. This paper explores the utilization of counterfactual
prompting within the framework of Direct Preference Optimization (DPO) to align
the model's style without relying on human intervention. We demonstrate that
this method effectively instils desirable behaviour, mitigates undesirable
ones, and encourages the model to disregard inappropriate instructions. Our
findings suggest that counterfactual prompting with DPO presents a low-resource
way to fine-tune LLMs to meet the demands for responsible and ethically aligned
AI systems. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.11595 | HF | SPIRE: Semantic Prompt-Driven Image Restoration | [
"Chenyang Qi",
"Zhengzhong Tu",
"Keren Ye",
"Mauricio Delbracio",
"Peyman Milanfar",
"Qifeng Chen",
"Hossein Talebi"
] | 2023-12-18 | Text-driven diffusion models have become increasingly popular for various
image editing tasks, including inpainting, stylization, and object replacement.
However, it still remains an open research problem to adopt this
language-vision paradigm for more fine-level image processing tasks, such as
denoising, super-resolution, deblurring, and compression artifact removal. In
this paper, we develop SPIRE, a Semantic and restoration Prompt-driven Image
Restoration framework that leverages natural language as a user-friendly
interface to control the image restoration process. We consider the capacity of
prompt information in two dimensions. First, we use content-related prompts to
enhance the semantic alignment, effectively alleviating identity ambiguity in
the restoration outcomes. Second, our approach is the first framework that
supports fine-level instruction through language-based quantitative
specification of the restoration strength, without the need for explicit
task-specific design. In addition, we introduce a novel fusion mechanism that
augments the existing ControlNet architecture by learning to rescale the
generative prior, thereby achieving better restoration fidelity. Our extensive
experiments demonstrate the superior restoration performance of SPIRE compared
to the state of the arts, alongside offering the flexibility of text-based
control over the restoration effects. | null | cs.CV | [
"cs.CV"
] |
2401.12246 | HF | Orion-14B: Open-source Multilingual Large Language Models | [
"Du Chen",
"Yi Huang",
"Xiaopu Li",
"Yongqiang Li",
"Yongqiang Liu",
"Haihui Pan",
"Leichao Xu",
"Dacheng Zhang",
"Zhipeng Zhang",
"Kun Han"
] | 2024-01-20 | In this study, we introduce Orion-14B, a collection of multilingual large
language models with 14 billion parameters. We utilize a data scheduling
approach to train a foundational model on a diverse corpus of 2.5 trillion
tokens, sourced from texts in English, Chinese, Japanese, Korean, and other
languages. Additionally, we fine-tuned a series of models tailored for
conversational applications and other specific use cases. Our evaluation
results demonstrate that Orion-14B achieves state-of-the-art performance across
a broad spectrum of tasks. We make the Orion-14B model family and its
associated code publicly accessible https://github.com/OrionStarAI/Orion,
aiming to inspire future research and practical applications in the field. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.07989 | HF | Unifying the Perspectives of NLP and Software Engineering: A Survey on Language Models for Code | [
"Ziyin Zhang",
"Chaoyu Chen",
"Bingchang Liu",
"Cong Liao",
"Zi Gong",
"Hang Yu",
"Jianguo Li",
"Rui Wang"
] | 2023-11-14 | In this work we systematically review the recent advancements in software
engineering with language models, covering 70+ models, 40+ evaluation tasks,
180+ datasets, and 900 related works. Unlike previous works, we integrate
software engineering (SE) with natural language processing (NLP) by discussing
the perspectives of both sides: SE applies language models for development
automation, while NLP adopts SE tasks for language model evaluation. We break
down code processing models into general language models represented by the GPT
family and specialized models that are specifically pretrained on code, often
with tailored objectives. We discuss the relations and differences between
these models, and highlight the historical transition of code modeling from
statistical models and RNNs to pretrained Transformers and LLMs, which is
exactly the same course that had been taken by NLP. We also go beyond
programming and review LLMs' application in other software engineering
activities including requirement engineering, testing, deployment, and
operations in an endeavor to provide a global view of NLP in SE, and identify
key challenges and potential future directions in this domain. We keep the
survey open and updated on GitHub at
https://github.com/codefuse-ai/Awesome-Code-LLM. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SE"
] |
2405.07551 | AnswerAI | MuMath-Code: Combining Tool-Use Large Language Models with Multi-perspective Data Augmentation for Mathematical Reasoning | [
"Shuo Yin",
"Weihao You",
"Zhilong Ji",
"Guoqiang Zhong",
"Jinfeng Bai"
] | 2024-05-13 | The tool-use Large Language Models (LLMs) that integrate with external Python
interpreters have significantly enhanced mathematical reasoning capabilities
for open-source LLMs, while tool-free methods chose another track: augmenting
math reasoning data. However, a great method to integrate the above two
research paths and combine their advantages remains to be explored. In this
work, we firstly include new math questions via multi-perspective data
augmenting methods and then synthesize code-nested solutions to them. The open
LLMs (i.e., Llama-2) are finetuned on the augmented dataset to get the
resulting models, MuMath-Code ($\mu$-Math-Code). During the inference phase,
our MuMath-Code generates code and interacts with the external python
interpreter to get the execution results. Therefore, MuMath-Code leverages the
advantages of both the external tool and data augmentation. To fully leverage
the advantages of our augmented data, we propose a two-stage training strategy:
In Stage-1, we finetune Llama-2 on pure CoT data to get an intermediate model,
which then is trained on the code-nested data in Stage-2 to get the resulting
MuMath-Code. Our MuMath-Code-7B achieves 83.8 on GSM8K and 52.4 on MATH, while
MuMath-Code-70B model achieves new state-of-the-art performance among open
methods -- achieving 90.7% on GSM8K and 55.1% on MATH. Extensive experiments
validate the combination of tool use and data augmentation, as well as our
two-stage training strategy. We release the proposed dataset along with the
associated code for public use. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2308.03729 | HF | TinyLVLM-eHub: Towards Comprehensive and Efficient Evaluation for Large Vision-Language Models | [
"Wenqi Shao",
"Meng Lei",
"Yutao Hu",
"Peng Gao",
"Kaipeng Zhang",
"Fanqing Meng",
"Peng Xu",
"Siyuan Huang",
"Hongsheng Li",
"Yu Qiao",
"Ping Luo"
] | 2023-08-07 | Recent advancements in Large Vision-Language Models (LVLMs) have demonstrated
significant progress in tackling complex multimodal tasks. Among these
cutting-edge developments, Google's Bard stands out for its remarkable
multimodal capabilities, promoting comprehensive comprehension and reasoning
across various domains. This work presents an early and holistic evaluation of
LVLMs' multimodal abilities, with a particular focus on Bard, by proposing a
lightweight variant of LVLM-eHub, named Tiny LVLM-eHub. In comparison to the
vanilla version, Tiny LVLM-eHub possesses several appealing properties.
Firstly, it provides a systematic assessment of six categories of multimodal
capabilities, including visual perception, visual knowledge acquisition, visual
reasoning, visual commonsense, object hallucination, and embodied intelligence,
through quantitative evaluation of $42$ standard text-related visual
benchmarks. Secondly, it conducts an in-depth analysis of LVLMs' predictions
using the ChatGPT Ensemble Evaluation (CEE), which leads to a robust and
accurate evaluation and exhibits improved alignment with human evaluation
compared to the word matching approach. Thirdly, it comprises a mere $2.1$K
image-text pairs, facilitating ease of use for practitioners to evaluate their
own offline LVLMs. Through extensive experimental analysis, this study
demonstrates that Bard outperforms previous LVLMs in most multimodal
capabilities except object hallucination, to which Bard is still susceptible.
Tiny LVLM-eHub serves as a baseline evaluation for various LVLMs and encourages
innovative strategies aimed at advancing multimodal techniques. Our project is
publicly available at \url{https://github.com/OpenGVLab/Multi-Modality-Arena}. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2408.12885 | HF | T3M: Text Guided 3D Human Motion Synthesis from Speech | [
"Wenshuo Peng",
"Kaipeng Zhang",
"Sai Qian Zhang"
] | 2024-08-23 | Speech-driven 3D motion synthesis seeks to create lifelike animations based
on human speech, with potential uses in virtual reality, gaming, and the film
production. Existing approaches reply solely on speech audio for motion
generation, leading to inaccurate and inflexible synthesis results. To mitigate
this problem, we introduce a novel text-guided 3D human motion synthesis
method, termed \textit{T3M}. Unlike traditional approaches, T3M allows precise
control over motion synthesis via textual input, enhancing the degree of
diversity and user customization. The experiment results demonstrate that T3M
can greatly outperform the state-of-the-art methods in both quantitative
metrics and qualitative evaluations. We have publicly released our code at
\href{https://github.com/Gloria2tt/T3M.git}{https://github.com/Gloria2tt/T3M.git} | 10.18653/v1/2024.findings-naacl.74 | cs.CV | [
"cs.CV"
] |
2309.02040 | HF | Diffusion Generative Inverse Design | [
"Marin Vlastelica",
"Tatiana López-Guevara",
"Kelsey Allen",
"Peter Battaglia",
"Arnaud Doucet",
"Kimberley Stachenfeld"
] | 2023-09-05 | Inverse design refers to the problem of optimizing the input of an objective
function in order to enact a target outcome. For many real-world engineering
problems, the objective function takes the form of a simulator that predicts
how the system state will evolve over time, and the design challenge is to
optimize the initial conditions that lead to a target outcome. Recent
developments in learned simulation have shown that graph neural networks (GNNs)
can be used for accurate, efficient, differentiable estimation of simulator
dynamics, and support high-quality design optimization with gradient- or
sampling-based optimization procedures. However, optimizing designs from
scratch requires many expensive model queries, and these procedures exhibit
basic failures on either non-convex or high-dimensional problems. In this work,
we show how denoising diffusion models (DDMs) can be used to solve inverse
design problems efficiently and propose a particle sampling algorithm for
further improving their efficiency. We perform experiments on a number of fluid
dynamics design challenges, and find that our approach substantially reduces
the number of calls to the simulator compared to standard techniques. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2312.01532 | HF | Using Large Language Models to Accelerate Communication for Users with Severe Motor Impairments | [
"Shanqing Cai",
"Subhashini Venugopalan",
"Katie Seaver",
"Xiang Xiao",
"Katrin Tomanek",
"Sri Jalasutram",
"Meredith Ringel Morris",
"Shaun Kane",
"Ajit Narayanan",
"Robert L. MacDonald",
"Emily Kornman",
"Daniel Vance",
"Blair Casey",
"Steve M. Gleason",
"Philip Q. Nelson",
"Michael P. Brenner"
] | 2023-12-03 | Finding ways to accelerate text input for individuals with profound motor
impairments has been a long-standing area of research. Closing the speed gap
for augmentative and alternative communication (AAC) devices such as
eye-tracking keyboards is important for improving the quality of life for such
individuals. Recent advances in neural networks of natural language pose new
opportunities for re-thinking strategies and user interfaces for enhanced
text-entry for AAC users. In this paper, we present SpeakFaster, consisting of
large language models (LLMs) and a co-designed user interface for text entry in
a highly-abbreviated form, allowing saving 57% more motor actions than
traditional predictive keyboards in offline simulation. A pilot study with 19
non-AAC participants typing on a mobile device by hand demonstrated gains in
motor savings in line with the offline simulation, while introducing relatively
small effects on overall typing speed. Lab and field testing on two eye-gaze
typing users with amyotrophic lateral sclerosis (ALS) demonstrated text-entry
rates 29-60% faster than traditional baselines, due to significant saving of
expensive keystrokes achieved through phrase and word predictions from
context-aware LLMs. These findings provide a strong foundation for further
exploration of substantially-accelerated text communication for motor-impaired
users and demonstrate a direction for applying LLMs to text-based user
interfaces. | null | cs.HC | [
"cs.HC",
"cs.CL"
] |
2407.15642 | HF | Cinemo: Consistent and Controllable Image Animation with Motion Diffusion Models | [
"Xin Ma",
"Yaohui Wang",
"Gengyun Jia",
"Xinyuan Chen",
"Yuan-Fang Li",
"Cunjian Chen",
"Yu Qiao"
] | 2024-07-22 | Diffusion models have achieved great progress in image animation due to
powerful generative capabilities. However, maintaining spatio-temporal
consistency with detailed information from the input static image over time
(e.g., style, background, and object of the input static image) and ensuring
smoothness in animated video narratives guided by textual prompts still remains
challenging. In this paper, we introduce Cinemo, a novel image animation
approach towards achieving better motion controllability, as well as stronger
temporal consistency and smoothness. In general, we propose three effective
strategies at the training and inference stages of Cinemo to accomplish our
goal. At the training stage, Cinemo focuses on learning the distribution of
motion residuals, rather than directly predicting subsequent via a motion
diffusion model. Additionally, a structural similarity index-based strategy is
proposed to enable Cinemo to have better controllability of motion intensity.
At the inference stage, a noise refinement technique based on discrete cosine
transformation is introduced to mitigate sudden motion changes. Such three
strategies enable Cinemo to produce highly consistent, smooth, and
motion-controllable results. Compared to previous methods, Cinemo offers
simpler and more precise user controllability. Extensive experiments against
several state-of-the-art methods, including both commercial tools and research
approaches, across multiple metrics, demonstrate the effectiveness and
superiority of our proposed approach. | null | cs.CV | [
"cs.CV"
] |
2407.12665 | HF | Patch-Level Training for Large Language Models | [
"Chenze Shao",
"Fandong Meng",
"Jie Zhou"
] | 2024-07-17 | As Large Language Models (LLMs) achieve remarkable progress in language
understanding and generation, their training efficiency has become a critical
concern. Traditionally, LLMs are trained to predict the next token in a
sequence. Despite the success of token-level training, it suffers from
considerable computational costs due to the need to process an extensive number
of tokens. To mitigate this issue, this paper introduces patch-level training
for LLMs, which reduces the sequence length by compressing multiple tokens into
a single patch. During patch-level training, we feed the language model shorter
sequences of patches and train it to predict the next patch, thereby processing
the majority of the training data at a significantly reduced computational
cost. Following this, the model continues token-level training on the remaining
training data to align with the inference mode. Experiments on a diverse range
of models (370M-2.7B parameters) demonstrate that patch-level training can
reduce overall computational costs to 0.5$\times$, without compromising the
model performance compared to token-level training. Source code:
\url{https://github.com/shaochenze/PatchTrain}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.04349 | Both | RLTF: Reinforcement Learning from Unit Test Feedback | [
"Jiate Liu",
"Yiqin Zhu",
"Kaiwen Xiao",
"Qiang Fu",
"Xiao Han",
"Wei Yang",
"Deheng Ye"
] | 2023-07-10 | The goal of program synthesis, or code generation, is to generate executable
code based on given descriptions. Recently, there has been an increasing number
of studies employing reinforcement learning (RL) to improve the performance of
large language models (LLMs) for code. However, current representative works
either rely solely on offline frameworks, limiting the exploration of new
sample spaces, or fall short in the utilization of unit test signals, not
accounting for specific error locations within the code. To address these
issues, we propose RLTF, i.e., Reinforcement Learning from Unit Test Feedback,
a novel online RL framework with unit test feedback of multi-granularity for
refining code LLMs. Our approach generates data in real-time during training
and simultaneously utilizes fine-grained feedback signals to guide the model
towards producing higher-quality code. Extensive experiments show that RLTF
achieves state-of-the-art performance on the APPS and the MBPP benchmarks. Our
code is available at: https://github.com/Zyq-scut/RLTF. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2405.08295 | HF | SpeechVerse: A Large-scale Generalizable Audio Language Model | [
"Nilaksh Das",
"Saket Dingliwal",
"Srikanth Ronanki",
"Rohit Paturi",
"Zhaocheng Huang",
"Prashant Mathur",
"Jie Yuan",
"Dhanush Bekal",
"Xing Niu",
"Sai Muralidhar Jayanthi",
"Xilai Li",
"Karel Mundnich",
"Monica Sunkara",
"Sundararajan Srinivasan",
"Kyu J Han",
"Katrin Kirchhoff"
] | 2024-05-14 | Large language models (LLMs) have shown incredible proficiency in performing
tasks that require semantic understanding of natural language instructions.
Recently, many works have further expanded this capability to perceive
multimodal audio and text inputs, but their capabilities are often limited to
specific fine-tuned tasks such as automatic speech recognition and translation.
We therefore develop SpeechVerse, a robust multi-task training and curriculum
learning framework that combines pre-trained speech and text foundation models
via a small set of learnable parameters, while keeping the pre-trained models
frozen during training. The models are instruction finetuned using continuous
latent representations extracted from the speech foundation model to achieve
optimal zero-shot performance on a diverse range of speech processing tasks
using natural language instructions. We perform extensive benchmarking that
includes comparing our model performance against traditional baselines across
several datasets and tasks. Furthermore, we evaluate the model's capability for
generalized instruction following by testing on out-of-domain datasets, novel
prompts, and unseen tasks. Our empirical experiments reveal that our multi-task
SpeechVerse model is even superior to conventional task-specific baselines on 9
out of the 11 tasks. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2306.04050 | Both | LLMZip: Lossless Text Compression using Large Language Models | [
"Chandra Shekhara Kaushik Valmeekam",
"Krishna Narayanan",
"Dileep Kalathil",
"Jean-Francois Chamberland",
"Srinivas Shakkottai"
] | 2023-06-06 | We provide new estimates of an asymptotic upper bound on the entropy of
English using the large language model LLaMA-7B as a predictor for the next
token given a window of past tokens. This estimate is significantly smaller
than currently available estimates in \cite{cover1978convergent},
\cite{lutati2023focus}. A natural byproduct is an algorithm for lossless
compression of English text which combines the prediction from the large
language model with a lossless compression scheme. Preliminary results from
limited experiments suggest that our scheme outperforms state-of-the-art text
compression schemes such as BSC, ZPAQ, and paq8h. | null | cs.IT | [
"cs.IT",
"cs.CL",
"cs.LG",
"math.IT"
] |
2311.12983 | HF | GAIA: a benchmark for General AI Assistants | [
"Grégoire Mialon",
"Clémentine Fourrier",
"Craig Swift",
"Thomas Wolf",
"Yann LeCun",
"Thomas Scialom"
] | 2023-11-21 | We introduce GAIA, a benchmark for General AI Assistants that, if solved,
would represent a milestone in AI research. GAIA proposes real-world questions
that require a set of fundamental abilities such as reasoning, multi-modality
handling, web browsing, and generally tool-use proficiency. GAIA questions are
conceptually simple for humans yet challenging for most advanced AIs: we show
that human respondents obtain 92\% vs. 15\% for GPT-4 equipped with plugins.
This notable performance disparity contrasts with the recent trend of LLMs
outperforming humans on tasks requiring professional skills in e.g. law or
chemistry. GAIA's philosophy departs from the current trend in AI benchmarks
suggesting to target tasks that are ever more difficult for humans. We posit
that the advent of Artificial General Intelligence (AGI) hinges on a system's
capability to exhibit similar robustness as the average human does on such
questions. Using GAIA's methodology, we devise 466 questions and their answer.
We release our questions while retaining answers to 300 of them to power a
leader-board available at https://huggingface.co/gaia-benchmark. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.10945 | HF | HiRED: Attention-Guided Token Dropping for Efficient Inference of High-Resolution Vision-Language Models in Resource-Constrained Environments | [
"Kazi Hasan Ibn Arif",
"JinYi Yoon",
"Dimitrios S. Nikolopoulos",
"Hans Vandierendonck",
"Deepu John",
"Bo Ji"
] | 2024-08-20 | High-resolution Vision-Language Models (VLMs) have been widely used in
multimodal tasks to enhance accuracy by preserving detailed image information.
However, these models often generate excessive visual tokens due to encoding
multiple partitions of the input image. Processing these excessive visual
tokens is computationally challenging, especially in resource-constrained
environments with commodity GPUs. To support high-resolution images while
meeting resource constraints, we propose High-Resolution Early Dropping
(HiRED), a token-dropping scheme that operates within a fixed token budget
before the Large Language Model (LLM) stage. HiRED can be integrated with
existing high-resolution VLMs in a plug-and-play manner, as it requires no
additional training while still maintaining superior accuracy. We strategically
use the vision encoder's attention in the initial layers to assess the visual
content of each image partition and allocate the token budget accordingly.
Then, using the attention in the final layer, we select the most important
visual tokens from each partition within the allocated budget, dropping the
rest. Empirically, when applied to LLaVA-Next-7B on NVIDIA TESLA P40 GPU, HiRED
with a 20% token budget increases token generation throughput by 4.7, reduces
first-token generation latency by 15 seconds, and saves 2.3 GB of GPU memory
for a single inference. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2405.07518 | HF | SambaNova SN40L: Scaling the AI Memory Wall with Dataflow and Composition of Experts | [
"Raghu Prabhakar",
"Ram Sivaramakrishnan",
"Darshan Gandhi",
"Yun Du",
"Mingran Wang",
"Xiangyu Song",
"Kejie Zhang",
"Tianren Gao",
"Angela Wang",
"Karen Li",
"Yongning Sheng",
"Joshua Brot",
"Denis Sokolov",
"Apurv Vivek",
"Calvin Leung",
"Arjun Sabnis",
"Jiayu Bai",
"Tuowen Zhao",
"Mark Gottscho",
"David Jackson",
"Mark Luttrell",
"Manish K. Shah",
"Edison Chen",
"Kaizhao Liang",
"Swayambhoo Jain",
"Urmish Thakker",
"Dawei Huang",
"Sumti Jairath",
"Kevin J. Brown",
"Kunle Olukotun"
] | 2024-05-13 | Monolithic large language models (LLMs) like GPT-4 have paved the way for
modern generative AI applications. Training, serving, and maintaining
monolithic LLMs at scale, however, remains prohibitively expensive and
challenging. The disproportionate increase in compute-to-memory ratio of modern
AI accelerators have created a memory wall, necessitating new methods to deploy
AI. Composition of Experts (CoE) is an alternative modular approach that lowers
the cost and complexity of training and serving. However, this approach
presents two key challenges when using conventional hardware: (1) without fused
operations, smaller models have lower operational intensity, which makes high
utilization more challenging to achieve; and (2) hosting a large number of
models can be either prohibitively expensive or slow when dynamically switching
between them.
In this paper, we describe how combining CoE, streaming dataflow, and a
three-tier memory system scales the AI memory wall. We describe Samba-CoE, a
CoE system with 150 experts and a trillion total parameters. We deploy
Samba-CoE on the SambaNova SN40L Reconfigurable Dataflow Unit (RDU) - a
commercial dataflow accelerator architecture that has been co-designed for
enterprise inference and training applications. The chip introduces a new
three-tier memory system with on-chip distributed SRAM, on-package HBM, and
off-package DDR DRAM. A dedicated inter-RDU network enables scaling up and out
over multiple sockets. We demonstrate speedups ranging from 2x to 13x on
various benchmarks running on eight RDU sockets compared with an unfused
baseline. We show that for CoE inference deployments, the 8-socket RDU Node
reduces machine footprint by up to 19x, speeds up model switching time by 15x
to 31x, and achieves an overall speedup of 3.7x over a DGX H100 and 6.6x over a
DGX A100. | null | cs.AR | [
"cs.AR",
"cs.AI"
] |
2310.12931 | HF | Eureka: Human-Level Reward Design via Coding Large Language Models | [
"Yecheng Jason Ma",
"William Liang",
"Guanzhi Wang",
"De-An Huang",
"Osbert Bastani",
"Dinesh Jayaraman",
"Yuke Zhu",
"Linxi Fan",
"Anima Anandkumar"
] | 2023-10-19 | Large Language Models (LLMs) have excelled as high-level semantic planners
for sequential decision-making tasks. However, harnessing them to learn complex
low-level manipulation tasks, such as dexterous pen spinning, remains an open
problem. We bridge this fundamental gap and present Eureka, a human-level
reward design algorithm powered by LLMs. Eureka exploits the remarkable
zero-shot generation, code-writing, and in-context improvement capabilities of
state-of-the-art LLMs, such as GPT-4, to perform evolutionary optimization over
reward code. The resulting rewards can then be used to acquire complex skills
via reinforcement learning. Without any task-specific prompting or pre-defined
reward templates, Eureka generates reward functions that outperform expert
human-engineered rewards. In a diverse suite of 29 open-source RL environments
that include 10 distinct robot morphologies, Eureka outperforms human experts
on 83% of the tasks, leading to an average normalized improvement of 52%. The
generality of Eureka also enables a new gradient-free in-context learning
approach to reinforcement learning from human feedback (RLHF), readily
incorporating human inputs to improve the quality and the safety of the
generated rewards without model updating. Finally, using Eureka rewards in a
curriculum learning setting, we demonstrate for the first time, a simulated
Shadow Hand capable of performing pen spinning tricks, adeptly manipulating a
pen in circles at rapid speed. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2306.00983 | HF | StyleDrop: Text-to-Image Generation in Any Style | [
"Kihyuk Sohn",
"Nataniel Ruiz",
"Kimin Lee",
"Daniel Castro Chin",
"Irina Blok",
"Huiwen Chang",
"Jarred Barber",
"Lu Jiang",
"Glenn Entis",
"Yuanzhen Li",
"Yuan Hao",
"Irfan Essa",
"Michael Rubinstein",
"Dilip Krishnan"
] | 2023-06-01 | Pre-trained large text-to-image models synthesize impressive images with an
appropriate use of text prompts. However, ambiguities inherent in natural
language and out-of-distribution effects make it hard to synthesize image
styles, that leverage a specific design pattern, texture or material. In this
paper, we introduce StyleDrop, a method that enables the synthesis of images
that faithfully follow a specific style using a text-to-image model. The
proposed method is extremely versatile and captures nuances and details of a
user-provided style, such as color schemes, shading, design patterns, and local
and global effects. It efficiently learns a new style by fine-tuning very few
trainable parameters (less than $1\%$ of total model parameters) and improving
the quality via iterative training with either human or automated feedback.
Better yet, StyleDrop is able to deliver impressive results even when the user
supplies only a single image that specifies the desired style. An extensive
study shows that, for the task of style tuning text-to-image models, StyleDrop
implemented on Muse convincingly outperforms other methods, including
DreamBooth and textual inversion on Imagen or Stable Diffusion. More results
are available at our project website: https://styledrop.github.io | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.17135 | HF | InsActor: Instruction-driven Physics-based Characters | [
"Jiawei Ren",
"Mingyuan Zhang",
"Cunjun Yu",
"Xiao Ma",
"Liang Pan",
"Ziwei Liu"
] | 2023-12-28 | Generating animation of physics-based characters with intuitive control has
long been a desirable task with numerous applications. However, generating
physically simulated animations that reflect high-level human instructions
remains a difficult problem due to the complexity of physical environments and
the richness of human language. In this paper, we present InsActor, a
principled generative framework that leverages recent advancements in
diffusion-based human motion models to produce instruction-driven animations of
physics-based characters. Our framework empowers InsActor to capture complex
relationships between high-level human instructions and character motions by
employing diffusion policies for flexibly conditioned motion planning. To
overcome invalid states and infeasible state transitions in planned motions,
InsActor discovers low-level skills and maps plans to latent skill sequences in
a compact latent space. Extensive experiments demonstrate that InsActor
achieves state-of-the-art results on various tasks, including
instruction-driven motion generation and instruction-driven waypoint heading.
Notably, the ability of InsActor to generate physically simulated animations
using high-level human instructions makes it a valuable tool, particularly in
executing long-horizon tasks with a rich set of instructions. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.RO"
] |
2309.09506 | HF | LayoutNUWA: Revealing the Hidden Layout Expertise of Large Language Models | [
"Zecheng Tang",
"Chenfei Wu",
"Juntao Li",
"Nan Duan"
] | 2023-09-18 | Graphic layout generation, a growing research field, plays a significant role
in user engagement and information perception. Existing methods primarily treat
layout generation as a numerical optimization task, focusing on quantitative
aspects while overlooking the semantic information of layout, such as the
relationship between each layout element. In this paper, we propose LayoutNUWA,
the first model that treats layout generation as a code generation task to
enhance semantic information and harness the hidden layout expertise of large
language models~(LLMs). More concretely, we develop a Code Instruct Tuning
(CIT) approach comprising three interconnected modules: 1) the Code
Initialization (CI) module quantifies the numerical conditions and initializes
them as HTML code with strategically placed masks; 2) the Code Completion (CC)
module employs the formatting knowledge of LLMs to fill in the masked portions
within the HTML code; 3) the Code Rendering (CR) module transforms the
completed code into the final layout output, ensuring a highly interpretable
and transparent layout generation procedure that directly maps code to a
visualized layout. We attain significant state-of-the-art performance (even
over 50\% improvements) on multiple datasets, showcasing the strong
capabilities of LayoutNUWA. Our code is available at
https://github.com/ProjectNUWA/LayoutNUWA. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2407.16198 | HF | INF-LLaVA: Dual-perspective Perception for High-Resolution Multimodal Large Language Model | [
"Yiwei Ma",
"Zhibin Wang",
"Xiaoshuai Sun",
"Weihuang Lin",
"Qiang Zhou",
"Jiayi Ji",
"Rongrong Ji"
] | 2024-07-23 | With advancements in data availability and computing resources, Multimodal
Large Language Models (MLLMs) have showcased capabilities across various
fields. However, the quadratic complexity of the vision encoder in MLLMs
constrains the resolution of input images. Most current approaches mitigate
this issue by cropping high-resolution images into smaller sub-images, which
are then processed independently by the vision encoder. Despite capturing
sufficient local details, these sub-images lack global context and fail to
interact with one another. To address this limitation, we propose a novel MLLM,
INF-LLaVA, designed for effective high-resolution image perception. INF-LLaVA
incorporates two innovative components. First, we introduce a Dual-perspective
Cropping Module (DCM), which ensures that each sub-image contains continuous
details from a local perspective and comprehensive information from a global
perspective. Second, we introduce Dual-perspective Enhancement Module (DEM) to
enable the mutual enhancement of global and local features, allowing INF-LLaVA
to effectively process high-resolution images by simultaneously capturing
detailed local information and comprehensive global context. Extensive ablation
studies validate the effectiveness of these components, and experiments on a
diverse set of benchmarks demonstrate that INF-LLaVA outperforms existing
MLLMs. Code and pretrained model are available at
https://github.com/WeihuangLin/INF-LLaVA. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2408.10088 | HF | Recent Surge in Public Interest in Transportation: Sentiment Analysis of Baidu Apollo Go Using Weibo Data | [
"Shiqi Wang",
"Zhouye Zhao",
"Yuhang Xie",
"Mingchuan Ma",
"Zirui Chen",
"Zeyu Wang",
"Bohao Su",
"Wenrui Xu",
"Tianyi Li"
] | 2024-08-19 | Urban mobility and transportation systems have been profoundly transformed by
the advancement of autonomous vehicle technologies. Baidu Apollo Go, a pioneer
robotaxi service from the Chinese tech giant Baidu, has recently been widely
deployed in major cities like Beijing and Wuhan, sparking increased
conversation and offering a glimpse into the future of urban mobility.
This study investigates public attitudes towards Apollo Go across China using
Sentiment Analysis with a hybrid BERT model on 36,096 Weibo posts from January
to July 2024. The analysis shows that 89.56\% of posts related to Apollo Go are
clustered in July. From January to July, public sentiment was mostly positive,
but negative comments began to rise after it became a hot topic on July 21.
Spatial analysis indicates a strong correlation between provinces with high
discussion intensity and those where Apollo Go operates. Initially, Hubei and
Guangdong dominated online posting volume, but by July, Guangdong, Beijing, and
international regions had overtaken Hubei. Attitudes varied significantly among
provinces, with Xinjiang and Qinghai showing optimism and Tibet and Gansu
expressing concerns about the impact on traditional taxi services.
Sentiment analysis revealed that positive comments focused on technology
applications and personal experiences, while negative comments centered on job
displacement and safety concerns. In summary, this study highlights the
divergence in public perceptions of autonomous ride-hailing services, providing
valuable insights for planners, policymakers, and service providers. The model
is published on Hugging Face at
https://huggingface.co/wsqstar/bert-finetuned-weibo-luobokuaipao and the
repository on GitHub at https://github.com/GIStudio/trb2024. | null | cs.SI | [
"cs.SI",
"J.4"
] |
2311.06697 | HF | Trusted Source Alignment in Large Language Models | [
"Vasilisa Bashlovkina",
"Zhaobin Kuang",
"Riley Matthews",
"Edward Clifford",
"Yennie Jun",
"William W. Cohen",
"Simon Baumgartner"
] | 2023-11-12 | Large language models (LLMs) are trained on web-scale corpora that inevitably
include contradictory factual information from sources of varying reliability.
In this paper, we propose measuring an LLM property called trusted source
alignment (TSA): the model's propensity to align with content produced by
trusted publishers in the face of uncertainty or controversy. We present
FactCheckQA, a TSA evaluation dataset based on a corpus of fact checking
articles. We describe a simple protocol for evaluating TSA and offer a detailed
analysis of design considerations including response extraction, claim
contextualization, and bias in prompt formulation. Applying the protocol to
PaLM-2, we find that as we scale up the model size, the model performance on
FactCheckQA improves from near-random to up to 80% balanced accuracy in
aligning with trusted sources. | null | cs.CL | [
"cs.CL"
] |
2306.02707 | Both | Orca: Progressive Learning from Complex Explanation Traces of GPT-4 | [
"Subhabrata Mukherjee",
"Arindam Mitra",
"Ganesh Jawahar",
"Sahaj Agarwal",
"Hamid Palangi",
"Ahmed Awadallah"
] | 2023-06-05 | Recent research has focused on enhancing the capability of smaller models
through imitation learning, drawing on the outputs generated by large
foundation models (LFMs). A number of issues impact the quality of these
models, ranging from limited imitation signals from shallow LFM outputs; small
scale homogeneous training data; and most notably a lack of rigorous evaluation
resulting in overestimating the small model's capability as they tend to learn
to imitate the style, but not the reasoning process of LFMs. To address these
challenges, we develop Orca (We are working with our legal team to publicly
release a diff of the model weights in accordance with LLaMA's release policy
to be published at https://aka.ms/orca-lm), a 13-billion parameter model that
learns to imitate the reasoning process of LFMs. Orca learns from rich signals
from GPT-4 including explanation traces; step-by-step thought processes; and
other complex instructions, guided by teacher assistance from ChatGPT. To
promote this progressive learning, we tap into large-scale and diverse
imitation data with judicious sampling and selection. Orca surpasses
conventional state-of-the-art instruction-tuned models such as Vicuna-13B by
more than 100% in complex zero-shot reasoning benchmarks like Big-Bench Hard
(BBH) and 42% on AGIEval. Moreover, Orca reaches parity with ChatGPT on the BBH
benchmark and shows competitive performance (4 pts gap with optimized system
message) in professional and academic examinations like the SAT, LSAT, GRE, and
GMAT, both in zero-shot settings without CoT; while trailing behind GPT-4. Our
research indicates that learning from step-by-step explanations, whether these
are generated by humans or more advanced AI models, is a promising direction to
improve model capabilities and skills. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.17952 | HF | BetterDepth: Plug-and-Play Diffusion Refiner for Zero-Shot Monocular Depth Estimation | [
"Xiang Zhang",
"Bingxin Ke",
"Hayko Riemenschneider",
"Nando Metzger",
"Anton Obukhov",
"Markus Gross",
"Konrad Schindler",
"Christopher Schroers"
] | 2024-07-25 | By training over large-scale datasets, zero-shot monocular depth estimation
(MDE) methods show robust performance in the wild but often suffer from
insufficiently precise details. Although recent diffusion-based MDE approaches
exhibit appealing detail extraction ability, they still struggle in
geometrically challenging scenes due to the difficulty of gaining robust
geometric priors from diverse datasets. To leverage the complementary merits of
both worlds, we propose BetterDepth to efficiently achieve geometrically
correct affine-invariant MDE performance while capturing fine-grained details.
Specifically, BetterDepth is a conditional diffusion-based refiner that takes
the prediction from pre-trained MDE models as depth conditioning, in which the
global depth context is well-captured, and iteratively refines details based on
the input image. For the training of such a refiner, we propose global
pre-alignment and local patch masking methods to ensure the faithfulness of
BetterDepth to depth conditioning while learning to capture fine-grained scene
details. By efficient training on small-scale synthetic datasets, BetterDepth
achieves state-of-the-art zero-shot MDE performance on diverse public datasets
and in-the-wild scenes. Moreover, BetterDepth can improve the performance of
other MDE models in a plug-and-play manner without additional re-training. | null | cs.CV | [
"cs.CV"
] |
2403.04652 | Both | Yi: Open Foundation Models by 01.AI | [
"01. AI",
":",
"Alex Young",
"Bei Chen",
"Chao Li",
"Chengen Huang",
"Ge Zhang",
"Guanwei Zhang",
"Heng Li",
"Jiangcheng Zhu",
"Jianqun Chen",
"Jing Chang",
"Kaidong Yu",
"Peng Liu",
"Qiang Liu",
"Shawn Yue",
"Senbin Yang",
"Shiming Yang",
"Tao Yu",
"Wen Xie",
"Wenhao Huang",
"Xiaohui Hu",
"Xiaoyi Ren",
"Xinyao Niu",
"Pengcheng Nie",
"Yuchi Xu",
"Yudong Liu",
"Yue Wang",
"Yuxuan Cai",
"Zhenyu Gu",
"Zhiyuan Liu",
"Zonghong Dai"
] | 2024-03-07 | We introduce the Yi model family, a series of language and multimodal models
that demonstrate strong multi-dimensional capabilities. The Yi model family is
based on 6B and 34B pretrained language models, then we extend them to chat
models, 200K long context models, depth-upscaled models, and vision-language
models. Our base models achieve strong performance on a wide range of
benchmarks like MMLU, and our finetuned chat models deliver strong human
preference rate on major evaluation platforms like AlpacaEval and Chatbot
Arena. Building upon our scalable super-computing infrastructure and the
classical transformer architecture, we attribute the performance of Yi models
primarily to its data quality resulting from our data-engineering efforts. For
pretraining, we construct 3.1 trillion tokens of English and Chinese corpora
using a cascaded data deduplication and quality filtering pipeline. For
finetuning, we polish a small scale (less than 10K) instruction dataset over
multiple iterations such that every single instance has been verified directly
by our machine learning engineers. For vision-language, we combine the chat
language model with a vision transformer encoder and train the model to align
visual representations to the semantic space of the language model. We further
extend the context length to 200K through lightweight continual pretraining and
demonstrate strong needle-in-a-haystack retrieval performance. We show that
extending the depth of the pretrained checkpoint through continual pretraining
further improves performance. We believe that given our current results,
continuing to scale up model parameters using thoroughly optimized data will
lead to even stronger frontier models. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.14878 | HF | Pangu-Agent: A Fine-Tunable Generalist Agent with Structured Reasoning | [
"Filippos Christianos",
"Georgios Papoudakis",
"Matthieu Zimmer",
"Thomas Coste",
"Zhihao Wu",
"Jingxuan Chen",
"Khyati Khandelwal",
"James Doran",
"Xidong Feng",
"Jiacheng Liu",
"Zheng Xiong",
"Yicheng Luo",
"Jianye Hao",
"Kun Shao",
"Haitham Bou-Ammar",
"Jun Wang"
] | 2023-12-22 | A key method for creating Artificial Intelligence (AI) agents is
Reinforcement Learning (RL). However, constructing a standalone RL policy that
maps perception to action directly encounters severe problems, chief among them
being its lack of generality across multiple tasks and the need for a large
amount of training data. The leading cause is that it cannot effectively
integrate prior information into the perception-action cycle when devising the
policy. Large language models (LLMs) emerged as a fundamental way to
incorporate cross-domain knowledge into AI agents but lack crucial learning and
adaptation toward specific decision problems. This paper presents a general
framework model for integrating and learning structured reasoning into AI
agents' policies. Our methodology is motivated by the modularity found in the
human brain. The framework utilises the construction of intrinsic and extrinsic
functions to add previous understandings of reasoning structures. It also
provides the adaptive ability to learn models inside every module or function,
consistent with the modular structure of cognitive processes. We describe the
framework in-depth and compare it with other AI pipelines and existing
frameworks. The paper explores practical applications, covering experiments
that show the effectiveness of our method. Our results indicate that AI agents
perform and adapt far better when organised reasoning and prior knowledge are
embedded. This opens the door to more resilient and general AI agent systems. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2306.00984 | HF | StableRep: Synthetic Images from Text-to-Image Models Make Strong Visual Representation Learners | [
"Yonglong Tian",
"Lijie Fan",
"Phillip Isola",
"Huiwen Chang",
"Dilip Krishnan"
] | 2023-06-01 | We investigate the potential of learning visual representations using
synthetic images generated by text-to-image models. This is a natural question
in the light of the excellent performance of such models in generating
high-quality images. We consider specifically the Stable Diffusion, one of the
leading open source text-to-image models. We show that (1) when the generative
model is configured with proper classifier-free guidance scale, training
self-supervised methods on synthetic images can match or beat the real image
counterpart; (2) by treating the multiple images generated from the same text
prompt as positives for each other, we develop a multi-positive contrastive
learning method, which we call StableRep. With solely synthetic images, the
representations learned by StableRep surpass the performance of representations
learned by SimCLR and CLIP using the same set of text prompts and corresponding
real images, on large scale datasets. When we further add language supervision,
StableRep trained with 20M synthetic images achieves better accuracy than CLIP
trained with 50M real images. | null | cs.CV | [
"cs.CV"
] |
2305.13009 | HF | Textually Pretrained Speech Language Models | [
"Michael Hassid",
"Tal Remez",
"Tu Anh Nguyen",
"Itai Gat",
"Alexis Conneau",
"Felix Kreuk",
"Jade Copet",
"Alexandre Defossez",
"Gabriel Synnaeve",
"Emmanuel Dupoux",
"Roy Schwartz",
"Yossi Adi"
] | 2023-05-22 | Speech language models (SpeechLMs) process and generate acoustic data only,
without textual supervision. In this work, we propose TWIST, a method for
training SpeechLMs using a warm-start from a pretrained textual language
models. We show using both automatic and human evaluations that TWIST
outperforms a cold-start SpeechLM across the board. We empirically analyze the
effect of different model design choices such as the speech tokenizer, the
pretrained textual model, and the dataset size. We find that model and dataset
scale both play an important role in constructing better-performing SpeechLMs.
Based on our observations, we present the largest (to the best of our
knowledge) SpeechLM both in terms of number of parameters and training data. We
additionally introduce two spoken versions of the StoryCloze textual benchmark
to further improve model evaluation and advance future research in the field.
We make speech samples, code and models publicly available:
https://pages.cs.huji.ac.il/adiyoss-lab/twist/ . | null | cs.CL | [
"cs.CL",
"cs.LG",
"cs.SD",
"eess.AS"
] |
2407.01272 | HF | Show Less, Instruct More: Enriching Prompts with Definitions and Guidelines for Zero-Shot NER | [
"Andrew Zamai",
"Andrea Zugarini",
"Leonardo Rigutini",
"Marco Ernandes",
"Marco Maggini"
] | 2024-07-01 | Recently, several specialized instruction-tuned Large Language Models (LLMs)
for Named Entity Recognition (NER) have emerged. Compared to traditional NER
approaches, these models have demonstrated strong generalization capabilities.
Existing LLMs primarily focus on addressing zero-shot NER on Out-of-Domain
inputs, while fine-tuning on an extensive number of entity classes that often
highly or completely overlap with test sets. In this work instead, we propose
SLIMER, an approach designed to tackle never-seen-before entity tags by
instructing the model on fewer examples, and by leveraging a prompt enriched
with definition and guidelines. Experiments demonstrate that definition and
guidelines yield better performance, faster and more robust learning,
particularly when labelling unseen named entities. Furthermore, SLIMER performs
comparably to state-of-the-art approaches in out-of-domain zero-shot NER, while
being trained in a more fair, though certainly more challenging, setting. | null | cs.CL | [
"cs.CL"
] |
2406.09406 | HF | 4M-21: An Any-to-Any Vision Model for Tens of Tasks and Modalities | [
"Roman Bachmann",
"Oğuzhan Fatih Kar",
"David Mizrahi",
"Ali Garjani",
"Mingfei Gao",
"David Griffiths",
"Jiaming Hu",
"Afshin Dehghan",
"Amir Zamir"
] | 2024-06-13 | Current multimodal and multitask foundation models like 4M or UnifiedIO show
promising results, but in practice their out-of-the-box abilities to accept
diverse inputs and perform diverse tasks are limited by the (usually rather
small) number of modalities and tasks they are trained on. In this paper, we
expand upon the capabilities of them by training a single model on tens of
highly diverse modalities and by performing co-training on large-scale
multimodal datasets and text corpora. This includes training on several
semantic and geometric modalities, feature maps from recent state of the art
models like DINOv2 and ImageBind, pseudo labels of specialist models like SAM
and 4DHumans, and a range of new modalities that allow for novel ways to
interact with the model and steer the generation, for example image metadata or
color palettes. A crucial step in this process is performing discrete
tokenization on various modalities, whether they are image-like, neural network
feature maps, vectors, structured data like instance segmentation or human
poses, or data that can be represented as text. Through this, we expand on the
out-of-the-box capabilities of multimodal models and specifically show the
possibility of training one model to solve at least 3x more tasks/modalities
than existing ones and doing so without a loss in performance. This enables
more fine-grained and controllable multimodal generation capabilities and
allows us to study the distillation of models trained on diverse data and
objectives into a unified model. We successfully scale the training to a three
billion parameter model using tens of modalities and different datasets. The
resulting models and training code are open sourced at 4m.epfl.ch. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2406.06474 | HF | Towards a Personal Health Large Language Model | [
"Justin Cosentino",
"Anastasiya Belyaeva",
"Xin Liu",
"Nicholas A. Furlotte",
"Zhun Yang",
"Chace Lee",
"Erik Schenck",
"Yojan Patel",
"Jian Cui",
"Logan Douglas Schneider",
"Robby Bryant",
"Ryan G. Gomes",
"Allen Jiang",
"Roy Lee",
"Yun Liu",
"Javier Perez",
"Jameson K. Rogers",
"Cathy Speed",
"Shyam Tailor",
"Megan Walker",
"Jeffrey Yu",
"Tim Althoff",
"Conor Heneghan",
"John Hernandez",
"Mark Malhotra",
"Leor Stern",
"Yossi Matias",
"Greg S. Corrado",
"Shwetak Patel",
"Shravya Shetty",
"Jiening Zhan",
"Shruthi Prabhakara",
"Daniel McDuff",
"Cory Y. McLean"
] | 2024-06-10 | In health, most large language model (LLM) research has focused on clinical
tasks. However, mobile and wearable devices, which are rarely integrated into
such tasks, provide rich, longitudinal data for personal health monitoring.
Here we present Personal Health Large Language Model (PH-LLM), fine-tuned from
Gemini for understanding and reasoning over numerical time-series personal
health data. We created and curated three datasets that test 1) production of
personalized insights and recommendations from sleep patterns, physical
activity, and physiological responses, 2) expert domain knowledge, and 3)
prediction of self-reported sleep outcomes. For the first task we designed 857
case studies in collaboration with domain experts to assess real-world
scenarios in sleep and fitness. Through comprehensive evaluation of
domain-specific rubrics, we observed that Gemini Ultra 1.0 and PH-LLM are not
statistically different from expert performance in fitness and, while experts
remain superior for sleep, fine-tuning PH-LLM provided significant improvements
in using relevant domain knowledge and personalizing information for sleep
insights. We evaluated PH-LLM domain knowledge using multiple choice sleep
medicine and fitness examinations. PH-LLM achieved 79% on sleep and 88% on
fitness, exceeding average scores from a sample of human experts. Finally, we
trained PH-LLM to predict self-reported sleep quality outcomes from textual and
multimodal encoding representations of wearable data, and demonstrate that
multimodal encoding is required to match performance of specialized
discriminative models. Although further development and evaluation are
necessary in the safety-critical personal health domain, these results
demonstrate both the broad knowledge and capabilities of Gemini models and the
benefit of contextualizing physiological data for personal health applications
as done with PH-LLM. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2408.05939 | HF | UniPortrait: A Unified Framework for Identity-Preserving Single- and Multi-Human Image Personalization | [
"Junjie He",
"Yifeng Geng",
"Liefeng Bo"
] | 2024-08-12 | This paper presents UniPortrait, an innovative human image personalization
framework that unifies single- and multi-ID customization with high face
fidelity, extensive facial editability, free-form input description, and
diverse layout generation. UniPortrait consists of only two plug-and-play
modules: an ID embedding module and an ID routing module. The ID embedding
module extracts versatile editable facial features with a decoupling strategy
for each ID and embeds them into the context space of diffusion models. The ID
routing module then combines and distributes these embeddings adaptively to
their respective regions within the synthesized image, achieving the
customization of single and multiple IDs. With a carefully designed two-stage
training scheme, UniPortrait achieves superior performance in both single- and
multi-ID customization. Quantitative and qualitative experiments demonstrate
the advantages of our method over existing approaches as well as its good
scalability, e.g., the universal compatibility with existing generative control
tools. The project page is at
https://aigcdesigngroup.github.io/UniPortrait-Page/ . | null | cs.CV | [
"cs.CV"
] |
2404.01294 | HF | CosmicMan: A Text-to-Image Foundation Model for Humans | [
"Shikai Li",
"Jianglin Fu",
"Kaiyuan Liu",
"Wentao Wang",
"Kwan-Yee Lin",
"Wayne Wu"
] | 2024-04-01 | We present CosmicMan, a text-to-image foundation model specialized for
generating high-fidelity human images. Unlike current general-purpose
foundation models that are stuck in the dilemma of inferior quality and
text-image misalignment for humans, CosmicMan enables generating
photo-realistic human images with meticulous appearance, reasonable structure,
and precise text-image alignment with detailed dense descriptions. At the heart
of CosmicMan's success are the new reflections and perspectives on data and
models: (1) We found that data quality and a scalable data production flow are
essential for the final results from trained models. Hence, we propose a new
data production paradigm, Annotate Anyone, which serves as a perpetual data
flywheel to produce high-quality data with accurate yet cost-effective
annotations over time. Based on this, we constructed a large-scale dataset,
CosmicMan-HQ 1.0, with 6 Million high-quality real-world human images in a mean
resolution of 1488x1255, and attached with precise text annotations deriving
from 115 Million attributes in diverse granularities. (2) We argue that a
text-to-image foundation model specialized for humans must be pragmatic -- easy
to integrate into down-streaming tasks while effective in producing
high-quality human images. Hence, we propose to model the relationship between
dense text descriptions and image pixels in a decomposed manner, and present
Decomposed-Attention-Refocusing (Daring) training framework. It seamlessly
decomposes the cross-attention features in existing text-to-image diffusion
model, and enforces attention refocusing without adding extra modules. Through
Daring, we show that explicitly discretizing continuous text space into several
basic groups that align with human body structure is the key to tackling the
misalignment problem in a breeze. | null | cs.CV | [
"cs.CV"
] |
2403.17920 | HF | TC4D: Trajectory-Conditioned Text-to-4D Generation | [
"Sherwin Bahmani",
"Xian Liu",
"Yifan Wang",
"Ivan Skorokhodov",
"Victor Rong",
"Ziwei Liu",
"Xihui Liu",
"Jeong Joon Park",
"Sergey Tulyakov",
"Gordon Wetzstein",
"Andrea Tagliasacchi",
"David B. Lindell"
] | 2024-03-26 | Recent techniques for text-to-4D generation synthesize dynamic 3D scenes
using supervision from pre-trained text-to-video models. However, existing
representations for motion, such as deformation models or time-dependent neural
representations, are limited in the amount of motion they can generate-they
cannot synthesize motion extending far beyond the bounding box used for volume
rendering. The lack of a more flexible motion model contributes to the gap in
realism between 4D generation methods and recent, near-photorealistic video
generation models. Here, we propose TC4D: trajectory-conditioned text-to-4D
generation, which factors motion into global and local components. We represent
the global motion of a scene's bounding box using rigid transformation along a
trajectory parameterized by a spline. We learn local deformations that conform
to the global trajectory using supervision from a text-to-video model. Our
approach enables the synthesis of scenes animated along arbitrary trajectories,
compositional scene generation, and significant improvements to the realism and
amount of generated motion, which we evaluate qualitatively and through a user
study. Video results can be viewed on our website:
https://sherwinbahmani.github.io/tc4d. | null | cs.CV | [
"cs.CV"
] |
2401.15708 | HF | Object-Driven One-Shot Fine-tuning of Text-to-Image Diffusion with Prototypical Embedding | [
"Jianxiang Lu",
"Cong Xie",
"Hui Guo"
] | 2024-01-28 | As large-scale text-to-image generation models have made remarkable progress
in the field of text-to-image generation, many fine-tuning methods have been
proposed. However, these models often struggle with novel objects, especially
with one-shot scenarios. Our proposed method aims to address the challenges of
generalizability and fidelity in an object-driven way, using only a single
input image and the object-specific regions of interest. To improve
generalizability and mitigate overfitting, in our paradigm, a prototypical
embedding is initialized based on the object's appearance and its class, before
fine-tuning the diffusion model. And during fine-tuning, we propose a
class-characterizing regularization to preserve prior knowledge of object
classes. To further improve fidelity, we introduce object-specific loss, which
can also use to implant multiple objects. Overall, our proposed object-driven
method for implanting new objects can integrate seamlessly with existing
concepts as well as with high fidelity and generalization. Our method
outperforms several existing works. The code will be released. | null | cs.CV | [
"cs.CV"
] |
2402.05932 | HF | Driving Everywhere with Large Language Model Policy Adaptation | [
"Boyi Li",
"Yue Wang",
"Jiageng Mao",
"Boris Ivanovic",
"Sushant Veer",
"Karen Leung",
"Marco Pavone"
] | 2024-02-08 | Adapting driving behavior to new environments, customs, and laws is a
long-standing problem in autonomous driving, precluding the widespread
deployment of autonomous vehicles (AVs). In this paper, we present LLaDA, a
simple yet powerful tool that enables human drivers and autonomous vehicles
alike to drive everywhere by adapting their tasks and motion plans to traffic
rules in new locations. LLaDA achieves this by leveraging the impressive
zero-shot generalizability of large language models (LLMs) in interpreting the
traffic rules in the local driver handbook. Through an extensive user study, we
show that LLaDA's instructions are useful in disambiguating in-the-wild
unexpected situations. We also demonstrate LLaDA's ability to adapt AV motion
planning policies in real-world datasets; LLaDA outperforms baseline planning
approaches on all our metrics. Please check our website for more details:
https://boyiliee.github.io/llada. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CL"
] |
2310.11248 | HF | CrossCodeEval: A Diverse and Multilingual Benchmark for Cross-File Code Completion | [
"Yangruibo Ding",
"Zijian Wang",
"Wasi Uddin Ahmad",
"Hantian Ding",
"Ming Tan",
"Nihal Jain",
"Murali Krishna Ramanathan",
"Ramesh Nallapati",
"Parminder Bhatia",
"Dan Roth",
"Bing Xiang"
] | 2023-10-17 | Code completion models have made significant progress in recent years, yet
current popular evaluation datasets, such as HumanEval and MBPP, predominantly
focus on code completion tasks within a single file. This over-simplified
setting falls short of representing the real-world software development
scenario where repositories span multiple files with numerous cross-file
dependencies, and accessing and understanding cross-file context is often
required to complete the code correctly.
To fill in this gap, we propose CrossCodeEval, a diverse and multilingual
code completion benchmark that necessitates an in-depth cross-file contextual
understanding to complete the code accurately. CrossCodeEval is built on a
diverse set of real-world, open-sourced, permissively-licensed repositories in
four popular programming languages: Python, Java, TypeScript, and C#. To create
examples that strictly require cross-file context for accurate completion, we
propose a straightforward yet efficient static-analysis-based approach to
pinpoint the use of cross-file context within the current file.
Extensive experiments on state-of-the-art code language models like CodeGen
and StarCoder demonstrate that CrossCodeEval is extremely challenging when the
relevant cross-file context is absent, and we see clear improvements when
adding these context into the prompt. However, despite such improvements, the
pinnacle of performance remains notably unattained even with the
highest-performing model, indicating that CrossCodeEval is also capable of
assessing model's capability in leveraging extensive context to make better
code completion. Finally, we benchmarked various methods in retrieving
cross-file context, and show that CrossCodeEval can also be used to measure the
capability of code retrievers. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.SE"
] |
2305.14795 | AnswerAI | MQuAKE: Assessing Knowledge Editing in Language Models via Multi-Hop Questions | [
"Zexuan Zhong",
"Zhengxuan Wu",
"Christopher D. Manning",
"Christopher Potts",
"Danqi Chen"
] | 2023-05-24 | The information stored in large language models (LLMs) falls out of date
quickly, and retraining from scratch is often not an option. This has recently
given rise to a range of techniques for injecting new facts through updating
model weights. Current evaluation paradigms are extremely limited, mainly
validating the recall of edited facts, but changing one fact should cause
rippling changes to the model's related beliefs. If we edit the UK Prime
Minister to now be Rishi Sunak, then we should get a different answer to Who is
married to the British Prime Minister? In this work, we present a benchmark,
MQuAKE (Multi-hop Question Answering for Knowledge Editing), comprising
multi-hop questions that assess whether edited models correctly answer
questions where the answer should change as an entailed consequence of edited
facts. While we find that current knowledge-editing approaches can recall
edited facts accurately, they fail catastrophically on the constructed
multi-hop questions. We thus propose a simple memory-based approach, MeLLo,
which stores all edited facts externally while prompting the language model
iteratively to generate answers that are consistent with the edited facts.
While MQuAKE remains challenging, we show that MeLLo scales well with LLMs
(e.g., OpenAI GPT-3.5-turbo) and outperforms previous model editors by a large
margin. | null | cs.CL | [
"cs.CL"
] |
2307.08701 | Both | AlpaGasus: Training A Better Alpaca with Fewer Data | [
"Lichang Chen",
"Shiyang Li",
"Jun Yan",
"Hai Wang",
"Kalpa Gunaratna",
"Vikas Yadav",
"Zheng Tang",
"Vijay Srinivasan",
"Tianyi Zhou",
"Heng Huang",
"Hongxia Jin"
] | 2023-07-17 | Large language models (LLMs) strengthen instruction-following capability
through instruction-finetuning (IFT) on supervised instruction/response data.
However, widely used IFT datasets (e.g., Alpaca's 52k data) surprisingly
contain many low-quality instances with incorrect or irrelevant responses,
which are misleading and detrimental to IFT. In this paper, we propose a simple
and effective data selection strategy that automatically identifies and filters
out low-quality data using a strong LLM (e.g., ChatGPT). To this end, we
introduce AlpaGasus, which is finetuned on only 9k high-quality data filtered
from the 52k Alpaca data. AlpaGasus significantly outperforms the original
Alpaca as evaluated by GPT-4 on multiple test sets and the controlled human
evaluation. Its 13B variant matches $>90\%$ performance of its teacher LLM
(i.e., Text-Davinci-003 generating the 52k data) on test tasks. It also
provides 5.7x faster training, reducing the training time for a 7B variant from
80 minutes (for Alpaca) to 14 minutes. Moreover, the experiments prove the
efficacy of our method across diverse datasets, base models, and LLM filters.
Overall, AlpaGasus demonstrates a novel data-centric IFT paradigm that can be
generally applied to instruction-tuning data, leading to faster training and
better instruction-following models. Our project page is available at:
https://lichang-chen.github.io/AlpaGasus/ | null | cs.CL | [
"cs.CL"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.