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
|
---|---|---|---|---|---|---|---|---|
2407.21721 | HF | Open-Vocabulary Audio-Visual Semantic Segmentation | [
"Ruohao Guo",
"Liao Qu",
"Dantong Niu",
"Yanyu Qi",
"Wenzhen Yue",
"Ji Shi",
"Bowei Xing",
"Xianghua Ying"
] | 2024-07-31 | Audio-visual semantic segmentation (AVSS) aims to segment and classify
sounding objects in videos with acoustic cues. However, most approaches operate
on the close-set assumption and only identify pre-defined categories from
training data, lacking the generalization ability to detect novel categories in
practical applications. In this paper, we introduce a new task: open-vocabulary
audio-visual semantic segmentation, extending AVSS task to open-world scenarios
beyond the annotated label space. This is a more challenging task that requires
recognizing all categories, even those that have never been seen nor heard
during training. Moreover, we propose the first open-vocabulary AVSS framework,
OV-AVSS, which mainly consists of two parts: 1) a universal sound source
localization module to perform audio-visual fusion and locate all potential
sounding objects and 2) an open-vocabulary classification module to predict
categories with the help of the prior knowledge from large-scale pre-trained
vision-language models. To properly evaluate the open-vocabulary AVSS, we split
zero-shot training and testing subsets based on the AVSBench-semantic
benchmark, namely AVSBench-OV. Extensive experiments demonstrate the strong
segmentation and zero-shot generalization ability of our model on all
categories. On the AVSBench-OV dataset, OV-AVSS achieves 55.43% mIoU on base
categories and 29.14% mIoU on novel categories, exceeding the state-of-the-art
zero-shot method by 41.88%/20.61% and open-vocabulary method by 10.2%/11.6%.
The code is available at https://github.com/ruohaoguo/ovavss. | null | cs.MM | [
"cs.MM",
"cs.AI"
] |
2408.01708 | HF | AVESFormer: Efficient Transformer Design for Real-Time Audio-Visual Segmentation | [
"Zili Wang",
"Qi Yang",
"Linsu Shi",
"Jiazhong Yu",
"Qinghua Liang",
"Fei Li",
"Shiming Xiang"
] | 2024-08-03 | Recently, transformer-based models have demonstrated remarkable performance
on audio-visual segmentation (AVS) tasks. However, their expensive
computational cost makes real-time inference impractical. By characterizing
attention maps of the network, we identify two key obstacles in AVS models: 1)
attention dissipation, corresponding to the over-concentrated attention weights
by Softmax within restricted frames, and 2) inefficient, burdensome transformer
decoder, caused by narrow focus patterns in early stages. In this paper, we
introduce AVESFormer, the first real-time Audio-Visual Efficient Segmentation
transformer that achieves fast, efficient and light-weight simultaneously. Our
model leverages an efficient prompt query generator to correct the behaviour of
cross-attention. Additionally, we propose ELF decoder to bring greater
efficiency by facilitating convolutions suitable for local features to reduce
computational burdens. Extensive experiments demonstrate that our AVESFormer
significantly enhances model performance, achieving 79.9% on S4, 57.9% on MS3
and 31.2% on AVSS, outperforming previous state-of-the-art and achieving an
excellent trade-off between performance and speed. Code can be found at
https://github.com/MarkXCloud/AVESFormer.git. | null | cs.CV | [
"cs.CV"
] |
2402.08303 | HF | ChatCell: Facilitating Single-Cell Analysis with Natural Language | [
"Yin Fang",
"Kangwei Liu",
"Ningyu Zhang",
"Xinle Deng",
"Penghui Yang",
"Zhuo Chen",
"Xiangru Tang",
"Mark Gerstein",
"Xiaohui Fan",
"Huajun Chen"
] | 2024-02-13 | As Large Language Models (LLMs) rapidly evolve, their influence in science is
becoming increasingly prominent. The emerging capabilities of LLMs in task
generalization and free-form dialogue can significantly advance fields like
chemistry and biology. However, the field of single-cell biology, which forms
the foundational building blocks of living organisms, still faces several
challenges. High knowledge barriers and limited scalability in current methods
restrict the full exploitation of LLMs in mastering single-cell data, impeding
direct accessibility and rapid iteration. To this end, we introduce ChatCell,
which signifies a paradigm shift by facilitating single-cell analysis with
natural language. Leveraging vocabulary adaptation and unified sequence
generation, ChatCell has acquired profound expertise in single-cell biology and
the capability to accommodate a diverse range of analysis tasks. Extensive
experiments further demonstrate ChatCell's robust performance and potential to
deepen single-cell insights, paving the way for more accessible and intuitive
exploration in this pivotal field. Our project homepage is available at
https://zjunlp.github.io/project/ChatCell. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CE",
"cs.HC",
"cs.LG"
] |
2312.07910 | HF | PromptBench: A Unified Library for Evaluation of Large Language Models | [
"Kaijie Zhu",
"Qinlin Zhao",
"Hao Chen",
"Jindong Wang",
"Xing Xie"
] | 2023-12-13 | The evaluation of large language models (LLMs) is crucial to assess their
performance and mitigate potential security risks. In this paper, we introduce
PromptBench, a unified library to evaluate LLMs. It consists of several key
components that are easily used and extended by researchers: prompt
construction, prompt engineering, dataset and model loading, adversarial prompt
attack, dynamic evaluation protocols, and analysis tools. PromptBench is
designed to be an open, general, and flexible codebase for research purposes
that can facilitate original study in creating new benchmarks, deploying
downstream applications, and designing new evaluation protocols. The code is
available at: https://github.com/microsoft/promptbench and will be continuously
supported. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2312.09390 | Both | Weak-to-Strong Generalization: Eliciting Strong Capabilities With Weak Supervision | [
"Collin Burns",
"Pavel Izmailov",
"Jan Hendrik Kirchner",
"Bowen Baker",
"Leo Gao",
"Leopold Aschenbrenner",
"Yining Chen",
"Adrien Ecoffet",
"Manas Joglekar",
"Jan Leike",
"Ilya Sutskever",
"Jeff Wu"
] | 2023-12-14 | Widely used alignment techniques, such as reinforcement learning from human
feedback (RLHF), rely on the ability of humans to supervise model behavior -
for example, to evaluate whether a model faithfully followed instructions or
generated safe outputs. However, future superhuman models will behave in
complex ways too difficult for humans to reliably evaluate; humans will only be
able to weakly supervise superhuman models. We study an analogy to this
problem: can weak model supervision elicit the full capabilities of a much
stronger model? We test this using a range of pretrained language models in the
GPT-4 family on natural language processing (NLP), chess, and reward modeling
tasks. We find that when we naively finetune strong pretrained models on labels
generated by a weak model, they consistently perform better than their weak
supervisors, a phenomenon we call weak-to-strong generalization. However, we
are still far from recovering the full capabilities of strong models with naive
finetuning alone, suggesting that techniques like RLHF may scale poorly to
superhuman models without further work. We find that simple methods can often
significantly improve weak-to-strong generalization: for example, when
finetuning GPT-4 with a GPT-2-level supervisor and an auxiliary confidence
loss, we can recover close to GPT-3.5-level performance on NLP tasks. Our
results suggest that it is feasible to make empirical progress today on a
fundamental challenge of aligning superhuman models. | null | cs.CL | [
"cs.CL"
] |
2407.19835 | HF | ATHAR: A High-Quality and Diverse Dataset for Classical Arabic to English Translation | [
"Mohammed Khalil",
"Mohammed Sabry"
] | 2024-07-29 | Classical Arabic represents a significant era, encompassing the golden age of
Arab culture, philosophy, and scientific literature. With a broad consensus on
the importance of translating these literatures to enrich knowledge
dissemination across communities, the advent of large language models (LLMs)
and translation systems offers promising tools to facilitate this goal.
However, we have identified a scarcity of translation datasets in Classical
Arabic, which are often limited in scope and topics, hindering the development
of high-quality translation systems. In response, we present the ATHAR dataset,
comprising 66,000 high-quality Classical Arabic to English translation samples
that cover a wide array of subjects including science, culture, and philosophy.
Furthermore, we assess the performance of current state-of-the-art LLMs under
various settings, concluding that there is a need for such datasets in current
systems. Our findings highlight how models can benefit from fine-tuning or
incorporating this dataset into their pretraining pipelines. The dataset is
publicly available on the HuggingFace Data Hub at
\url{https://huggingface.co/datasets/mohamed-khalil/ATHAR}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.08797 | HF | Computing Power and the Governance of Artificial Intelligence | [
"Girish Sastry",
"Lennart Heim",
"Haydn Belfield",
"Markus Anderljung",
"Miles Brundage",
"Julian Hazell",
"Cullen O'Keefe",
"Gillian K. Hadfield",
"Richard Ngo",
"Konstantin Pilz",
"George Gor",
"Emma Bluemke",
"Sarah Shoker",
"Janet Egan",
"Robert F. Trager",
"Shahar Avin",
"Adrian Weller",
"Yoshua Bengio",
"Diane Coyle"
] | 2024-02-13 | Computing power, or "compute," is crucial for the development and deployment
of artificial intelligence (AI) capabilities. As a result, governments and
companies have started to leverage compute as a means to govern AI. For
example, governments are investing in domestic compute capacity, controlling
the flow of compute to competing countries, and subsidizing compute access to
certain sectors. However, these efforts only scratch the surface of how compute
can be used to govern AI development and deployment. Relative to other key
inputs to AI (data and algorithms), AI-relevant compute is a particularly
effective point of intervention: it is detectable, excludable, and
quantifiable, and is produced via an extremely concentrated supply chain. These
characteristics, alongside the singular importance of compute for cutting-edge
AI models, suggest that governing compute can contribute to achieving common
policy objectives, such as ensuring the safety and beneficial use of AI. More
precisely, policymakers could use compute to facilitate regulatory visibility
of AI, allocate resources to promote beneficial outcomes, and enforce
restrictions against irresponsible or malicious AI development and usage.
However, while compute-based policies and technologies have the potential to
assist in these areas, there is significant variation in their readiness for
implementation. Some ideas are currently being piloted, while others are
hindered by the need for fundamental research. Furthermore, naive or poorly
scoped approaches to compute governance carry significant risks in areas like
privacy, economic impacts, and centralization of power. We end by suggesting
guardrails to minimize these risks from compute governance. | null | cs.CY | [
"cs.CY"
] |
2312.10240 | HF | Rich Human Feedback for Text-to-Image Generation | [
"Youwei Liang",
"Junfeng He",
"Gang Li",
"Peizhao Li",
"Arseniy Klimovskiy",
"Nicholas Carolan",
"Jiao Sun",
"Jordi Pont-Tuset",
"Sarah Young",
"Feng Yang",
"Junjie Ke",
"Krishnamurthy Dj Dvijotham",
"Katie Collins",
"Yiwen Luo",
"Yang Li",
"Kai J Kohlhoff",
"Deepak Ramachandran",
"Vidhya Navalpakkam"
] | 2023-12-15 | Recent Text-to-Image (T2I) generation models such as Stable Diffusion and
Imagen have made significant progress in generating high-resolution images
based on text descriptions. However, many generated images still suffer from
issues such as artifacts/implausibility, misalignment with text descriptions,
and low aesthetic quality. Inspired by the success of Reinforcement Learning
with Human Feedback (RLHF) for large language models, prior works collected
human-provided scores as feedback on generated images and trained a reward
model to improve the T2I generation. In this paper, we enrich the feedback
signal by (i) marking image regions that are implausible or misaligned with the
text, and (ii) annotating which words in the text prompt are misrepresented or
missing on the image. We collect such rich human feedback on 18K generated
images (RichHF-18K) and train a multimodal transformer to predict the rich
feedback automatically. We show that the predicted rich human feedback can be
leveraged to improve image generation, for example, by selecting high-quality
training data to finetune and improve the generative models, or by creating
masks with predicted heatmaps to inpaint the problematic regions. Notably, the
improvements generalize to models (Muse) beyond those used to generate the
images on which human feedback data were collected (Stable Diffusion variants).
The RichHF-18K data set will be released in our GitHub repository:
https://github.com/google-research/google-research/tree/master/richhf_18k. | null | cs.CV | [
"cs.CV"
] |
2406.08545 | HF | RVT-2: Learning Precise Manipulation from Few Demonstrations | [
"Ankit Goyal",
"Valts Blukis",
"Jie Xu",
"Yijie Guo",
"Yu-Wei Chao",
"Dieter Fox"
] | 2024-06-12 | In this work, we study how to build a robotic system that can solve multiple
3D manipulation tasks given language instructions. To be useful in industrial
and household domains, such a system should be capable of learning new tasks
with few demonstrations and solving them precisely. Prior works, like PerAct
and RVT, have studied this problem, however, they often struggle with tasks
requiring high precision. We study how to make them more effective, precise,
and fast. Using a combination of architectural and system-level improvements,
we propose RVT-2, a multitask 3D manipulation model that is 6X faster in
training and 2X faster in inference than its predecessor RVT. RVT-2 achieves a
new state-of-the-art on RLBench, improving the success rate from 65% to 82%.
RVT-2 is also effective in the real world, where it can learn tasks requiring
high precision, like picking up and inserting plugs, with just 10
demonstrations. Visual results, code, and trained model are provided at:
https://robotic-view-transformer-2.github.io/. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV"
] |
2406.11768 | HF | GAMA: A Large Audio-Language Model with Advanced Audio Understanding and Complex Reasoning Abilities | [
"Sreyan Ghosh",
"Sonal Kumar",
"Ashish Seth",
"Chandra Kiran Reddy Evuru",
"Utkarsh Tyagi",
"S Sakshi",
"Oriol Nieto",
"Ramani Duraiswami",
"Dinesh Manocha"
] | 2024-06-17 | Perceiving and understanding non-speech sounds and non-verbal speech is
essential to making decisions that help us interact with our surroundings. In
this paper, we propose GAMA, a novel General-purpose Large Audio-Language Model
(LALM) with Advanced Audio Understanding and Complex Reasoning Abilities. We
build GAMA by integrating an LLM with multiple types of audio representations,
including features from a custom Audio Q-Former, a multi-layer aggregator that
aggregates features from multiple layers of an audio encoder. We fine-tune GAMA
on a large-scale audio-language dataset, which augments it with audio
understanding capabilities. Next, we propose CompA-R (Instruction-Tuning for
Complex Audio Reasoning), a synthetically generated instruction-tuning (IT)
dataset with instructions that require the model to perform complex reasoning
on the input audio. We instruction-tune GAMA with CompA-R to endow it with
complex reasoning abilities, where we further add a soft prompt as input with
high-level semantic evidence by leveraging event tags of the input audio.
Finally, we also propose CompA-R-test, a human-labeled evaluation dataset for
evaluating the capabilities of LALMs on open-ended audio question-answering
that requires complex reasoning. Through automated and expert human
evaluations, we show that GAMA outperforms all other LALMs in literature on
diverse audio understanding tasks by margins of 1%-84%. Further, GAMA IT-ed on
CompA-R proves to be superior in its complex reasoning and instruction
following capabilities. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.CL",
"eess.AS"
] |
2312.06109 | HF | Vary: Scaling up the Vision Vocabulary for Large Vision-Language Models | [
"Haoran Wei",
"Lingyu Kong",
"Jinyue Chen",
"Liang Zhao",
"Zheng Ge",
"Jinrong Yang",
"Jianjian Sun",
"Chunrui Han",
"Xiangyu Zhang"
] | 2023-12-11 | Modern Large Vision-Language Models (LVLMs) enjoy the same vision vocabulary
-- CLIP, which can cover most common vision tasks. However, for some special
vision task that needs dense and fine-grained vision perception, e.g.,
document-level OCR or chart understanding, especially in non-English scenarios,
the CLIP-style vocabulary may encounter low efficiency in tokenizing the vision
knowledge and even suffer out-of-vocabulary problem. Accordingly, we propose
Vary, an efficient and effective method to scale up the vision vocabulary of
LVLMs. The procedures of Vary are naturally divided into two folds: the
generation and integration of a new vision vocabulary. In the first phase, we
devise a vocabulary network along with a tiny decoder-only transformer to
produce the desired vocabulary via autoregression. In the next, we scale up the
vanilla vision vocabulary by merging the new one with the original one (CLIP),
enabling the LVLMs can quickly garner new features. Compared to the popular
BLIP-2, MiniGPT4, and LLaVA, Vary can maintain its vanilla capabilities while
enjoying more excellent fine-grained perception and understanding ability.
Specifically, Vary is competent in new document parsing features (OCR or
markdown conversion) while achieving 78.2% ANLS in DocVQA and 36.2% in MMVet.
Our code will be publicly available on the homepage. | null | cs.CV | [
"cs.CV"
] |
2407.10953 | HF | MMM: Multilingual Mutual Reinforcement Effect Mix Datasets & Test with Open-domain Information Extraction Large Language Models | [
"Chengguang Gan",
"Qingyu Yin",
"Xinyang He",
"Hanjun Wei",
"Yunhao Liang",
"Younghun Lim",
"Shijian Wang",
"Hexiang Huang",
"Qinghao Zhang",
"Shiwen Ni",
"Tatsunori Mori"
] | 2024-07-15 | The Mutual Reinforcement Effect (MRE) represents a promising avenue in
information extraction and multitasking research. Nevertheless, its
applicability has been constrained due to the exclusive availability of MRE mix
datasets in Japanese, thereby limiting comprehensive exploration by the global
research community. To address this limitation, we introduce a Multilingual MRE
mix dataset (MMM) that encompasses 21 sub-datasets in English, Japanese, and
Chinese. In this paper, we also propose a method for dataset translation
assisted by Large Language Models (LLMs), which significantly reduces the
manual annotation time required for dataset construction by leveraging LLMs to
translate the original Japanese datasets. Additionally, we have enriched the
dataset by incorporating open-domain Named Entity Recognition (NER) and
sentence classification tasks. Utilizing this expanded dataset, we developed a
unified input-output framework to train an Open-domain Information Extraction
Large Language Model (OIELLM). The OIELLM model demonstrates the capability to
effectively process novel MMM datasets, exhibiting significant improvements in
performance. | null | cs.CL | [
"cs.CL"
] |
2310.11448 | HF | 4K4D: Real-Time 4D View Synthesis at 4K Resolution | [
"Zhen Xu",
"Sida Peng",
"Haotong Lin",
"Guangzhao He",
"Jiaming Sun",
"Yujun Shen",
"Hujun Bao",
"Xiaowei Zhou"
] | 2023-10-17 | This paper targets high-fidelity and real-time view synthesis of dynamic 3D
scenes at 4K resolution. Recently, some methods on dynamic view synthesis have
shown impressive rendering quality. However, their speed is still limited when
rendering high-resolution images. To overcome this problem, we propose 4K4D, a
4D point cloud representation that supports hardware rasterization and enables
unprecedented rendering speed. Our representation is built on a 4D feature grid
so that the points are naturally regularized and can be robustly optimized. In
addition, we design a novel hybrid appearance model that significantly boosts
the rendering quality while preserving efficiency. Moreover, we develop a
differentiable depth peeling algorithm to effectively learn the proposed model
from RGB videos. Experiments show that our representation can be rendered at
over 400 FPS on the DNA-Rendering dataset at 1080p resolution and 80 FPS on the
ENeRF-Outdoor dataset at 4K resolution using an RTX 4090 GPU, which is 30x
faster than previous methods and achieves the state-of-the-art rendering
quality. Our project page is available at https://zju3dv.github.io/4k4d/. | null | cs.CV | [
"cs.CV"
] |
2402.10949 | AnswerAI | The Unreasonable Effectiveness of Eccentric Automatic Prompts | [
"Rick Battle",
"Teja Gollapudi"
] | 2024-02-09 | Large Language Models (LLMs) have demonstrated remarkable problem-solving and
basic mathematics abilities. However, their efficacy is highly contingent on
the formulation of the prompt. This study endeavors to quantify the influence
of incorporating "positive thinking" into the system message of the prompt,
then compare that to systematic prompt optimization. We assess the performance
of 60 combinations of system message snippets, tested with and without Chain of
Thought prompting, across three models with parameters ranging from 7 to 70
billion on the GSM8K dataset. Our findings reveal that results do not
universally generalize across models. In most instances, the inclusion of
"positive thinking" prompts positively affected model performance. Notably,
however, Llama2-70B exhibited an exception when not utilizing Chain of Thought,
as the optimal system message was found to be none at all. Given the
combinatorial complexity, and thus computation time, of experimenting with
hand-tuning prompts for large black-box models, we then compared the
performance of the best "positive thinking" prompt against the output of
systematic prompt optimization. We show that employing an automated prompt
optimizer emerges as the most effective method for enhancing performance, even
when working with smaller open-source models. Additionally, our findings reveal
that the highest-scoring, automatically-optimized prompt exhibits a degree of
peculiarity far beyond expectations. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.15842 | HF | Artist: Aesthetically Controllable Text-Driven Stylization without Training | [
"Ruixiang Jiang",
"Changwen Chen"
] | 2024-07-22 | Diffusion models entangle content and style generation during the denoising
process, leading to undesired content modification when directly applied to
stylization tasks. Existing methods struggle to effectively control the
diffusion model to meet the aesthetic-level requirements for stylization. In
this paper, we introduce \textbf{Artist}, a training-free approach that
aesthetically controls the content and style generation of a pretrained
diffusion model for text-driven stylization. Our key insight is to disentangle
the denoising of content and style into separate diffusion processes while
sharing information between them. We propose simple yet effective content and
style control methods that suppress style-irrelevant content generation,
resulting in harmonious stylization results. Extensive experiments demonstrate
that our method excels at achieving aesthetic-level stylization requirements,
preserving intricate details in the content image and aligning well with the
style prompt. Furthermore, we showcase the highly controllability of the
stylization strength from various perspectives. Code will be released, project
home page: https://DiffusionArtist.github.io | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2306.09200 | HF | ChessGPT: Bridging Policy Learning and Language Modeling | [
"Xidong Feng",
"Yicheng Luo",
"Ziyan Wang",
"Hongrui Tang",
"Mengyue Yang",
"Kun Shao",
"David Mguni",
"Yali Du",
"Jun Wang"
] | 2023-06-15 | When solving decision-making tasks, humans typically depend on information
from two key sources: (1) Historical policy data, which provides interaction
replay from the environment, and (2) Analytical insights in natural language
form, exposing the invaluable thought process or strategic considerations.
Despite this, the majority of preceding research focuses on only one source:
they either use historical replay exclusively to directly learn policy or value
functions, or engaged in language model training utilizing mere language
corpus. In this paper, we argue that a powerful autonomous agent should cover
both sources. Thus, we propose ChessGPT, a GPT model bridging policy learning
and language modeling by integrating data from these two sources in Chess
games. Specifically, we build a large-scale game and language dataset related
to chess. Leveraging the dataset, we showcase two model examples ChessCLIP and
ChessGPT, integrating policy learning and language modeling. Finally, we
propose a full evaluation framework for evaluating language model's chess
ability. Experimental results validate our model and dataset's effectiveness.
We open source our code, model, and dataset at
https://github.com/waterhorse1/ChessGPT. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2402.07383 | HF | Making Flow-Matching-Based Zero-Shot Text-to-Speech Laugh as You Like | [
"Naoyuki Kanda",
"Xiaofei Wang",
"Sefik Emre Eskimez",
"Manthan Thakker",
"Hemin Yang",
"Zirun Zhu",
"Min Tang",
"Canrun Li",
"Chung-Hsien Tsai",
"Zhen Xiao",
"Yufei Xia",
"Jinzhu Li",
"Yanqing Liu",
"Sheng Zhao",
"Michael Zeng"
] | 2024-02-12 | Laughter is one of the most expressive and natural aspects of human speech,
conveying emotions, social cues, and humor. However, most text-to-speech (TTS)
systems lack the ability to produce realistic and appropriate laughter sounds,
limiting their applications and user experience. While there have been prior
works to generate natural laughter, they fell short in terms of controlling the
timing and variety of the laughter to be generated. In this work, we propose
ELaTE, a zero-shot TTS that can generate natural laughing speech of any speaker
based on a short audio prompt with precise control of laughter timing and
expression. Specifically, ELaTE works on the audio prompt to mimic the voice
characteristic, the text prompt to indicate the contents of the generated
speech, and the input to control the laughter expression, which can be either
the start and end times of laughter, or the additional audio prompt that
contains laughter to be mimicked. We develop our model based on the foundation
of conditional flow-matching-based zero-shot TTS, and fine-tune it with
frame-level representation from a laughter detector as additional conditioning.
With a simple scheme to mix small-scale laughter-conditioned data with
large-scale pre-training data, we demonstrate that a pre-trained zero-shot TTS
model can be readily fine-tuned to generate natural laughter with precise
controllability, without losing any quality of the pre-trained zero-shot TTS
model. Through objective and subjective evaluations, we show that ELaTE can
generate laughing speech with significantly higher quality and controllability
compared to conventional models. See https://aka.ms/elate/ for demo samples. | null | eess.AS | [
"eess.AS",
"cs.CL",
"cs.LG",
"cs.SD"
] |
2401.15975 | HF | StableIdentity: Inserting Anybody into Anywhere at First Sight | [
"Qinghe Wang",
"Xu Jia",
"Xiaomin Li",
"Taiqing Li",
"Liqian Ma",
"Yunzhi Zhuge",
"Huchuan Lu"
] | 2024-01-29 | Recent advances in large pretrained text-to-image models have shown
unprecedented capabilities for high-quality human-centric generation, however,
customizing face identity is still an intractable problem. Existing methods
cannot ensure stable identity preservation and flexible editability, even with
several images for each subject during training. In this work, we propose
StableIdentity, which allows identity-consistent recontextualization with just
one face image. More specifically, we employ a face encoder with an identity
prior to encode the input face, and then land the face representation into a
space with an editable prior, which is constructed from celeb names. By
incorporating identity prior and editability prior, the learned identity can be
injected anywhere with various contexts. In addition, we design a masked
two-phase diffusion loss to boost the pixel-level perception of the input face
and maintain the diversity of generation. Extensive experiments demonstrate our
method outperforms previous customization methods. In addition, the learned
identity can be flexibly combined with the off-the-shelf modules such as
ControlNet. Notably, to the best knowledge, we are the first to directly inject
the identity learned from a single image into video/3D generation without
finetuning. We believe that the proposed StableIdentity is an important step to
unify image, video, and 3D customized generation models. | null | cs.CV | [
"cs.CV"
] |
2408.03325 | HF | CoverBench: A Challenging Benchmark for Complex Claim Verification | [
"Alon Jacovi",
"Moran Ambar",
"Eyal Ben-David",
"Uri Shaham",
"Amir Feder",
"Mor Geva",
"Dror Marcus",
"Avi Caciularu"
] | 2024-08-06 | There is a growing line of research on verifying the correctness of language
models' outputs. At the same time, LMs are being used to tackle complex queries
that require reasoning. We introduce CoverBench, a challenging benchmark
focused on verifying LM outputs in complex reasoning settings. Datasets that
can be used for this purpose are often designed for other complex reasoning
tasks (e.g., QA) targeting specific use-cases (e.g., financial tables),
requiring transformations, negative sampling and selection of hard examples to
collect such a benchmark. CoverBench provides a diversified evaluation for
complex claim verification in a variety of domains, types of reasoning,
relatively long inputs, and a variety of standardizations, such as multiple
representations for tables where available, and a consistent schema. We
manually vet the data for quality to ensure low levels of label noise. Finally,
we report a variety of competitive baseline results to show CoverBench is
challenging and has very significant headroom. The data is available at
https://huggingface.co/datasets/google/coverbench . | null | cs.CL | [
"cs.CL"
] |
2403.17919 | AnswerAI | LISA: Layerwise Importance Sampling for Memory-Efficient Large Language Model Fine-Tuning | [
"Rui Pan",
"Xiang Liu",
"Shizhe Diao",
"Renjie Pi",
"Jipeng Zhang",
"Chi Han",
"Tong Zhang"
] | 2024-03-26 | The machine learning community has witnessed impressive advancements since
large language models (LLMs) first appeared. Yet, their massive memory
consumption has become a significant roadblock to large-scale training. For
instance, a 7B model typically requires at least 60 GB of GPU memory with full
parameter training, which presents challenges for researchers without access to
high-resource environments. Parameter Efficient Fine-Tuning techniques such as
Low-Rank Adaptation (LoRA) have been proposed to alleviate this problem.
However, in most large-scale fine-tuning settings, their performance does not
reach the level of full parameter training because they confine the parameter
search to a low-rank subspace. Attempting to complement this deficiency, we
investigate the layerwise properties of LoRA on fine-tuning tasks and observe
an unexpected but consistent skewness of weight norms across different layers.
Utilizing this key observation, a surprisingly simple training strategy is
discovered, which outperforms both LoRA and full parameter training in a wide
range of settings with memory costs as low as LoRA. We name it Layerwise
Importance Sampled AdamW (LISA), a promising alternative for LoRA, which
applies the idea of importance sampling to different layers in LLMs and
randomly freezes most middle layers during optimization. Experimental results
show that with similar or less GPU memory consumption, LISA surpasses LoRA or
even full parameter tuning in downstream fine-tuning tasks, where LISA
consistently outperforms LoRA by over 10%-35% in terms of MT-Bench score while
achieving on-par or better performance in MMLU, AGIEval and WinoGrande. On
large models, specifically LLaMA-2-70B, LISA surpasses LoRA on MT-Bench, GSM8K,
and PubMedQA, demonstrating its effectiveness across different domains. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"math.OC"
] |
2311.01460 | AnswerAI | Implicit Chain of Thought Reasoning via Knowledge Distillation | [
"Yuntian Deng",
"Kiran Prasad",
"Roland Fernandez",
"Paul Smolensky",
"Vishrav Chaudhary",
"Stuart Shieber"
] | 2023-11-02 | To augment language models with the ability to reason, researchers usually
prompt or finetune them to produce chain of thought reasoning steps before
producing the final answer. However, although people use natural language to
reason effectively, it may be that LMs could reason more effectively with some
intermediate computation that is not in natural language. In this work, we
explore an alternative reasoning approach: instead of explicitly producing the
chain of thought reasoning steps, we use the language model's internal hidden
states to perform implicit reasoning. The implicit reasoning steps are
distilled from a teacher model trained on explicit chain-of-thought reasoning,
and instead of doing reasoning "horizontally" by producing intermediate words
one-by-one, we distill it such that the reasoning happens "vertically" among
the hidden states in different layers. We conduct experiments on a multi-digit
multiplication task and a grade school math problem dataset and find that this
approach enables solving tasks previously not solvable without explicit
chain-of-thought, at a speed comparable to no chain-of-thought. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2409.10819 | HF | EzAudio: Enhancing Text-to-Audio Generation with Efficient Diffusion Transformer | [
"Jiarui Hai",
"Yong Xu",
"Hao Zhang",
"Chenxing Li",
"Helin Wang",
"Mounya Elhilali",
"Dong Yu"
] | 2024-09-17 | Latent diffusion models have shown promising results in text-to-audio (T2A)
generation tasks, yet previous models have encountered difficulties in
generation quality, computational cost, diffusion sampling, and data
preparation. In this paper, we introduce EzAudio, a transformer-based T2A
diffusion model, to handle these challenges. Our approach includes several key
innovations: (1) We build the T2A model on the latent space of a 1D waveform
Variational Autoencoder (VAE), avoiding the complexities of handling 2D
spectrogram representations and using an additional neural vocoder. (2) We
design an optimized diffusion transformer architecture specifically tailored
for audio latent representations and diffusion modeling, which enhances
convergence speed, training stability, and memory usage, making the training
process easier and more efficient. (3) To tackle data scarcity, we adopt a
data-efficient training strategy that leverages unlabeled data for learning
acoustic dependencies, audio caption data annotated by audio-language models
for text-to-audio alignment learning, and human-labeled data for fine-tuning.
(4) We introduce a classifier-free guidance (CFG) rescaling method that
simplifies EzAudio by achieving strong prompt alignment while preserving great
audio quality when using larger CFG scores, eliminating the need to struggle
with finding the optimal CFG score to balance this trade-off. EzAudio surpasses
existing open-source models in both objective metrics and subjective
evaluations, delivering realistic listening experiences while maintaining a
streamlined model structure, low training costs, and an easy-to-follow training
pipeline. Code, data, and pre-trained models are released at:
https://haidog-yaqub.github.io/EzAudio-Page/. | null | eess.AS | [
"eess.AS",
"cs.SD"
] |
2309.04581 | HF | Dynamic Mesh-Aware Radiance Fields | [
"Yi-Ling Qiao",
"Alexander Gao",
"Yiran Xu",
"Yue Feng",
"Jia-Bin Huang",
"Ming C. Lin"
] | 2023-09-08 | Embedding polygonal mesh assets within photorealistic Neural Radience Fields
(NeRF) volumes, such that they can be rendered and their dynamics simulated in
a physically consistent manner with the NeRF, is under-explored from the system
perspective of integrating NeRF into the traditional graphics pipeline. This
paper designs a two-way coupling between mesh and NeRF during rendering and
simulation. We first review the light transport equations for both mesh and
NeRF, then distill them into an efficient algorithm for updating radiance and
throughput along a cast ray with an arbitrary number of bounces. To resolve the
discrepancy between the linear color space that the path tracer assumes and the
sRGB color space that standard NeRF uses, we train NeRF with High Dynamic Range
(HDR) images. We also present a strategy to estimate light sources and cast
shadows on the NeRF. Finally, we consider how the hybrid surface-volumetric
formulation can be efficiently integrated with a high-performance physics
simulator that supports cloth, rigid and soft bodies. The full rendering and
simulation system can be run on a GPU at interactive rates. We show that a
hybrid system approach outperforms alternatives in visual realism for mesh
insertion, because it allows realistic light transport from volumetric NeRF
media onto surfaces, which affects the appearance of reflective/refractive
surfaces and illumination of diffuse surfaces informed by the dynamic scene. | null | cs.GR | [
"cs.GR",
"cs.CV",
"cs.LG"
] |
2206.02770 | AnswerAI | Multimodal Contrastive Learning with LIMoE: the Language-Image Mixture of Experts | [
"Basil Mustafa",
"Carlos Riquelme",
"Joan Puigcerver",
"Rodolphe Jenatton",
"Neil Houlsby"
] | 2022-06-06 | Large sparsely-activated models have obtained excellent performance in
multiple domains. However, such models are typically trained on a single
modality at a time. We present the Language-Image MoE, LIMoE, a sparse mixture
of experts model capable of multimodal learning. LIMoE accepts both images and
text simultaneously, while being trained using a contrastive loss. MoEs are a
natural fit for a multimodal backbone, since expert layers can learn an
appropriate partitioning of modalities. However, new challenges arise; in
particular, training stability and balanced expert utilization, for which we
propose an entropy-based regularization scheme. Across multiple scales, we
demonstrate remarkable performance improvement over dense models of equivalent
computational cost. LIMoE-L/16 trained comparably to CLIP-L/14 achieves 78.6%
zero-shot ImageNet accuracy (vs. 76.2%), and when further scaled to H/14 (with
additional data) it achieves 84.1%, comparable to state-of-the-art methods
which use larger custom per-modality backbones and pre-training schemes. We
analyse the quantitative and qualitative behavior of LIMoE, and demonstrate
phenomena such as differing treatment of the modalities and the organic
emergence of modality-specific experts. | null | cs.CV | [
"cs.CV"
] |
2309.08628 | HF | Recovering from Privacy-Preserving Masking with Large Language Models | [
"Arpita Vats",
"Zhe Liu",
"Peng Su",
"Debjyoti Paul",
"Yingyi Ma",
"Yutong Pang",
"Zeeshan Ahmed",
"Ozlem Kalinli"
] | 2023-09-12 | Model adaptation is crucial to handle the discrepancy between proxy training
data and actual users data received. To effectively perform adaptation, textual
data of users is typically stored on servers or their local devices, where
downstream natural language processing (NLP) models can be directly trained
using such in-domain data. However, this might raise privacy and security
concerns due to the extra risks of exposing user information to adversaries.
Replacing identifying information in textual data with a generic marker has
been recently explored. In this work, we leverage large language models (LLMs)
to suggest substitutes of masked tokens and have their effectiveness evaluated
on downstream language modeling tasks. Specifically, we propose multiple
pre-trained and fine-tuned LLM-based approaches and perform empirical studies
on various datasets for the comparison of these methods. Experimental results
show that models trained on the obfuscation corpora are able to achieve
comparable performance with the ones trained on the original data without
privacy-preserving token masking. | null | cs.CL | [
"cs.CL",
"cs.CR",
"cs.LG"
] |
2408.16061 | HF | 3D Reconstruction with Spatial Memory | [
"Hengyi Wang",
"Lourdes Agapito"
] | 2024-08-28 | We present Spann3R, a novel approach for dense 3D reconstruction from ordered
or unordered image collections. Built on the DUSt3R paradigm, Spann3R uses a
transformer-based architecture to directly regress pointmaps from images
without any prior knowledge of the scene or camera parameters. Unlike DUSt3R,
which predicts per image-pair pointmaps each expressed in its local coordinate
frame, Spann3R can predict per-image pointmaps expressed in a global coordinate
system, thus eliminating the need for optimization-based global alignment. The
key idea of Spann3R is to manage an external spatial memory that learns to keep
track of all previous relevant 3D information. Spann3R then queries this
spatial memory to predict the 3D structure of the next frame in a global
coordinate system. Taking advantage of DUSt3R's pre-trained weights, and
further fine-tuning on a subset of datasets, Spann3R shows competitive
performance and generalization ability on various unseen datasets and can
process ordered image collections in real time. Project page:
\url{https://hengyiwang.github.io/projects/spanner} | null | cs.CV | [
"cs.CV"
] |
2407.17453 | HF | $VILA^2$: VILA Augmented VILA | [
"Yunhao Fang",
"Ligeng Zhu",
"Yao Lu",
"Yan Wang",
"Pavlo Molchanov",
"Jang Hyun Cho",
"Marco Pavone",
"Song Han",
"Hongxu Yin"
] | 2024-07-24 | Visual language models (VLMs) have rapidly progressed, driven by the success
of large language models (LLMs). While model architectures and training
infrastructures advance rapidly, data curation remains under-explored. When
data quantity and quality become a bottleneck, existing work either directly
crawls more raw data from the Internet that does not have a guarantee of data
quality or distills from black-box commercial models (e.g., GPT-4V / Gemini)
causing the performance upper bounded by that model. In this work, we introduce
a novel approach that includes a self-augment step and a specialist-augment
step to iteratively improve data quality and model performance. In the
self-augment step, a VLM recaptions its own pretraining data to enhance data
quality, and then retrains from scratch using this refined dataset to improve
model performance. This process can iterate for several rounds. Once
self-augmentation saturates, we employ several specialist VLMs finetuned from
the self-augmented VLM with domain-specific expertise, to further infuse
specialist knowledge into the generalist VLM through task-oriented recaptioning
and retraining. With the combined self-augmented and specialist-augmented
training, we introduce $VILA^2$ (VILA-augmented-VILA), a VLM family that
consistently improves the accuracy on a wide range of tasks over prior art, and
achieves new state-of-the-art results on MMMU leaderboard among open-sourced
models. | null | cs.CV | [
"cs.CV"
] |
2308.07316 | HF | Jurassic World Remake: Bringing Ancient Fossils Back to Life via Zero-Shot Long Image-to-Image Translation | [
"Alexander Martin",
"Haitian Zheng",
"Jie An",
"Jiebo Luo"
] | 2023-08-14 | With a strong understanding of the target domain from natural language, we
produce promising results in translating across large domain gaps and bringing
skeletons back to life. In this work, we use text-guided latent diffusion
models for zero-shot image-to-image translation (I2I) across large domain gaps
(longI2I), where large amounts of new visual features and new geometry need to
be generated to enter the target domain. Being able to perform translations
across large domain gaps has a wide variety of real-world applications in
criminology, astrology, environmental conservation, and paleontology. In this
work, we introduce a new task Skull2Animal for translating between skulls and
living animals. On this task, we find that unguided Generative Adversarial
Networks (GANs) are not capable of translating across large domain gaps.
Instead of these traditional I2I methods, we explore the use of guided
diffusion and image editing models and provide a new benchmark model,
Revive-2I, capable of performing zero-shot I2I via text-prompting latent
diffusion models. We find that guidance is necessary for longI2I because, to
bridge the large domain gap, prior knowledge about the target domain is needed.
In addition, we find that prompting provides the best and most scalable
information about the target domain as classifier-guided diffusion models
require retraining for specific use cases and lack stronger constraints on the
target domain because of the wide variety of images they are trained on. | 10.1145/3581783.3612708 | cs.CV | [
"cs.CV",
"cs.MM",
"I.4; I.7"
] |
2306.03881 | HF | Emergent Correspondence from Image Diffusion | [
"Luming Tang",
"Menglin Jia",
"Qianqian Wang",
"Cheng Perng Phoo",
"Bharath Hariharan"
] | 2023-06-06 | Finding correspondences between images is a fundamental problem in computer
vision. In this paper, we show that correspondence emerges in image diffusion
models without any explicit supervision. We propose a simple strategy to
extract this implicit knowledge out of diffusion networks as image features,
namely DIffusion FeaTures (DIFT), and use them to establish correspondences
between real images. Without any additional fine-tuning or supervision on the
task-specific data or annotations, DIFT is able to outperform both
weakly-supervised methods and competitive off-the-shelf features in identifying
semantic, geometric, and temporal correspondences. Particularly for semantic
correspondence, DIFT from Stable Diffusion is able to outperform DINO and
OpenCLIP by 19 and 14 accuracy points respectively on the challenging SPair-71k
benchmark. It even outperforms the state-of-the-art supervised methods on 9 out
of 18 categories while remaining on par for the overall performance. Project
page: https://diffusionfeatures.github.io | null | cs.CV | [
"cs.CV"
] |
2312.02970 | HF | Alchemist: Parametric Control of Material Properties with Diffusion Models | [
"Prafull Sharma",
"Varun Jampani",
"Yuanzhen Li",
"Xuhui Jia",
"Dmitry Lagun",
"Fredo Durand",
"William T. Freeman",
"Mark Matthews"
] | 2023-12-05 | We propose a method to control material attributes of objects like roughness,
metallic, albedo, and transparency in real images. Our method capitalizes on
the generative prior of text-to-image models known for photorealism, employing
a scalar value and instructions to alter low-level material properties.
Addressing the lack of datasets with controlled material attributes, we
generated an object-centric synthetic dataset with physically-based materials.
Fine-tuning a modified pre-trained text-to-image model on this synthetic
dataset enables us to edit material properties in real-world images while
preserving all other attributes. We show the potential application of our model
to material edited NeRFs. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2301.03266 | AnswerAI | Doc2Query--: When Less is More | [
"Mitko Gospodinov",
"Sean MacAvaney",
"Craig Macdonald"
] | 2023-01-09 | Doc2Query -- the process of expanding the content of a document before
indexing using a sequence-to-sequence model -- has emerged as a prominent
technique for improving the first-stage retrieval effectiveness of search
engines. However, sequence-to-sequence models are known to be prone to
"hallucinating" content that is not present in the source text. We argue that
Doc2Query is indeed prone to hallucination, which ultimately harms retrieval
effectiveness and inflates the index size. In this work, we explore techniques
for filtering out these harmful queries prior to indexing. We find that using a
relevance model to remove poor-quality queries can improve the retrieval
effectiveness of Doc2Query by up to 16%, while simultaneously reducing mean
query execution time by 23% and cutting the index size by 33%. We release the
code, data, and a live demonstration to facilitate reproduction and further
exploration at https://github.com/terrierteam/pyterrier_doc2query. | null | cs.IR | [
"cs.IR"
] |
2408.08291 | HF | The ShareLM Collection and Plugin: Contributing Human-Model Chats for the Benefit of the Community | [
"Shachar Don-Yehiya",
"Leshem Choshen",
"Omri Abend"
] | 2024-08-15 | Human-model conversations provide a window into users' real-world scenarios,
behavior, and needs, and thus are a valuable resource for model development and
research. While for-profit companies collect user data through the APIs of
their models, using it internally to improve their own models, the open source
and research community lags behind.
We introduce the ShareLM collection, a unified set of human conversations
with large language models, and its accompanying plugin, a Web extension for
voluntarily contributing user-model conversations. Where few platforms share
their chats, the ShareLM plugin adds this functionality, thus, allowing users
to share conversations from most platforms. The plugin allows the user to rate
their conversations, both at the conversation and the response levels, and
delete conversations they prefer to keep private before they ever leave the
user's local storage. We release the plugin conversations as part of the
ShareLM collection, and call for more community effort in the field of open
human-model data.
The code, plugin, and data are available. | null | cs.CL | [
"cs.CL"
] |
2403.19655 | HF | GaussianCube: A Structured and Explicit Radiance Representation for 3D Generative Modeling | [
"Bowen Zhang",
"Yiji Cheng",
"Jiaolong Yang",
"Chunyu Wang",
"Feng Zhao",
"Yansong Tang",
"Dong Chen",
"Baining Guo"
] | 2024-03-28 | We introduce a radiance representation that is both structured and fully
explicit and thus greatly facilitates 3D generative modeling. Existing radiance
representations either require an implicit feature decoder, which significantly
degrades the modeling power of the representation, or are spatially
unstructured, making them difficult to integrate with mainstream 3D diffusion
methods. We derive GaussianCube by first using a novel
densification-constrained Gaussian fitting algorithm, which yields
high-accuracy fitting using a fixed number of free Gaussians, and then
rearranging these Gaussians into a predefined voxel grid via Optimal Transport.
Since GaussianCube is a structured grid representation, it allows us to use
standard 3D U-Net as our backbone in diffusion modeling without elaborate
designs. More importantly, the high-accuracy fitting of the Gaussians allows us
to achieve a high-quality representation with orders of magnitude fewer
parameters than previous structured representations for comparable quality,
ranging from one to two orders of magnitude. The compactness of GaussianCube
greatly eases the difficulty of 3D generative modeling. Extensive experiments
conducted on unconditional and class-conditioned object generation, digital
avatar creation, and text-to-3D synthesis all show that our model achieves
state-of-the-art generation results both qualitatively and quantitatively,
underscoring the potential of GaussianCube as a highly accurate and versatile
radiance representation for 3D generative modeling. Project page:
https://gaussiancube.github.io/. | null | cs.CV | [
"cs.CV"
] |
2104.08663 | AnswerAI | BEIR: A Heterogenous Benchmark for Zero-shot Evaluation of Information Retrieval Models | [
"Nandan Thakur",
"Nils Reimers",
"Andreas Rücklé",
"Abhishek Srivastava",
"Iryna Gurevych"
] | 2021-04-17 | Existing neural information retrieval (IR) models have often been studied in
homogeneous and narrow settings, which has considerably limited insights into
their out-of-distribution (OOD) generalization capabilities. To address this,
and to facilitate researchers to broadly evaluate the effectiveness of their
models, we introduce Benchmarking-IR (BEIR), a robust and heterogeneous
evaluation benchmark for information retrieval. We leverage a careful selection
of 18 publicly available datasets from diverse text retrieval tasks and domains
and evaluate 10 state-of-the-art retrieval systems including lexical, sparse,
dense, late-interaction and re-ranking architectures on the BEIR benchmark. Our
results show BM25 is a robust baseline and re-ranking and
late-interaction-based models on average achieve the best zero-shot
performances, however, at high computational costs. In contrast, dense and
sparse-retrieval models are computationally more efficient but often
underperform other approaches, highlighting the considerable room for
improvement in their generalization capabilities. We hope this framework allows
us to better evaluate and understand existing retrieval systems, and
contributes to accelerating progress towards better robust and generalizable
systems in the future. BEIR is publicly available at
https://github.com/UKPLab/beir. | null | cs.IR | [
"cs.IR",
"cs.AI",
"cs.CL"
] |
2406.11896 | HF | DigiRL: Training In-The-Wild Device-Control Agents with Autonomous Reinforcement Learning | [
"Hao Bai",
"Yifei Zhou",
"Mert Cemri",
"Jiayi Pan",
"Alane Suhr",
"Sergey Levine",
"Aviral Kumar"
] | 2024-06-14 | Training corpuses for vision language models (VLMs) typically lack sufficient
amounts of decision-centric data. This renders off-the-shelf VLMs sub-optimal
for decision-making tasks such as in-the-wild device control through graphical
user interfaces (GUIs). While training with static demonstrations has shown
some promise, we show that such methods fall short for controlling real GUIs
due to their failure to deal with real-world stochasticity and non-stationarity
not captured in static observational data. This paper introduces a novel
autonomous RL approach, called DigiRL, for training in-the-wild device control
agents through fine-tuning a pre-trained VLM in two stages: offline RL to
initialize the model, followed by offline-to-online RL. To do this, we build a
scalable and parallelizable Android learning environment equipped with a
VLM-based evaluator and develop a simple yet effective RL approach for learning
in this domain. Our approach runs advantage-weighted RL with advantage
estimators enhanced to account for stochasticity along with an automatic
curriculum for deriving maximal learning signal. We demonstrate the
effectiveness of DigiRL using the Android-in-the-Wild (AitW) dataset, where our
1.3B VLM trained with RL achieves a 49.5% absolute improvement -- from 17.7 to
67.2% success rate -- over supervised fine-tuning with static human
demonstration data. These results significantly surpass not only the prior best
agents, including AppAgent with GPT-4V (8.3% success rate) and the 17B CogAgent
trained with AitW data (38.5%), but also the prior best autonomous RL approach
based on filtered behavior cloning (57.8%), thereby establishing a new
state-of-the-art for digital agents for in-the-wild device control. | null | cs.LG | [
"cs.LG"
] |
2303.14177 | AnswerAI | Scaling Expert Language Models with Unsupervised Domain Discovery | [
"Suchin Gururangan",
"Margaret Li",
"Mike Lewis",
"Weijia Shi",
"Tim Althoff",
"Noah A. Smith",
"Luke Zettlemoyer"
] | 2023-03-24 | Large language models are typically trained densely: all parameters are
updated with respect to all inputs. This requires synchronization of billions
of parameters across thousands of GPUs. We introduce a simple but effective
method to asynchronously train large, sparse language models on arbitrary text
corpora. Our method clusters a corpus into sets of related documents, trains a
separate expert language model on each cluster, and combines them in a sparse
ensemble for inference. This approach generalizes embarrassingly parallel
training by automatically discovering the domains for each expert, and
eliminates nearly all the communication overhead of existing sparse language
models. Our technique outperforms dense baselines on multiple corpora and
few-shot tasks, and our analysis shows that specializing experts to meaningful
clusters is key to these gains. Performance also improves with the number of
experts and size of training data, suggesting this is a highly efficient and
accessible approach to training large language models. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.09631 | HF | 3D-VLA: A 3D Vision-Language-Action Generative World Model | [
"Haoyu Zhen",
"Xiaowen Qiu",
"Peihao Chen",
"Jincheng Yang",
"Xin Yan",
"Yilun Du",
"Yining Hong",
"Chuang Gan"
] | 2024-03-14 | Recent vision-language-action (VLA) models rely on 2D inputs, lacking
integration with the broader realm of the 3D physical world. Furthermore, they
perform action prediction by learning a direct mapping from perception to
action, neglecting the vast dynamics of the world and the relations between
actions and dynamics. In contrast, human beings are endowed with world models
that depict imagination about future scenarios to plan actions accordingly. To
this end, we propose 3D-VLA by introducing a new family of embodied foundation
models that seamlessly link 3D perception, reasoning, and action through a
generative world model. Specifically, 3D-VLA is built on top of a 3D-based
large language model (LLM), and a set of interaction tokens is introduced to
engage with the embodied environment. Furthermore, to inject generation
abilities into the model, we train a series of embodied diffusion models and
align them into the LLM for predicting the goal images and point clouds. To
train our 3D-VLA, we curate a large-scale 3D embodied instruction dataset by
extracting vast 3D-related information from existing robotics datasets. Our
experiments on held-in datasets demonstrate that 3D-VLA significantly improves
the reasoning, multimodal generation, and planning capabilities in embodied
environments, showcasing its potential in real-world applications. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.RO"
] |
2401.16380 | Both | Rephrasing the Web: A Recipe for Compute and Data-Efficient Language Modeling | [
"Pratyush Maini",
"Skyler Seto",
"He Bai",
"David Grangier",
"Yizhe Zhang",
"Navdeep Jaitly"
] | 2024-01-29 | Large language models are trained on massive scrapes of the web, which are
often unstructured, noisy, and poorly phrased. Current scaling laws show that
learning from such data requires an abundance of both compute and data, which
grows with the size of the model being trained. This is infeasible both because
of the large compute costs and duration associated with pre-training, and the
impending scarcity of high-quality data on the web. In this work, we propose
Web Rephrase Augmented Pre-training ($\textbf{WRAP}$) that uses an
off-the-shelf instruction-tuned model prompted to paraphrase documents on the
web in specific styles such as "like Wikipedia" or in "question-answer format"
to jointly pre-train LLMs on real and synthetic rephrases. First, we show that
using WRAP on the C4 dataset, which is naturally noisy, speeds up pre-training
by $\sim3x$. At the same pre-training compute budget, it improves perplexity by
more than 10% on average across different subsets of the Pile, and improves
zero-shot question answer accuracy across 13 tasks by more than 2%. Second, we
investigate the impact of the re-phrasing style on the performance of the
model, offering insights into how the composition of the training data can
impact the performance of LLMs in OOD settings. Our gains are attributed to the
fact that re-phrased synthetic data has higher utility than just real data
because it (i) incorporates style diversity that closely reflects downstream
evaluation style, and (ii) has higher 'quality' than web-scraped data. | null | cs.CL | [
"cs.CL"
] |
2312.16218 | HF | Hyper-VolTran: Fast and Generalizable One-Shot Image to 3D Object Structure via HyperNetworks | [
"Christian Simon",
"Sen He",
"Juan-Manuel Perez-Rua",
"Mengmeng Xu",
"Amine Benhalloum",
"Tao Xiang"
] | 2023-12-24 | Solving image-to-3D from a single view is an ill-posed problem, and current
neural reconstruction methods addressing it through diffusion models still rely
on scene-specific optimization, constraining their generalization capability.
To overcome the limitations of existing approaches regarding generalization and
consistency, we introduce a novel neural rendering technique. Our approach
employs the signed distance function as the surface representation and
incorporates generalizable priors through geometry-encoding volumes and
HyperNetworks. Specifically, our method builds neural encoding volumes from
generated multi-view inputs. We adjust the weights of the SDF network
conditioned on an input image at test-time to allow model adaptation to novel
scenes in a feed-forward manner via HyperNetworks. To mitigate artifacts
derived from the synthesized views, we propose the use of a volume transformer
module to improve the aggregation of image features instead of processing each
viewpoint separately. Through our proposed method, dubbed as Hyper-VolTran, we
avoid the bottleneck of scene-specific optimization and maintain consistency
across the images generated from multiple viewpoints. Our experiments show the
advantages of our proposed approach with consistent results and rapid
generation. | null | cs.CV | [
"cs.CV"
] |
2312.13150 | HF | Splatter Image: Ultra-Fast Single-View 3D Reconstruction | [
"Stanislaw Szymanowicz",
"Christian Rupprecht",
"Andrea Vedaldi"
] | 2023-12-20 | We introduce the \method, an ultra-efficient approach for monocular 3D object
reconstruction. Splatter Image is based on Gaussian Splatting, which allows
fast and high-quality reconstruction of 3D scenes from multiple images. We
apply Gaussian Splatting to monocular reconstruction by learning a neural
network that, at test time, performs reconstruction in a feed-forward manner,
at 38 FPS. Our main innovation is the surprisingly straightforward design of
this network, which, using 2D operators, maps the input image to one 3D
Gaussian per pixel. The resulting set of Gaussians thus has the form an image,
the Splatter Image. We further extend the method take several images as input
via cross-view attention. Owning to the speed of the renderer (588 FPS), we use
a single GPU for training while generating entire images at each iteration to
optimize perceptual metrics like LPIPS. On several synthetic, real,
multi-category and large-scale benchmark datasets, we achieve better results in
terms of PSNR, LPIPS, and other metrics while training and evaluating much
faster than prior works. Code, models, demo and more results are available at
https://szymanowiczs.github.io/splatter-image. | null | cs.CV | [
"cs.CV"
] |
2305.10474 | HF | Preserve Your Own Correlation: A Noise Prior for Video Diffusion Models | [
"Songwei Ge",
"Seungjun Nah",
"Guilin Liu",
"Tyler Poon",
"Andrew Tao",
"Bryan Catanzaro",
"David Jacobs",
"Jia-Bin Huang",
"Ming-Yu Liu",
"Yogesh Balaji"
] | 2023-05-17 | Despite tremendous progress in generating high-quality images using diffusion
models, synthesizing a sequence of animated frames that are both photorealistic
and temporally coherent is still in its infancy. While off-the-shelf
billion-scale datasets for image generation are available, collecting similar
video data of the same scale is still challenging. Also, training a video
diffusion model is computationally much more expensive than its image
counterpart. In this work, we explore finetuning a pretrained image diffusion
model with video data as a practical solution for the video synthesis task. We
find that naively extending the image noise prior to video noise prior in video
diffusion leads to sub-optimal performance. Our carefully designed video noise
prior leads to substantially better performance. Extensive experimental
validation shows that our model, Preserve Your Own Correlation (PYoCo), attains
SOTA zero-shot text-to-video results on the UCF-101 and MSR-VTT benchmarks. It
also achieves SOTA video generation quality on the small-scale UCF-101
benchmark with a $10\times$ smaller model using significantly less computation
than the prior art. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2311.05437 | HF | LLaVA-Plus: Learning to Use Tools for Creating Multimodal Agents | [
"Shilong Liu",
"Hao Cheng",
"Haotian Liu",
"Hao Zhang",
"Feng Li",
"Tianhe Ren",
"Xueyan Zou",
"Jianwei Yang",
"Hang Su",
"Jun Zhu",
"Lei Zhang",
"Jianfeng Gao",
"Chunyuan Li"
] | 2023-11-09 | LLaVA-Plus is a general-purpose multimodal assistant that expands the
capabilities of large multimodal models. It maintains a skill repository of
pre-trained vision and vision-language models and can activate relevant tools
based on users' inputs to fulfill real-world tasks. LLaVA-Plus is trained on
multimodal instruction-following data to acquire the ability to use tools,
covering visual understanding, generation, external knowledge retrieval, and
compositions. Empirical results show that LLaVA-Plus outperforms LLaVA in
existing capabilities and exhibits new ones. It is distinct in that the image
query is directly grounded and actively engaged throughout the entire human-AI
interaction sessions, significantly improving tool use performance and enabling
new scenarios. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.MM"
] |
2305.03210 | HF | AttentionViz: A Global View of Transformer Attention | [
"Catherine Yeh",
"Yida Chen",
"Aoyu Wu",
"Cynthia Chen",
"Fernanda Viégas",
"Martin Wattenberg"
] | 2023-05-04 | Transformer models are revolutionizing machine learning, but their inner
workings remain mysterious. In this work, we present a new visualization
technique designed to help researchers understand the self-attention mechanism
in transformers that allows these models to learn rich, contextual
relationships between elements of a sequence. The main idea behind our method
is to visualize a joint embedding of the query and key vectors used by
transformer models to compute attention. Unlike previous attention
visualization techniques, our approach enables the analysis of global patterns
across multiple input sequences. We create an interactive visualization tool,
AttentionViz (demo: http://attentionviz.com), based on these joint query-key
embeddings, and use it to study attention mechanisms in both language and
vision transformers. We demonstrate the utility of our approach in improving
model understanding and offering new insights about query-key interactions
through several application scenarios and expert feedback. | null | cs.HC | [
"cs.HC",
"cs.CL",
"cs.CV",
"cs.LG"
] |
2407.17722 | HF | Text-Driven Neural Collaborative Filtering Model for Paper Source Tracing | [
"Aobo Xu",
"Bingyu Chang",
"Qingpeng Liu",
"Ling Jian"
] | 2024-07-25 | Identifying significant references within the complex interrelations of a
citation knowledge graph is challenging, which encompasses connections through
citations, authorship, keywords, and other relational attributes. The Paper
Source Tracing (PST) task seeks to automate the identification of pivotal
references for given scholarly articles utilizing advanced data mining
techniques. In the KDD CUP OAG-Challenge PST track, we design a
recommendation-based framework tailored for the PST task. This framework
employs the Neural Collaborative Filtering (NCF) model to generate final
predictions. To process the textual attributes of the papers and extract input
features for the model, we utilize SciBERT, a pre-trained language model.
According to the experimental results, our method achieved a score of 0.37814
on the Mean Average Precision (MAP) metric, outperforming baseline models and
ranking 11th among all participating teams. The source code is publicly
available at https://github.com/MyLove-XAB/KDDCupFinal. | null | cs.IR | [
"cs.IR",
"cs.LG"
] |
2309.05519 | HF | NExT-GPT: Any-to-Any Multimodal LLM | [
"Shengqiong Wu",
"Hao Fei",
"Leigang Qu",
"Wei Ji",
"Tat-Seng Chua"
] | 2023-09-11 | While recently Multimodal Large Language Models (MM-LLMs) have made exciting
strides, they mostly fall prey to the limitation of only input-side multimodal
understanding, without the ability to produce content in multiple modalities.
As we humans always perceive the world and communicate with people through
various modalities, developing any-to-any MM-LLMs capable of accepting and
delivering content in any modality becomes essential to human-level AI. To fill
the gap, we present an end-to-end general-purpose any-to-any MM-LLM system,
NExT-GPT. We connect an LLM with multimodal adaptors and different diffusion
decoders, enabling NExT-GPT to perceive inputs and generate outputs in
arbitrary combinations of text, images, videos, and audio. By leveraging the
existing well-trained highly-performing encoders and decoders, NExT-GPT is
tuned with only a small amount of parameter (1%) of certain projection layers,
which not only benefits low-cost training and also facilitates convenient
expansion to more potential modalities. Moreover, we introduce a
modality-switching instruction tuning (MosIT) and manually curate a
high-quality dataset for MosIT, based on which NExT-GPT is empowered with
complex cross-modal semantic understanding and content generation. Overall, our
research showcases the promising possibility of building an AI agent capable of
modeling universal modalities, paving the way for more human-like AI research
in the community. Project page: https://next-gpt.github.io/ | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2206.08954 | AnswerAI | Bag of Image Patch Embedding Behind the Success of Self-Supervised Learning | [
"Yubei Chen",
"Adrien Bardes",
"Zengyi Li",
"Yann LeCun"
] | 2022-06-17 | Self-supervised learning (SSL) has recently achieved tremendous empirical
advancements in learning image representation. However, our understanding of
the principle behind learning such a representation is still limited. This work
shows that joint-embedding SSL approaches primarily learn a representation of
image patches, which reflects their co-occurrence. Such a connection to
co-occurrence modeling can be established formally, and it supplements the
prevailing invariance perspective. We empirically show that learning a
representation for fixed-scale patches and aggregating local patch
representations as the image representation achieves similar or even better
results than the baseline methods. We denote this process as BagSSL. Even with
32x32 patch representation, BagSSL achieves 62% top-1 linear probing accuracy
on ImageNet. On the other hand, with a multi-scale pretrained model, we show
that the whole image embedding is approximately the average of local patch
embeddings. While the SSL representation is relatively invariant at the global
scale, we show that locality is preserved when we zoom into local patch-level
representation. Further, we show that patch representation aggregation can
improve various SOTA baseline methods by a large margin. The patch
representation is considerably easier to understand, and this work makes a step
to demystify self-supervised representation learning. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2406.16254 | HF | Confidence Regulation Neurons in Language Models | [
"Alessandro Stolfo",
"Ben Wu",
"Wes Gurnee",
"Yonatan Belinkov",
"Xingyi Song",
"Mrinmaya Sachan",
"Neel Nanda"
] | 2024-06-24 | Despite their widespread use, the mechanisms by which large language models
(LLMs) represent and regulate uncertainty in next-token predictions remain
largely unexplored. This study investigates two critical components believed to
influence this uncertainty: the recently discovered entropy neurons and a new
set of components that we term token frequency neurons. Entropy neurons are
characterized by an unusually high weight norm and influence the final layer
normalization (LayerNorm) scale to effectively scale down the logits. Our work
shows that entropy neurons operate by writing onto an unembedding null space,
allowing them to impact the residual stream norm with minimal direct effect on
the logits themselves. We observe the presence of entropy neurons across a
range of models, up to 7 billion parameters. On the other hand, token frequency
neurons, which we discover and describe here for the first time, boost or
suppress each token's logit proportionally to its log frequency, thereby
shifting the output distribution towards or away from the unigram distribution.
Finally, we present a detailed case study where entropy neurons actively manage
confidence in the setting of induction, i.e. detecting and continuing repeated
subsequences. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.06135 | HF | ANOLE: An Open, Autoregressive, Native Large Multimodal Models for Interleaved Image-Text Generation | [
"Ethan Chern",
"Jiadi Su",
"Yan Ma",
"Pengfei Liu"
] | 2024-07-08 | Previous open-source large multimodal models (LMMs) have faced several
limitations: (1) they often lack native integration, requiring adapters to
align visual representations with pre-trained large language models (LLMs); (2)
many are restricted to single-modal generation; (3) while some support
multimodal generation, they rely on separate diffusion models for visual
modeling and generation. To mitigate these limitations, we present Anole, an
open, autoregressive, native large multimodal model for interleaved image-text
generation. We build Anole from Meta AI's Chameleon, adopting an innovative
fine-tuning strategy that is both data-efficient and parameter-efficient. Anole
demonstrates high-quality, coherent multimodal generation capabilities. We have
open-sourced our model, training framework, and instruction tuning data. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2312.05491 | HF | Using Captum to Explain Generative Language Models | [
"Vivek Miglani",
"Aobo Yang",
"Aram H. Markosyan",
"Diego Garcia-Olano",
"Narine Kokhlikyan"
] | 2023-12-09 | Captum is a comprehensive library for model explainability in PyTorch,
offering a range of methods from the interpretability literature to enhance
users' understanding of PyTorch models. In this paper, we introduce new
features in Captum that are specifically designed to analyze the behavior of
generative language models. We provide an overview of the available
functionalities and example applications of their potential for understanding
learned associations within generative language models. | null | cs.CL | [
"cs.CL",
"cs.AI",
"I.2.7"
] |
2406.16855 | HF | DreamBench++: A Human-Aligned Benchmark for Personalized Image Generation | [
"Yuang Peng",
"Yuxin Cui",
"Haomiao Tang",
"Zekun Qi",
"Runpei Dong",
"Jing Bai",
"Chunrui Han",
"Zheng Ge",
"Xiangyu Zhang",
"Shu-Tao Xia"
] | 2024-06-24 | Personalized image generation holds great promise in assisting humans in
everyday work and life due to its impressive function in creatively generating
personalized content. However, current evaluations either are automated but
misalign with humans or require human evaluations that are time-consuming and
expensive. In this work, we present DreamBench++, a human-aligned benchmark
automated by advanced multimodal GPT models. Specifically, we systematically
design the prompts to let GPT be both human-aligned and self-aligned, empowered
with task reinforcement. Further, we construct a comprehensive dataset
comprising diverse images and prompts. By benchmarking 7 modern generative
models, we demonstrate that DreamBench++ results in significantly more
human-aligned evaluation, helping boost the community with innovative findings. | null | cs.CV | [
"cs.CV"
] |
2310.12274 | HF | An Image is Worth Multiple Words: Discovering Object Level Concepts using Multi-Concept Prompt Learning | [
"Chen Jin",
"Ryutaro Tanno",
"Amrutha Saseendran",
"Tom Diethe",
"Philip Teare"
] | 2023-10-18 | Textural Inversion, a prompt learning method, learns a singular text
embedding for a new "word" to represent image style and appearance, allowing it
to be integrated into natural language sentences to generate novel synthesised
images. However, identifying multiple unknown object-level concepts within one
scene remains a complex challenge. While recent methods have resorted to
cropping or masking individual images to learn multiple concepts, these
techniques often require prior knowledge of new concepts and are
labour-intensive. To address this challenge, we introduce Multi-Concept Prompt
Learning (MCPL), where multiple unknown "words" are simultaneously learned from
a single sentence-image pair, without any imagery annotations. To enhance the
accuracy of word-concept correlation and refine attention mask boundaries, we
propose three regularisation techniques: Attention Masking, Prompts Contrastive
Loss, and Bind Adjective. Extensive quantitative comparisons with both
real-world categories and biomedical images demonstrate that our method can
learn new semantically disentangled concepts. Our approach emphasises learning
solely from textual embeddings, using less than 10% of the storage space
compared to others. The project page, code, and data are available at
https://astrazeneca.github.io/mcpl.github.io. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.GR",
"cs.LG"
] |
2401.08500 | AnswerAI | Code Generation with AlphaCodium: From Prompt Engineering to Flow Engineering | [
"Tal Ridnik",
"Dedy Kredo",
"Itamar Friedman"
] | 2024-01-16 | Code generation problems differ from common natural language problems - they
require matching the exact syntax of the target language, identifying happy
paths and edge cases, paying attention to numerous small details in the problem
spec, and addressing other code-specific issues and requirements. Hence, many
of the optimizations and tricks that have been successful in natural language
generation may not be effective for code tasks. In this work, we propose a new
approach to code generation by LLMs, which we call AlphaCodium - a test-based,
multi-stage, code-oriented iterative flow, that improves the performances of
LLMs on code problems. We tested AlphaCodium on a challenging code generation
dataset called CodeContests, which includes competitive programming problems
from platforms such as Codeforces. The proposed flow consistently and
significantly improves results. On the validation set, for example, GPT-4
accuracy (pass@5) increased from 19% with a single well-designed direct prompt
to 44% with the AlphaCodium flow. Many of the principles and best practices
acquired in this work, we believe, are broadly applicable to general code
generation tasks. Full implementation is available at:
https://github.com/Codium-ai/AlphaCodium | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.SE"
] |
2402.14795 | HF | CyberDemo: Augmenting Simulated Human Demonstration for Real-World Dexterous Manipulation | [
"Jun Wang",
"Yuzhe Qin",
"Kaiming Kuang",
"Yigit Korkmaz",
"Akhilan Gurumoorthy",
"Hao Su",
"Xiaolong Wang"
] | 2024-02-22 | We introduce CyberDemo, a novel approach to robotic imitation learning that
leverages simulated human demonstrations for real-world tasks. By incorporating
extensive data augmentation in a simulated environment, CyberDemo outperforms
traditional in-domain real-world demonstrations when transferred to the real
world, handling diverse physical and visual conditions. Regardless of its
affordability and convenience in data collection, CyberDemo outperforms
baseline methods in terms of success rates across various tasks and exhibits
generalizability with previously unseen objects. For example, it can rotate
novel tetra-valve and penta-valve, despite human demonstrations only involving
tri-valves. Our research demonstrates the significant potential of simulated
human demonstrations for real-world dexterous manipulation tasks. More details
can be found at https://cyber-demo.github.io | null | cs.RO | [
"cs.RO",
"cs.CV"
] |
2406.03476 | AnswerAI | Does your data spark joy? Performance gains from domain upsampling at the end of training | [
"Cody Blakeney",
"Mansheej Paul",
"Brett W. Larsen",
"Sean Owen",
"Jonathan Frankle"
] | 2024-06-05 | Pretraining datasets for large language models (LLMs) have grown to trillions
of tokens composed of large amounts of CommonCrawl (CC) web scrape along with
smaller, domain-specific datasets. It is expensive to understand the impact of
these domain-specific datasets on model capabilities as training at large FLOP
scales is required to reveal significant changes to difficult and emergent
benchmarks. Given the increasing cost of experimenting with pretraining data,
how does one determine the optimal balance between the diversity in general web
scrapes and the information density of domain specific data? In this work, we
show how to leverage the smaller domain specific datasets by upsampling them
relative to CC at the end of training to drive performance improvements on
difficult benchmarks. This simple technique allows us to improve up to 6.90 pp
on MMLU, 8.26 pp on GSM8K, and 6.17 pp on HumanEval relative to the base data
mix for a 7B model trained for 1 trillion (T) tokens, thus rivaling Llama-2
(7B)$\unicode{x2014}$a model trained for twice as long. We experiment with
ablating the duration of domain upsampling from 5% to 30% of training and find
that 10% to 20% percent is optimal for navigating the tradeoff between general
language modeling capabilities and targeted benchmarks. We also use domain
upsampling to characterize at scale the utility of individual datasets for
improving various benchmarks by removing them during this final phase of
training. This tool opens up the ability to experiment with the impact of
different pretraining datasets at scale, but at an order of magnitude lower
cost compared to full pretraining runs. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2112.10684 | AnswerAI | Efficient Large Scale Language Modeling with Mixtures of Experts | [
"Mikel Artetxe",
"Shruti Bhosale",
"Naman Goyal",
"Todor Mihaylov",
"Myle Ott",
"Sam Shleifer",
"Xi Victoria Lin",
"Jingfei Du",
"Srinivasan Iyer",
"Ramakanth Pasunuru",
"Giri Anantharaman",
"Xian Li",
"Shuohui Chen",
"Halil Akin",
"Mandeep Baines",
"Louis Martin",
"Xing Zhou",
"Punit Singh Koura",
"Brian O'Horo",
"Jeff Wang",
"Luke Zettlemoyer",
"Mona Diab",
"Zornitsa Kozareva",
"Ves Stoyanov"
] | 2021-12-20 | Mixture of Experts layers (MoEs) enable efficient scaling of language models
through conditional computation. This paper presents a detailed empirical study
of how autoregressive MoE language models scale in comparison with dense models
in a wide range of settings: in- and out-of-domain language modeling, zero- and
few-shot priming, and full-shot fine-tuning. With the exception of fine-tuning,
we find MoEs to be substantially more compute efficient. At more modest
training budgets, MoEs can match the performance of dense models using $\sim$4
times less compute. This gap narrows at scale, but our largest MoE model (1.1T
parameters) consistently outperforms a compute-equivalent dense model (6.7B
parameters). Overall, this performance gap varies greatly across tasks and
domains, suggesting that MoE and dense models generalize differently in ways
that are worthy of future study. We make our code and models publicly available
for research use. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.03880 | AnswerAI | Memorization in deep learning: A survey | [
"Jiaheng Wei",
"Yanjun Zhang",
"Leo Yu Zhang",
"Ming Ding",
"Chao Chen",
"Kok-Leong Ong",
"Jun Zhang",
"Yang Xiang"
] | 2024-06-06 | Deep Learning (DL) powered by Deep Neural Networks (DNNs) has revolutionized
various domains, yet understanding the intricacies of DNN decision-making and
learning processes remains a significant challenge. Recent investigations have
uncovered an interesting memorization phenomenon in which DNNs tend to memorize
specific details from examples rather than learning general patterns, affecting
model generalization, security, and privacy. This raises critical questions
about the nature of generalization in DNNs and their susceptibility to security
breaches. In this survey, we present a systematic framework to organize
memorization definitions based on the generalization and security/privacy
domains and summarize memorization evaluation methods at both the example and
model levels. Through a comprehensive literature review, we explore DNN
memorization behaviors and their impacts on security and privacy. We also
introduce privacy vulnerabilities caused by memorization and the phenomenon of
forgetting and explore its connection with memorization. Furthermore, we
spotlight various applications leveraging memorization and forgetting
mechanisms, including noisy label learning, privacy preservation, and model
enhancement. This survey offers the first-in-kind understanding of memorization
in DNNs, providing insights into its challenges and opportunities for enhancing
AI development while addressing critical ethical concerns. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2401.10838 | HF | Rambler: Supporting Writing With Speech via LLM-Assisted Gist Manipulation | [
"Susan Lin",
"Jeremy Warner",
"J. D. Zamfirescu-Pereira",
"Matthew G. Lee",
"Sauhard Jain",
"Michael Xuelin Huang",
"Piyawat Lertvittayakumjorn",
"Shanqing Cai",
"Shumin Zhai",
"Björn Hartmann",
"Can Liu"
] | 2024-01-19 | Dictation enables efficient text input on mobile devices. However, writing
with speech can produce disfluent, wordy, and incoherent text and thus requires
heavy post-processing. This paper presents Rambler, an LLM-powered graphical
user interface that supports gist-level manipulation of dictated text with two
main sets of functions: gist extraction and macro revision. Gist extraction
generates keywords and summaries as anchors to support the review and
interaction with spoken text. LLM-assisted macro revisions allow users to
respeak, split, merge and transform dictated text without specifying precise
editing locations. Together they pave the way for interactive dictation and
revision that help close gaps between spontaneous spoken words and
well-structured writing. In a comparative study with 12 participants performing
verbal composition tasks, Rambler outperformed the baseline of a speech-to-text
editor + ChatGPT, as it better facilitates iterative revisions with enhanced
user control over the content while supporting surprisingly diverse user
strategies. | 10.1145/3613904.3642217 | cs.HC | [
"cs.HC"
] |
2405.08707 | HF | Beyond Scaling Laws: Understanding Transformer Performance with Associative Memory | [
"Xueyan Niu",
"Bo Bai",
"Lei Deng",
"Wei Han"
] | 2024-05-14 | Increasing the size of a Transformer model does not always lead to enhanced
performance. This phenomenon cannot be explained by the empirical scaling laws.
Furthermore, improved generalization ability occurs as the model memorizes the
training samples. We present a theoretical framework that sheds light on the
memorization process and performance dynamics of transformer-based language
models. We model the behavior of Transformers with associative memories using
Hopfield networks, such that each transformer block effectively conducts an
approximate nearest-neighbor search. Based on this, we design an energy
function analogous to that in the modern continuous Hopfield network which
provides an insightful explanation for the attention mechanism. Using the
majorization-minimization technique, we construct a global energy function that
captures the layered architecture of the Transformer. Under specific
conditions, we show that the minimum achievable cross-entropy loss is bounded
from below by a constant approximately equal to 1. We substantiate our
theoretical results by conducting experiments with GPT-2 on various data sizes,
as well as training vanilla Transformers on a dataset of 2M tokens. | null | cs.LG | [
"cs.LG"
] |
2309.07970 | HF | Language Embedded Radiance Fields for Zero-Shot Task-Oriented Grasping | [
"Adam Rashid",
"Satvik Sharma",
"Chung Min Kim",
"Justin Kerr",
"Lawrence Chen",
"Angjoo Kanazawa",
"Ken Goldberg"
] | 2023-09-14 | Grasping objects by a specific part is often crucial for safety and for
executing downstream tasks. Yet, learning-based grasp planners lack this
behavior unless they are trained on specific object part data, making it a
significant challenge to scale object diversity. Instead, we propose LERF-TOGO,
Language Embedded Radiance Fields for Task-Oriented Grasping of Objects, which
uses vision-language models zero-shot to output a grasp distribution over an
object given a natural language query. To accomplish this, we first reconstruct
a LERF of the scene, which distills CLIP embeddings into a multi-scale 3D
language field queryable with text. However, LERF has no sense of objectness,
meaning its relevancy outputs often return incomplete activations over an
object which are insufficient for subsequent part queries. LERF-TOGO mitigates
this lack of spatial grouping by extracting a 3D object mask via DINO features
and then conditionally querying LERF on this mask to obtain a semantic
distribution over the object with which to rank grasps from an off-the-shelf
grasp planner. We evaluate LERF-TOGO's ability to grasp task-oriented object
parts on 31 different physical objects, and find it selects grasps on the
correct part in 81% of all trials and grasps successfully in 69%. See the
project website at: lerftogo.github.io | null | cs.RO | [
"cs.RO",
"cs.CV"
] |
2307.13908 | HF | Points-to-3D: Bridging the Gap between Sparse Points and Shape-Controllable Text-to-3D Generation | [
"Chaohui Yu",
"Qiang Zhou",
"Jingliang Li",
"Zhe Zhang",
"Zhibin Wang",
"Fan Wang"
] | 2023-07-26 | Text-to-3D generation has recently garnered significant attention, fueled by
2D diffusion models trained on billions of image-text pairs. Existing methods
primarily rely on score distillation to leverage the 2D diffusion priors to
supervise the generation of 3D models, e.g., NeRF. However, score distillation
is prone to suffer the view inconsistency problem, and implicit NeRF modeling
can also lead to an arbitrary shape, thus leading to less realistic and
uncontrollable 3D generation. In this work, we propose a flexible framework of
Points-to-3D to bridge the gap between sparse yet freely available 3D points
and realistic shape-controllable 3D generation by distilling the knowledge from
both 2D and 3D diffusion models. The core idea of Points-to-3D is to introduce
controllable sparse 3D points to guide the text-to-3D generation. Specifically,
we use the sparse point cloud generated from the 3D diffusion model, Point-E,
as the geometric prior, conditioned on a single reference image. To better
utilize the sparse 3D points, we propose an efficient point cloud guidance loss
to adaptively drive the NeRF's geometry to align with the shape of the sparse
3D points. In addition to controlling the geometry, we propose to optimize the
NeRF for a more view-consistent appearance. To be specific, we perform score
distillation to the publicly available 2D image diffusion model ControlNet,
conditioned on text as well as depth map of the learned compact geometry.
Qualitative and quantitative comparisons demonstrate that Points-to-3D improves
view consistency and achieves good shape controllability for text-to-3D
generation. Points-to-3D provides users with a new way to improve and control
text-to-3D generation. | null | cs.CV | [
"cs.CV"
] |
2310.08659 | Both | LoftQ: LoRA-Fine-Tuning-Aware Quantization for Large Language Models | [
"Yixiao Li",
"Yifan Yu",
"Chen Liang",
"Pengcheng He",
"Nikos Karampatziakis",
"Weizhu Chen",
"Tuo Zhao"
] | 2023-10-12 | Quantization is an indispensable technique for serving Large Language Models
(LLMs) and has recently found its way into LoRA fine-tuning. In this work we
focus on the scenario where quantization and LoRA fine-tuning are applied
together on a pre-trained model. In such cases it is common to observe a
consistent gap in the performance on downstream tasks between full fine-tuning
and quantization plus LoRA fine-tuning approach. In response, we propose LoftQ
(LoRA-Fine-Tuning-aware Quantization), a novel quantization framework that
simultaneously quantizes an LLM and finds a proper low-rank initialization for
LoRA fine-tuning. Such an initialization alleviates the discrepancy between the
quantized and full-precision model and significantly improves generalization in
downstream tasks. We evaluate our method on natural language understanding,
question answering, summarization, and natural language generation tasks.
Experiments show that our method is highly effective and outperforms existing
quantization methods, especially in the challenging 2-bit and 2/4-bit mixed
precision regimes. The code is available on https://github.com/yxli2123/LoftQ. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.00765 | HF | MM-Vet v2: A Challenging Benchmark to Evaluate Large Multimodal Models for Integrated Capabilities | [
"Weihao Yu",
"Zhengyuan Yang",
"Linfeng Ren",
"Linjie Li",
"Jianfeng Wang",
"Kevin Lin",
"Chung-Ching Lin",
"Zicheng Liu",
"Lijuan Wang",
"Xinchao Wang"
] | 2024-08-01 | MM-Vet, with open-ended vision-language questions targeting at evaluating
integrated capabilities, has become one of the most popular benchmarks for
large multimodal model evaluation. MM-Vet assesses six core vision-language
(VL) capabilities: recognition, knowledge, spatial awareness, language
generation, OCR, and math. However, its question format is restricted to single
image-text pairs, lacking the interleaved image and text sequences prevalent in
real-world scenarios. To address this limitation, we introduce MM-Vet v2, which
includes a new VL capability called "image-text sequence understanding",
evaluating models' ability to process VL sequences. Furthermore, we maintain
the high quality of evaluation samples while further expanding the evaluation
set size. Using MM-Vet v2 to benchmark large multimodal models, we found that
Claude 3.5 Sonnet is the best model with a score of 71.8, slightly
outperforming GPT-4o which scored 71.0. Among open-weight models,
InternVL2-Llama3-76B leads with a score of 68.4. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2406.10324 | HF | L4GM: Large 4D Gaussian Reconstruction Model | [
"Jiawei Ren",
"Kevin Xie",
"Ashkan Mirzaei",
"Hanxue Liang",
"Xiaohui Zeng",
"Karsten Kreis",
"Ziwei Liu",
"Antonio Torralba",
"Sanja Fidler",
"Seung Wook Kim",
"Huan Ling"
] | 2024-06-14 | We present L4GM, the first 4D Large Reconstruction Model that produces
animated objects from a single-view video input -- in a single feed-forward
pass that takes only a second. Key to our success is a novel dataset of
multiview videos containing curated, rendered animated objects from Objaverse.
This dataset depicts 44K diverse objects with 110K animations rendered in 48
viewpoints, resulting in 12M videos with a total of 300M frames. We keep our
L4GM simple for scalability and build directly on top of LGM, a pretrained 3D
Large Reconstruction Model that outputs 3D Gaussian ellipsoids from multiview
image input. L4GM outputs a per-frame 3D Gaussian Splatting representation from
video frames sampled at a low fps and then upsamples the representation to a
higher fps to achieve temporal smoothness. We add temporal self-attention
layers to the base LGM to help it learn consistency across time, and utilize a
per-timestep multiview rendering loss to train the model. The representation is
upsampled to a higher framerate by training an interpolation model which
produces intermediate 3D Gaussian representations. We showcase that L4GM that
is only trained on synthetic data generalizes extremely well on in-the-wild
videos, producing high quality animated 3D assets. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2408.12894 | HF | FLoD: Integrating Flexible Level of Detail into 3D Gaussian Splatting for Customizable Rendering | [
"Yunji Seo",
"Young Sun Choi",
"Hyun Seung Son",
"Youngjung Uh"
] | 2024-08-23 | 3D Gaussian Splatting (3DGS) achieves fast and high-quality renderings by
using numerous small Gaussians, which leads to significant memory consumption.
This reliance on a large number of Gaussians restricts the application of
3DGS-based models on low-cost devices due to memory limitations. However,
simply reducing the number of Gaussians to accommodate devices with less memory
capacity leads to inferior quality compared to the quality that can be achieved
on high-end hardware. To address this lack of scalability, we propose
integrating a Flexible Level of Detail (FLoD) to 3DGS, to allow a scene to be
rendered at varying levels of detail according to hardware capabilities. While
existing 3DGSs with LoD focus on detailed reconstruction, our method provides
reconstructions using a small number of Gaussians for reduced memory
requirements, and a larger number of Gaussians for greater detail. Experiments
demonstrate our various rendering options with tradeoffs between rendering
quality and memory usage, thereby allowing real-time rendering across different
memory constraints. Furthermore, we show that our method generalizes to
different 3DGS frameworks, indicating its potential for integration into future
state-of-the-art developments. Project page:
https://3dgs-flod.github.io/flod.github.io/ | null | cs.CV | [
"cs.CV"
] |
2309.03549 | HF | Reuse and Diffuse: Iterative Denoising for Text-to-Video Generation | [
"Jiaxi Gu",
"Shicong Wang",
"Haoyu Zhao",
"Tianyi Lu",
"Xing Zhang",
"Zuxuan Wu",
"Songcen Xu",
"Wei Zhang",
"Yu-Gang Jiang",
"Hang Xu"
] | 2023-09-07 | Inspired by the remarkable success of Latent Diffusion Models (LDMs) for
image synthesis, we study LDM for text-to-video generation, which is a
formidable challenge due to the computational and memory constraints during
both model training and inference. A single LDM is usually only capable of
generating a very limited number of video frames. Some existing works focus on
separate prediction models for generating more video frames, which suffer from
additional training cost and frame-level jittering, however. In this paper, we
propose a framework called "Reuse and Diffuse" dubbed $\textit{VidRD}$ to
produce more frames following the frames already generated by an LDM.
Conditioned on an initial video clip with a small number of frames, additional
frames are iteratively generated by reusing the original latent features and
following the previous diffusion process. Besides, for the autoencoder used for
translation between pixel space and latent space, we inject temporal layers
into its decoder and fine-tune these layers for higher temporal consistency. We
also propose a set of strategies for composing video-text data that involve
diverse content from multiple existing datasets including video datasets for
action recognition and image-text datasets. Extensive experiments show that our
method achieves good results in both quantitative and qualitative evaluations.
Our project page is available
$\href{https://anonymous0x233.github.io/ReuseAndDiffuse/}{here}$. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.MM"
] |
2404.02893 | HF | ChatGLM-Math: Improving Math Problem-Solving in Large Language Models with a Self-Critique Pipeline | [
"Yifan Xu",
"Xiao Liu",
"Xinghan Liu",
"Zhenyu Hou",
"Yueyan Li",
"Xiaohan Zhang",
"Zihan Wang",
"Aohan Zeng",
"Zhengxiao Du",
"Wenyi Zhao",
"Jie Tang",
"Yuxiao Dong"
] | 2024-04-03 | Large language models (LLMs) have shown excellent mastering of human
language, but still struggle in real-world applications that require
mathematical problem-solving. While many strategies and datasets to enhance
LLMs' mathematics are developed, it remains a challenge to simultaneously
maintain and improve both language and mathematical capabilities in deployed
LLM systems.In this work, we tailor the Self-Critique pipeline, which addresses
the challenge in the feedback learning stage of LLM alignment. We first train a
general Math-Critique model from the LLM itself to provide feedback signals.
Then, we sequentially employ rejective fine-tuning and direct preference
optimization over the LLM's own generations for data collection. Based on
ChatGLM3-32B, we conduct a series of experiments on both academic and our newly
created challenging dataset, MathUserEval. Results show that our pipeline
significantly enhances the LLM's mathematical problem-solving while still
improving its language ability, outperforming LLMs that could be two times
larger. Related techniques have been deployed to
ChatGLM\footnote{\url{https://chatglm.cn}}, an online serving LLM. Related
evaluation dataset and scripts are released at
\url{https://github.com/THUDM/ChatGLM-Math}. | null | cs.CL | [
"cs.CL"
] |
2311.08877 | HF | Llamas Know What GPTs Don't Show: Surrogate Models for Confidence Estimation | [
"Vaishnavi Shrivastava",
"Percy Liang",
"Ananya Kumar"
] | 2023-11-15 | To maintain user trust, large language models (LLMs) should signal low
confidence on examples where they are incorrect, instead of misleading the
user. The standard approach of estimating confidence is to use the softmax
probabilities of these models, but as of November 2023, state-of-the-art LLMs
such as GPT-4 and Claude-v1.3 do not provide access to these probabilities. We
first study eliciting confidence linguistically -- asking an LLM for its
confidence in its answer -- which performs reasonably (80.5% AUC on GPT-4
averaged across 12 question-answering datasets -- 7% above a random baseline)
but leaves room for improvement. We then explore using a surrogate confidence
model -- using a model where we do have probabilities to evaluate the original
model's confidence in a given question. Surprisingly, even though these
probabilities come from a different and often weaker model, this method leads
to higher AUC than linguistic confidences on 9 out of 12 datasets. Our best
method composing linguistic confidences and surrogate model probabilities gives
state-of-the-art confidence estimates on all 12 datasets (84.6% average AUC on
GPT-4). | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.03687 | AnswerAI | Dissecting the Runtime Performance of the Training, Fine-tuning, and Inference of Large Language Models | [
"Longteng Zhang",
"Xiang Liu",
"Zeyu Li",
"Xinglin Pan",
"Peijie Dong",
"Ruibo Fan",
"Rui Guo",
"Xin Wang",
"Qiong Luo",
"Shaohuai Shi",
"Xiaowen Chu"
] | 2023-11-07 | Large Language Models (LLMs) have seen great advance in both academia and
industry, and their popularity results in numerous open-source frameworks and
techniques in accelerating LLM pre-training, fine-tuning, and inference.
Training and deploying LLMs are expensive as it requires considerable computing
resources and memory, hence many efficient approaches have been developed for
improving system pipelines as well as operators. However, the runtime
performance can vary significantly across hardware and software stacks, which
makes it difficult to choose the best configuration. In this work, we aim to
benchmark the performance from both macro and micro perspectives. First, we
benchmark the end-to-end performance of pre-training, fine-tuning, and serving
LLMs in different sizes , i.e., 7, 13, and 70 billion parameters (7B, 13B, and
70B) on three 8-GPU platforms with and without individual optimization
techniques, including ZeRO, quantization, recomputation, FlashAttention. Then,
we dive deeper to provide a detailed runtime analysis of the sub-modules,
including computing and communication operators in LLMs. For end users, our
benchmark and findings help better understand different optimization
techniques, training and inference frameworks, together with hardware platforms
in choosing configurations for deploying LLMs. For researchers, our in-depth
module-wise analyses discover potential opportunities for future work to
further optimize the runtime performance of LLMs. | null | cs.PF | [
"cs.PF",
"cs.CL",
"cs.LG"
] |
2406.12753 | HF | OlympicArena: Benchmarking Multi-discipline Cognitive Reasoning for Superintelligent AI | [
"Zhen Huang",
"Zengzhi Wang",
"Shijie Xia",
"Xuefeng Li",
"Haoyang Zou",
"Ruijie Xu",
"Run-Ze Fan",
"Lyumanshan Ye",
"Ethan Chern",
"Yixin Ye",
"Yikai Zhang",
"Yuqing Yang",
"Ting Wu",
"Binjie Wang",
"Shichao Sun",
"Yang Xiao",
"Yiyuan Li",
"Fan Zhou",
"Steffi Chern",
"Yiwei Qin",
"Yan Ma",
"Jiadi Su",
"Yixiu Liu",
"Yuxiang Zheng",
"Shaoting Zhang",
"Dahua Lin",
"Yu Qiao",
"Pengfei Liu"
] | 2024-06-18 | The evolution of Artificial Intelligence (AI) has been significantly
accelerated by advancements in Large Language Models (LLMs) and Large
Multimodal Models (LMMs), gradually showcasing potential cognitive reasoning
abilities in problem-solving and scientific discovery (i.e., AI4Science) once
exclusive to human intellect. To comprehensively evaluate current models'
performance in cognitive reasoning abilities, we introduce OlympicArena, which
includes 11,163 bilingual problems across both text-only and interleaved
text-image modalities. These challenges encompass a wide range of disciplines
spanning seven fields and 62 international Olympic competitions, rigorously
examined for data leakage. We argue that the challenges in Olympic competition
problems are ideal for evaluating AI's cognitive reasoning due to their
complexity and interdisciplinary nature, which are essential for tackling
complex scientific challenges and facilitating discoveries. Beyond evaluating
performance across various disciplines using answer-only criteria, we conduct
detailed experiments and analyses from multiple perspectives. We delve into the
models' cognitive reasoning abilities, their performance across different
modalities, and their outcomes in process-level evaluations, which are vital
for tasks requiring complex reasoning with lengthy solutions. Our extensive
evaluations reveal that even advanced models like GPT-4o only achieve a 39.97%
overall accuracy, illustrating current AI limitations in complex reasoning and
multimodal integration. Through the OlympicArena, we aim to advance AI towards
superintelligence, equipping it to address more complex challenges in science
and beyond. We also provide a comprehensive set of resources to support AI
research, including a benchmark dataset, an open-source annotation platform, a
detailed evaluation tool, and a leaderboard with automatic submission features. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.14862 | HF | YAYI 2: Multilingual Open-Source Large Language Models | [
"Yin Luo",
"Qingchao Kong",
"Nan Xu",
"Jia Cao",
"Bao Hao",
"Baoyu Qu",
"Bo Chen",
"Chao Zhu",
"Chenyang Zhao",
"Donglei Zhang",
"Fan Feng",
"Feifei Zhao",
"Hailong Sun",
"Hanxuan Yang",
"Haojun Pan",
"Hongyu Liu",
"Jianbin Guo",
"Jiangtao Du",
"Jingyi Wang",
"Junfeng Li",
"Lei Sun",
"Liduo Liu",
"Lifeng Dong",
"Lili Liu",
"Lin Wang",
"Liwen Zhang",
"Minzheng Wang",
"Pin Wang",
"Ping Yu",
"Qingxiao Li",
"Rui Yan",
"Rui Zou",
"Ruiqun Li",
"Taiwen Huang",
"Xiaodong Wang",
"Xiaofei Wu",
"Xin Peng",
"Xina Zhang",
"Xing Fang",
"Xinglin Xiao",
"Yanni Hao",
"Yao Dong",
"Yigang Wang",
"Ying Liu",
"Yongyu Jiang",
"Yungan Wang",
"Yuqi Wang",
"Zhangsheng Wang",
"Zhaoxin Yu",
"Zhen Luo",
"Wenji Mao",
"Lei Wang",
"Dajun Zeng"
] | 2023-12-22 | As the latest advancements in natural language processing, large language
models (LLMs) have achieved human-level language understanding and generation
abilities in many real-world tasks, and even have been regarded as a potential
path to the artificial general intelligence. To better facilitate research on
LLMs, many open-source LLMs, such as Llama 2 and Falcon, have recently been
proposed and gained comparable performances to proprietary models. However,
these models are primarily designed for English scenarios and exhibit poor
performances in Chinese contexts. In this technical report, we propose YAYI 2,
including both base and chat models, with 30 billion parameters. YAYI 2 is
pre-trained from scratch on a multilingual corpus which contains 2.65 trillion
tokens filtered by our pre-training data processing pipeline. The base model is
aligned with human values through supervised fine-tuning with millions of
instructions and reinforcement learning from human feedback. Extensive
experiments on multiple benchmarks, such as MMLU and CMMLU, consistently
demonstrate that the proposed YAYI 2 outperforms other similar sized
open-source models. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2310.07707 | AnswerAI | MatFormer: Nested Transformer for Elastic Inference | [
"Devvrit",
"Sneha Kudugunta",
"Aditya Kusupati",
"Tim Dettmers",
"Kaifeng Chen",
"Inderjit Dhillon",
"Yulia Tsvetkov",
"Hannaneh Hajishirzi",
"Sham Kakade",
"Ali Farhadi",
"Prateek Jain"
] | 2023-10-11 | Transformer models are deployed in a wide range of settings, from
multi-accelerator clusters to standalone mobile phones. The diverse inference
constraints in these scenarios necessitate practitioners to train foundation
models such as PaLM 2, Llama, & ViTs as a series of models of varying sizes.
Due to significant training costs, only a select few model sizes are trained
and supported, limiting more fine-grained control over relevant tradeoffs,
including latency, cost, and accuracy. This work introduces MatFormer, a nested
Transformer architecture designed to offer elasticity in a variety of
deployment constraints. Each Feed Forward Network (FFN) block of a MatFormer
model is jointly optimized with a few nested smaller FFN blocks. This training
procedure allows for the Mix'n'Match of model granularities across layers --
i.e., a trained universal MatFormer model enables extraction of hundreds of
accurate smaller models, which were never explicitly optimized. We empirically
demonstrate MatFormer's effectiveness across different model classes (decoders
& encoders), modalities (language & vision), and scales (up to 2.6B
parameters). We find that a 2.6B decoder-only MatFormer language model (MatLM)
allows us to extract smaller models spanning from 1.5B to 2.6B, each exhibiting
comparable validation loss and one-shot downstream evaluations to their
independently trained counterparts. Furthermore, we observe that smaller
encoders extracted from a universal MatFormer-based ViT (MatViT) encoder
preserve the metric-space structure for adaptive large-scale retrieval.
Finally, we showcase that speculative decoding with the accurate and consistent
submodels extracted from MatFormer can further reduce inference latency. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV"
] |
2309.07749 | HF | OmnimatteRF: Robust Omnimatte with 3D Background Modeling | [
"Geng Lin",
"Chen Gao",
"Jia-Bin Huang",
"Changil Kim",
"Yipeng Wang",
"Matthias Zwicker",
"Ayush Saraf"
] | 2023-09-14 | Video matting has broad applications, from adding interesting effects to
casually captured movies to assisting video production professionals. Matting
with associated effects such as shadows and reflections has also attracted
increasing research activity, and methods like Omnimatte have been proposed to
separate dynamic foreground objects of interest into their own layers. However,
prior works represent video backgrounds as 2D image layers, limiting their
capacity to express more complicated scenes, thus hindering application to
real-world videos. In this paper, we propose a novel video matting method,
OmnimatteRF, that combines dynamic 2D foreground layers and a 3D background
model. The 2D layers preserve the details of the subjects, while the 3D
background robustly reconstructs scenes in real-world videos. Extensive
experiments demonstrate that our method reconstructs scenes with better quality
on various videos. | null | cs.CV | [
"cs.CV"
] |
2309.12424 | HF | DualToken-ViT: Position-aware Efficient Vision Transformer with Dual Token Fusion | [
"Zhenzhen Chu",
"Jiayu Chen",
"Cen Chen",
"Chengyu Wang",
"Ziheng Wu",
"Jun Huang",
"Weining Qian"
] | 2023-09-21 | Self-attention-based vision transformers (ViTs) have emerged as a highly
competitive architecture in computer vision. Unlike convolutional neural
networks (CNNs), ViTs are capable of global information sharing. With the
development of various structures of ViTs, ViTs are increasingly advantageous
for many vision tasks. However, the quadratic complexity of self-attention
renders ViTs computationally intensive, and their lack of inductive biases of
locality and translation equivariance demands larger model sizes compared to
CNNs to effectively learn visual features. In this paper, we propose a
light-weight and efficient vision transformer model called DualToken-ViT that
leverages the advantages of CNNs and ViTs. DualToken-ViT effectively fuses the
token with local information obtained by convolution-based structure and the
token with global information obtained by self-attention-based structure to
achieve an efficient attention structure. In addition, we use position-aware
global tokens throughout all stages to enrich the global information, which
further strengthening the effect of DualToken-ViT. Position-aware global tokens
also contain the position information of the image, which makes our model
better for vision tasks. We conducted extensive experiments on image
classification, object detection and semantic segmentation tasks to demonstrate
the effectiveness of DualToken-ViT. On the ImageNet-1K dataset, our models of
different scales achieve accuracies of 75.4% and 79.4% with only 0.5G and 1.0G
FLOPs, respectively, and our model with 1.0G FLOPs outperforms LightViT-T using
global tokens by 0.7%. | null | cs.CV | [
"cs.CV"
] |
2403.18978 | HF | TextCraftor: Your Text Encoder Can be Image Quality Controller | [
"Yanyu Li",
"Xian Liu",
"Anil Kag",
"Ju Hu",
"Yerlan Idelbayev",
"Dhritiman Sagar",
"Yanzhi Wang",
"Sergey Tulyakov",
"Jian Ren"
] | 2024-03-27 | Diffusion-based text-to-image generative models, e.g., Stable Diffusion, have
revolutionized the field of content generation, enabling significant
advancements in areas like image editing and video synthesis. Despite their
formidable capabilities, these models are not without their limitations. It is
still challenging to synthesize an image that aligns well with the input text,
and multiple runs with carefully crafted prompts are required to achieve
satisfactory results. To mitigate these limitations, numerous studies have
endeavored to fine-tune the pre-trained diffusion models, i.e., UNet, utilizing
various technologies. Yet, amidst these efforts, a pivotal question of
text-to-image diffusion model training has remained largely unexplored: Is it
possible and feasible to fine-tune the text encoder to improve the performance
of text-to-image diffusion models? Our findings reveal that, instead of
replacing the CLIP text encoder used in Stable Diffusion with other large
language models, we can enhance it through our proposed fine-tuning approach,
TextCraftor, leading to substantial improvements in quantitative benchmarks and
human assessments. Interestingly, our technique also empowers controllable
image generation through the interpolation of different text encoders
fine-tuned with various rewards. We also demonstrate that TextCraftor is
orthogonal to UNet finetuning, and can be combined to further improve
generative quality. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2403.07128 | HF | DrJAX: Scalable and Differentiable MapReduce Primitives in JAX | [
"Keith Rush",
"Zachary Charles",
"Zachary Garrett",
"Sean Augenstein",
"Nicole Mitchell"
] | 2024-03-11 | We present DrJAX, a JAX-based library designed to support large-scale
distributed and parallel machine learning algorithms that use MapReduce-style
operations. DrJAX leverages JAX's sharding mechanisms to enable native
targeting of TPUs and state-of-the-art JAX runtimes, including Pathways. DrJAX
embeds building blocks for MapReduce computations as primitives in JAX. This
enables three key benefits. First, DrJAX computations can be translated
directly to XLA HLO, enabling flexible integration with a wide array of ML
training platforms. Second, DrJAX computations are fully differentiable. Last,
DrJAX computations can be interpreted out to existing batch-processing compute
systems, including traditional MapReduce systems like Apache Beam and
cross-device compute systems like those powering federated learning
applications. We show that DrJAX provides an easily programmable, performant,
and scalable framework for parallelized algorithm development. DrJAX is
available at
\url{https://github.com/google-research/google-research/tree/master/drjax}. | null | cs.DC | [
"cs.DC",
"cs.LG"
] |
2307.14335 | HF | WavJourney: Compositional Audio Creation with Large Language Models | [
"Xubo Liu",
"Zhongkai Zhu",
"Haohe Liu",
"Yi Yuan",
"Meng Cui",
"Qiushi Huang",
"Jinhua Liang",
"Yin Cao",
"Qiuqiang Kong",
"Mark D. Plumbley",
"Wenwu Wang"
] | 2023-07-26 | Despite breakthroughs in audio generation models, their capabilities are
often confined to domain-specific conditions such as speech transcriptions and
audio captions. However, real-world audio creation aims to generate harmonious
audio containing various elements such as speech, music, and sound effects with
controllable conditions, which is challenging to address using existing audio
generation systems. We present WavJourney, a novel framework that leverages
Large Language Models (LLMs) to connect various audio models for audio
creation. WavJourney allows users to create storytelling audio content with
diverse audio elements simply from textual descriptions. Specifically, given a
text instruction, WavJourney first prompts LLMs to generate an audio script
that serves as a structured semantic representation of audio elements. The
audio script is then converted into a computer program, where each line of the
program calls a task-specific audio generation model or computational operation
function. The computer program is then executed to obtain a compositional and
interpretable solution for audio creation. Experimental results suggest that
WavJourney is capable of synthesizing realistic audio aligned with
textually-described semantic, spatial and temporal conditions, achieving
state-of-the-art results on text-to-audio generation benchmarks. Additionally,
we introduce a new multi-genre story benchmark. Subjective evaluations
demonstrate the potential of WavJourney in crafting engaging storytelling audio
content from text. We further demonstrate that WavJourney can facilitate
human-machine co-creation in multi-round dialogues. To foster future research,
the code and synthesized audio are available at:
https://audio-agi.github.io/WavJourney_demopage/. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.MM",
"eess.AS"
] |
2310.09139 | HF | The Consensus Game: Language Model Generation via Equilibrium Search | [
"Athul Paul Jacob",
"Yikang Shen",
"Gabriele Farina",
"Jacob Andreas"
] | 2023-10-13 | When applied to question answering and other text generation tasks, language
models (LMs) may be queried generatively (by sampling answers from their output
distribution) or discriminatively (by using them to score or rank a set of
candidate outputs). These procedures sometimes yield very different
predictions. How do we reconcile mutually incompatible scoring procedures to
obtain coherent LM predictions? We introduce a new, a training-free,
game-theoretic procedure for language model decoding. Our approach casts
language model decoding as a regularized imperfect-information sequential
signaling game - which we term the CONSENSUS GAME - in which a GENERATOR seeks
to communicate an abstract correctness parameter using natural language
sentences to a DISCRIMINATOR. We develop computational procedures for finding
approximate equilibria of this game, resulting in a decoding algorithm we call
EQUILIBRIUM-RANKING. Applied to a large number of tasks (including reading
comprehension, commonsense reasoning, mathematical problem-solving, and
dialog), EQUILIBRIUM-RANKING consistently, and sometimes substantially,
improves performance over existing LM decoding procedures - on multiple
benchmarks, we observe that applying EQUILIBRIUM-RANKING to LLaMA-7B
outperforms the much larger LLaMA-65B and PaLM-540B models. These results
highlight the promise of game-theoretic tools for addressing fundamental
challenges of truthfulness and consistency in LMs. | null | cs.GT | [
"cs.GT",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2308.16891 | HF | GNFactor: Multi-Task Real Robot Learning with Generalizable Neural Feature Fields | [
"Yanjie Ze",
"Ge Yan",
"Yueh-Hua Wu",
"Annabella Macaluso",
"Yuying Ge",
"Jianglong Ye",
"Nicklas Hansen",
"Li Erran Li",
"Xiaolong Wang"
] | 2023-08-31 | It is a long-standing problem in robotics to develop agents capable of
executing diverse manipulation tasks from visual observations in unstructured
real-world environments. To achieve this goal, the robot needs to have a
comprehensive understanding of the 3D structure and semantics of the scene. In
this work, we present $\textbf{GNFactor}$, a visual behavior cloning agent for
multi-task robotic manipulation with $\textbf{G}$eneralizable $\textbf{N}$eural
feature $\textbf{F}$ields. GNFactor jointly optimizes a generalizable neural
field (GNF) as a reconstruction module and a Perceiver Transformer as a
decision-making module, leveraging a shared deep 3D voxel representation. To
incorporate semantics in 3D, the reconstruction module utilizes a
vision-language foundation model ($\textit{e.g.}$, Stable Diffusion) to distill
rich semantic information into the deep 3D voxel. We evaluate GNFactor on 3
real robot tasks and perform detailed ablations on 10 RLBench tasks with a
limited number of demonstrations. We observe a substantial improvement of
GNFactor over current state-of-the-art methods in seen and unseen tasks,
demonstrating the strong generalization ability of GNFactor. Our project
website is https://yanjieze.com/GNFactor/ . | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2402.05119 | AnswerAI | A Closer Look at the Limitations of Instruction Tuning | [
"Sreyan Ghosh",
"Chandra Kiran Reddy Evuru",
"Sonal Kumar",
"Ramaneswaran S",
"Deepali Aneja",
"Zeyu Jin",
"Ramani Duraiswami",
"Dinesh Manocha"
] | 2024-02-03 | Instruction Tuning (IT), the process of training large language models (LLMs)
using instruction-response pairs, has emerged as the predominant method for
transforming base pre-trained LLMs into open-domain conversational agents.
While IT has achieved notable success and widespread adoption, its limitations
and shortcomings remain underexplored. In this paper, through rigorous
experiments and an in-depth analysis of the changes LLMs undergo through IT, we
reveal various limitations of IT. In particular, we show that (1) IT fails to
enhance knowledge or skills in LLMs. LoRA fine-tuning is limited to learning
response initiation and style tokens, and full-parameter fine-tuning leads to
knowledge degradation. (2) Copying response patterns from IT datasets derived
from knowledgeable sources leads to a decline in response quality. (3)
Full-parameter fine-tuning increases hallucination by inaccurately borrowing
tokens from conceptually similar instances in the IT dataset for generating
responses. (4) Popular methods to improve IT do not lead to performance
improvements over a simple LoRA fine-tuned model. Our findings reveal that
responses generated solely from pre-trained knowledge consistently outperform
responses by models that learn any form of new knowledge from IT on open-source
datasets. We hope the insights and challenges revealed in this paper inspire
future work in related directions. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.20329 | HF | ReALM: Reference Resolution As Language Modeling | [
"Joel Ruben Antony Moniz",
"Soundarya Krishnan",
"Melis Ozyildirim",
"Prathamesh Saraf",
"Halim Cagri Ates",
"Yuan Zhang",
"Hong Yu"
] | 2024-03-29 | Reference resolution is an important problem, one that is essential to
understand and successfully handle context of different kinds. This context
includes both previous turns and context that pertains to non-conversational
entities, such as entities on the user's screen or those running in the
background. While LLMs have been shown to be extremely powerful for a variety
of tasks, their use in reference resolution, particularly for
non-conversational entities, remains underutilized. This paper demonstrates how
LLMs can be used to create an extremely effective system to resolve references
of various types, by showing how reference resolution can be converted into a
language modeling problem, despite involving forms of entities like those on
screen that are not traditionally conducive to being reduced to a text-only
modality. We demonstrate large improvements over an existing system with
similar functionality across different types of references, with our smallest
model obtaining absolute gains of over 5% for on-screen references. We also
benchmark against GPT-3.5 and GPT-4, with our smallest model achieving
performance comparable to that of GPT-4, and our larger models substantially
outperforming it. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.08673 | HF | HelpSteer2: Open-source dataset for training top-performing reward models | [
"Zhilin Wang",
"Yi Dong",
"Olivier Delalleau",
"Jiaqi Zeng",
"Gerald Shen",
"Daniel Egert",
"Jimmy J. Zhang",
"Makesh Narsimhan Sreedhar",
"Oleksii Kuchaiev"
] | 2024-06-12 | High-quality preference datasets are essential for training reward models
that can effectively guide large language models (LLMs) in generating
high-quality responses aligned with human preferences. As LLMs become stronger
and better aligned, permissively licensed preference datasets, such as Open
Assistant, HH-RLHF, and HelpSteer need to be updated to remain effective for
reward modeling. Methods that distil preference data from proprietary LLMs such
as GPT-4 have restrictions on commercial usage imposed by model providers. To
improve upon both generated responses and attribute labeling quality, we
release HelpSteer2, a permissively licensed preference dataset (CC-BY-4.0).
Using a powerful internal base model trained on HelpSteer2, we are able to
achieve the SOTA score (92.0%) on Reward-Bench's primary dataset, outperforming
currently listed open and proprietary models, as of June 12th, 2024. Notably,
HelpSteer2 consists of only ten thousand response pairs, an order of magnitude
fewer than existing preference datasets (e.g., HH-RLHF), which makes it highly
efficient for training reward models. Our extensive experiments demonstrate
that reward models trained with HelpSteer2 are effective in aligning LLMs. In
particular, we propose SteerLM 2.0, a model alignment approach that can
effectively make use of the rich multi-attribute score predicted by our reward
models. HelpSteer2 is available at
https://huggingface.co/datasets/nvidia/HelpSteer2 and code is available at
https://github.com/NVIDIA/NeMo-Aligner | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2404.06654 | Both | RULER: What's the Real Context Size of Your Long-Context Language Models? | [
"Cheng-Ping Hsieh",
"Simeng Sun",
"Samuel Kriman",
"Shantanu Acharya",
"Dima Rekesh",
"Fei Jia",
"Yang Zhang",
"Boris Ginsburg"
] | 2024-04-09 | The needle-in-a-haystack (NIAH) test, which examines the ability to retrieve
a piece of information (the "needle") from long distractor texts (the
"haystack"), has been widely adopted to evaluate long-context language models
(LMs). However, this simple retrieval-based test is indicative of only a
superficial form of long-context understanding. To provide a more comprehensive
evaluation of long-context LMs, we create a new synthetic benchmark RULER with
flexible configurations for customized sequence length and task complexity.
RULER expands upon the vanilla NIAH test to encompass variations with diverse
types and quantities of needles. Moreover, RULER introduces new task categories
multi-hop tracing and aggregation to test behaviors beyond searching from
context. We evaluate 17 long-context LMs with 13 representative tasks in RULER.
Despite achieving nearly perfect accuracy in the vanilla NIAH test, almost all
models exhibit large performance drops as the context length increases. While
these models all claim context sizes of 32K tokens or greater, only half of
them can maintain satisfactory performance at the length of 32K. Our analysis
of Yi-34B, which supports context length of 200K, reveals large room for
improvement as we increase input length and task complexity. We open source
RULER to spur comprehensive evaluation of long-context LMs. | null | cs.CL | [
"cs.CL"
] |
2409.00509 | HF | LongRecipe: Recipe for Efficient Long Context Generalization in Large Language Models | [
"Zhiyuan Hu",
"Yuliang Liu",
"Jinman Zhao",
"Suyuchen Wang",
"Yan Wang",
"Wei Shen",
"Qing Gu",
"Anh Tuan Luu",
"See-Kiong Ng",
"Zhiwei Jiang",
"Bryan Hooi"
] | 2024-08-31 | Large language models (LLMs) face significant challenges in handling
long-context tasks because of their limited effective context window size
during pretraining, which restricts their ability to generalize over extended
sequences. Meanwhile, extending the context window in LLMs through
post-pretraining is highly resource-intensive. To address this, we introduce
LongRecipe, an efficient training strategy for extending the context window of
LLMs, including impactful token analysis, position index transformation, and
training optimization strategies. It simulates long-sequence inputs while
maintaining training efficiency and significantly improves the model's
understanding of long-range dependencies. Experiments on three types of LLMs
show that LongRecipe can utilize long sequences while requiring only 30% of the
target context window size, and reduces computational training resource over
85% compared to full sequence training. Furthermore, LongRecipe also preserves
the original LLM's capabilities in general tasks. Ultimately, we can extend the
effective context window of open-source LLMs from 8k to 128k, achieving
performance close to GPT-4 with just one day of dedicated training using a
single GPU with 80G memory. Our code is released at
https://github.com/zhiyuanhubj/LongRecipe. | null | cs.CL | [
"cs.CL"
] |
2404.03626 | Both | Training LLMs over Neurally Compressed Text | [
"Brian Lester",
"Jaehoon Lee",
"Alex Alemi",
"Jeffrey Pennington",
"Adam Roberts",
"Jascha Sohl-Dickstein",
"Noah Constant"
] | 2024-04-04 | In this paper, we explore the idea of training large language models (LLMs)
over highly compressed text. While standard subword tokenizers compress text by
a small factor, neural text compressors can achieve much higher rates of
compression. If it were possible to train LLMs directly over neurally
compressed text, this would confer advantages in training and serving
efficiency, as well as easier handling of long text spans. The main obstacle to
this goal is that strong compression tends to produce opaque outputs that are
not well-suited for learning. In particular, we find that text na\"ively
compressed via Arithmetic Coding is not readily learnable by LLMs. To overcome
this, we propose Equal-Info Windows, a novel compression technique whereby text
is segmented into blocks that each compress to the same bit length. Using this
method, we demonstrate effective learning over neurally compressed text that
improves with scale, and outperforms byte-level baselines by a wide margin on
perplexity and inference speed benchmarks. While our method delivers worse
perplexity than subword tokenizers for models trained with the same parameter
count, it has the benefit of shorter sequence lengths. Shorter sequence lengths
require fewer autoregressive generation steps, and reduce latency. Finally, we
provide extensive analysis of the properties that contribute to learnability,
and offer concrete suggestions for how to further improve the performance of
high-compression tokenizers. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2312.12491 | HF | StreamDiffusion: A Pipeline-level Solution for Real-time Interactive Generation | [
"Akio Kodaira",
"Chenfeng Xu",
"Toshiki Hazama",
"Takanori Yoshimoto",
"Kohei Ohno",
"Shogo Mitsuhori",
"Soichi Sugano",
"Hanying Cho",
"Zhijian Liu",
"Kurt Keutzer"
] | 2023-12-19 | We introduce StreamDiffusion, a real-time diffusion pipeline designed for
interactive image generation. Existing diffusion models are adept at creating
images from text or image prompts, yet they often fall short in real-time
interaction. This limitation becomes particularly evident in scenarios
involving continuous input, such as Metaverse, live video streaming, and
broadcasting, where high throughput is imperative. To address this, we present
a novel approach that transforms the original sequential denoising into the
batching denoising process. Stream Batch eliminates the conventional
wait-and-interact approach and enables fluid and high throughput streams. To
handle the frequency disparity between data input and model throughput, we
design a novel input-output queue for parallelizing the streaming process.
Moreover, the existing diffusion pipeline uses classifier-free guidance(CFG),
which requires additional U-Net computation. To mitigate the redundant
computations, we propose a novel residual classifier-free guidance (RCFG)
algorithm that reduces the number of negative conditional denoising steps to
only one or even zero. Besides, we introduce a stochastic similarity
filter(SSF) to optimize power consumption. Our Stream Batch achieves around
1.5x speedup compared to the sequential denoising method at different denoising
levels. The proposed RCFG leads to speeds up to 2.05x higher than the
conventional CFG. Combining the proposed strategies and existing mature
acceleration tools makes the image-to-image generation achieve up-to 91.07fps
on one RTX4090, improving the throughputs of AutoPipline developed by Diffusers
over 59.56x. Furthermore, our proposed StreamDiffusion also significantly
reduces the energy consumption by 2.39x on one RTX3060 and 1.99x on one
RTX4090, respectively. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2307.11768 | HF | Question Decomposition Improves the Faithfulness of Model-Generated Reasoning | [
"Ansh Radhakrishnan",
"Karina Nguyen",
"Anna Chen",
"Carol Chen",
"Carson Denison",
"Danny Hernandez",
"Esin Durmus",
"Evan Hubinger",
"Jackson Kernion",
"Kamilė Lukošiūtė",
"Newton Cheng",
"Nicholas Joseph",
"Nicholas Schiefer",
"Oliver Rausch",
"Sam McCandlish",
"Sheer El Showk",
"Tamera Lanham",
"Tim Maxwell",
"Venkatesa Chandrasekaran",
"Zac Hatfield-Dodds",
"Jared Kaplan",
"Jan Brauner",
"Samuel R. Bowman",
"Ethan Perez"
] | 2023-07-17 | As large language models (LLMs) perform more difficult tasks, it becomes
harder to verify the correctness and safety of their behavior. One approach to
help with this issue is to prompt LLMs to externalize their reasoning, e.g., by
having them generate step-by-step reasoning as they answer a question
(Chain-of-Thought; CoT). The reasoning may enable us to check the process that
models use to perform tasks. However, this approach relies on the stated
reasoning faithfully reflecting the model's actual reasoning, which is not
always the case. To improve over the faithfulness of CoT reasoning, we have
models generate reasoning by decomposing questions into subquestions.
Decomposition-based methods achieve strong performance on question-answering
tasks, sometimes approaching that of CoT while improving the faithfulness of
the model's stated reasoning on several recently-proposed metrics. By forcing
the model to answer simpler subquestions in separate contexts, we greatly
increase the faithfulness of model-generated reasoning over CoT, while still
achieving some of the performance gains of CoT. Our results show it is possible
to improve the faithfulness of model-generated reasoning; continued
improvements may lead to reasoning that enables us to verify the correctness
and safety of LLM behavior. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.19227 | HF | Aligning Teacher with Student Preferences for Tailored Training Data Generation | [
"Yantao Liu",
"Zhao Zhang",
"Zijun Yao",
"Shulin Cao",
"Lei Hou",
"Juanzi Li"
] | 2024-06-27 | Large Language Models (LLMs) have shown significant promise as copilots in
various tasks. Local deployment of LLMs on edge devices is necessary when
handling privacy-sensitive data or latency-sensitive tasks. The computational
constraints of such devices make direct deployment of powerful large-scale LLMs
impractical, necessitating the Knowledge Distillation from large-scale models
to lightweight models. Lots of work has been done to elicit diversity and
quality training examples from LLMs, but little attention has been paid to
aligning teacher instructional content based on student preferences, akin to
"responsive teaching" in pedagogy. Thus, we propose ARTE, dubbed Aligning
TeacheR with StudenT PreferencEs, a framework that aligns the teacher model
with student preferences to generate tailored training examples for Knowledge
Distillation. Specifically, we elicit draft questions and rationales from the
teacher model, then collect student preferences on these questions and
rationales using students' performance with in-context learning as a proxy, and
finally align the teacher model with student preferences. In the end, we repeat
the first step with the aligned teacher model to elicit tailored training
examples for the student model on the target task. Extensive experiments on
academic benchmarks demonstrate the superiority of ARTE over existing
instruction-tuning datasets distilled from powerful LLMs. Moreover, we
thoroughly investigate the generalization of ARTE, including the generalization
of fine-tuned student models in reasoning ability and the generalization of
aligned teacher models to generate tailored training data across tasks and
students. In summary, our contributions lie in proposing a novel framework for
tailored training example generation, demonstrating its efficacy in
experiments, and investigating the generalization of both student & aligned
teacher models in ARTE. | null | cs.CL | [
"cs.CL"
] |
2310.11441 | Both | Set-of-Mark Prompting Unleashes Extraordinary Visual Grounding in GPT-4V | [
"Jianwei Yang",
"Hao Zhang",
"Feng Li",
"Xueyan Zou",
"Chunyuan Li",
"Jianfeng Gao"
] | 2023-10-17 | We present Set-of-Mark (SoM), a new visual prompting method, to unleash the
visual grounding abilities of large multimodal models (LMMs), such as GPT-4V.
As illustrated in Fig. 1 (right), we employ off-the-shelf interactive
segmentation models, such as SEEM/SAM, to partition an image into regions at
different levels of granularity, and overlay these regions with a set of marks
e.g., alphanumerics, masks, boxes. Using the marked image as input, GPT-4V can
answer the questions that require visual grounding. We perform a comprehensive
empirical study to validate the effectiveness of SoM on a wide range of
fine-grained vision and multimodal tasks. For example, our experiments show
that GPT-4V with SoM in zero-shot setting outperforms the state-of-the-art
fully-finetuned referring expression comprehension and segmentation model on
RefCOCOg. Code for SoM prompting is made public at:
https://github.com/microsoft/SoM. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.HC"
] |
1606.01305 | AnswerAI | Zoneout: Regularizing RNNs by Randomly Preserving Hidden Activations | [
"David Krueger",
"Tegan Maharaj",
"János Kramár",
"Mohammad Pezeshki",
"Nicolas Ballas",
"Nan Rosemary Ke",
"Anirudh Goyal",
"Yoshua Bengio",
"Aaron Courville",
"Chris Pal"
] | 2016-06-03 | We propose zoneout, a novel method for regularizing RNNs. At each timestep,
zoneout stochastically forces some hidden units to maintain their previous
values. Like dropout, zoneout uses random noise to train a pseudo-ensemble,
improving generalization. But by preserving instead of dropping hidden units,
gradient information and state information are more readily propagated through
time, as in feedforward stochastic depth networks. We perform an empirical
investigation of various RNN regularizers, and find that zoneout gives
significant performance improvements across tasks. We achieve competitive
results with relatively simple models in character- and word-level language
modelling on the Penn Treebank and Text8 datasets, and combining with recurrent
batch normalization yields state-of-the-art results on permuted sequential
MNIST. | null | cs.NE | [
"cs.NE",
"cs.CL",
"cs.LG"
] |
2302.03765 | AnswerAI | Transformer-based Models for Long-Form Document Matching: Challenges and Empirical Analysis | [
"Akshita Jha",
"Adithya Samavedhi",
"Vineeth Rakesh",
"Jaideep Chandrashekar",
"Chandan K. Reddy"
] | 2023-02-07 | Recent advances in the area of long document matching have primarily focused
on using transformer-based models for long document encoding and matching.
There are two primary challenges associated with these models. Firstly, the
performance gain provided by transformer-based models comes at a steep cost -
both in terms of the required training time and the resource (memory and
energy) consumption. The second major limitation is their inability to handle
more than a pre-defined input token length at a time. In this work, we
empirically demonstrate the effectiveness of simple neural models (such as
feed-forward networks, and CNNs) and simple embeddings (like GloVe, and
Paragraph Vector) over transformer-based models on the task of document
matching. We show that simple models outperform the more complex BERT-based
models while taking significantly less training time, energy, and memory. The
simple models are also more robust to variations in document length and text
perturbations. | null | cs.CL | [
"cs.CL"
] |
2407.05463 | HF | Training Task Experts through Retrieval Based Distillation | [
"Jiaxin Ge",
"Xueying Jia",
"Vijay Viswanathan",
"Hongyin Luo",
"Graham Neubig"
] | 2024-07-07 | One of the most reliable ways to create deployable models for specialized
tasks is to obtain an adequate amount of high-quality task-specific data.
However, for specialized tasks, often such datasets do not exist. Existing
methods address this by creating such data from large language models (LLMs)
and then distilling such knowledge into smaller models. However, these methods
are limited by the quality of the LLMs output, and tend to generate repetitive
or incorrect data. In this work, we present Retrieval Based Distillation
(ReBase), a method that first retrieves data from rich online sources and then
transforms them into domain-specific data. This method greatly enhances data
diversity. Moreover, ReBase generates Chain-of-Thought reasoning and distills
the reasoning capacity of LLMs. We test our method on 4 benchmarks and results
show that our method significantly improves performance by up to 7.8% on SQuAD,
1.37% on MNLI, and 1.94% on BigBench-Hard. | null | cs.CL | [
"cs.CL"
] |
2409.06633 | HF | SaRA: High-Efficient Diffusion Model Fine-tuning with Progressive Sparse Low-Rank Adaptation | [
"Teng Hu",
"Jiangning Zhang",
"Ran Yi",
"Hongrui Huang",
"Yabiao Wang",
"Lizhuang Ma"
] | 2024-09-10 | In recent years, the development of diffusion models has led to significant
progress in image and video generation tasks, with pre-trained models like the
Stable Diffusion series playing a crucial role. Inspired by model pruning which
lightens large pre-trained models by removing unimportant parameters, we
propose a novel model fine-tuning method to make full use of these ineffective
parameters and enable the pre-trained model with new task-specified
capabilities. In this work, we first investigate the importance of parameters
in pre-trained diffusion models, and discover that the smallest 10% to 20% of
parameters by absolute values do not contribute to the generation process.
Based on this observation, we propose a method termed SaRA that re-utilizes
these temporarily ineffective parameters, equating to optimizing a sparse
weight matrix to learn the task-specific knowledge. To mitigate overfitting, we
propose a nuclear-norm-based low-rank sparse training scheme for efficient
fine-tuning. Furthermore, we design a new progressive parameter adjustment
strategy to make full use of the re-trained/finetuned parameters. Finally, we
propose a novel unstructural backpropagation strategy, which significantly
reduces memory costs during fine-tuning. Our method enhances the generative
capabilities of pre-trained models in downstream applications and outperforms
traditional fine-tuning methods like LoRA in maintaining model's generalization
ability. We validate our approach through fine-tuning experiments on SD models,
demonstrating significant improvements. SaRA also offers a practical advantage
that requires only a single line of code modification for efficient
implementation and is seamlessly compatible with existing methods. | null | cs.CV | [
"cs.CV"
] |
2311.12198 | HF | PhysGaussian: Physics-Integrated 3D Gaussians for Generative Dynamics | [
"Tianyi Xie",
"Zeshun Zong",
"Yuxing Qiu",
"Xuan Li",
"Yutao Feng",
"Yin Yang",
"Chenfanfu Jiang"
] | 2023-11-20 | We introduce PhysGaussian, a new method that seamlessly integrates physically
grounded Newtonian dynamics within 3D Gaussians to achieve high-quality novel
motion synthesis. Employing a custom Material Point Method (MPM), our approach
enriches 3D Gaussian kernels with physically meaningful kinematic deformation
and mechanical stress attributes, all evolved in line with continuum mechanics
principles. A defining characteristic of our method is the seamless integration
between physical simulation and visual rendering: both components utilize the
same 3D Gaussian kernels as their discrete representations. This negates the
necessity for triangle/tetrahedron meshing, marching cubes, "cage meshes," or
any other geometry embedding, highlighting the principle of "what you see is
what you simulate (WS$^2$)." Our method demonstrates exceptional versatility
across a wide variety of materials--including elastic entities, metals,
non-Newtonian fluids, and granular materials--showcasing its strong
capabilities in creating diverse visual content with novel viewpoints and
movements. Our project page is at: https://xpandora.github.io/PhysGaussian/ | null | cs.GR | [
"cs.GR",
"cs.AI",
"cs.CV",
"cs.LG"
] |
2401.01699 | HF | WordArt Designer API: User-Driven Artistic Typography Synthesis with Large Language Models on ModelScope | [
"Jun-Yan He",
"Zhi-Qi Cheng",
"Chenyang Li",
"Jingdong Sun",
"Wangmeng Xiang",
"Yusen Hu",
"Xianhui Lin",
"Xiaoyang Kang",
"Zengke Jin",
"Bin Luo",
"Yifeng Geng",
"Xuansong Xie",
"Jingren Zhou"
] | 2024-01-03 | This paper introduces the WordArt Designer API, a novel framework for
user-driven artistic typography synthesis utilizing Large Language Models
(LLMs) on ModelScope. We address the challenge of simplifying artistic
typography for non-professionals by offering a dynamic, adaptive, and
computationally efficient alternative to traditional rigid templates. Our
approach leverages the power of LLMs to understand and interpret user input,
facilitating a more intuitive design process. We demonstrate through various
case studies how users can articulate their aesthetic preferences and
functional requirements, which the system then translates into unique and
creative typographic designs. Our evaluations indicate significant improvements
in user satisfaction, design flexibility, and creative expression over existing
systems. The WordArt Designer API not only democratizes the art of typography
but also opens up new possibilities for personalized digital communication and
design. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.MM"
] |
2308.16185 | HF | Learning Vision-based Pursuit-Evasion Robot Policies | [
"Andrea Bajcsy",
"Antonio Loquercio",
"Ashish Kumar",
"Jitendra Malik"
] | 2023-08-30 | Learning strategic robot behavior -- like that required in pursuit-evasion
interactions -- under real-world constraints is extremely challenging. It
requires exploiting the dynamics of the interaction, and planning through both
physical state and latent intent uncertainty. In this paper, we transform this
intractable problem into a supervised learning problem, where a
fully-observable robot policy generates supervision for a partially-observable
one. We find that the quality of the supervision signal for the
partially-observable pursuer policy depends on two key factors: the balance of
diversity and optimality of the evader's behavior and the strength of the
modeling assumptions in the fully-observable policy. We deploy our policy on a
physical quadruped robot with an RGB-D camera on pursuit-evasion interactions
in the wild. Despite all the challenges, the sensing constraints bring about
creativity: the robot is pushed to gather information when uncertain, predict
intent from noisy measurements, and anticipate in order to intercept. Project
webpage: https://abajcsy.github.io/vision-based-pursuit/ | null | cs.RO | [
"cs.RO",
"cs.AI"
] |
2402.14253 | HF | MVD$^2$: Efficient Multiview 3D Reconstruction for Multiview Diffusion | [
"Xin-Yang Zheng",
"Hao Pan",
"Yu-Xiao Guo",
"Xin Tong",
"Yang Liu"
] | 2024-02-22 | As a promising 3D generation technique, multiview diffusion (MVD) has
received a lot of attention due to its advantages in terms of generalizability,
quality, and efficiency. By finetuning pretrained large image diffusion models
with 3D data, the MVD methods first generate multiple views of a 3D object
based on an image or text prompt and then reconstruct 3D shapes with multiview
3D reconstruction. However, the sparse views and inconsistent details in the
generated images make 3D reconstruction challenging. We present MVD$^2$, an
efficient 3D reconstruction method for multiview diffusion (MVD) images.
MVD$^2$ aggregates image features into a 3D feature volume by projection and
convolution and then decodes volumetric features into a 3D mesh. We train
MVD$^2$ with 3D shape collections and MVD images prompted by rendered views of
3D shapes. To address the discrepancy between the generated multiview images
and ground-truth views of the 3D shapes, we design a simple-yet-efficient
view-dependent training scheme. MVD$^2$ improves the 3D generation quality of
MVD and is fast and robust to various MVD methods. After training, it can
efficiently decode 3D meshes from multiview images within one second. We train
MVD$^2$ with Zero-123++ and ObjectVerse-LVIS 3D dataset and demonstrate its
superior performance in generating 3D models from multiview images generated by
different MVD methods, using both synthetic and real images as prompts. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2406.14347 | HF | $\nabla^2$DFT: A Universal Quantum Chemistry Dataset of Drug-Like Molecules and a Benchmark for Neural Network Potentials | [
"Kuzma Khrabrov",
"Anton Ber",
"Artem Tsypin",
"Konstantin Ushenin",
"Egor Rumiantsev",
"Alexander Telepov",
"Dmitry Protasov",
"Ilya Shenbin",
"Anton Alekseev",
"Mikhail Shirokikh",
"Sergey Nikolenko",
"Elena Tutubalina",
"Artur Kadurin"
] | 2024-06-20 | Methods of computational quantum chemistry provide accurate approximations of
molecular properties crucial for computer-aided drug discovery and other areas
of chemical science. However, high computational complexity limits the
scalability of their applications. Neural network potentials (NNPs) are a
promising alternative to quantum chemistry methods, but they require large and
diverse datasets for training. This work presents a new dataset and benchmark
called $\nabla^2$DFT that is based on the nablaDFT. It contains twice as much
molecular structures, three times more conformations, new data types and tasks,
and state-of-the-art models. The dataset includes energies, forces, 17
molecular properties, Hamiltonian and overlap matrices, and a wavefunction
object. All calculations were performed at the DFT level
($\omega$B97X-D/def2-SVP) for each conformation. Moreover, $\nabla^2$DFT is the
first dataset that contains relaxation trajectories for a substantial number of
drug-like molecules. We also introduce a novel benchmark for evaluating NNPs in
molecular property prediction, Hamiltonian prediction, and conformational
optimization tasks. Finally, we propose an extendable framework for training
NNPs and implement 10 models within it. | null | physics.chem-ph | [
"physics.chem-ph",
"cs.LG",
"stat.ML"
] |
2312.09299 | HF | Weight subcloning: direct initialization of transformers using larger pretrained ones | [
"Mohammad Samragh",
"Mehrdad Farajtabar",
"Sachin Mehta",
"Raviteja Vemulapalli",
"Fartash Faghri",
"Devang Naik",
"Oncel Tuzel",
"Mohammad Rastegari"
] | 2023-12-14 | Training large transformer models from scratch for a target task requires
lots of data and is computationally demanding. The usual practice of transfer
learning overcomes this challenge by initializing the model with weights of a
pretrained model of the same size and specification to increase the convergence
and training speed. However, what if no pretrained model of the required size
is available? In this paper, we introduce a simple yet effective technique to
transfer the knowledge of a pretrained model to smaller variants. Our approach
called weight subcloning expedites the training of scaled-down transformers by
initializing their weights from larger pretrained models.
Weight subcloning involves an operation on the pretrained model to obtain the
equivalent initialized scaled-down model. It consists of two key steps: first,
we introduce neuron importance ranking to decrease the embedding dimension per
layer in the pretrained model. Then, we remove blocks from the transformer
model to match the number of layers in the scaled-down network. The result is a
network ready to undergo training, which gains significant improvements in
training speed compared to random initialization. For instance, we achieve 4x
faster training for vision transformers in image classification and language
models designed for next token prediction. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV"
] |
2407.08683 | HF | SEED-Story: Multimodal Long Story Generation with Large Language Model | [
"Shuai Yang",
"Yuying Ge",
"Yang Li",
"Yukang Chen",
"Yixiao Ge",
"Ying Shan",
"Yingcong Chen"
] | 2024-07-11 | With the remarkable advancements in image generation and open-form text
generation, the creation of interleaved image-text content has become an
increasingly intriguing field. Multimodal story generation, characterized by
producing narrative texts and vivid images in an interleaved manner, has
emerged as a valuable and practical task with broad applications. However, this
task poses significant challenges, as it necessitates the comprehension of the
complex interplay between texts and images, and the ability to generate long
sequences of coherent, contextually relevant texts and visuals. In this work,
we propose SEED-Story, a novel method that leverages a Multimodal Large
Language Model (MLLM) to generate extended multimodal stories. Our model, built
upon the powerful comprehension capability of MLLM, predicts text tokens as
well as visual tokens, which are subsequently processed with an adapted visual
de-tokenizer to produce images with consistent characters and styles. We
further propose multimodal attention sink mechanism to enable the generation of
stories with up to 25 sequences (only 10 for training) in a highly efficient
autoregressive manner. Additionally, we present a large-scale and
high-resolution dataset named StoryStream for training our model and
quantitatively evaluating the task of multimodal story generation in various
aspects. | null | cs.CV | [
"cs.CV"
] |
2302.07253 | AnswerAI | Energy Transformer | [
"Benjamin Hoover",
"Yuchen Liang",
"Bao Pham",
"Rameswar Panda",
"Hendrik Strobelt",
"Duen Horng Chau",
"Mohammed J. Zaki",
"Dmitry Krotov"
] | 2023-02-14 | Our work combines aspects of three promising paradigms in machine learning,
namely, attention mechanism, energy-based models, and associative memory.
Attention is the power-house driving modern deep learning successes, but it
lacks clear theoretical foundations. Energy-based models allow a principled
approach to discriminative and generative tasks, but the design of the energy
functional is not straightforward. At the same time, Dense Associative Memory
models or Modern Hopfield Networks have a well-established theoretical
foundation, and allow an intuitive design of the energy function. We propose a
novel architecture, called the Energy Transformer (or ET for short), that uses
a sequence of attention layers that are purposely designed to minimize a
specifically engineered energy function, which is responsible for representing
the relationships between the tokens. In this work, we introduce the
theoretical foundations of ET, explore its empirical capabilities using the
image completion task, and obtain strong quantitative results on the graph
anomaly detection and graph classification tasks. | null | cs.LG | [
"cs.LG",
"cond-mat.dis-nn",
"cs.CV",
"q-bio.NC",
"stat.ML"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.