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
|
---|---|---|---|---|---|---|---|---|
2405.00982 | AnswerAI | On the Evaluation of Machine-Generated Reports | [
"James Mayfield",
"Eugene Yang",
"Dawn Lawrie",
"Sean MacAvaney",
"Paul McNamee",
"Douglas W. Oard",
"Luca Soldaini",
"Ian Soboroff",
"Orion Weller",
"Efsun Kayi",
"Kate Sanders",
"Marc Mason",
"Noah Hibbler"
] | 2024-05-02 | Large Language Models (LLMs) have enabled new ways to satisfy information
needs. Although great strides have been made in applying them to settings like
document ranking and short-form text generation, they still struggle to compose
complete, accurate, and verifiable long-form reports. Reports with these
qualities are necessary to satisfy the complex, nuanced, or multi-faceted
information needs of users. In this perspective paper, we draw together
opinions from industry and academia, and from a variety of related research
areas, to present our vision for automatic report generation, and -- critically
-- a flexible framework by which such reports can be evaluated. In contrast
with other summarization tasks, automatic report generation starts with a
detailed description of an information need, stating the necessary background,
requirements, and scope of the report. Further, the generated reports should be
complete, accurate, and verifiable. These qualities, which are desirable -- if
not required -- in many analytic report-writing settings, require rethinking
how to build and evaluate systems that exhibit these qualities. To foster new
efforts in building these systems, we present an evaluation framework that
draws on ideas found in various evaluations. To test completeness and accuracy,
the framework uses nuggets of information, expressed as questions and answers,
that need to be part of any high-quality generated report. Additionally,
evaluation of citations that map claims made in the report to their source
documents ensures verifiability. | 10.1145/3626772.3657846 | cs.CL | [
"cs.CL",
"cs.IR"
] |
2305.06555 | HF | Domain Incremental Lifelong Learning in an Open World | [
"Yi Dai",
"Hao Lang",
"Yinhe Zheng",
"Bowen Yu",
"Fei Huang",
"Yongbin Li"
] | 2023-05-11 | Lifelong learning (LL) is an important ability for NLP models to learn new
tasks continuously. Architecture-based approaches are reported to be effective
implementations for LL models. However, it is non-trivial to extend previous
approaches to domain incremental LL scenarios since they either require access
to task identities in the testing phase or cannot handle samples from unseen
tasks. In this paper, we propose \textbf{Diana}: a
\underline{d}ynam\underline{i}c \underline{a}rchitecture-based
lifelo\underline{n}g le\underline{a}rning model that tries to learn a sequence
of tasks with a prompt-enhanced language model. Four types of hierarchically
organized prompts are used in Diana to capture knowledge from different
granularities. Specifically, we dedicate task-level prompts to capture
task-specific knowledge to retain high LL performances and maintain
instance-level prompts to learn knowledge shared across input samples to
improve the model's generalization performance. Moreover, we dedicate separate
prompts to explicitly model unseen tasks and introduce a set of prompt key
vectors to facilitate knowledge sharing between tasks. Extensive experiments
demonstrate that Diana outperforms state-of-the-art LL models, especially in
handling unseen tasks. We release the code and data at
\url{https://github.com/AlibabaResearch/DAMO-ConvAI/tree/main/diana}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.12031 | AnswerAI | Clinical Camel: An Open Expert-Level Medical Language Model with Dialogue-Based Knowledge Encoding | [
"Augustin Toma",
"Patrick R. Lawler",
"Jimmy Ba",
"Rahul G. Krishnan",
"Barry B. Rubin",
"Bo Wang"
] | 2023-05-19 | We present Clinical Camel, an open large language model (LLM) explicitly
tailored for clinical research. Fine-tuned from LLaMA-2 using QLoRA, Clinical
Camel achieves state-of-the-art performance across medical benchmarks among
openly available medical LLMs. Leveraging efficient single-GPU training,
Clinical Camel surpasses GPT-3.5 in five-shot evaluations on all assessed
benchmarks, including 64.3% on the USMLE Sample Exam (compared to 58.5% for
GPT-3.5), 77.9% on PubMedQA (compared to 60.2%), 60.7% on MedQA (compared to
53.6%), and 54.2% on MedMCQA (compared to 51.0%). In addition to these
benchmarks, Clinical Camel demonstrates its broader capabilities, such as
synthesizing plausible clinical notes. This work introduces dialogue-based
knowledge encoding, a novel method to synthesize conversational data from dense
medical texts. While benchmark results are encouraging, extensive and rigorous
human evaluation across diverse clinical scenarios is imperative to ascertain
safety before implementation. By openly sharing Clinical Camel, we hope to
foster transparent and collaborative research, working towards the safe
integration of LLMs within the healthcare domain. Significant challenges
concerning reliability, bias, and the potential for outdated knowledge persist.
Nonetheless, the transparency provided by an open approach reinforces the
scientific rigor essential for future clinical applications. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.13245 | AnswerAI | GQA: Training Generalized Multi-Query Transformer Models from Multi-Head Checkpoints | [
"Joshua Ainslie",
"James Lee-Thorp",
"Michiel de Jong",
"Yury Zemlyanskiy",
"Federico Lebrón",
"Sumit Sanghai"
] | 2023-05-22 | Multi-query attention (MQA), which only uses a single key-value head,
drastically speeds up decoder inference. However, MQA can lead to quality
degradation, and moreover it may not be desirable to train a separate model
just for faster inference. We (1) propose a recipe for uptraining existing
multi-head language model checkpoints into models with MQA using 5% of original
pre-training compute, and (2) introduce grouped-query attention (GQA), a
generalization of multi-query attention which uses an intermediate (more than
one, less than number of query heads) number of key-value heads. We show that
uptrained GQA achieves quality close to multi-head attention with comparable
speed to MQA. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2211.11924 | AnswerAI | Best-$k$ Search Algorithm for Neural Text Generation | [
"Jiacheng Xu",
"Caiming Xiong",
"Silvio Savarese",
"Yingbo Zhou"
] | 2022-11-22 | Modern natural language generation paradigms require a good decoding strategy
to obtain quality sequences out of the model. Beam search yields high-quality
but low diversity outputs; stochastic approaches suffer from high variance and
sometimes low quality, but the outputs tend to be more natural and creative. In
this work, we propose a deterministic search algorithm balancing both quality
and diversity. We first investigate the vanilla best-first search (BFS)
algorithm and then propose the Best-$k$ Search algorithm. Inspired by BFS, we
greedily expand the top $k$ nodes, instead of only the first node, to boost
efficiency and diversity. Upweighting recently discovered nodes accompanied by
heap pruning ensures the completeness of the search procedure. Experiments on
four NLG tasks, including question generation, commonsense generation, text
summarization, and translation, show that best-$k$ search yields more diverse
and natural outputs compared to strong baselines, while our approach maintains
high text quality. The proposed algorithm is parameter-free, lightweight,
efficient, and easy to use. | null | cs.CL | [
"cs.CL"
] |
2407.11793 | HF | Click-Gaussian: Interactive Segmentation to Any 3D Gaussians | [
"Seokhun Choi",
"Hyeonseop Song",
"Jaechul Kim",
"Taehyeong Kim",
"Hoseok Do"
] | 2024-07-16 | Interactive segmentation of 3D Gaussians opens a great opportunity for
real-time manipulation of 3D scenes thanks to the real-time rendering
capability of 3D Gaussian Splatting. However, the current methods suffer from
time-consuming post-processing to deal with noisy segmentation output. Also,
they struggle to provide detailed segmentation, which is important for
fine-grained manipulation of 3D scenes. In this study, we propose
Click-Gaussian, which learns distinguishable feature fields of two-level
granularity, facilitating segmentation without time-consuming post-processing.
We delve into challenges stemming from inconsistently learned feature fields
resulting from 2D segmentation obtained independently from a 3D scene. 3D
segmentation accuracy deteriorates when 2D segmentation results across the
views, primary cues for 3D segmentation, are in conflict. To overcome these
issues, we propose Global Feature-guided Learning (GFL). GFL constructs the
clusters of global feature candidates from noisy 2D segments across the views,
which smooths out noises when training the features of 3D Gaussians. Our method
runs in 10 ms per click, 15 to 130 times as fast as the previous methods, while
also significantly improving segmentation accuracy. Our project page is
available at https://seokhunchoi.github.io/Click-Gaussian | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2312.02949 | HF | LLaVA-Grounding: Grounded Visual Chat with Large Multimodal Models | [
"Hao Zhang",
"Hongyang Li",
"Feng Li",
"Tianhe Ren",
"Xueyan Zou",
"Shilong Liu",
"Shijia Huang",
"Jianfeng Gao",
"Lei Zhang",
"Chunyuan Li",
"Jianwei Yang"
] | 2023-12-05 | With the recent significant advancements in large multi-modal models (LMMs),
the importance of their grounding capability in visual chat is increasingly
recognized. Despite recent efforts to enable LMMs to support grounding, their
capabilities for grounding and chat are usually separate, and their chat
performance drops dramatically when asked to ground. The problem is the lack of
a dataset for grounded visual chat (GVC). Existing grounding datasets only
contain short captions. To address this issue, we have created GVC data that
allows for the combination of grounding and chat capabilities. To better
evaluate the GVC capabilities, we have introduced a benchmark called
Grounding-Bench. Additionally, we have proposed a model design that can support
GVC and various types of visual prompts by connecting segmentation models with
language models. Experimental results demonstrate that our model outperforms
other LMMs on Grounding-Bench. Furthermore, our model achieves competitive
performance on classic grounding benchmarks like RefCOCO/+/g and Flickr30K
Entities. Our code will be released at
https://github.com/UX-Decoder/LLaVA-Grounding . | null | cs.CV | [
"cs.CV"
] |
2307.06439 | HF | Distilling Large Language Models for Biomedical Knowledge Extraction: A Case Study on Adverse Drug Events | [
"Yu Gu",
"Sheng Zhang",
"Naoto Usuyama",
"Yonas Woldesenbet",
"Cliff Wong",
"Praneeth Sanapathi",
"Mu Wei",
"Naveen Valluri",
"Erika Strandberg",
"Tristan Naumann",
"Hoifung Poon"
] | 2023-07-12 | Large language models (LLMs), such as GPT-4, have demonstrated remarkable
capabilities across a wide range of tasks, including health applications. In
this paper, we study how LLMs can be used to scale biomedical knowledge
curation. We find that while LLMs already possess decent competency in
structuring biomedical text, by distillation into a task-specific student model
through self-supervised learning, substantial gains can be attained over
out-of-box LLMs, with additional advantages such as cost, efficiency, and
white-box model access.
We conduct a case study on adverse drug event (ADE) extraction, which is an
important area for improving care. On standard ADE extraction evaluation, a
GPT-3.5 distilled PubMedBERT model attained comparable accuracy as supervised
state-of-the-art models without using any labeled data. Despite being over
1,000 times smaller, the distilled model outperformed its teacher GPT-3.5 by
over 6 absolute points in F1 and GPT-4 by over 5 absolute points.
Ablation studies on distillation model choice (e.g., PubMedBERT vs BioGPT)
and ADE extraction architecture shed light on best practice for biomedical
knowledge extraction. Similar gains were attained by distillation for other
standard biomedical knowledge extraction tasks such as gene-disease
associations and protected health information, further illustrating the promise
of this approach. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.12377 | HF | Binary Opacity Grids: Capturing Fine Geometric Detail for Mesh-Based View Synthesis | [
"Christian Reiser",
"Stephan Garbin",
"Pratul P. Srinivasan",
"Dor Verbin",
"Richard Szeliski",
"Ben Mildenhall",
"Jonathan T. Barron",
"Peter Hedman",
"Andreas Geiger"
] | 2024-02-19 | While surface-based view synthesis algorithms are appealing due to their low
computational requirements, they often struggle to reproduce thin structures.
In contrast, more expensive methods that model the scene's geometry as a
volumetric density field (e.g. NeRF) excel at reconstructing fine geometric
detail. However, density fields often represent geometry in a "fuzzy" manner,
which hinders exact localization of the surface. In this work, we modify
density fields to encourage them to converge towards surfaces, without
compromising their ability to reconstruct thin structures. First, we employ a
discrete opacity grid representation instead of a continuous density field,
which allows opacity values to discontinuously transition from zero to one at
the surface. Second, we anti-alias by casting multiple rays per pixel, which
allows occlusion boundaries and subpixel structures to be modelled without
using semi-transparent voxels. Third, we minimize the binary entropy of the
opacity values, which facilitates the extraction of surface geometry by
encouraging opacity values to binarize towards the end of training. Lastly, we
develop a fusion-based meshing strategy followed by mesh simplification and
appearance model fitting. The compact meshes produced by our model can be
rendered in real-time on mobile devices and achieve significantly higher view
synthesis quality compared to existing mesh-based approaches. | null | cs.CV | [
"cs.CV"
] |
2312.02120 | HF | Magicoder: Empowering Code Generation with OSS-Instruct | [
"Yuxiang Wei",
"Zhe Wang",
"Jiawei Liu",
"Yifeng Ding",
"Lingming Zhang"
] | 2023-12-04 | We introduce Magicoder, a series of fully open-source (code, weights, and
data) Large Language Models (LLMs) for code that significantly closes the gap
with top code models while having no more than 7B parameters. Magicoder models
are trained on 75K synthetic instruction data using OSS-Instruct, a novel
approach to enlightening LLMs with open-source code snippets to generate
diverse instruction data for code. Our main motivation is to mitigate the
inherent bias of the synthetic data generated by LLMs through the wealth of
open-source references for the production of more realistic and controllable
data. The orthogonality of OSS-Instruct and other data generation methods like
Evol-Instruct further enables us to build an enhanced MagicoderS. Both
Magicoder and MagicoderS substantially outperform state-of-the-art code models
with similar or even larger sizes on a wide range of coding benchmarks.
Notably, MagicoderS-CL-7B based on CodeLlama even surpasses the prominent
ChatGPT on HumanEval+ (66.5 vs. 65.9 in pass@1 ). Overall, OSS-Instruct opens a
new direction for crafting diverse synthetic instruction data for code using
abundant open-source references. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SE"
] |
2309.06180 | Both | Efficient Memory Management for Large Language Model Serving with PagedAttention | [
"Woosuk Kwon",
"Zhuohan Li",
"Siyuan Zhuang",
"Ying Sheng",
"Lianmin Zheng",
"Cody Hao Yu",
"Joseph E. Gonzalez",
"Hao Zhang",
"Ion Stoica"
] | 2023-09-12 | High throughput serving of large language models (LLMs) requires batching
sufficiently many requests at a time. However, existing systems struggle
because the key-value cache (KV cache) memory for each request is huge and
grows and shrinks dynamically. When managed inefficiently, this memory can be
significantly wasted by fragmentation and redundant duplication, limiting the
batch size. To address this problem, we propose PagedAttention, an attention
algorithm inspired by the classical virtual memory and paging techniques in
operating systems. On top of it, we build vLLM, an LLM serving system that
achieves (1) near-zero waste in KV cache memory and (2) flexible sharing of KV
cache within and across requests to further reduce memory usage. Our
evaluations show that vLLM improves the throughput of popular LLMs by
2-4$\times$ with the same level of latency compared to the state-of-the-art
systems, such as FasterTransformer and Orca. The improvement is more pronounced
with longer sequences, larger models, and more complex decoding algorithms.
vLLM's source code is publicly available at
https://github.com/vllm-project/vllm | null | cs.LG | [
"cs.LG",
"cs.DC"
] |
2406.10900 | HF | AUTOHALLUSION: Automatic Generation of Hallucination Benchmarks for Vision-Language Models | [
"Xiyang Wu",
"Tianrui Guan",
"Dianqi Li",
"Shuaiyi Huang",
"Xiaoyu Liu",
"Xijun Wang",
"Ruiqi Xian",
"Abhinav Shrivastava",
"Furong Huang",
"Jordan Lee Boyd-Graber",
"Tianyi Zhou",
"Dinesh Manocha"
] | 2024-06-16 | Large vision-language models (LVLMs) hallucinate: certain context cues in an
image may trigger the language module's overconfident and incorrect reasoning
on abnormal or hypothetical objects. Though a few benchmarks have been
developed to investigate LVLM hallucinations, they mainly rely on hand-crafted
corner cases whose fail patterns may hardly generalize, and finetuning on them
could undermine their validity. These motivate us to develop the first
automatic benchmark generation approach, AUTOHALLUSION, that harnesses a few
principal strategies to create diverse hallucination examples. It probes the
language modules in LVLMs for context cues and uses them to synthesize images
by: (1) adding objects abnormal to the context cues; (2) for two co-occurring
objects, keeping one and excluding the other; or (3) removing objects closely
tied to the context cues. It then generates image-based questions whose
ground-truth answers contradict the language module's prior. A model has to
overcome contextual biases and distractions to reach correct answers, while
incorrect or inconsistent answers indicate hallucinations. AUTOHALLUSION
enables us to create new benchmarks at the minimum cost and thus overcomes the
fragility of hand-crafted benchmarks. It also reveals common failure patterns
and reasons, providing key insights to detect, avoid, or control
hallucinations. Comprehensive evaluations of top-tier LVLMs, e.g.,
GPT-4V(ision), Gemini Pro Vision, Claude 3, and LLaVA-1.5, show a 97.7% and
98.7% success rate of hallucination induction on synthetic and real-world
datasets of AUTOHALLUSION, paving the way for a long battle against
hallucinations. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2302.03202 | AnswerAI | Exploring the Benefits of Training Expert Language Models over Instruction Tuning | [
"Joel Jang",
"Seungone Kim",
"Seonghyeon Ye",
"Doyoung Kim",
"Lajanugen Logeswaran",
"Moontae Lee",
"Kyungjae Lee",
"Minjoon Seo"
] | 2023-02-07 | Recently, Language Models (LMs) instruction-tuned on multiple tasks, also
known as multitask-prompted fine-tuning (MT), have shown the capability to
generalize to unseen tasks. Previous work has shown that scaling the number of
training tasks is the key component in making stronger MT LMs. In this work, we
report an unexpected finding that an expert LM fine-tuned on just a single task
can outperform an MT LM trained with 300+ different tasks on 11 different
unseen datasets and on 13 datasets of the BIG-bench benchmark by a mean
accuracy of 3.20% and 1.29%, respectively. This finding casts doubt on the
previously held belief that simply scaling the number of tasks makes stronger
MT LMs. Leveraging this finding, we further show that this distributed approach
of training a separate expert LM per training task instead of a single MT LM
for zero-shot inference possesses many benefits including (1) avoiding negative
task transfer that often occurs during instruction tuning, (2) being able to
continually learn new tasks without having to re-train on previous tasks to
avoid catastrophic forgetting, and (3) showing compositional capabilities when
merging individual experts together. The code is available at
https://github.com/joeljang/ELM. | null | cs.CL | [
"cs.CL"
] |
2307.07047 | HF | Does Collaborative Human-LM Dialogue Generation Help Information Extraction from Human Dialogues? | [
"Bo-Ru Lu",
"Nikita Haduong",
"Chia-Hsuan Lee",
"Zeqiu Wu",
"Hao Cheng",
"Paul Koester",
"Jean Utke",
"Tao Yu",
"Noah A. Smith",
"Mari Ostendorf"
] | 2023-07-13 | The capabilities of pretrained language models have opened opportunities to
explore new application areas, but applications involving human-human
interaction are limited by the fact that most data is protected from public
release for privacy reasons. Problem-solving human dialogues in real
applications can be much more complex than existing Wizard-of-Oz collections,
preventing successful domain transfer. To support information extraction (IE)
for a private call center dataset, we introduce a human-in-the-loop dialogue
generation framework capable of synthesizing realistic dialogues. In IE
experiments with auto insurance call center dialogues, we observe 25\% relative
improvement in $F_1$ after augmenting a small set of real human conversations
with synthetic data. We release code and our synthetic dataset to illustrate
the complexity of real-world call center conversations and encourage
development of complex dialogue datasets that are more representative of
natural data. | null | cs.CL | [
"cs.CL"
] |
2312.16084 | HF | LangSplat: 3D Language Gaussian Splatting | [
"Minghan Qin",
"Wanhua Li",
"Jiawei Zhou",
"Haoqian Wang",
"Hanspeter Pfister"
] | 2023-12-26 | Humans live in a 3D world and commonly use natural language to interact with
a 3D scene. Modeling a 3D language field to support open-ended language queries
in 3D has gained increasing attention recently. This paper introduces
LangSplat, which constructs a 3D language field that enables precise and
efficient open-vocabulary querying within 3D spaces. Unlike existing methods
that ground CLIP language embeddings in a NeRF model, LangSplat advances the
field by utilizing a collection of 3D Gaussians, each encoding language
features distilled from CLIP, to represent the language field. By employing a
tile-based splatting technique for rendering language features, we circumvent
the costly rendering process inherent in NeRF. Instead of directly learning
CLIP embeddings, LangSplat first trains a scene-wise language autoencoder and
then learns language features on the scene-specific latent space, thereby
alleviating substantial memory demands imposed by explicit modeling. Existing
methods struggle with imprecise and vague 3D language fields, which fail to
discern clear boundaries between objects. We delve into this issue and propose
to learn hierarchical semantics using SAM, thereby eliminating the need for
extensively querying the language field across various scales and the
regularization of DINO features. Extensive experimental results show that
LangSplat significantly outperforms the previous state-of-the-art method LERF
by a large margin. Notably, LangSplat is extremely efficient, achieving a 199
$\times$ speedup compared to LERF at the resolution of 1440 $\times$ 1080. We
strongly recommend readers to check out our video results at
https://langsplat.github.io/ | null | cs.CV | [
"cs.CV"
] |
2403.02775 | HF | EasyQuant: An Efficient Data-free Quantization Algorithm for LLMs | [
"Hanlin Tang",
"Yifu Sun",
"Decheng Wu",
"Kai Liu",
"Jianchen Zhu",
"Zhanhui Kang"
] | 2024-03-05 | Large language models (LLMs) have proven to be very superior to conventional
methods in various tasks. However, their expensive computations and high memory
requirements are prohibitive for deployment. Model quantization is an effective
method for reducing this overhead. The problem is that in most previous works,
the quantized model was calibrated using few samples from the training data,
which might affect the generalization of the quantized LLMs to unknown cases
and tasks. Hence in this work, we explore an important question: Can we design
a data-independent quantization method for LLMs to guarantee its generalization
performance? In this work, we propose EasyQuant, a training-free and
data-independent weight-only quantization algorithm for LLMs. Our observation
indicates that two factors: outliers in the weight and quantization ranges, are
essential for reducing the quantization error. Therefore, in EasyQuant, we
leave the outliers (less than 1%) unchanged and optimize the quantization range
to reduce the reconstruction error. With these methods, we surprisingly find
that EasyQuant achieves comparable performance to the original model. Since
EasyQuant does not depend on any training data, the generalization performance
of quantized LLMs is safely guaranteed. Moreover, EasyQuant can be implemented
in parallel so that the quantized model could be attained in a few minutes even
for LLMs over 100B. To our best knowledge, we are the first work that achieves
almost lossless quantization performance for LLMs under a data-independent
setting and our algorithm runs over 10 times faster than the data-dependent
methods. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2403.15385 | HF | LATTE3D: Large-scale Amortized Text-To-Enhanced3D Synthesis | [
"Kevin Xie",
"Jonathan Lorraine",
"Tianshi Cao",
"Jun Gao",
"James Lucas",
"Antonio Torralba",
"Sanja Fidler",
"Xiaohui Zeng"
] | 2024-03-22 | Recent text-to-3D generation approaches produce impressive 3D results but
require time-consuming optimization that can take up to an hour per prompt.
Amortized methods like ATT3D optimize multiple prompts simultaneously to
improve efficiency, enabling fast text-to-3D synthesis. However, they cannot
capture high-frequency geometry and texture details and struggle to scale to
large prompt sets, so they generalize poorly. We introduce LATTE3D, addressing
these limitations to achieve fast, high-quality generation on a significantly
larger prompt set. Key to our method is 1) building a scalable architecture and
2) leveraging 3D data during optimization through 3D-aware diffusion priors,
shape regularization, and model initialization to achieve robustness to diverse
and complex training prompts. LATTE3D amortizes both neural field and textured
surface generation to produce highly detailed textured meshes in a single
forward pass. LATTE3D generates 3D objects in 400ms, and can be further
enhanced with fast test-time optimization. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG",
"68T45",
"I.2.6; I.2.7; I.3.6; I.3.7"
] |
1909.11942 | AnswerAI | ALBERT: A Lite BERT for Self-supervised Learning of Language Representations | [
"Zhenzhong Lan",
"Mingda Chen",
"Sebastian Goodman",
"Kevin Gimpel",
"Piyush Sharma",
"Radu Soricut"
] | 2019-09-26 | Increasing model size when pretraining natural language representations often
results in improved performance on downstream tasks. However, at some point
further model increases become harder due to GPU/TPU memory limitations and
longer training times. To address these problems, we present two
parameter-reduction techniques to lower memory consumption and increase the
training speed of BERT. Comprehensive empirical evidence shows that our
proposed methods lead to models that scale much better compared to the original
BERT. We also use a self-supervised loss that focuses on modeling
inter-sentence coherence, and show it consistently helps downstream tasks with
multi-sentence inputs. As a result, our best model establishes new
state-of-the-art results on the GLUE, RACE, and \squad benchmarks while having
fewer parameters compared to BERT-large. The code and the pretrained models are
available at https://github.com/google-research/ALBERT. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.00205 | HF | Sentence-wise Speech Summarization: Task, Datasets, and End-to-End Modeling with LM Knowledge Distillation | [
"Kohei Matsuura",
"Takanori Ashihara",
"Takafumi Moriya",
"Masato Mimura",
"Takatomo Kano",
"Atsunori Ogawa",
"Marc Delcroix"
] | 2024-08-01 | This paper introduces a novel approach called sentence-wise speech
summarization (Sen-SSum), which generates text summaries from a spoken document
in a sentence-by-sentence manner. Sen-SSum combines the real-time processing of
automatic speech recognition (ASR) with the conciseness of speech
summarization. To explore this approach, we present two datasets for Sen-SSum:
Mega-SSum and CSJ-SSum. Using these datasets, our study evaluates two types of
Transformer-based models: 1) cascade models that combine ASR and strong text
summarization models, and 2) end-to-end (E2E) models that directly convert
speech into a text summary. While E2E models are appealing to develop
compute-efficient models, they perform worse than cascade models. Therefore, we
propose knowledge distillation for E2E models using pseudo-summaries generated
by the cascade models. Our experiments show that this proposed knowledge
distillation effectively improves the performance of the E2E model on both
datasets. | null | cs.CL | [
"cs.CL",
"eess.AS"
] |
2408.15792 | HF | Efficient LLM Scheduling by Learning to Rank | [
"Yichao Fu",
"Siqi Zhu",
"Runlong Su",
"Aurick Qiao",
"Ion Stoica",
"Hao Zhang"
] | 2024-08-28 | In Large Language Model (LLM) inference, the output length of an LLM request
is typically regarded as not known a priori. Consequently, most LLM serving
systems employ a simple First-come-first-serve (FCFS) scheduling strategy,
leading to Head-Of-Line (HOL) blocking and reduced throughput and service
quality. In this paper, we reexamine this assumption -- we show that, although
predicting the exact generation length of each request is infeasible, it is
possible to predict the relative ranks of output lengths in a batch of
requests, using learning to rank. The ranking information offers valuable
guidance for scheduling requests. Building on this insight, we develop a novel
scheduler for LLM inference and serving that can approximate the
shortest-job-first (SJF) schedule better than existing approaches. We integrate
this scheduler with the state-of-the-art LLM serving system and show
significant performance improvement in several important applications: 2.8x
lower latency in chatbot serving and 6.5x higher throughput in synthetic data
generation. Our code is available at https://github.com/hao-ai-lab/vllm-ltr.git | null | cs.LG | [
"cs.LG"
] |
2406.09305 | HF | Toffee: Efficient Million-Scale Dataset Construction for Subject-Driven Text-to-Image Generation | [
"Yufan Zhou",
"Ruiyi Zhang",
"Kaizhi Zheng",
"Nanxuan Zhao",
"Jiuxiang Gu",
"Zichao Wang",
"Xin Eric Wang",
"Tong Sun"
] | 2024-06-13 | In subject-driven text-to-image generation, recent works have achieved
superior performance by training the model on synthetic datasets containing
numerous image pairs. Trained on these datasets, generative models can produce
text-aligned images for specific subject from arbitrary testing image in a
zero-shot manner. They even outperform methods which require additional
fine-tuning on testing images. However, the cost of creating such datasets is
prohibitive for most researchers. To generate a single training pair, current
methods fine-tune a pre-trained text-to-image model on the subject image to
capture fine-grained details, then use the fine-tuned model to create images
for the same subject based on creative text prompts. Consequently, constructing
a large-scale dataset with millions of subjects can require hundreds of
thousands of GPU hours. To tackle this problem, we propose Toffee, an efficient
method to construct datasets for subject-driven editing and generation.
Specifically, our dataset construction does not need any subject-level
fine-tuning. After pre-training two generative models, we are able to generate
infinite number of high-quality samples. We construct the first large-scale
dataset for subject-driven image editing and generation, which contains 5
million image pairs, text prompts, and masks. Our dataset is 5 times the size
of previous largest dataset, yet our cost is tens of thousands of GPU hours
lower. To test the proposed dataset, we also propose a model which is capable
of both subject-driven image editing and generation. By simply training the
model on our proposed dataset, it obtains competitive results, illustrating the
effectiveness of the proposed dataset construction framework. | null | cs.CV | [
"cs.CV"
] |
2404.16845 | HF | HaLo-NeRF: Learning Geometry-Guided Semantics for Exploring Unconstrained Photo Collections | [
"Chen Dudai",
"Morris Alper",
"Hana Bezalel",
"Rana Hanocka",
"Itai Lang",
"Hadar Averbuch-Elor"
] | 2024-02-14 | Internet image collections containing photos captured by crowds of
photographers show promise for enabling digital exploration of large-scale
tourist landmarks. However, prior works focus primarily on geometric
reconstruction and visualization, neglecting the key role of language in
providing a semantic interface for navigation and fine-grained understanding.
In constrained 3D domains, recent methods have leveraged vision-and-language
models as a strong prior of 2D visual semantics. While these models display an
excellent understanding of broad visual semantics, they struggle with
unconstrained photo collections depicting such tourist landmarks, as they lack
expert knowledge of the architectural domain. In this work, we present a
localization system that connects neural representations of scenes depicting
large-scale landmarks with text describing a semantic region within the scene,
by harnessing the power of SOTA vision-and-language models with adaptations for
understanding landmark scene semantics. To bolster such models with
fine-grained knowledge, we leverage large-scale Internet data containing images
of similar landmarks along with weakly-related textual information. Our
approach is built upon the premise that images physically grounded in space can
provide a powerful supervision signal for localizing new concepts, whose
semantics may be unlocked from Internet textual metadata with large language
models. We use correspondences between views of scenes to bootstrap spatial
understanding of these semantics, providing guidance for 3D-compatible
segmentation that ultimately lifts to a volumetric scene representation. Our
results show that HaLo-NeRF can accurately localize a variety of semantic
concepts related to architectural landmarks, surpassing the results of other 3D
models as well as strong 2D segmentation baselines. Our project page is at
https://tau-vailab.github.io/HaLo-NeRF/. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2406.15972 | AnswerAI | EVCL: Elastic Variational Continual Learning with Weight Consolidation | [
"Hunar Batra",
"Ronald Clark"
] | 2024-06-23 | Continual learning aims to allow models to learn new tasks without forgetting
what has been learned before. This work introduces Elastic Variational
Continual Learning with Weight Consolidation (EVCL), a novel hybrid model that
integrates the variational posterior approximation mechanism of Variational
Continual Learning (VCL) with the regularization-based parameter-protection
strategy of Elastic Weight Consolidation (EWC). By combining the strengths of
both methods, EVCL effectively mitigates catastrophic forgetting and enables
better capture of dependencies between model parameters and task-specific data.
Evaluated on five discriminative tasks, EVCL consistently outperforms existing
baselines in both domain-incremental and task-incremental learning scenarios
for deep discriminative models. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2310.15111 | HF | Matryoshka Diffusion Models | [
"Jiatao Gu",
"Shuangfei Zhai",
"Yizhe Zhang",
"Josh Susskind",
"Navdeep Jaitly"
] | 2023-10-23 | Diffusion models are the de facto approach for generating high-quality images
and videos, but learning high-dimensional models remains a formidable task due
to computational and optimization challenges. Existing methods often resort to
training cascaded models in pixel space or using a downsampled latent space of
a separately trained auto-encoder. In this paper, we introduce Matryoshka
Diffusion Models(MDM), an end-to-end framework for high-resolution image and
video synthesis. We propose a diffusion process that denoises inputs at
multiple resolutions jointly and uses a NestedUNet architecture where features
and parameters for small-scale inputs are nested within those of large scales.
In addition, MDM enables a progressive training schedule from lower to higher
resolutions, which leads to significant improvements in optimization for
high-resolution generation. We demonstrate the effectiveness of our approach on
various benchmarks, including class-conditioned image generation,
high-resolution text-to-image, and text-to-video applications. Remarkably, we
can train a single pixel-space model at resolutions of up to 1024x1024 pixels,
demonstrating strong zero-shot generalization using the CC12M dataset, which
contains only 12 million images. Our code is released at
https://github.com/apple/ml-mdm | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2409.08239 | HF | Source2Synth: Synthetic Data Generation and Curation Grounded in Real Data Sources | [
"Alisia Lupidi",
"Carlos Gemmell",
"Nicola Cancedda",
"Jane Dwivedi-Yu",
"Jason Weston",
"Jakob Foerster",
"Roberta Raileanu",
"Maria Lomeli"
] | 2024-09-12 | Large Language Models still struggle in challenging scenarios that leverage
structured data, complex reasoning, or tool usage. In this paper, we propose
Source2Synth: a new method that can be used for teaching LLMs new skills
without relying on costly human annotations. Source2Synth takes as input a
custom data source and produces synthetic data points with intermediate
reasoning steps grounded in real-world sources. Source2Synth improves the
dataset quality by discarding low-quality generations based on their
answerability. We demonstrate the generality of this approach by applying it to
two challenging domains: we test reasoning abilities in multi-hop question
answering (MHQA), and tool usage in tabular question answering (TQA). Our
method improves performance by 25.51% for TQA on WikiSQL and 22.57% for MHQA on
HotPotQA compared to the fine-tuned baselines. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.06440 | HF | LEAP Hand: Low-Cost, Efficient, and Anthropomorphic Hand for Robot Learning | [
"Kenneth Shaw",
"Ananye Agarwal",
"Deepak Pathak"
] | 2023-09-12 | Dexterous manipulation has been a long-standing challenge in robotics. While
machine learning techniques have shown some promise, results have largely been
currently limited to simulation. This can be mostly attributed to the lack of
suitable hardware. In this paper, we present LEAP Hand, a low-cost dexterous
and anthropomorphic hand for machine learning research. In contrast to previous
hands, LEAP Hand has a novel kinematic structure that allows maximal dexterity
regardless of finger pose. LEAP Hand is low-cost and can be assembled in 4
hours at a cost of 2000 USD from readily available parts. It is capable of
consistently exerting large torques over long durations of time. We show that
LEAP Hand can be used to perform several manipulation tasks in the real world
-- from visual teleoperation to learning from passive video data and sim2real.
LEAP Hand significantly outperforms its closest competitor Allegro Hand in all
our experiments while being 1/8th of the cost. We release detailed assembly
instructions, the Sim2Real pipeline and a development platform with useful APIs
on our website at https://leap-hand.github.io/ | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CV",
"cs.LG",
"cs.SY",
"eess.SY"
] |
2408.04303 | HF | Trans-Tokenization and Cross-lingual Vocabulary Transfers: Language Adaptation of LLMs for Low-Resource NLP | [
"François Remy",
"Pieter Delobelle",
"Hayastan Avetisyan",
"Alfiya Khabibullina",
"Miryam de Lhoneux",
"Thomas Demeester"
] | 2024-08-08 | The development of monolingual language models for low and mid-resource
languages continues to be hindered by the difficulty in sourcing high-quality
training data. In this study, we present a novel cross-lingual vocabulary
transfer strategy, trans-tokenization, designed to tackle this challenge and
enable more efficient language adaptation. Our approach focuses on adapting a
high-resource monolingual LLM to an unseen target language by initializing the
token embeddings of the target language using a weighted average of
semantically similar token embeddings from the source language. For this, we
leverage a translation resource covering both the source and target languages.
We validate our method with the Tweeties, a series of trans-tokenized LLMs, and
demonstrate their competitive performance on various downstream tasks across a
small but diverse set of languages. Additionally, we introduce Hydra LLMs,
models with multiple swappable language modeling heads and embedding tables,
which further extend the capabilities of our trans-tokenization strategy. By
designing a Hydra LLM based on the multilingual model TowerInstruct, we
developed a state-of-the-art machine translation model for Tatar, in a
zero-shot manner, completely bypassing the need for high-quality parallel data.
This breakthrough is particularly significant for low-resource languages like
Tatar, where high-quality parallel data is hard to come by. By lowering the
data and time requirements for training high-quality models, our
trans-tokenization strategy allows for the development of LLMs for a wider
range of languages, especially those with limited resources. We hope that our
work will inspire further research and collaboration in the field of
cross-lingual vocabulary transfer and contribute to the empowerment of
languages on a global scale. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.21772 | HF | ShieldGemma: Generative AI Content Moderation Based on Gemma | [
"Wenjun Zeng",
"Yuchi Liu",
"Ryan Mullins",
"Ludovic Peran",
"Joe Fernandez",
"Hamza Harkous",
"Karthik Narasimhan",
"Drew Proud",
"Piyush Kumar",
"Bhaktipriya Radharapu",
"Olivia Sturman",
"Oscar Wahltinez"
] | 2024-07-31 | We present ShieldGemma, a comprehensive suite of LLM-based safety content
moderation models built upon Gemma2. These models provide robust,
state-of-the-art predictions of safety risks across key harm types (sexually
explicit, dangerous content, harassment, hate speech) in both user input and
LLM-generated output. By evaluating on both public and internal benchmarks, we
demonstrate superior performance compared to existing models, such as Llama
Guard (+10.8\% AU-PRC on public benchmarks) and WildCard (+4.3\%).
Additionally, we present a novel LLM-based data curation pipeline, adaptable to
a variety of safety-related tasks and beyond. We have shown strong
generalization performance for model trained mainly on synthetic data. By
releasing ShieldGemma, we provide a valuable resource to the research
community, advancing LLM safety and enabling the creation of more effective
content moderation solutions for developers. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2312.06674 | HF | Llama Guard: LLM-based Input-Output Safeguard for Human-AI Conversations | [
"Hakan Inan",
"Kartikeya Upasani",
"Jianfeng Chi",
"Rashi Rungta",
"Krithika Iyer",
"Yuning Mao",
"Michael Tontchev",
"Qing Hu",
"Brian Fuller",
"Davide Testuggine",
"Madian Khabsa"
] | 2023-12-07 | We introduce Llama Guard, an LLM-based input-output safeguard model geared
towards Human-AI conversation use cases. Our model incorporates a safety risk
taxonomy, a valuable tool for categorizing a specific set of safety risks found
in LLM prompts (i.e., prompt classification). This taxonomy is also
instrumental in classifying the responses generated by LLMs to these prompts, a
process we refer to as response classification. For the purpose of both prompt
and response classification, we have meticulously gathered a dataset of high
quality. Llama Guard, a Llama2-7b model that is instruction-tuned on our
collected dataset, albeit low in volume, demonstrates strong performance on
existing benchmarks such as the OpenAI Moderation Evaluation dataset and
ToxicChat, where its performance matches or exceeds that of currently available
content moderation tools. Llama Guard functions as a language model, carrying
out multi-class classification and generating binary decision scores.
Furthermore, the instruction fine-tuning of Llama Guard allows for the
customization of tasks and the adaptation of output formats. This feature
enhances the model's capabilities, such as enabling the adjustment of taxonomy
categories to align with specific use cases, and facilitating zero-shot or
few-shot prompting with diverse taxonomies at the input. We are making Llama
Guard model weights available and we encourage researchers to further develop
and adapt them to meet the evolving needs of the community for AI safety. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.04708 | HF | MulliVC: Multi-lingual Voice Conversion With Cycle Consistency | [
"Jiawei Huang",
"Chen Zhang",
"Yi Ren",
"Ziyue Jiang",
"Zhenhui Ye",
"Jinglin Liu",
"Jinzheng He",
"Xiang Yin",
"Zhou Zhao"
] | 2024-08-08 | Voice conversion aims to modify the source speaker's voice to resemble the
target speaker while preserving the original speech content. Despite notable
advancements in voice conversion these days, multi-lingual voice conversion
(including both monolingual and cross-lingual scenarios) has yet to be
extensively studied. It faces two main challenges: 1) the considerable
variability in prosody and articulation habits across languages; and 2) the
rarity of paired multi-lingual datasets from the same speaker. In this paper,
we propose MulliVC, a novel voice conversion system that only converts timbre
and keeps original content and source language prosody without multi-lingual
paired data. Specifically, each training step of MulliVC contains three
substeps: In step one the model is trained with monolingual speech data; then,
steps two and three take inspiration from back translation, construct a
cyclical process to disentangle the timbre and other information (content,
prosody, and other language-related information) in the absence of
multi-lingual data from the same speaker. Both objective and subjective results
indicate that MulliVC significantly surpasses other methods in both monolingual
and cross-lingual contexts, demonstrating the system's efficacy and the
viability of the three-step approach with cycle consistency. Audio samples can
be found on our demo page (mullivc.github.io). | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2401.04468 | HF | MagicVideo-V2: Multi-Stage High-Aesthetic Video Generation | [
"Weimin Wang",
"Jiawei Liu",
"Zhijie Lin",
"Jiangqiao Yan",
"Shuo Chen",
"Chetwin Low",
"Tuyen Hoang",
"Jie Wu",
"Jun Hao Liew",
"Hanshu Yan",
"Daquan Zhou",
"Jiashi Feng"
] | 2024-01-09 | The growing demand for high-fidelity video generation from textual
descriptions has catalyzed significant research in this field. In this work, we
introduce MagicVideo-V2 that integrates the text-to-image model, video motion
generator, reference image embedding module and frame interpolation module into
an end-to-end video generation pipeline. Benefiting from these architecture
designs, MagicVideo-V2 can generate an aesthetically pleasing, high-resolution
video with remarkable fidelity and smoothness. It demonstrates superior
performance over leading Text-to-Video systems such as Runway, Pika 1.0, Morph,
Moon Valley and Stable Video Diffusion model via user evaluation at large
scale. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2408.08019 | HF | Accelerating High-Fidelity Waveform Generation via Adversarial Flow Matching Optimization | [
"Sang-Hoon Lee",
"Ha-Yeong Choi",
"Seong-Whan Lee"
] | 2024-08-15 | This paper introduces PeriodWave-Turbo, a high-fidelity and high-efficient
waveform generation model via adversarial flow matching optimization. Recently,
conditional flow matching (CFM) generative models have been successfully
adopted for waveform generation tasks, leveraging a single vector field
estimation objective for training. Although these models can generate
high-fidelity waveform signals, they require significantly more ODE steps
compared to GAN-based models, which only need a single generation step.
Additionally, the generated samples often lack high-frequency information due
to noisy vector field estimation, which fails to ensure high-frequency
reproduction. To address this limitation, we enhance pre-trained CFM-based
generative models by incorporating a fixed-step generator modification. We
utilized reconstruction losses and adversarial feedback to accelerate
high-fidelity waveform generation. Through adversarial flow matching
optimization, it only requires 1,000 steps of fine-tuning to achieve
state-of-the-art performance across various objective metrics. Moreover, we
significantly reduce inference speed from 16 steps to 2 or 4 steps.
Additionally, by scaling up the backbone of PeriodWave from 29M to 70M
parameters for improved generalization, PeriodWave-Turbo achieves unprecedented
performance, with a perceptual evaluation of speech quality (PESQ) score of
4.454 on the LibriTTS dataset. Audio samples, source code and checkpoints will
be available at https://github.com/sh-lee-prml/PeriodWave. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"eess.AS",
"eess.SP"
] |
2311.11315 | HF | TPTU-v2: Boosting Task Planning and Tool Usage of Large Language Model-based Agents in Real-world Systems | [
"Yilun Kong",
"Jingqing Ruan",
"Yihong Chen",
"Bin Zhang",
"Tianpeng Bao",
"Shiwei Shi",
"Guoqing Du",
"Xiaoru Hu",
"Hangyu Mao",
"Ziyue Li",
"Xingyu Zeng",
"Rui Zhao"
] | 2023-11-19 | Large Language Models (LLMs) have demonstrated proficiency in addressing
tasks that necessitate a combination of task planning and the usage of external
tools that require a blend of task planning and the utilization of external
tools, such as APIs. However, real-world complex systems present three
prevalent challenges concerning task planning and tool usage: (1) The real
system usually has a vast array of APIs, so it is impossible to feed the
descriptions of all APIs to the prompt of LLMs as the token length is limited;
(2) the real system is designed for handling complex tasks, and the base LLMs
can hardly plan a correct sub-task order and API-calling order for such tasks;
(3) Similar semantics and functionalities among APIs in real systems create
challenges for both LLMs and even humans in distinguishing between them. In
response, this paper introduces a comprehensive framework aimed at enhancing
the Task Planning and Tool Usage (TPTU) abilities of LLM-based agents operating
within real-world systems. Our framework comprises three key components
designed to address these challenges: (1) the API Retriever selects the most
pertinent APIs for the user task among the extensive array available; (2) LLM
Finetuner tunes a base LLM so that the finetuned LLM can be more capable for
task planning and API calling; (3) the Demo Selector adaptively retrieves
different demonstrations related to hard-to-distinguish APIs, which is further
used for in-context learning to boost the final performance. We validate our
methods using a real-world commercial system as well as an open-sourced
academic dataset, and the outcomes clearly showcase the efficacy of each
individual component as well as the integrated framework. | null | cs.AI | [
"cs.AI"
] |
1911.04118 | AnswerAI | TANDA: Transfer and Adapt Pre-Trained Transformer Models for Answer Sentence Selection | [
"Siddhant Garg",
"Thuy Vu",
"Alessandro Moschitti"
] | 2019-11-11 | We propose TANDA, an effective technique for fine-tuning pre-trained
Transformer models for natural language tasks. Specifically, we first transfer
a pre-trained model into a model for a general task by fine-tuning it with a
large and high-quality dataset. We then perform a second fine-tuning step to
adapt the transferred model to the target domain. We demonstrate the benefits
of our approach for answer sentence selection, which is a well-known inference
task in Question Answering. We built a large scale dataset to enable the
transfer step, exploiting the Natural Questions dataset. Our approach
establishes the state of the art on two well-known benchmarks, WikiQA and
TREC-QA, achieving MAP scores of 92% and 94.3%, respectively, which largely
outperform the previous highest scores of 83.4% and 87.5%, obtained in very
recent work. We empirically show that TANDA generates more stable and robust
models reducing the effort required for selecting optimal hyper-parameters.
Additionally, we show that the transfer step of TANDA makes the adaptation step
more robust to noise. This enables a more effective use of noisy datasets for
fine-tuning. Finally, we also confirm the positive impact of TANDA in an
industrial setting, using domain specific datasets subject to different types
of noise. | null | cs.CL | [
"cs.CL"
] |
2406.12673 | HF | Estimating Knowledge in Large Language Models Without Generating a Single Token | [
"Daniela Gottesman",
"Mor Geva"
] | 2024-06-18 | To evaluate knowledge in large language models (LLMs), current methods query
the model and then evaluate its generated responses. In this work, we ask
whether evaluation can be done $\textit{before}$ the model has generated any
text. Concretely, is it possible to estimate how knowledgeable a model is about
a certain entity, only from its internal computation? We study this question
with two tasks: given a subject entity, the goal is to predict (a) the ability
of the model to answer common questions about the entity, and (b) the
factuality of responses generated by the model about the entity. Experiments
with a variety of LLMs show that KEEN, a simple probe trained over internal
subject representations, succeeds at both tasks - strongly correlating with
both the QA accuracy of the model per-subject and FActScore, a recent
factuality metric in open-ended generation. Moreover, KEEN naturally aligns
with the model's hedging behavior and faithfully reflects changes in the
model's knowledge after fine-tuning. Lastly, we show a more interpretable yet
equally performant variant of KEEN, which highlights a small set of tokens that
correlates with the model's lack of knowledge. Being simple and lightweight,
KEEN can be leveraged to identify gaps and clusters of entity knowledge in
LLMs, and guide decisions such as augmenting queries with retrieval. | null | cs.CL | [
"cs.CL"
] |
2307.12950 | Both | RLCD: Reinforcement Learning from Contrastive Distillation for Language Model Alignment | [
"Kevin Yang",
"Dan Klein",
"Asli Celikyilmaz",
"Nanyun Peng",
"Yuandong Tian"
] | 2023-07-24 | We propose Reinforcement Learning from Contrastive Distillation (RLCD), a
method for aligning language models to follow principles expressed in natural
language (e.g., to be more harmless) without using human feedback. RLCD creates
preference pairs from two contrasting model outputs, one using a positive
prompt designed to encourage following the given principles, and one using a
negative prompt designed to encourage violating them. Using two different
prompts causes model outputs to be more differentiated on average, resulting in
cleaner preference labels in the absence of human annotations. We then use the
preference pairs to train a preference model, which is in turn used to improve
a base unaligned language model via reinforcement learning. Empirically, RLCD
outperforms RLAIF (Bai et al., 2022b) and context distillation (Huang et al.,
2022) baselines across three diverse alignment tasks--harmlessness,
helpfulness, and story outline generation--and when using both 7B and 30B model
scales for simulating preference data. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2307.04767 | HF | Semantic-SAM: Segment and Recognize Anything at Any Granularity | [
"Feng Li",
"Hao Zhang",
"Peize Sun",
"Xueyan Zou",
"Shilong Liu",
"Jianwei Yang",
"Chunyuan Li",
"Lei Zhang",
"Jianfeng Gao"
] | 2023-07-10 | In this paper, we introduce Semantic-SAM, a universal image segmentation
model to enable segment and recognize anything at any desired granularity. Our
model offers two key advantages: semantic-awareness and granularity-abundance.
To achieve semantic-awareness, we consolidate multiple datasets across three
granularities and introduce decoupled classification for objects and parts.
This allows our model to capture rich semantic information. For the
multi-granularity capability, we propose a multi-choice learning scheme during
training, enabling each click to generate masks at multiple levels that
correspond to multiple ground-truth masks. Notably, this work represents the
first attempt to jointly train a model on SA-1B, generic, and part segmentation
datasets. Experimental results and visualizations demonstrate that our model
successfully achieves semantic-awareness and granularity-abundance.
Furthermore, combining SA-1B training with other segmentation tasks, such as
panoptic and part segmentation, leads to performance improvements. We will
provide code and a demo for further exploration and evaluation. | null | cs.CV | [
"cs.CV"
] |
2311.08403 | HF | Instant3D: Instant Text-to-3D Generation | [
"Ming Li",
"Pan Zhou",
"Jia-Wei Liu",
"Jussi Keppo",
"Min Lin",
"Shuicheng Yan",
"Xiangyu Xu"
] | 2023-11-14 | Text-to-3D generation has attracted much attention from the computer vision
community. Existing methods mainly optimize a neural field from scratch for
each text prompt, relying on heavy and repetitive training cost which impedes
their practical deployment. In this paper, we propose a novel framework for
fast text-to-3D generation, dubbed Instant3D. Once trained, Instant3D is able
to create a 3D object for an unseen text prompt in less than one second with a
single run of a feedforward network. We achieve this remarkable speed by
devising a new network that directly constructs a 3D triplane from a text
prompt. The core innovation of our Instant3D lies in our exploration of
strategies to effectively inject text conditions into the network. In
particular, we propose to combine three key mechanisms: cross-attention, style
injection, and token-to-plane transformation, which collectively ensure precise
alignment of the output with the input text. Furthermore, we propose a simple
yet effective activation function, the scaled-sigmoid, to replace the original
sigmoid function, which speeds up the training convergence by more than ten
times. Finally, to address the Janus (multi-head) problem in 3D generation, we
propose an adaptive Perp-Neg algorithm that can dynamically adjust its concept
negation scales according to the severity of the Janus problem during training,
effectively reducing the multi-head effect. Extensive experiments on a wide
variety of benchmark datasets demonstrate that the proposed algorithm performs
favorably against the state-of-the-art methods both qualitatively and
quantitatively, while achieving significantly better efficiency. The code,
data, and models are available at https://github.com/ming1993li/Instant3DCodes. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG",
"cs.MM"
] |
2308.04623 | Both | Accelerating LLM Inference with Staged Speculative Decoding | [
"Benjamin Spector",
"Chris Re"
] | 2023-08-08 | Recent advances with large language models (LLM) illustrate their diverse
capabilities. We propose a novel algorithm, staged speculative decoding, to
accelerate LLM inference in small-batch, on-device scenarios. We address the
low arithmetic intensity of small-batch inference by improving upon previous
work in speculative decoding. First, we restructure the speculative batch as a
tree, which reduces generation costs and increases the expected tokens per
batch. Second, we add a second stage of speculative decoding. Taken together,
we reduce single-batch decoding latency by 3.16x with a 762M parameter GPT-2-L
model while perfectly preserving output quality. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2312.16837 | HF | DiffusionGAN3D: Boosting Text-guided 3D Generation and Domain Adaptation by Combining 3D GANs and Diffusion Priors | [
"Biwen Lei",
"Kai Yu",
"Mengyang Feng",
"Miaomiao Cui",
"Xuansong Xie"
] | 2023-12-28 | Text-guided domain adaptation and generation of 3D-aware portraits find many
applications in various fields. However, due to the lack of training data and
the challenges in handling the high variety of geometry and appearance, the
existing methods for these tasks suffer from issues like inflexibility,
instability, and low fidelity. In this paper, we propose a novel framework
DiffusionGAN3D, which boosts text-guided 3D domain adaptation and generation by
combining 3D GANs and diffusion priors. Specifically, we integrate the
pre-trained 3D generative models (e.g., EG3D) and text-to-image diffusion
models. The former provides a strong foundation for stable and high-quality
avatar generation from text. And the diffusion models in turn offer powerful
priors and guide the 3D generator finetuning with informative direction to
achieve flexible and efficient text-guided domain adaptation. To enhance the
diversity in domain adaptation and the generation capability in text-to-avatar,
we introduce the relative distance loss and case-specific learnable triplane
respectively. Besides, we design a progressive texture refinement module to
improve the texture quality for both tasks above. Extensive experiments
demonstrate that the proposed framework achieves excellent results in both
domain adaptation and text-to-avatar tasks, outperforming existing methods in
terms of generation quality and efficiency. The project homepage is at
https://younglbw.github.io/DiffusionGAN3D-homepage/. | null | cs.CV | [
"cs.CV"
] |
2309.00908 | HF | MagicProp: Diffusion-based Video Editing via Motion-aware Appearance Propagation | [
"Hanshu Yan",
"Jun Hao Liew",
"Long Mai",
"Shanchuan Lin",
"Jiashi Feng"
] | 2023-09-02 | This paper addresses the issue of modifying the visual appearance of videos
while preserving their motion. A novel framework, named MagicProp, is proposed,
which disentangles the video editing process into two stages: appearance
editing and motion-aware appearance propagation. In the first stage, MagicProp
selects a single frame from the input video and applies image-editing
techniques to modify the content and/or style of the frame. The flexibility of
these techniques enables the editing of arbitrary regions within the frame. In
the second stage, MagicProp employs the edited frame as an appearance reference
and generates the remaining frames using an autoregressive rendering approach.
To achieve this, a diffusion-based conditional generation model, called
PropDPM, is developed, which synthesizes the target frame by conditioning on
the reference appearance, the target motion, and its previous appearance. The
autoregressive editing approach ensures temporal consistency in the resulting
videos. Overall, MagicProp combines the flexibility of image-editing techniques
with the superior temporal consistency of autoregressive modeling, enabling
flexible editing of object types and aesthetic styles in arbitrary regions of
input videos while maintaining good temporal consistency across frames.
Extensive experiments in various video editing scenarios demonstrate the
effectiveness of MagicProp. | null | cs.CV | [
"cs.CV"
] |
2404.11730 | AnswerAI | Missed Connections: Lateral Thinking Puzzles for Large Language Models | [
"Graham Todd",
"Tim Merino",
"Sam Earle",
"Julian Togelius"
] | 2024-04-17 | The Connections puzzle published each day by the New York Times tasks players
with dividing a bank of sixteen words into four groups of four words that each
relate to a common theme. Solving the puzzle requires both common linguistic
knowledge (i.e. definitions and typical usage) as well as, in many cases,
lateral or abstract thinking. This is because the four categories ascend in
complexity, with the most challenging category often requiring thinking about
words in uncommon ways or as parts of larger phrases. We investigate the
capacity for automated AI systems to play Connections and explore the game's
potential as an automated benchmark for abstract reasoning and a way to measure
the semantic information encoded by data-driven linguistic systems. In
particular, we study both a sentence-embedding baseline and modern large
language models (LLMs). We report their accuracy on the task, measure the
impacts of chain-of-thought prompting, and discuss their failure modes.
Overall, we find that the Connections task is challenging yet feasible, and a
strong test-bed for future work. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.17427 | HF | VastGaussian: Vast 3D Gaussians for Large Scene Reconstruction | [
"Jiaqi Lin",
"Zhihao Li",
"Xiao Tang",
"Jianzhuang Liu",
"Shiyong Liu",
"Jiayue Liu",
"Yangdi Lu",
"Xiaofei Wu",
"Songcen Xu",
"Youliang Yan",
"Wenming Yang"
] | 2024-02-27 | Existing NeRF-based methods for large scene reconstruction often have
limitations in visual quality and rendering speed. While the recent 3D Gaussian
Splatting works well on small-scale and object-centric scenes, scaling it up to
large scenes poses challenges due to limited video memory, long optimization
time, and noticeable appearance variations. To address these challenges, we
present VastGaussian, the first method for high-quality reconstruction and
real-time rendering on large scenes based on 3D Gaussian Splatting. We propose
a progressive partitioning strategy to divide a large scene into multiple
cells, where the training cameras and point cloud are properly distributed with
an airspace-aware visibility criterion. These cells are merged into a complete
scene after parallel optimization. We also introduce decoupled appearance
modeling into the optimization process to reduce appearance variations in the
rendered images. Our approach outperforms existing NeRF-based methods and
achieves state-of-the-art results on multiple large scene datasets, enabling
fast optimization and high-fidelity real-time rendering. | null | cs.CV | [
"cs.CV"
] |
2405.09546 | HF | BEHAVIOR Vision Suite: Customizable Dataset Generation via Simulation | [
"Yunhao Ge",
"Yihe Tang",
"Jiashu Xu",
"Cem Gokmen",
"Chengshu Li",
"Wensi Ai",
"Benjamin Jose Martinez",
"Arman Aydin",
"Mona Anvari",
"Ayush K Chakravarthy",
"Hong-Xing Yu",
"Josiah Wong",
"Sanjana Srivastava",
"Sharon Lee",
"Shengxin Zha",
"Laurent Itti",
"Yunzhu Li",
"Roberto Martín-Martín",
"Miao Liu",
"Pengchuan Zhang",
"Ruohan Zhang",
"Li Fei-Fei",
"Jiajun Wu"
] | 2024-05-15 | The systematic evaluation and understanding of computer vision models under
varying conditions require large amounts of data with comprehensive and
customized labels, which real-world vision datasets rarely satisfy. While
current synthetic data generators offer a promising alternative, particularly
for embodied AI tasks, they often fall short for computer vision tasks due to
low asset and rendering quality, limited diversity, and unrealistic physical
properties. We introduce the BEHAVIOR Vision Suite (BVS), a set of tools and
assets to generate fully customized synthetic data for systematic evaluation of
computer vision models, based on the newly developed embodied AI benchmark,
BEHAVIOR-1K. BVS supports a large number of adjustable parameters at the scene
level (e.g., lighting, object placement), the object level (e.g., joint
configuration, attributes such as "filled" and "folded"), and the camera level
(e.g., field of view, focal length). Researchers can arbitrarily vary these
parameters during data generation to perform controlled experiments. We
showcase three example application scenarios: systematically evaluating the
robustness of models across different continuous axes of domain shift,
evaluating scene understanding models on the same set of images, and training
and evaluating simulation-to-real transfer for a novel vision task: unary and
binary state prediction. Project website:
https://behavior-vision-suite.github.io/ | null | cs.CV | [
"cs.CV"
] |
2311.00176 | Both | ChipNeMo: Domain-Adapted LLMs for Chip Design | [
"Mingjie Liu",
"Teodor-Dumitru Ene",
"Robert Kirby",
"Chris Cheng",
"Nathaniel Pinckney",
"Rongjian Liang",
"Jonah Alben",
"Himyanshu Anand",
"Sanmitra Banerjee",
"Ismet Bayraktaroglu",
"Bonita Bhaskaran",
"Bryan Catanzaro",
"Arjun Chaudhuri",
"Sharon Clay",
"Bill Dally",
"Laura Dang",
"Parikshit Deshpande",
"Siddhanth Dhodhi",
"Sameer Halepete",
"Eric Hill",
"Jiashang Hu",
"Sumit Jain",
"Ankit Jindal",
"Brucek Khailany",
"George Kokai",
"Kishor Kunal",
"Xiaowei Li",
"Charley Lind",
"Hao Liu",
"Stuart Oberman",
"Sujeet Omar",
"Ghasem Pasandi",
"Sreedhar Pratty",
"Jonathan Raiman",
"Ambar Sarkar",
"Zhengjiang Shao",
"Hanfei Sun",
"Pratik P Suthar",
"Varun Tej",
"Walker Turner",
"Kaizhe Xu",
"Haoxing Ren"
] | 2023-10-31 | ChipNeMo aims to explore the applications of large language models (LLMs) for
industrial chip design. Instead of directly deploying off-the-shelf commercial
or open-source LLMs, we instead adopt the following domain adaptation
techniques: domain-adaptive tokenization, domain-adaptive continued
pretraining, model alignment with domain-specific instructions, and
domain-adapted retrieval models. We evaluate these methods on three selected
LLM applications for chip design: an engineering assistant chatbot, EDA script
generation, and bug summarization and analysis. Our evaluations demonstrate
that domain-adaptive pretraining of language models, can lead to superior
performance in domain related downstream tasks compared to their base LLaMA2
counterparts, without degradations in generic capabilities. In particular, our
largest model, ChipNeMo-70B, outperforms the highly capable GPT-4 on two of our
use cases, namely engineering assistant chatbot and EDA scripts generation,
while exhibiting competitive performance on bug summarization and analysis.
These results underscore the potential of domain-specific customization for
enhancing the effectiveness of large language models in specialized
applications. | null | cs.CL | [
"cs.CL"
] |
2401.02955 | HF | Open-Vocabulary SAM: Segment and Recognize Twenty-thousand Classes Interactively | [
"Haobo Yuan",
"Xiangtai Li",
"Chong Zhou",
"Yining Li",
"Kai Chen",
"Chen Change Loy"
] | 2024-01-05 | The CLIP and Segment Anything Model (SAM) are remarkable vision foundation
models (VFMs). SAM excels in segmentation tasks across diverse domains, whereas
CLIP is renowned for its zero-shot recognition capabilities. This paper
presents an in-depth exploration of integrating these two models into a unified
framework. Specifically, we introduce the Open-Vocabulary SAM, a SAM-inspired
model designed for simultaneous interactive segmentation and recognition,
leveraging two unique knowledge transfer modules: SAM2CLIP and CLIP2SAM. The
former adapts SAM's knowledge into the CLIP via distillation and learnable
transformer adapters, while the latter transfers CLIP knowledge into SAM,
enhancing its recognition capabilities. Extensive experiments on various
datasets and detectors show the effectiveness of Open-Vocabulary SAM in both
segmentation and recognition tasks, significantly outperforming the na\"{i}ve
baselines of simply combining SAM and CLIP. Furthermore, aided with image
classification data training, our method can segment and recognize
approximately 22,000 classes. | 10.1007/978-3-031-72775-7_24 | cs.CV | [
"cs.CV"
] |
2309.16609 | HF | Qwen Technical Report | [
"Jinze Bai",
"Shuai Bai",
"Yunfei Chu",
"Zeyu Cui",
"Kai Dang",
"Xiaodong Deng",
"Yang Fan",
"Wenbin Ge",
"Yu Han",
"Fei Huang",
"Binyuan Hui",
"Luo Ji",
"Mei Li",
"Junyang Lin",
"Runji Lin",
"Dayiheng Liu",
"Gao Liu",
"Chengqiang Lu",
"Keming Lu",
"Jianxin Ma",
"Rui Men",
"Xingzhang Ren",
"Xuancheng Ren",
"Chuanqi Tan",
"Sinan Tan",
"Jianhong Tu",
"Peng Wang",
"Shijie Wang",
"Wei Wang",
"Shengguang Wu",
"Benfeng Xu",
"Jin Xu",
"An Yang",
"Hao Yang",
"Jian Yang",
"Shusheng Yang",
"Yang Yao",
"Bowen Yu",
"Hongyi Yuan",
"Zheng Yuan",
"Jianwei Zhang",
"Xingxuan Zhang",
"Yichang Zhang",
"Zhenru Zhang",
"Chang Zhou",
"Jingren Zhou",
"Xiaohuan Zhou",
"Tianhang Zhu"
] | 2023-09-28 | Large language models (LLMs) have revolutionized the field of artificial
intelligence, enabling natural language processing tasks that were previously
thought to be exclusive to humans. In this work, we introduce Qwen, the first
installment of our large language model series. Qwen is a comprehensive
language model series that encompasses distinct models with varying parameter
counts. It includes Qwen, the base pretrained language models, and Qwen-Chat,
the chat models finetuned with human alignment techniques. The base language
models consistently demonstrate superior performance across a multitude of
downstream tasks, and the chat models, particularly those trained using
Reinforcement Learning from Human Feedback (RLHF), are highly competitive. The
chat models possess advanced tool-use and planning capabilities for creating
agent applications, showcasing impressive performance even when compared to
bigger models on complex tasks like utilizing a code interpreter. Furthermore,
we have developed coding-specialized models, Code-Qwen and Code-Qwen-Chat, as
well as mathematics-focused models, Math-Qwen-Chat, which are built upon base
language models. These models demonstrate significantly improved performance in
comparison with open-source models, and slightly fall behind the proprietary
models. | null | cs.CL | [
"cs.CL"
] |
2311.09277 | HF | Contrastive Chain-of-Thought Prompting | [
"Yew Ken Chia",
"Guizhen Chen",
"Luu Anh Tuan",
"Soujanya Poria",
"Lidong Bing"
] | 2023-11-15 | Despite the success of chain of thought in enhancing language model
reasoning, the underlying process remains less well understood. Although
logically sound reasoning appears inherently crucial for chain of thought,
prior studies surprisingly reveal minimal impact when using invalid
demonstrations instead. Furthermore, the conventional chain of thought does not
inform language models on what mistakes to avoid, which potentially leads to
more errors. Hence, inspired by how humans can learn from both positive and
negative examples, we propose contrastive chain of thought to enhance language
model reasoning. Compared to the conventional chain of thought, our approach
provides both valid and invalid reasoning demonstrations, to guide the model to
reason step-by-step while reducing reasoning mistakes. To improve
generalization, we introduce an automatic method to construct contrastive
demonstrations. Our experiments on reasoning benchmarks demonstrate that
contrastive chain of thought can serve as a general enhancement of
chain-of-thought prompting. | null | cs.CL | [
"cs.CL"
] |
2206.07137 | AnswerAI | Prioritized Training on Points that are Learnable, Worth Learning, and Not Yet Learnt | [
"Sören Mindermann",
"Jan Brauner",
"Muhammed Razzak",
"Mrinank Sharma",
"Andreas Kirsch",
"Winnie Xu",
"Benedikt Höltgen",
"Aidan N. Gomez",
"Adrien Morisot",
"Sebastian Farquhar",
"Yarin Gal"
] | 2022-06-14 | Training on web-scale data can take months. But most computation and time is
wasted on redundant and noisy points that are already learnt or not learnable.
To accelerate training, we introduce Reducible Holdout Loss Selection
(RHO-LOSS), a simple but principled technique which selects approximately those
points for training that most reduce the model's generalization loss. As a
result, RHO-LOSS mitigates the weaknesses of existing data selection methods:
techniques from the optimization literature typically select 'hard' (e.g. high
loss) points, but such points are often noisy (not learnable) or less
task-relevant. Conversely, curriculum learning prioritizes 'easy' points, but
such points need not be trained on once learned. In contrast, RHO-LOSS selects
points that are learnable, worth learning, and not yet learnt. RHO-LOSS trains
in far fewer steps than prior art, improves accuracy, and speeds up training on
a wide range of datasets, hyperparameters, and architectures (MLPs, CNNs, and
BERT). On the large web-scraped image dataset Clothing-1M, RHO-LOSS trains in
18x fewer steps and reaches 2% higher final accuracy than uniform data
shuffling. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2405.13865 | HF | ReVideo: Remake a Video with Motion and Content Control | [
"Chong Mou",
"Mingdeng Cao",
"Xintao Wang",
"Zhaoyang Zhang",
"Ying Shan",
"Jian Zhang"
] | 2024-05-22 | Despite significant advancements in video generation and editing using
diffusion models, achieving accurate and localized video editing remains a
substantial challenge. Additionally, most existing video editing methods
primarily focus on altering visual content, with limited research dedicated to
motion editing. In this paper, we present a novel attempt to Remake a Video
(ReVideo) which stands out from existing methods by allowing precise video
editing in specific areas through the specification of both content and motion.
Content editing is facilitated by modifying the first frame, while the
trajectory-based motion control offers an intuitive user interaction
experience. ReVideo addresses a new task involving the coupling and training
imbalance between content and motion control. To tackle this, we develop a
three-stage training strategy that progressively decouples these two aspects
from coarse to fine. Furthermore, we propose a spatiotemporal adaptive fusion
module to integrate content and motion control across various sampling steps
and spatial locations. Extensive experiments demonstrate that our ReVideo has
promising performance on several accurate video editing applications, i.e., (1)
locally changing video content while keeping the motion constant, (2) keeping
content unchanged and customizing new motion trajectories, (3) modifying both
content and motion trajectories. Our method can also seamlessly extend these
applications to multi-area editing without specific training, demonstrating its
flexibility and robustness. | null | cs.CV | [
"cs.CV"
] |
2102.12459 | AnswerAI | When Attention Meets Fast Recurrence: Training Language Models with Reduced Compute | [
"Tao Lei"
] | 2021-02-24 | Large language models have become increasingly difficult to train because of
the growing computation time and cost. In this work, we present SRU++, a
highly-efficient architecture that combines fast recurrence and attention for
sequence modeling. SRU++ exhibits strong modeling capacity and training
efficiency. On standard language modeling tasks such as Enwik8, Wiki-103 and
Billion Word datasets, our model obtains better bits-per-character and
perplexity while using 3x-10x less training cost compared to top-performing
Transformer models. For instance, our model achieves a state-of-the-art result
on the Enwik8 dataset using 1.6 days of training on an 8-GPU machine. We
further demonstrate that SRU++ requires minimal attention for near
state-of-the-art performance. Our results suggest jointly leveraging fast
recurrence with little attention as a promising direction for accelerating
model training and inference. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.09121 | HF | Refuse Whenever You Feel Unsafe: Improving Safety in LLMs via Decoupled Refusal Training | [
"Youliang Yuan",
"Wenxiang Jiao",
"Wenxuan Wang",
"Jen-tse Huang",
"Jiahao Xu",
"Tian Liang",
"Pinjia He",
"Zhaopeng Tu"
] | 2024-07-12 | This study addresses a critical gap in safety tuning practices for Large
Language Models (LLMs) by identifying and tackling a refusal position bias
within safety tuning data, which compromises the models' ability to
appropriately refuse generating unsafe content. We introduce a novel approach,
Decoupled Refusal Training (DeRTa), designed to empower LLMs to refuse
compliance to harmful prompts at any response position, significantly enhancing
their safety capabilities. DeRTa incorporates two novel components: (1) Maximum
Likelihood Estimation (MLE) with Harmful Response Prefix, which trains models
to recognize and avoid unsafe content by appending a segment of harmful
response to the beginning of a safe response, and (2) Reinforced Transition
Optimization (RTO), which equips models with the ability to transition from
potential harm to safety refusal consistently throughout the harmful response
sequence. Our empirical evaluation, conducted using LLaMA3 and Mistral model
families across six attack scenarios, demonstrates that our method not only
improves model safety without compromising performance but also surpasses
well-known models such as GPT-4 in defending against attacks. Importantly, our
approach successfully defends recent advanced attack methods (e.g., CodeAttack)
that have jailbroken GPT-4 and LLaMA3-70B-Instruct. Our code and data can be
found at https://github.com/RobustNLP/DeRTa. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2409.03733 | AnswerAI | Planning In Natural Language Improves LLM Search For Code Generation | [
"Evan Wang",
"Federico Cassano",
"Catherine Wu",
"Yunfeng Bai",
"Will Song",
"Vaskar Nath",
"Ziwen Han",
"Sean Hendryx",
"Summer Yue",
"Hugh Zhang"
] | 2024-09-05 | While scaling training compute has led to remarkable improvements in large
language models (LLMs), scaling inference compute has not yet yielded analogous
gains. We hypothesize that a core missing component is a lack of diverse LLM
outputs, leading to inefficient search due to models repeatedly sampling highly
similar, yet incorrect generations. We empirically demonstrate that this lack
of diversity can be mitigated by searching over candidate plans for solving a
problem in natural language. Based on this insight, we propose PLANSEARCH, a
novel search algorithm which shows strong results across HumanEval+, MBPP+, and
LiveCodeBench (a contamination-free benchmark for competitive coding).
PLANSEARCH generates a diverse set of observations about the problem and then
uses these observations to construct plans for solving the problem. By
searching over plans in natural language rather than directly over code
solutions, PLANSEARCH explores a significantly more diverse range of potential
solutions compared to baseline search methods. Using PLANSEARCH on top of
Claude 3.5 Sonnet achieves a state-of-the-art pass@200 of 77.0% on
LiveCodeBench, outperforming both the best score achieved without search
(pass@1 = 41.4%) and using standard repeated sampling (pass@200 = 60.6%).
Finally, we show that, across all models, search algorithms, and benchmarks
analyzed, we can accurately predict performance gains due to search as a direct
function of the diversity over generated ideas. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2408.01291 | HF | TexGen: Text-Guided 3D Texture Generation with Multi-view Sampling and Resampling | [
"Dong Huo",
"Zixin Guo",
"Xinxin Zuo",
"Zhihao Shi",
"Juwei Lu",
"Peng Dai",
"Songcen Xu",
"Li Cheng",
"Yee-Hong Yang"
] | 2024-08-02 | Given a 3D mesh, we aim to synthesize 3D textures that correspond to
arbitrary textual descriptions. Current methods for generating and assembling
textures from sampled views often result in prominent seams or excessive
smoothing. To tackle these issues, we present TexGen, a novel multi-view
sampling and resampling framework for texture generation leveraging a
pre-trained text-to-image diffusion model. For view consistent sampling, first
of all we maintain a texture map in RGB space that is parameterized by the
denoising step and updated after each sampling step of the diffusion model to
progressively reduce the view discrepancy. An attention-guided multi-view
sampling strategy is exploited to broadcast the appearance information across
views. To preserve texture details, we develop a noise resampling technique
that aids in the estimation of noise, generating inputs for subsequent
denoising steps, as directed by the text prompt and current texture map.
Through an extensive amount of qualitative and quantitative evaluations, we
demonstrate that our proposed method produces significantly better texture
quality for diverse 3D objects with a high degree of view consistency and rich
appearance details, outperforming current state-of-the-art methods.
Furthermore, our proposed texture generation technique can also be applied to
texture editing while preserving the original identity. More experimental
results are available at https://dong-huo.github.io/TexGen/ | null | cs.CV | [
"cs.CV"
] |
2408.14340 | HF | Foundation Models for Music: A Survey | [
"Yinghao Ma",
"Anders Øland",
"Anton Ragni",
"Bleiz MacSen Del Sette",
"Charalampos Saitis",
"Chris Donahue",
"Chenghua Lin",
"Christos Plachouras",
"Emmanouil Benetos",
"Elona Shatri",
"Fabio Morreale",
"Ge Zhang",
"György Fazekas",
"Gus Xia",
"Huan Zhang",
"Ilaria Manco",
"Jiawen Huang",
"Julien Guinot",
"Liwei Lin",
"Luca Marinelli",
"Max W. Y. Lam",
"Megha Sharma",
"Qiuqiang Kong",
"Roger B. Dannenberg",
"Ruibin Yuan",
"Shangda Wu",
"Shih-Lun Wu",
"Shuqi Dai",
"Shun Lei",
"Shiyin Kang",
"Simon Dixon",
"Wenhu Chen",
"Wenhao Huang",
"Xingjian Du",
"Xingwei Qu",
"Xu Tan",
"Yizhi Li",
"Zeyue Tian",
"Zhiyong Wu",
"Zhizheng Wu",
"Ziyang Ma",
"Ziyu Wang"
] | 2024-08-26 | In recent years, foundation models (FMs) such as large language models (LLMs)
and latent diffusion models (LDMs) have profoundly impacted diverse sectors,
including music. This comprehensive review examines state-of-the-art (SOTA)
pre-trained models and foundation models in music, spanning from representation
learning, generative learning and multimodal learning. We first contextualise
the significance of music in various industries and trace the evolution of AI
in music. By delineating the modalities targeted by foundation models, we
discover many of the music representations are underexplored in FM development.
Then, emphasis is placed on the lack of versatility of previous methods on
diverse music applications, along with the potential of FMs in music
understanding, generation and medical application. By comprehensively exploring
the details of the model pre-training paradigm, architectural choices,
tokenisation, finetuning methodologies and controllability, we emphasise the
important topics that should have been well explored, like instruction tuning
and in-context learning, scaling law and emergent ability, as well as
long-sequence modelling etc. A dedicated section presents insights into music
agents, accompanied by a thorough analysis of datasets and evaluations
essential for pre-training and downstream tasks. Finally, by underscoring the
vital importance of ethical considerations, we advocate that following research
on FM for music should focus more on such issues as interpretability,
transparency, human responsibility, and copyright issues. The paper offers
insights into future challenges and trends on FMs for music, aiming to shape
the trajectory of human-AI collaboration in the music realm. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.CL",
"cs.LG",
"eess.AS"
] |
2406.11931 | HF | DeepSeek-Coder-V2: Breaking the Barrier of Closed-Source Models in Code Intelligence | [
"DeepSeek-AI",
"Qihao Zhu",
"Daya Guo",
"Zhihong Shao",
"Dejian Yang",
"Peiyi Wang",
"Runxin Xu",
"Y. Wu",
"Yukun Li",
"Huazuo Gao",
"Shirong Ma",
"Wangding Zeng",
"Xiao Bi",
"Zihui Gu",
"Hanwei Xu",
"Damai Dai",
"Kai Dong",
"Liyue Zhang",
"Yishi Piao",
"Zhibin Gou",
"Zhenda Xie",
"Zhewen Hao",
"Bingxuan Wang",
"Junxiao Song",
"Deli Chen",
"Xin Xie",
"Kang Guan",
"Yuxiang You",
"Aixin Liu",
"Qiushi Du",
"Wenjun Gao",
"Xuan Lu",
"Qinyu Chen",
"Yaohui Wang",
"Chengqi Deng",
"Jiashi Li",
"Chenggang Zhao",
"Chong Ruan",
"Fuli Luo",
"Wenfeng Liang"
] | 2024-06-17 | We present DeepSeek-Coder-V2, an open-source Mixture-of-Experts (MoE) code
language model that achieves performance comparable to GPT4-Turbo in
code-specific tasks. Specifically, DeepSeek-Coder-V2 is further pre-trained
from an intermediate checkpoint of DeepSeek-V2 with additional 6 trillion
tokens. Through this continued pre-training, DeepSeek-Coder-V2 substantially
enhances the coding and mathematical reasoning capabilities of DeepSeek-V2,
while maintaining comparable performance in general language tasks. Compared to
DeepSeek-Coder-33B, DeepSeek-Coder-V2 demonstrates significant advancements in
various aspects of code-related tasks, as well as reasoning and general
capabilities. Additionally, DeepSeek-Coder-V2 expands its support for
programming languages from 86 to 338, while extending the context length from
16K to 128K. In standard benchmark evaluations, DeepSeek-Coder-V2 achieves
superior performance compared to closed-source models such as GPT4-Turbo,
Claude 3 Opus, and Gemini 1.5 Pro in coding and math benchmarks. | null | cs.SE | [
"cs.SE",
"cs.AI",
"cs.LG"
] |
2407.10285 | HF | Noise Calibration: Plug-and-play Content-Preserving Video Enhancement using Pre-trained Video Diffusion Models | [
"Qinyu Yang",
"Haoxin Chen",
"Yong Zhang",
"Menghan Xia",
"Xiaodong Cun",
"Zhixun Su",
"Ying Shan"
] | 2024-07-14 | In order to improve the quality of synthesized videos, currently, one
predominant method involves retraining an expert diffusion model and then
implementing a noising-denoising process for refinement. Despite the
significant training costs, maintaining consistency of content between the
original and enhanced videos remains a major challenge. To tackle this
challenge, we propose a novel formulation that considers both visual quality
and consistency of content. Consistency of content is ensured by a proposed
loss function that maintains the structure of the input, while visual quality
is improved by utilizing the denoising process of pretrained diffusion models.
To address the formulated optimization problem, we have developed a
plug-and-play noise optimization strategy, referred to as Noise Calibration. By
refining the initial random noise through a few iterations, the content of
original video can be largely preserved, and the enhancement effect
demonstrates a notable improvement. Extensive experiments have demonstrated the
effectiveness of the proposed method. | null | cs.CV | [
"cs.CV",
"I.2; I.4.3"
] |
2403.05034 | HF | CRM: Single Image to 3D Textured Mesh with Convolutional Reconstruction Model | [
"Zhengyi Wang",
"Yikai Wang",
"Yifei Chen",
"Chendong Xiang",
"Shuo Chen",
"Dajiang Yu",
"Chongxuan Li",
"Hang Su",
"Jun Zhu"
] | 2024-03-08 | Feed-forward 3D generative models like the Large Reconstruction Model (LRM)
have demonstrated exceptional generation speed. However, the transformer-based
methods do not leverage the geometric priors of the triplane component in their
architecture, often leading to sub-optimal quality given the limited size of 3D
data and slow training. In this work, we present the Convolutional
Reconstruction Model (CRM), a high-fidelity feed-forward single image-to-3D
generative model. Recognizing the limitations posed by sparse 3D data, we
highlight the necessity of integrating geometric priors into network design.
CRM builds on the key observation that the visualization of triplane exhibits
spatial correspondence of six orthographic images. First, it generates six
orthographic view images from a single input image, then feeds these images
into a convolutional U-Net, leveraging its strong pixel-level alignment
capabilities and significant bandwidth to create a high-resolution triplane.
CRM further employs Flexicubes as geometric representation, facilitating direct
end-to-end optimization on textured meshes. Overall, our model delivers a
high-fidelity textured mesh from an image in just 10 seconds, without any
test-time optimization. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2312.01663 | HF | Customize your NeRF: Adaptive Source Driven 3D Scene Editing via Local-Global Iterative Training | [
"Runze He",
"Shaofei Huang",
"Xuecheng Nie",
"Tianrui Hui",
"Luoqi Liu",
"Jiao Dai",
"Jizhong Han",
"Guanbin Li",
"Si Liu"
] | 2023-12-04 | In this paper, we target the adaptive source driven 3D scene editing task by
proposing a CustomNeRF model that unifies a text description or a reference
image as the editing prompt. However, obtaining desired editing results
conformed with the editing prompt is nontrivial since there exist two
significant challenges, including accurate editing of only foreground regions
and multi-view consistency given a single-view reference image. To tackle the
first challenge, we propose a Local-Global Iterative Editing (LGIE) training
scheme that alternates between foreground region editing and full-image
editing, aimed at foreground-only manipulation while preserving the background.
For the second challenge, we also design a class-guided regularization that
exploits class priors within the generation model to alleviate the
inconsistency problem among different views in image-driven editing. Extensive
experiments show that our CustomNeRF produces precise editing results under
various real scenes for both text- and image-driven settings. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2306.14035 | HF | Thinking Like an Annotator: Generation of Dataset Labeling Instructions | [
"Nadine Chang",
"Francesco Ferroni",
"Michael J. Tarr",
"Martial Hebert",
"Deva Ramanan"
] | 2023-06-24 | Large-scale datasets are essential to modern day deep learning. Advocates
argue that understanding these methods requires dataset transparency (e.g.
"dataset curation, motivation, composition, collection process, etc...").
However, almost no one has suggested the release of the detailed definitions
and visual category examples provided to annotators - information critical to
understanding the structure of the annotations present in each dataset. These
labels are at the heart of public datasets, yet few datasets include the
instructions that were used to generate them. We introduce a new task, Labeling
Instruction Generation, to address missing publicly available labeling
instructions. In Labeling Instruction Generation, we take a reasonably
annotated dataset and: 1) generate a set of examples that are visually
representative of each category in the dataset; 2) provide a text label that
corresponds to each of the examples. We introduce a framework that requires no
model training to solve this task and includes a newly created rapid retrieval
system that leverages a large, pre-trained vision and language model. This
framework acts as a proxy to human annotators that can help to both generate a
final labeling instruction set and evaluate its quality. Our framework
generates multiple diverse visual and text representations of dataset
categories. The optimized instruction set outperforms our strongest baseline
across 5 folds by 7.06 mAP for NuImages and 12.9 mAP for COCO. | null | cs.CV | [
"cs.CV"
] |
2401.01301 | AnswerAI | Large Legal Fictions: Profiling Legal Hallucinations in Large Language Models | [
"Matthew Dahl",
"Varun Magesh",
"Mirac Suzgun",
"Daniel E. Ho"
] | 2024-01-02 | Do large language models (LLMs) know the law? These models are increasingly
being used to augment legal practice, education, and research, yet their
revolutionary potential is threatened by the presence of hallucinations --
textual output that is not consistent with legal facts. We present the first
systematic evidence of these hallucinations, documenting LLMs' varying
performance across jurisdictions, courts, time periods, and cases. Our work
makes four key contributions. First, we develop a typology of legal
hallucinations, providing a conceptual framework for future research in this
area. Second, we find that legal hallucinations are alarmingly prevalent,
occurring between 58% of the time with ChatGPT 4 and 88% with Llama 2, when
these models are asked specific, verifiable questions about random federal
court cases. Third, we illustrate that LLMs often fail to correct a user's
incorrect legal assumptions in a contra-factual question setup. Fourth, we
provide evidence that LLMs cannot always predict, or do not always know, when
they are producing legal hallucinations. Taken together, our findings caution
against the rapid and unsupervised integration of popular LLMs into legal
tasks. Even experienced lawyers must remain wary of legal hallucinations, and
the risks are highest for those who stand to benefit from LLMs the most -- pro
se litigants or those without access to traditional legal resources. | 10.1093/jla/laae003 | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY"
] |
2303.01500 | AnswerAI | Dropout Reduces Underfitting | [
"Zhuang Liu",
"Zhiqiu Xu",
"Joseph Jin",
"Zhiqiang Shen",
"Trevor Darrell"
] | 2023-03-02 | Introduced by Hinton et al. in 2012, dropout has stood the test of time as a
regularizer for preventing overfitting in neural networks. In this study, we
demonstrate that dropout can also mitigate underfitting when used at the start
of training. During the early phase, we find dropout reduces the directional
variance of gradients across mini-batches and helps align the mini-batch
gradients with the entire dataset's gradient. This helps counteract the
stochasticity of SGD and limit the influence of individual batches on model
training. Our findings lead us to a solution for improving performance in
underfitting models - early dropout: dropout is applied only during the initial
phases of training, and turned off afterwards. Models equipped with early
dropout achieve lower final training loss compared to their counterparts
without dropout. Additionally, we explore a symmetric technique for
regularizing overfitting models - late dropout, where dropout is not used in
the early iterations and is only activated later in training. Experiments on
ImageNet and various vision tasks demonstrate that our methods consistently
improve generalization accuracy. Our results encourage more research on
understanding regularization in deep learning and our methods can be useful
tools for future neural network training, especially in the era of large data.
Code is available at https://github.com/facebookresearch/dropout. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2403.19046 | HF | LITA: Language Instructed Temporal-Localization Assistant | [
"De-An Huang",
"Shijia Liao",
"Subhashree Radhakrishnan",
"Hongxu Yin",
"Pavlo Molchanov",
"Zhiding Yu",
"Jan Kautz"
] | 2024-03-27 | There has been tremendous progress in multimodal Large Language Models
(LLMs). Recent works have extended these models to video input with promising
instruction following capabilities. However, an important missing piece is
temporal localization. These models cannot accurately answer the "When?"
questions. We identify three key aspects that limit their temporal localization
capabilities: (i) time representation, (ii) architecture, and (iii) data. We
address these shortcomings by proposing Language Instructed
Temporal-Localization Assistant (LITA) with the following features: (1) We
introduce time tokens that encode timestamps relative to the video length to
better represent time in videos. (2) We introduce SlowFast tokens in the
architecture to capture temporal information at fine temporal resolution. (3)
We emphasize temporal localization data for LITA. In addition to leveraging
existing video datasets with timestamps, we propose a new task, Reasoning
Temporal Localization (RTL), along with the dataset, ActivityNet-RTL, for
learning and evaluating this task. Reasoning temporal localization requires
both the reasoning and temporal localization of Video LLMs. LITA demonstrates
strong performance on this challenging task, nearly doubling the temporal mean
intersection-over-union (mIoU) of baselines. In addition, we show that our
emphasis on temporal localization also substantially improves video-based text
generation compared to existing Video LLMs, including a 36% relative
improvement of Temporal Understanding. Code is available at:
https://github.com/NVlabs/LITA | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2202.08904 | AnswerAI | SGPT: GPT Sentence Embeddings for Semantic Search | [
"Niklas Muennighoff"
] | 2022-02-17 | Decoder transformers have continued increasing in scale reaching hundreds of
billions of parameters. Due to their scale the same decoder sets
state-of-the-art results on various language tasks via prompting or
fine-tuning. Yet, these large foundation models remain unusable for the related
fields of semantic search and sentence embeddings. This prevents possibly new
state-of-the-art results and forces organizations to train and maintain
separate models. To this end, we propose SGPT to use decoders for sentence
embeddings and semantic search via prompting or fine-tuning. At 5.8 billion
parameters SGPT improves on the previously best sentence embeddings by a margin
of 7% and outperforms a concurrent method with 175 billion parameters as
measured on the BEIR search benchmark. Code, models and result files are freely
available at https://github.com/Muennighoff/sgpt. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2403.14624 | HF | MathVerse: Does Your Multi-modal LLM Truly See the Diagrams in Visual Math Problems? | [
"Renrui Zhang",
"Dongzhi Jiang",
"Yichi Zhang",
"Haokun Lin",
"Ziyu Guo",
"Pengshuo Qiu",
"Aojun Zhou",
"Pan Lu",
"Kai-Wei Chang",
"Peng Gao",
"Hongsheng Li"
] | 2024-03-21 | The remarkable progress of Multi-modal Large Language Models (MLLMs) has
garnered unparalleled attention, due to their superior performance in visual
contexts. However, their capabilities in visual math problem-solving remain
insufficiently evaluated and understood. We investigate current benchmarks to
incorporate excessive visual content within textual questions, which
potentially assist MLLMs in deducing answers without truly interpreting the
input diagrams. To this end, we introduce MathVerse, an all-around visual math
benchmark designed for an equitable and in-depth evaluation of MLLMs. We
meticulously collect 2,612 high-quality, multi-subject math problems with
diagrams from publicly available sources. Each problem is then transformed by
human annotators into six distinct versions, each offering varying degrees of
information content in multi-modality, contributing to 15K test samples in
total. This approach allows MathVerse to comprehensively assess whether and how
much MLLMs can truly understand the visual diagrams for mathematical reasoning.
In addition, we propose a Chain-of-Thought (CoT) evaluation strategy for a
fine-grained assessment of the output answers. Rather than naively judging True
or False, we employ GPT-4(V) to adaptively extract crucial reasoning steps, and
then score each step with detailed error analysis, which can reveal the
intermediate CoT reasoning quality by MLLMs. We hope the MathVerse benchmark
may provide unique insights to guide the future development of MLLMs. Project
page: https://mathverse-cuhk.github.io | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2309.08827 | HF | S3-DST: Structured Open-Domain Dialogue Segmentation and State Tracking in the Era of LLMs | [
"Sarkar Snigdha Sarathi Das",
"Chirag Shah",
"Mengting Wan",
"Jennifer Neville",
"Longqi Yang",
"Reid Andersen",
"Georg Buscher",
"Tara Safavi"
] | 2023-09-16 | The traditional Dialogue State Tracking (DST) problem aims to track user
preferences and intents in user-agent conversations. While sufficient for
task-oriented dialogue systems supporting narrow domain applications, the
advent of Large Language Model (LLM)-based chat systems has introduced many
real-world intricacies in open-domain dialogues. These intricacies manifest in
the form of increased complexity in contextual interactions, extended dialogue
sessions encompassing a diverse array of topics, and more frequent contextual
shifts. To handle these intricacies arising from evolving LLM-based chat
systems, we propose joint dialogue segmentation and state tracking per segment
in open-domain dialogue systems. Assuming a zero-shot setting appropriate to a
true open-domain dialogue system, we propose S3-DST, a structured prompting
technique that harnesses Pre-Analytical Recollection, a novel grounding
mechanism we designed for improving long context tracking. To demonstrate the
efficacy of our proposed approach in joint segmentation and state tracking, we
evaluate S3-DST on a proprietary anonymized open-domain dialogue dataset, as
well as publicly available DST and segmentation datasets. Across all datasets
and settings, S3-DST consistently outperforms the state-of-the-art,
demonstrating its potency and robustness the next generation of LLM-based chat
systems. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.08793 | HF | Backward-Compatible Aligned Representations via an Orthogonal Transformation Layer | [
"Simone Ricci",
"Niccolò Biondi",
"Federico Pernici",
"Alberto Del Bimbo"
] | 2024-08-16 | Visual retrieval systems face significant challenges when updating models
with improved representations due to misalignment between the old and new
representations. The costly and resource-intensive backfilling process involves
recalculating feature vectors for images in the gallery set whenever a new
model is introduced. To address this, prior research has explored
backward-compatible training methods that enable direct comparisons between new
and old representations without backfilling. Despite these advancements,
achieving a balance between backward compatibility and the performance of
independently trained models remains an open problem. In this paper, we address
it by expanding the representation space with additional dimensions and
learning an orthogonal transformation to achieve compatibility with old models
and, at the same time, integrate new information. This transformation preserves
the original feature space's geometry, ensuring that our model aligns with
previous versions while also learning new data. Our Orthogonal Compatible
Aligned (OCA) approach eliminates the need for re-indexing during model updates
and ensures that features can be compared directly across different model
updates without additional mapping functions. Experimental results on CIFAR-100
and ImageNet-1k demonstrate that our method not only maintains compatibility
with previous models but also achieves state-of-the-art accuracy, outperforming
several existing methods. | null | cs.CV | [
"cs.CV"
] |
2406.16838 | AnswerAI | From Decoding to Meta-Generation: Inference-time Algorithms for Large Language Models | [
"Sean Welleck",
"Amanda Bertsch",
"Matthew Finlayson",
"Hailey Schoelkopf",
"Alex Xie",
"Graham Neubig",
"Ilia Kulikov",
"Zaid Harchaoui"
] | 2024-06-24 | One of the most striking findings in modern research on large language models
(LLMs) is that scaling up compute during training leads to better results.
However, less attention has been given to the benefits of scaling compute
during inference. This survey focuses on these inference-time approaches. We
explore three areas under a unified mathematical formalism: token-level
generation algorithms, meta-generation algorithms, and efficient generation.
Token-level generation algorithms, often called decoding algorithms, operate by
sampling a single token at a time or constructing a token-level search space
and then selecting an output. These methods typically assume access to a
language model's logits, next-token distributions, or probability scores.
Meta-generation algorithms work on partial or full sequences, incorporating
domain knowledge, enabling backtracking, and integrating external information.
Efficient generation methods aim to reduce token costs and improve the speed of
generation. Our survey unifies perspectives from three research communities:
traditional natural language processing, modern LLMs, and machine learning
systems. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2408.00103 | HF | ReLiK: Retrieve and LinK, Fast and Accurate Entity Linking and Relation Extraction on an Academic Budget | [
"Riccardo Orlando",
"Pere-Lluis Huguet-Cabot",
"Edoardo Barba",
"Roberto Navigli"
] | 2024-07-31 | Entity Linking (EL) and Relation Extraction (RE) are fundamental tasks in
Natural Language Processing, serving as critical components in a wide range of
applications. In this paper, we propose ReLiK, a Retriever-Reader architecture
for both EL and RE, where, given an input text, the Retriever module undertakes
the identification of candidate entities or relations that could potentially
appear within the text. Subsequently, the Reader module is tasked to discern
the pertinent retrieved entities or relations and establish their alignment
with the corresponding textual spans. Notably, we put forward an innovative
input representation that incorporates the candidate entities or relations
alongside the text, making it possible to link entities or extract relations in
a single forward pass and to fully leverage pre-trained language models
contextualization capabilities, in contrast with previous
Retriever-Reader-based methods, which require a forward pass for each
candidate. Our formulation of EL and RE achieves state-of-the-art performance
in both in-domain and out-of-domain benchmarks while using academic budget
training and with up to 40x inference speed compared to competitors. Finally,
we show how our architecture can be used seamlessly for Information Extraction
(cIE), i.e. EL + RE, and setting a new state of the art by employing a shared
Reader that simultaneously extracts entities and relations. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.09279 | AnswerAI | Unpacking DPO and PPO: Disentangling Best Practices for Learning from Preference Feedback | [
"Hamish Ivison",
"Yizhong Wang",
"Jiacheng Liu",
"Zeqiu Wu",
"Valentina Pyatkin",
"Nathan Lambert",
"Noah A. Smith",
"Yejin Choi",
"Hannaneh Hajishirzi"
] | 2024-06-13 | Learning from preference feedback has emerged as an essential step for
improving the generation quality and performance of modern language models
(LMs). Despite its widespread use, the way preference-based learning is applied
varies wildly, with differing data, learning algorithms, and evaluations used,
making disentangling the impact of each aspect difficult. In this work, we
identify four core aspects of preference-based learning: preference data,
learning algorithm, reward model, and policy training prompts, systematically
investigate the impact of these components on downstream model performance, and
suggest a recipe for strong learning for preference feedback. Our findings
indicate that all aspects are important for performance, with better preference
data leading to the largest improvements, followed by the choice of learning
algorithm, the use of improved reward models, and finally the use of additional
unlabeled prompts for policy training. Notably, PPO outperforms DPO by up to
2.5% in math and 1.2% in general domains. High-quality preference data leads to
improvements of up to 8% in instruction following and truthfulness. Despite
significant gains of up to 5% in mathematical evaluation when scaling up reward
models, we surprisingly observe marginal improvements in other categories.
We publicly release the code used for training
(https://github.com/hamishivi/EasyLM) and evaluating
(https://github.com/allenai/open-instruct) our models, along with the models
and datasets themselves
(https://huggingface.co/collections/allenai/tulu-v25-suite-66676520fd578080e126f618). | null | cs.CL | [
"cs.CL"
] |
2305.20088 | HF | Improving CLIP Training with Language Rewrites | [
"Lijie Fan",
"Dilip Krishnan",
"Phillip Isola",
"Dina Katabi",
"Yonglong Tian"
] | 2023-05-31 | Contrastive Language-Image Pre-training (CLIP) stands as one of the most
effective and scalable methods for training transferable vision models using
paired image and text data. CLIP models are trained using contrastive loss,
which typically relies on data augmentations to prevent overfitting and
shortcuts. However, in the CLIP training paradigm, data augmentations are
exclusively applied to image inputs, while language inputs remain unchanged
throughout the entire training process, limiting the exposure of diverse texts
to the same image. In this paper, we introduce Language augmented CLIP
(LaCLIP), a simple yet highly effective approach to enhance CLIP training
through language rewrites. Leveraging the in-context learning capability of
large language models, we rewrite the text descriptions associated with each
image. These rewritten texts exhibit diversity in sentence structure and
vocabulary while preserving the original key concepts and meanings. During
training, LaCLIP randomly selects either the original texts or the rewritten
versions as text augmentations for each image. Extensive experiments on CC3M,
CC12M, RedCaps and LAION-400M datasets show that CLIP pre-training with
language rewrites significantly improves the transfer performance without
computation or memory overhead during training. Specifically for ImageNet
zero-shot accuracy, LaCLIP outperforms CLIP by 8.2% on CC12M and 2.4% on
LAION-400M. Code is available at https://github.com/LijieFan/LaCLIP. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2402.12219 | Both | Reformatted Alignment | [
"Run-Ze Fan",
"Xuefeng Li",
"Haoyang Zou",
"Junlong Li",
"Shwai He",
"Ethan Chern",
"Jiewen Hu",
"Pengfei Liu"
] | 2024-02-19 | The quality of finetuning data is crucial for aligning large language models
(LLMs) with human values. Current methods to improve data quality are either
labor-intensive or prone to factual errors caused by LLM hallucinations. This
paper explores elevating the quality of existing instruction data to better
align with human values, introducing a simple and effective approach named
ReAlign, which reformats the responses of instruction data into a format that
better aligns with pre-established criteria and the collated evidence. This
approach minimizes human annotation, hallucination, and the difficulty in
scaling, remaining orthogonal to existing alignment techniques. Experimentally,
ReAlign significantly boosts the general alignment ability, math reasoning,
factuality, and readability of the LLMs.
Encouragingly, without introducing any additional data or advanced training
techniques, and merely by reformatting the response, LLaMA-2-13B's mathematical
reasoning ability on GSM8K can be improved from 46.77% to 56.63% in accuracy.
Additionally, a mere 5% of ReAlign data yields a 67% boost in general alignment
ability measured by the Alpaca dataset. This work highlights the need for
further research into the science and mechanistic interpretability of LLMs. We
have made the associated code and data publicly accessible to support future
studies at https://github.com/GAIR-NLP/ReAlign. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2206.15076 | AnswerAI | BigBIO: A Framework for Data-Centric Biomedical Natural Language Processing | [
"Jason Alan Fries",
"Leon Weber",
"Natasha Seelam",
"Gabriel Altay",
"Debajyoti Datta",
"Samuele Garda",
"Myungsun Kang",
"Ruisi Su",
"Wojciech Kusa",
"Samuel Cahyawijaya",
"Fabio Barth",
"Simon Ott",
"Matthias Samwald",
"Stephen Bach",
"Stella Biderman",
"Mario Sänger",
"Bo Wang",
"Alison Callahan",
"Daniel León Periñán",
"Théo Gigant",
"Patrick Haller",
"Jenny Chim",
"Jose David Posada",
"John Michael Giorgi",
"Karthik Rangasai Sivaraman",
"Marc Pàmies",
"Marianna Nezhurina",
"Robert Martin",
"Michael Cullan",
"Moritz Freidank",
"Nathan Dahlberg",
"Shubhanshu Mishra",
"Shamik Bose",
"Nicholas Michio Broad",
"Yanis Labrak",
"Shlok S Deshmukh",
"Sid Kiblawi",
"Ayush Singh",
"Minh Chien Vu",
"Trishala Neeraj",
"Jonas Golde",
"Albert Villanova del Moral",
"Benjamin Beilharz"
] | 2022-06-30 | Training and evaluating language models increasingly requires the
construction of meta-datasets --diverse collections of curated data with clear
provenance. Natural language prompting has recently lead to improved zero-shot
generalization by transforming existing, supervised datasets into a diversity
of novel pretraining tasks, highlighting the benefits of meta-dataset curation.
While successful in general-domain text, translating these data-centric
approaches to biomedical language modeling remains challenging, as labeled
biomedical datasets are significantly underrepresented in popular data hubs. To
address this challenge, we introduce BigBIO a community library of 126+
biomedical NLP datasets, currently covering 12 task categories and 10+
languages. BigBIO facilitates reproducible meta-dataset curation via
programmatic access to datasets and their metadata, and is compatible with
current platforms for prompt engineering and end-to-end few/zero shot language
model evaluation. We discuss our process for task schema harmonization, data
auditing, contribution guidelines, and outline two illustrative use cases:
zero-shot evaluation of biomedical prompts and large-scale, multi-task
learning. BigBIO is an ongoing community effort and is available at
https://github.com/bigscience-workshop/biomedical | null | cs.CL | [
"cs.CL"
] |
2403.14467 | HF | Recourse for reclamation: Chatting with generative language models | [
"Jennifer Chien",
"Kevin R. McKee",
"Jackie Kay",
"William Isaac"
] | 2024-03-21 | Researchers and developers increasingly rely on toxicity scoring to moderate
generative language model outputs, in settings such as customer service,
information retrieval, and content generation. However, toxicity scoring may
render pertinent information inaccessible, rigidify or "value-lock" cultural
norms, and prevent language reclamation processes, particularly for
marginalized people. In this work, we extend the concept of algorithmic
recourse to generative language models: we provide users a novel mechanism to
achieve their desired prediction by dynamically setting thresholds for toxicity
filtering. Users thereby exercise increased agency relative to interactions
with the baseline system. A pilot study ($n = 30$) supports the potential of
our proposed recourse mechanism, indicating improvements in usability compared
to fixed-threshold toxicity-filtering of model outputs. Future work should
explore the intersection of toxicity scoring, model controllability, user
agency, and language reclamation processes -- particularly with regard to the
bias that many communities encounter when interacting with generative language
models. | 10.1145/3613905.3650999 | cs.HC | [
"cs.HC",
"cs.CL",
"cs.CY"
] |
2408.11048 | HF | RP1M: A Large-Scale Motion Dataset for Piano Playing with Bi-Manual Dexterous Robot Hands | [
"Yi Zhao",
"Le Chen",
"Jan Schneider",
"Quankai Gao",
"Juho Kannala",
"Bernhard Schölkopf",
"Joni Pajarinen",
"Dieter Büchler"
] | 2024-08-20 | It has been a long-standing research goal to endow robot hands with
human-level dexterity. Bi-manual robot piano playing constitutes a task that
combines challenges from dynamic tasks, such as generating fast while precise
motions, with slower but contact-rich manipulation problems. Although
reinforcement learning based approaches have shown promising results in
single-task performance, these methods struggle in a multi-song setting. Our
work aims to close this gap and, thereby, enable imitation learning approaches
for robot piano playing at scale. To this end, we introduce the Robot Piano 1
Million (RP1M) dataset, containing bi-manual robot piano playing motion data of
more than one million trajectories. We formulate finger placements as an
optimal transport problem, thus, enabling automatic annotation of vast amounts
of unlabeled songs. Benchmarking existing imitation learning approaches shows
that such approaches reach state-of-the-art robot piano playing performance by
leveraging RP1M. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2407.18902 | HF | Lessons from Learning to Spin "Pens" | [
"Jun Wang",
"Ying Yuan",
"Haichuan Che",
"Haozhi Qi",
"Yi Ma",
"Jitendra Malik",
"Xiaolong Wang"
] | 2024-07-26 | In-hand manipulation of pen-like objects is an important skill in our daily
lives, as many tools such as hammers and screwdrivers are similarly shaped.
However, current learning-based methods struggle with this task due to a lack
of high-quality demonstrations and the significant gap between simulation and
the real world. In this work, we push the boundaries of learning-based in-hand
manipulation systems by demonstrating the capability to spin pen-like objects.
We first use reinforcement learning to train an oracle policy with privileged
information and generate a high-fidelity trajectory dataset in simulation. This
serves two purposes: 1) pre-training a sensorimotor policy in simulation; 2)
conducting open-loop trajectory replay in the real world. We then fine-tune the
sensorimotor policy using these real-world trajectories to adapt it to the real
world dynamics. With less than 50 trajectories, our policy learns to rotate
more than ten pen-like objects with different physical properties for multiple
revolutions. We present a comprehensive analysis of our design choices and
share the lessons learned during development. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2409.00844 | HF | Report Cards: Qualitative Evaluation of Language Models Using Natural Language Summaries | [
"Blair Yang",
"Fuyang Cui",
"Keiran Paster",
"Jimmy Ba",
"Pashootan Vaezipoor",
"Silviu Pitis",
"Michael R. Zhang"
] | 2024-09-01 | The rapid development and dynamic nature of large language models (LLMs) make
it difficult for conventional quantitative benchmarks to accurately assess
their capabilities. We propose report cards, which are human-interpretable,
natural language summaries of model behavior for specific skills or topics. We
develop a framework to evaluate report cards based on three criteria:
specificity (ability to distinguish between models), faithfulness (accurate
representation of model capabilities), and interpretability (clarity and
relevance to humans). We also propose an iterative algorithm for generating
report cards without human supervision and explore its efficacy by ablating
various design choices. Through experimentation with popular LLMs, we
demonstrate that report cards provide insights beyond traditional benchmarks
and can help address the need for a more interpretable and holistic evaluation
of LLMs. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2401.16677 | HF | T3: Transparent Tracking & Triggering for Fine-grained Overlap of Compute & Collectives | [
"Suchita Pati",
"Shaizeen Aga",
"Mahzabeen Islam",
"Nuwan Jayasena",
"Matthew D. Sinclair"
] | 2024-01-30 | Large Language Models increasingly rely on distributed techniques for their
training and inference. These techniques require communication across devices
which can reduce scaling efficiency as the number of devices increases. While
some distributed techniques can overlap, and thus, hide this communication with
independent computations, techniques such as Tensor Parallelism (TP) inherently
serialize communication with model execution. One approach to hide this
serialized communication is to interleave it with the producer operation (of
the communicated data) in a fine-grained manner. However, this fine-grained
interleaving of communication and computation in software can be difficult.
Furthermore, as with any concurrent execution, it requires compute and memory
resources to be shared between computation and communication, causing resource
contention that reduces overlapping efficacy.
To overcome these challenges, we propose T3 which applies hardware-software
co-design to transparently overlap serialized communication while minimizing
resource contention with compute. T3 transparently fuses producer operations
with the subsequent communication via a simple configuration of the producer's
output address space and requires minor software changes. At the hardware
level, T3 adds a lightweight track and trigger mechanism to orchestrate the
producer's compute, and communication. It further uses compute-enhanced
memories for communication's attendant compute. As a result, T3 reduces
resource contention, and efficiently overlaps serialized communication with
computation. For important Transformer models like T-NLG, T3 speeds up
communication-heavy sublayers by 30% geomean (max 47%) and reduces data
movement by 22% geomean (max 36%). Furthermore, T3's benefits persist as models
scale: geomean 29% for sublayers in $\sim$500-billion parameter models, PALM
and MT-NLG. | null | cs.AR | [
"cs.AR",
"cs.DC",
"cs.LG",
"C.2.4; C.1.2"
] |
2402.14830 | HF | Orca-Math: Unlocking the potential of SLMs in Grade School Math | [
"Arindam Mitra",
"Hamed Khanpour",
"Corby Rosset",
"Ahmed Awadallah"
] | 2024-02-16 | Mathematical word problem-solving has long been recognized as a complex task
for small language models (SLMs). A recent study hypothesized that the smallest
model size, needed to achieve over 80% accuracy on the GSM8K benchmark, is 34
billion parameters. To reach this level of performance with smaller models,
researcher often train SLMs to generate Python code or use tools to help avoid
calculation errors. Additionally, they employ ensembling, where outputs of up
to 100 model runs are combined to arrive at a more accurate result. Result
selection is done using consensus, majority vote or a separate a verifier model
used in conjunction with the SLM. Ensembling provides a substantial boost in
accuracy but at a significant cost increase with multiple calls to the model
(e.g., Phi-GSM uses top-48 to boost the performance from 68.2 to 81.5).
In this work, we present Orca-Math, a 7-billion-parameter SLM based on the
Mistral-7B, which achieves 86.81% on GSM8k without the need for multiple model
calls or the use of verifiers, code execution or any other external tools. Our
approach has the following key elements: (1) A high quality synthetic dataset
of 200K math problems created using a multi-agent setup where agents
collaborate to create the data, (2) An iterative learning techniques that
enables the SLM to practice solving problems, receive feedback on its solutions
and learn from preference pairs incorporating the SLM solutions and the
feedback. When trained with Supervised Fine-Tuning alone, Orca-Math achieves
81.50% on GSM8k pass@1 metric. With iterative preference learning, Orca-Math
achieves 86.81% pass@1. Orca-Math surpasses the performance of significantly
larger models such as LLAMA-2-70B, WizardMath-70B, Gemini-Pro, ChatGPT-3.5. It
also significantly outperforms other smaller models while using much smaller
data (hundreds of thousands vs. millions of problems). | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2308.03280 | HF | Mirror-NeRF: Learning Neural Radiance Fields for Mirrors with Whitted-Style Ray Tracing | [
"Junyi Zeng",
"Chong Bao",
"Rui Chen",
"Zilong Dong",
"Guofeng Zhang",
"Hujun Bao",
"Zhaopeng Cui"
] | 2023-08-07 | Recently, Neural Radiance Fields (NeRF) has exhibited significant success in
novel view synthesis, surface reconstruction, etc. However, since no physical
reflection is considered in its rendering pipeline, NeRF mistakes the
reflection in the mirror as a separate virtual scene, leading to the inaccurate
reconstruction of the mirror and multi-view inconsistent reflections in the
mirror. In this paper, we present a novel neural rendering framework, named
Mirror-NeRF, which is able to learn accurate geometry and reflection of the
mirror and support various scene manipulation applications with mirrors, such
as adding new objects or mirrors into the scene and synthesizing the
reflections of these new objects in mirrors, controlling mirror roughness, etc.
To achieve this goal, we propose a unified radiance field by introducing the
reflection probability and tracing rays following the light transport model of
Whitted Ray Tracing, and also develop several techniques to facilitate the
learning process. Experiments and comparisons on both synthetic and real
datasets demonstrate the superiority of our method. The code and supplementary
material are available on the project webpage:
https://zju3dv.github.io/Mirror-NeRF/. | 10.1145/3581783.3611857 | cs.CV | [
"cs.CV"
] |
2401.00788 | HF | Astraios: Parameter-Efficient Instruction Tuning Code Large Language Models | [
"Terry Yue Zhuo",
"Armel Zebaze",
"Nitchakarn Suppattarachai",
"Leandro von Werra",
"Harm de Vries",
"Qian Liu",
"Niklas Muennighoff"
] | 2024-01-01 | The high cost of full-parameter fine-tuning (FFT) of Large Language Models
(LLMs) has led to a series of parameter-efficient fine-tuning (PEFT) methods.
However, it remains unclear which methods provide the best cost-performance
trade-off at different model scales. We introduce Astraios, a suite of 28
instruction-tuned OctoCoder models using 7 tuning methods and 4 model sizes up
to 16 billion parameters. Through investigations across 5 tasks and 8 different
datasets encompassing both code comprehension and code generation tasks, we
find that FFT generally leads to the best downstream performance across all
scales, and PEFT methods differ significantly in their efficacy based on the
model scale. LoRA usually offers the most favorable trade-off between cost and
performance. Further investigation into the effects of these methods on both
model robustness and code security reveals that larger models tend to
demonstrate reduced robustness and less security. At last, we explore the
relationships among updated parameters, cross-entropy loss, and task
performance. We find that the tuning effectiveness observed in small models
generalizes well to larger models, and the validation loss in instruction
tuning can be a reliable indicator of overall downstream performance. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.SE"
] |
2306.10008 | HF | CLIP2Protect: Protecting Facial Privacy using Text-Guided Makeup via Adversarial Latent Search | [
"Fahad Shamshad",
"Muzammal Naseer",
"Karthik Nandakumar"
] | 2023-06-16 | The success of deep learning based face recognition systems has given rise to
serious privacy concerns due to their ability to enable unauthorized tracking
of users in the digital world. Existing methods for enhancing privacy fail to
generate naturalistic images that can protect facial privacy without
compromising user experience. We propose a novel two-step approach for facial
privacy protection that relies on finding adversarial latent codes in the
low-dimensional manifold of a pretrained generative model. The first step
inverts the given face image into the latent space and finetunes the generative
model to achieve an accurate reconstruction of the given image from its latent
code. This step produces a good initialization, aiding the generation of
high-quality faces that resemble the given identity. Subsequently, user-defined
makeup text prompts and identity-preserving regularization are used to guide
the search for adversarial codes in the latent space. Extensive experiments
demonstrate that faces generated by our approach have stronger black-box
transferability with an absolute gain of 12.06% over the state-of-the-art
facial privacy protection approach under the face verification task. Finally,
we demonstrate the effectiveness of the proposed approach for commercial face
recognition systems. Our code is available at
https://github.com/fahadshamshad/Clip2Protect. | null | cs.CV | [
"cs.CV",
"cs.CR",
"cs.LG"
] |
2406.17055 | HF | Large Language Models Assume People are More Rational than We Really are | [
"Ryan Liu",
"Jiayi Geng",
"Joshua C. Peterson",
"Ilia Sucholutsky",
"Thomas L. Griffiths"
] | 2024-06-24 | In order for AI systems to communicate effectively with people, they must
understand how we make decisions. However, people's decisions are not always
rational, so the implicit internal models of human decision-making in Large
Language Models (LLMs) must account for this. Previous empirical evidence seems
to suggest that these implicit models are accurate -- LLMs offer believable
proxies of human behavior, acting how we expect humans would in everyday
interactions. However, by comparing LLM behavior and predictions to a large
dataset of human decisions, we find that this is actually not the case: when
both simulating and predicting people's choices, a suite of cutting-edge LLMs
(GPT-4o & 4-Turbo, Llama-3-8B & 70B, Claude 3 Opus) assume that people are more
rational than we really are. Specifically, these models deviate from human
behavior and align more closely with a classic model of rational choice --
expected value theory. Interestingly, people also tend to assume that other
people are rational when interpreting their behavior. As a consequence, when we
compare the inferences that LLMs and people draw from the decisions of others
using another psychological dataset, we find that these inferences are highly
correlated. Thus, the implicit decision-making models of LLMs appear to be
aligned with the human expectation that other people will act rationally,
rather than with how people actually act. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY",
"cs.LG"
] |
2404.06393 | HF | MuPT: A Generative Symbolic Music Pretrained Transformer | [
"Xingwei Qu",
"Yuelin Bai",
"Yinghao Ma",
"Ziya Zhou",
"Ka Man Lo",
"Jiaheng Liu",
"Ruibin Yuan",
"Lejun Min",
"Xueling Liu",
"Tianyu Zhang",
"Xinrun Du",
"Shuyue Guo",
"Yiming Liang",
"Yizhi Li",
"Shangda Wu",
"Junting Zhou",
"Tianyu Zheng",
"Ziyang Ma",
"Fengze Han",
"Wei Xue",
"Gus Xia",
"Emmanouil Benetos",
"Xiang Yue",
"Chenghua Lin",
"Xu Tan",
"Stephen W. Huang",
"Jie Fu",
"Ge Zhang"
] | 2024-04-09 | In this paper, we explore the application of Large Language Models (LLMs) to
the pre-training of music. While the prevalent use of MIDI in music modeling is
well-established, our findings suggest that LLMs are inherently more compatible
with ABC Notation, which aligns more closely with their design and strengths,
thereby enhancing the model's performance in musical composition. To address
the challenges associated with misaligned measures from different tracks during
generation, we propose the development of a Synchronized Multi-Track ABC
Notation (SMT-ABC Notation), which aims to preserve coherence across multiple
musical tracks. Our contributions include a series of models capable of
handling up to 8192 tokens, covering 90% of the symbolic music data in our
training set. Furthermore, we explore the implications of the Symbolic Music
Scaling Law (SMS Law) on model performance. The results indicate a promising
direction for future research in music generation, offering extensive resources
for community-led research through our open-source contributions. | null | cs.SD | [
"cs.SD",
"cs.AI",
"eess.AS"
] |
2402.12354 | AnswerAI | LoRA+: Efficient Low Rank Adaptation of Large Models | [
"Soufiane Hayou",
"Nikhil Ghosh",
"Bin Yu"
] | 2024-02-19 | In this paper, we show that Low Rank Adaptation (LoRA) as originally
introduced in Hu et al. (2021) leads to suboptimal finetuning of models with
large width (embedding dimension). This is due to the fact that adapter
matrices A and B in LoRA are updated with the same learning rate. Using scaling
arguments for large width networks, we demonstrate that using the same learning
rate for A and B does not allow efficient feature learning. We then show that
this suboptimality of LoRA can be corrected simply by setting different
learning rates for the LoRA adapter matrices A and B with a well-chosen ratio.
We call this proposed algorithm LoRA$+$. In our extensive experiments, LoRA$+$
improves performance (1-2 $\%$ improvements) and finetuning speed (up to $\sim$
2X SpeedUp), at the same computational cost as LoRA. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"stat.ML"
] |
2406.07792 | HF | Hierarchical Patch Diffusion Models for High-Resolution Video Generation | [
"Ivan Skorokhodov",
"Willi Menapace",
"Aliaksandr Siarohin",
"Sergey Tulyakov"
] | 2024-06-12 | Diffusion models have demonstrated remarkable performance in image and video
synthesis. However, scaling them to high-resolution inputs is challenging and
requires restructuring the diffusion pipeline into multiple independent
components, limiting scalability and complicating downstream applications. This
makes it very efficient during training and unlocks end-to-end optimization on
high-resolution videos. We improve PDMs in two principled ways. First, to
enforce consistency between patches, we develop deep context fusion -- an
architectural technique that propagates the context information from low-scale
to high-scale patches in a hierarchical manner. Second, to accelerate training
and inference, we propose adaptive computation, which allocates more network
capacity and computation towards coarse image details. The resulting model sets
a new state-of-the-art FVD score of 66.32 and Inception Score of 87.68 in
class-conditional video generation on UCF-101 $256^2$, surpassing recent
methods by more than 100%. Then, we show that it can be rapidly fine-tuned from
a base $36\times 64$ low-resolution generator for high-resolution $64 \times
288 \times 512$ text-to-video synthesis. To the best of our knowledge, our
model is the first diffusion-based architecture which is trained on such high
resolutions entirely end-to-end. Project webpage:
https://snap-research.github.io/hpdm. | null | cs.CV | [
"cs.CV"
] |
2406.05184 | AnswerAI | The Unmet Promise of Synthetic Training Images: Using Retrieved Real Images Performs Better | [
"Scott Geng",
"Cheng-Yu Hsieh",
"Vivek Ramanujan",
"Matthew Wallingford",
"Chun-Liang Li",
"Pang Wei Koh",
"Ranjay Krishna"
] | 2024-06-07 | Generative text-to-image models enable us to synthesize unlimited amounts of
images in a controllable manner, spurring many recent efforts to train vision
models with synthetic data. However, every synthetic image ultimately
originates from the upstream data used to train the generator. What additional
value does the intermediate generator provide over directly training on
relevant parts of the upstream data? Grounding this question in the setting of
image classification,a we compare finetuning on task-relevant, targeted
synthetic data generated by Stable Diffusion -- a generative model trained on
the LAION-2B dataset -- against finetuning on targeted real images retrieved
directly from LAION-2B. We show that while synthetic data can benefit some
downstream tasks, it is universally matched or outperformed by real data from
our simple retrieval baseline. Our analysis suggests that this underperformance
is partially due to generator artifacts and inaccurate task-relevant visual
details in the synthetic images. Overall, we argue that retrieval is a critical
baseline to consider when training with synthetic data -- a baseline that
current methods do not yet surpass. We release code, data, and models at
https://github.com/scottgeng00/unmet-promise. | null | cs.CV | [
"cs.CV"
] |
2309.06131 | AnswerAI | Annotating Data for Fine-Tuning a Neural Ranker? Current Active Learning Strategies are not Better than Random Selection | [
"Sophia Althammer",
"Guido Zuccon",
"Sebastian Hofstätter",
"Suzan Verberne",
"Allan Hanbury"
] | 2023-09-12 | Search methods based on Pretrained Language Models (PLM) have demonstrated
great effectiveness gains compared to statistical and early neural ranking
models. However, fine-tuning PLM-based rankers requires a great amount of
annotated training data. Annotating data involves a large manual effort and
thus is expensive, especially in domain specific tasks. In this paper we
investigate fine-tuning PLM-based rankers under limited training data and
budget. We investigate two scenarios: fine-tuning a ranker from scratch, and
domain adaptation starting with a ranker already fine-tuned on general data,
and continuing fine-tuning on a target dataset. We observe a great variability
in effectiveness when fine-tuning on different randomly selected subsets of
training data. This suggests that it is possible to achieve effectiveness gains
by actively selecting a subset of the training data that has the most positive
effect on the rankers. This way, it would be possible to fine-tune effective
PLM rankers at a reduced annotation budget. To investigate this, we adapt
existing Active Learning (AL) strategies to the task of fine-tuning PLM rankers
and investigate their effectiveness, also considering annotation and
computational costs. Our extensive analysis shows that AL strategies do not
significantly outperform random selection of training subsets in terms of
effectiveness. We further find that gains provided by AL strategies come at the
expense of more assessments (thus higher annotation costs) and AL strategies
underperform random selection when comparing effectiveness given a fixed
annotation cost. Our results highlight that ``optimal'' subsets of training
data that provide high effectiveness at low annotation cost do exist, but
current mainstream AL strategies applied to PLM rankers are not capable of
identifying them. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2407.21705 | HF | Tora: Trajectory-oriented Diffusion Transformer for Video Generation | [
"Zhenghao Zhang",
"Junchao Liao",
"Menghao Li",
"Zuozhuo Dai",
"Bingxue Qiu",
"Siyu Zhu",
"Long Qin",
"Weizhi Wang"
] | 2024-07-31 | Recent advancements in Diffusion Transformer (DiT) have demonstrated
remarkable proficiency in producing high-quality video content. Nonetheless,
the potential of transformer-based diffusion models for effectively generating
videos with controllable motion remains an area of limited exploration. This
paper introduces Tora, the first trajectory-oriented DiT framework that
concurrently integrates textual, visual, and trajectory conditions, thereby
enabling scalable video generation with effective motion guidance.
Specifically, Tora consists of a Trajectory Extractor(TE), a Spatial-Temporal
DiT, and a Motion-guidance Fuser(MGF). The TE encodes arbitrary trajectories
into hierarchical spacetime motion patches with a 3D video compression network.
The MGF integrates the motion patches into the DiT blocks to generate
consistent videos that accurately follow designated trajectories. Our design
aligns seamlessly with DiT's scalability, allowing precise control of video
content's dynamics with diverse durations, aspect ratios, and resolutions.
Extensive experiments demonstrate Tora's excellence in achieving high motion
fidelity, while also meticulously simulating the intricate movement of the
physical world. | null | cs.CV | [
"cs.CV"
] |
2403.01081 | AnswerAI | LAB: Large-Scale Alignment for ChatBots | [
"Shivchander Sudalairaj",
"Abhishek Bhandwaldar",
"Aldo Pareja",
"Kai Xu",
"David D. Cox",
"Akash Srivastava"
] | 2024-03-02 | This work introduces LAB (Large-scale Alignment for chatBots), a novel
methodology designed to overcome the scalability challenges in the
instruction-tuning phase of large language model (LLM) training. Leveraging a
taxonomy-guided synthetic data generation process and a multi-phase tuning
framework, LAB significantly reduces reliance on expensive human annotations
and proprietary models like GPT-4. We demonstrate that LAB-trained models can
achieve competitive performance across several benchmarks compared to models
trained with traditional human-annotated or GPT-4 generated synthetic data.
Thus offering a scalable, cost-effective solution for enhancing LLM
capabilities and instruction-following behaviors without the drawbacks of
catastrophic forgetting, marking a step forward in the efficient training of
LLMs for a wide range of applications. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2306.10169 | HF | Meta-Personalizing Vision-Language Models to Find Named Instances in Video | [
"Chun-Hsiao Yeh",
"Bryan Russell",
"Josef Sivic",
"Fabian Caba Heilbron",
"Simon Jenni"
] | 2023-06-16 | Large-scale vision-language models (VLM) have shown impressive results for
language-guided search applications. While these models allow category-level
queries, they currently struggle with personalized searches for moments in a
video where a specific object instance such as ``My dog Biscuit'' appears. We
present the following three contributions to address this problem. First, we
describe a method to meta-personalize a pre-trained VLM, i.e., learning how to
learn to personalize a VLM at test time to search in video. Our method extends
the VLM's token vocabulary by learning novel word embeddings specific to each
instance. To capture only instance-specific features, we represent each
instance embedding as a combination of shared and learned global category
features. Second, we propose to learn such personalization without explicit
human supervision. Our approach automatically identifies moments of named
visual instances in video using transcripts and vision-language similarity in
the VLM's embedding space. Finally, we introduce This-Is-My, a personal video
instance retrieval benchmark. We evaluate our approach on This-Is-My and
DeepFashion2 and show that we obtain a 15% relative improvement over the state
of the art on the latter dataset. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2402.07610 | HF | Step-On-Feet Tuning: Scaling Self-Alignment of LLMs via Bootstrapping | [
"Haoyu Wang",
"Guozheng Ma",
"Ziqiao Meng",
"Zeyu Qin",
"Li Shen",
"Zhong Zhang",
"Bingzhe Wu",
"Liu Liu",
"Yatao Bian",
"Tingyang Xu",
"Xueqian Wang",
"Peilin Zhao"
] | 2024-02-12 | Self-alignment is an effective way to reduce the cost of human annotation
while ensuring promising model capability. However, most current methods
complete the data collection and training steps in a single round, which may
overlook the continuously improving ability of self-aligned models. This gives
rise to a key query: What if we do multi-time bootstrapping self-alignment?
Does this strategy enhance model performance or lead to rapid degradation? In
this paper, our pioneering exploration delves into the impact of bootstrapping
self-alignment on large language models. Our findings reveal that bootstrapping
self-alignment markedly surpasses the single-round approach, by guaranteeing
data diversity from in-context learning. To further exploit the capabilities of
bootstrapping, we investigate and adjust the training order of data, which
yields improved performance of the model. Drawing on these findings, we propose
Step-On-Feet Tuning (SOFT) which leverages model's continuously enhanced
few-shot ability to boost zero or one-shot performance. Based on easy-to-hard
training recipe, we propose SOFT+ which further boost self-alignment's
performance. Our experiments demonstrate the efficiency of SOFT (SOFT+) across
various classification and generation tasks, highlighting the potential of
bootstrapping self-alignment on continually enhancing model alignment
performance. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2005.11401 | AnswerAI | Retrieval-Augmented Generation for Knowledge-Intensive NLP Tasks | [
"Patrick Lewis",
"Ethan Perez",
"Aleksandra Piktus",
"Fabio Petroni",
"Vladimir Karpukhin",
"Naman Goyal",
"Heinrich Küttler",
"Mike Lewis",
"Wen-tau Yih",
"Tim Rocktäschel",
"Sebastian Riedel",
"Douwe Kiela"
] | 2020-05-22 | Large pre-trained language models have been shown to store factual knowledge
in their parameters, and achieve state-of-the-art results when fine-tuned on
downstream NLP tasks. However, their ability to access and precisely manipulate
knowledge is still limited, and hence on knowledge-intensive tasks, their
performance lags behind task-specific architectures. Additionally, providing
provenance for their decisions and updating their world knowledge remain open
research problems. Pre-trained models with a differentiable access mechanism to
explicit non-parametric memory can overcome this issue, but have so far been
only investigated for extractive downstream tasks. We explore a general-purpose
fine-tuning recipe for retrieval-augmented generation (RAG) -- models which
combine pre-trained parametric and non-parametric memory for language
generation. We introduce RAG models where the parametric memory is a
pre-trained seq2seq model and the non-parametric memory is a dense vector index
of Wikipedia, accessed with a pre-trained neural retriever. We compare two RAG
formulations, one which conditions on the same retrieved passages across the
whole generated sequence, the other can use different passages per token. We
fine-tune and evaluate our models on a wide range of knowledge-intensive NLP
tasks and set the state-of-the-art on three open domain QA tasks, outperforming
parametric seq2seq models and task-specific retrieve-and-extract architectures.
For language generation tasks, we find that RAG models generate more specific,
diverse and factual language than a state-of-the-art parametric-only seq2seq
baseline. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2304.13734 | AnswerAI | The Internal State of an LLM Knows When It's Lying | [
"Amos Azaria",
"Tom Mitchell"
] | 2023-04-26 | While Large Language Models (LLMs) have shown exceptional performance in
various tasks, one of their most prominent drawbacks is generating inaccurate
or false information with a confident tone. In this paper, we provide evidence
that the LLM's internal state can be used to reveal the truthfulness of
statements. This includes both statements provided to the LLM, and statements
that the LLM itself generates. Our approach is to train a classifier that
outputs the probability that a statement is truthful, based on the hidden layer
activations of the LLM as it reads or generates the statement. Experiments
demonstrate that given a set of test sentences, of which half are true and half
false, our trained classifier achieves an average of 71\% to 83\% accuracy
labeling which sentences are true versus false, depending on the LLM base
model. Furthermore, we explore the relationship between our classifier's
performance and approaches based on the probability assigned to the sentence by
the LLM. We show that while LLM-assigned sentence probability is related to
sentence truthfulness, this probability is also dependent on sentence length
and the frequencies of words in the sentence, resulting in our trained
classifier providing a more reliable approach to detecting truthfulness,
highlighting its potential to enhance the reliability of LLM-generated content
and its practical applicability in real-world scenarios. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2404.09995 | HF | Taming Latent Diffusion Model for Neural Radiance Field Inpainting | [
"Chieh Hubert Lin",
"Changil Kim",
"Jia-Bin Huang",
"Qinbo Li",
"Chih-Yao Ma",
"Johannes Kopf",
"Ming-Hsuan Yang",
"Hung-Yu Tseng"
] | 2024-04-15 | Neural Radiance Field (NeRF) is a representation for 3D reconstruction from
multi-view images. Despite some recent work showing preliminary success in
editing a reconstructed NeRF with diffusion prior, they remain struggling to
synthesize reasonable geometry in completely uncovered regions. One major
reason is the high diversity of synthetic contents from the diffusion model,
which hinders the radiance field from converging to a crisp and deterministic
geometry. Moreover, applying latent diffusion models on real data often yields
a textural shift incoherent to the image condition due to auto-encoding errors.
These two problems are further reinforced with the use of pixel-distance
losses. To address these issues, we propose tempering the diffusion model's
stochasticity with per-scene customization and mitigating the textural shift
with masked adversarial training. During the analyses, we also found the
commonly used pixel and perceptual losses are harmful in the NeRF inpainting
task. Through rigorous experiments, our framework yields state-of-the-art NeRF
inpainting results on various real-world scenes. Project page:
https://hubert0527.github.io/MALD-NeRF | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2203.03022 | AnswerAI | HEAR: Holistic Evaluation of Audio Representations | [
"Joseph Turian",
"Jordie Shier",
"Humair Raj Khan",
"Bhiksha Raj",
"Björn W. Schuller",
"Christian J. Steinmetz",
"Colin Malloy",
"George Tzanetakis",
"Gissel Velarde",
"Kirk McNally",
"Max Henry",
"Nicolas Pinto",
"Camille Noufi",
"Christian Clough",
"Dorien Herremans",
"Eduardo Fonseca",
"Jesse Engel",
"Justin Salamon",
"Philippe Esling",
"Pranay Manocha",
"Shinji Watanabe",
"Zeyu Jin",
"Yonatan Bisk"
] | 2022-03-06 | What audio embedding approach generalizes best to a wide range of downstream
tasks across a variety of everyday domains without fine-tuning? The aim of the
HEAR benchmark is to develop a general-purpose audio representation that
provides a strong basis for learning in a wide variety of tasks and scenarios.
HEAR evaluates audio representations using a benchmark suite across a variety
of domains, including speech, environmental sound, and music. HEAR was launched
as a NeurIPS 2021 shared challenge. In the spirit of shared exchange, each
participant submitted an audio embedding model following a common API that is
general-purpose, open-source, and freely available to use. Twenty-nine models
by thirteen external teams were evaluated on nineteen diverse downstream tasks
derived from sixteen datasets. Open evaluation code, submitted models and
datasets are key contributions, enabling comprehensive and reproducible
evaluation, as well as previously impossible longitudinal studies. It still
remains an open question whether one single general-purpose audio
representation can perform as holistically as the human ear. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"eess.AS",
"stat.ML"
] |
2307.14620 | HF | NeRF-Det: Learning Geometry-Aware Volumetric Representation for Multi-View 3D Object Detection | [
"Chenfeng Xu",
"Bichen Wu",
"Ji Hou",
"Sam Tsai",
"Ruilong Li",
"Jialiang Wang",
"Wei Zhan",
"Zijian He",
"Peter Vajda",
"Kurt Keutzer",
"Masayoshi Tomizuka"
] | 2023-07-27 | We present NeRF-Det, a novel method for indoor 3D detection with posed RGB
images as input. Unlike existing indoor 3D detection methods that struggle to
model scene geometry, our method makes novel use of NeRF in an end-to-end
manner to explicitly estimate 3D geometry, thereby improving 3D detection
performance. Specifically, to avoid the significant extra latency associated
with per-scene optimization of NeRF, we introduce sufficient geometry priors to
enhance the generalizability of NeRF-MLP. Furthermore, we subtly connect the
detection and NeRF branches through a shared MLP, enabling an efficient
adaptation of NeRF to detection and yielding geometry-aware volumetric
representations for 3D detection. Our method outperforms state-of-the-arts by
3.9 mAP and 3.1 mAP on the ScanNet and ARKITScenes benchmarks, respectively. We
provide extensive analysis to shed light on how NeRF-Det works. As a result of
our joint-training design, NeRF-Det is able to generalize well to unseen scenes
for object detection, view synthesis, and depth estimation tasks without
requiring per-scene optimization. Code is available at
\url{https://github.com/facebookresearch/NeRF-Det}. | null | cs.CV | [
"cs.CV"
] |
2404.12096 | AnswerAI | LongEmbed: Extending Embedding Models for Long Context Retrieval | [
"Dawei Zhu",
"Liang Wang",
"Nan Yang",
"Yifan Song",
"Wenhao Wu",
"Furu Wei",
"Sujian Li"
] | 2024-04-18 | Embedding models play a pivot role in modern NLP applications such as IR and
RAG. While the context limit of LLMs has been pushed beyond 1 million tokens,
embedding models are still confined to a narrow context window not exceeding 8k
tokens, refrained from application scenarios requiring long inputs such as
legal contracts. This paper explores context window extension of existing
embedding models, pushing the limit to 32k without requiring additional
training. First, we examine the performance of current embedding models for
long context retrieval on our newly constructed LongEmbed benchmark. LongEmbed
comprises two synthetic tasks and four carefully chosen real-world tasks,
featuring documents of varying length and dispersed target information.
Benchmarking results underscore huge room for improvement in these models.
Based on this, comprehensive experiments show that training-free context window
extension strategies like position interpolation can effectively extend the
context window of existing embedding models by several folds, regardless of
their original context being 512 or beyond 4k. Furthermore, for models
employing absolute position encoding (APE), we show the possibility of further
fine-tuning to harvest notable performance gains while strictly preserving
original behavior for short inputs. For models using rotary position embedding
(RoPE), significant enhancements are observed when employing RoPE-specific
methods, such as NTK and SelfExtend, indicating RoPE's superiority over APE for
context window extension. To facilitate future research, we release E5-Base-4k
and E5-RoPE-Base, along with the LongEmbed benchmark. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.10982 | HF | Make Pixels Dance: High-Dynamic Video Generation | [
"Yan Zeng",
"Guoqiang Wei",
"Jiani Zheng",
"Jiaxin Zou",
"Yang Wei",
"Yuchen Zhang",
"Hang Li"
] | 2023-11-18 | Creating high-dynamic videos such as motion-rich actions and sophisticated
visual effects poses a significant challenge in the field of artificial
intelligence. Unfortunately, current state-of-the-art video generation methods,
primarily focusing on text-to-video generation, tend to produce video clips
with minimal motions despite maintaining high fidelity. We argue that relying
solely on text instructions is insufficient and suboptimal for video
generation. In this paper, we introduce PixelDance, a novel approach based on
diffusion models that incorporates image instructions for both the first and
last frames in conjunction with text instructions for video generation.
Comprehensive experimental results demonstrate that PixelDance trained with
public data exhibits significantly better proficiency in synthesizing videos
with complex scenes and intricate motions, setting a new standard for video
generation. | null | cs.CV | [
"cs.CV"
] |
2312.13578 | HF | DREAM-Talk: Diffusion-based Realistic Emotional Audio-driven Method for Single Image Talking Face Generation | [
"Chenxu Zhang",
"Chao Wang",
"Jianfeng Zhang",
"Hongyi Xu",
"Guoxian Song",
"You Xie",
"Linjie Luo",
"Yapeng Tian",
"Xiaohu Guo",
"Jiashi Feng"
] | 2023-12-21 | The generation of emotional talking faces from a single portrait image
remains a significant challenge. The simultaneous achievement of expressive
emotional talking and accurate lip-sync is particularly difficult, as
expressiveness is often compromised for the accuracy of lip-sync. As widely
adopted by many prior works, the LSTM network often fails to capture the
subtleties and variations of emotional expressions. To address these
challenges, we introduce DREAM-Talk, a two-stage diffusion-based audio-driven
framework, tailored for generating diverse expressions and accurate lip-sync
concurrently. In the first stage, we propose EmoDiff, a novel diffusion module
that generates diverse highly dynamic emotional expressions and head poses in
accordance with the audio and the referenced emotion style. Given the strong
correlation between lip motion and audio, we then refine the dynamics with
enhanced lip-sync accuracy using audio features and emotion style. To this end,
we deploy a video-to-video rendering module to transfer the expressions and lip
motions from our proxy 3D avatar to an arbitrary portrait. Both quantitatively
and qualitatively, DREAM-Talk outperforms state-of-the-art methods in terms of
expressiveness, lip-sync accuracy and perceptual quality. | null | cs.CV | [
"cs.CV"
] |