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
|
---|---|---|---|---|---|---|---|---|
2409.01083 | HF | Affordance-based Robot Manipulation with Flow Matching | [
"Fan Zhang",
"Michael Gienger"
] | 2024-09-02 | We present a framework for assistive robot manipulation, which focuses on two
fundamental challenges: first, efficiently adapting large-scale models to
downstream scene affordance understanding tasks, especially in daily living
scenarios where gathering multi-task data involving humans requires strenuous
effort; second, effectively learning robot trajectories by grounding the visual
affordance model. We tackle the first challenge by employing a
parameter-efficient prompt tuning method that prepends learnable text prompts
to the frozen vision model to predict manipulation affordances in multi-task
scenarios. Then we propose to learn robot trajectories guided by affordances in
a supervised Flow Matching method. Flow matching represents a robot visuomotor
policy as a conditional process of flowing random waypoints to desired robot
trajectories. Finally, we introduce a real-world dataset with 10 tasks across
Activities of Daily Living to test our framework. Our extensive evaluation
highlights that the proposed prompt tuning method for learning manipulation
affordance with language prompter achieves competitive performance and even
outperforms other finetuning protocols across data scales, while satisfying
parameter efficiency. Learning multi-task robot trajectories with a single flow
matching policy also leads to consistently better performance than alternative
behavior cloning methods, especially given multimodal robot action
distributions. Our framework seamlessly unifies affordance model learning and
trajectory generation with flow matching for robot manipulation. | null | cs.RO | [
"cs.RO",
"cs.AI"
] |
2402.12376 | HF | FiT: Flexible Vision Transformer for Diffusion Model | [
"Zeyu Lu",
"Zidong Wang",
"Di Huang",
"Chengyue Wu",
"Xihui Liu",
"Wanli Ouyang",
"Lei Bai"
] | 2024-02-19 | Nature is infinitely resolution-free. In the context of this reality,
existing diffusion models, such as Diffusion Transformers, often face
challenges when processing image resolutions outside of their trained domain.
To overcome this limitation, we present the Flexible Vision Transformer (FiT),
a transformer architecture specifically designed for generating images with
unrestricted resolutions and aspect ratios. Unlike traditional methods that
perceive images as static-resolution grids, FiT conceptualizes images as
sequences of dynamically-sized tokens. This perspective enables a flexible
training strategy that effortlessly adapts to diverse aspect ratios during both
training and inference phases, thus promoting resolution generalization and
eliminating biases induced by image cropping. Enhanced by a meticulously
adjusted network structure and the integration of training-free extrapolation
techniques, FiT exhibits remarkable flexibility in resolution extrapolation
generation. Comprehensive experiments demonstrate the exceptional performance
of FiT across a broad range of resolutions, showcasing its effectiveness both
within and beyond its training resolution distribution. Repository available at
https://github.com/whlzy/FiT. | null | cs.CV | [
"cs.CV"
] |
2302.13971 | AnswerAI | LLaMA: Open and Efficient Foundation Language Models | [
"Hugo Touvron",
"Thibaut Lavril",
"Gautier Izacard",
"Xavier Martinet",
"Marie-Anne Lachaux",
"Timothée Lacroix",
"Baptiste Rozière",
"Naman Goyal",
"Eric Hambro",
"Faisal Azhar",
"Aurelien Rodriguez",
"Armand Joulin",
"Edouard Grave",
"Guillaume Lample"
] | 2023-02-27 | We introduce LLaMA, a collection of foundation language models ranging from
7B to 65B parameters. We train our models on trillions of tokens, and show that
it is possible to train state-of-the-art models using publicly available
datasets exclusively, without resorting to proprietary and inaccessible
datasets. In particular, LLaMA-13B outperforms GPT-3 (175B) on most benchmarks,
and LLaMA-65B is competitive with the best models, Chinchilla-70B and
PaLM-540B. We release all our models to the research community. | null | cs.CL | [
"cs.CL"
] |
2406.12644 | HF | Hierarchical Prompting Taxonomy: A Universal Evaluation Framework for Large Language Models | [
"Devichand Budagam",
"Sankalp KJ",
"Ashutosh Kumar",
"Vinija Jain",
"Aman Chadha"
] | 2024-06-18 | Assessing the effectiveness of large language models (LLMs) in addressing
diverse tasks is essential for comprehending their strengths and weaknesses.
Conventional evaluation techniques typically apply a single prompting strategy
uniformly across datasets, not considering the varying degrees of task
complexity. We introduce the Hierarchical Prompting Taxonomy (HPT), a taxonomy
that employs a Hierarchical Prompt Framework (HPF) composed of five unique
prompting strategies, arranged from the simplest to the most complex, to assess
LLMs more precisely and to offer a clearer perspective. This taxonomy assigns a
score, called the Hierarchical Prompting Score (HP-Score), to datasets as well
as LLMs based on the rules of the taxonomy, providing a nuanced understanding
of their ability to solve diverse tasks and offering a universal measure of
task complexity. Additionally, we introduce the Adaptive Hierarchical Prompt
framework, which automates the selection of appropriate prompting strategies
for each task. This study compares manual and adaptive hierarchical prompt
frameworks using four instruction-tuned LLMs, namely Llama 3 8B, Phi 3 3.8B,
Mistral 7B, and Gemma 7B, across four datasets: BoolQ, CommonSenseQA (CSQA),
IWSLT-2017 en-fr (IWSLT), and SamSum. Experiments demonstrate the effectiveness
of HPT, providing a reliable way to compare different tasks and LLM
capabilities. This paper leads to the development of a universal evaluation
metric that can be used to evaluate both the complexity of the datasets and the
capabilities of LLMs. The implementation of both manual HPF and adaptive HPF is
publicly available. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.16264 | AnswerAI | Scaling Data-Constrained Language Models | [
"Niklas Muennighoff",
"Alexander M. Rush",
"Boaz Barak",
"Teven Le Scao",
"Aleksandra Piktus",
"Nouamane Tazi",
"Sampo Pyysalo",
"Thomas Wolf",
"Colin Raffel"
] | 2023-05-25 | The current trend of scaling language models involves increasing both
parameter count and training dataset size. Extrapolating this trend suggests
that training dataset size may soon be limited by the amount of text data
available on the internet. Motivated by this limit, we investigate scaling
language models in data-constrained regimes. Specifically, we run a large set
of experiments varying the extent of data repetition and compute budget,
ranging up to 900 billion training tokens and 9 billion parameter models. We
find that with constrained data for a fixed compute budget, training with up to
4 epochs of repeated data yields negligible changes to loss compared to having
unique data. However, with more repetition, the value of adding compute
eventually decays to zero. We propose and empirically validate a scaling law
for compute optimality that accounts for the decreasing value of repeated
tokens and excess parameters. Finally, we experiment with approaches mitigating
data scarcity, including augmenting the training dataset with code data or
removing commonly used filters. Models and datasets from our 400 training runs
are freely available at https://github.com/huggingface/datablations. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2307.07262 | AnswerAI | MorphPiece : A Linguistic Tokenizer for Large Language Models | [
"Haris Jabbar"
] | 2023-07-14 | Tokenization is a critical part of modern NLP pipelines. However,
contemporary tokenizers for Large Language Models are based on statistical
analysis of text corpora, without much consideration to the linguistic
features. I propose a linguistically motivated tokenization scheme, MorphPiece,
which is based partly on morphological segmentation of the underlying text. A
GPT-style causal language model trained on this tokenizer (called MorphGPT)
shows comparable or superior performance on a variety of supervised and
unsupervised NLP tasks, compared to the OpenAI GPT-2 model. Specifically I
evaluated MorphGPT on language modeling tasks, zero-shot performance on GLUE
Benchmark with various prompt templates, massive text embedding benchmark
(MTEB) for supervised and unsupervised performance, and lastly with another
morphological tokenization scheme (FLOTA, Hoffmann et al., 2022) and find that
the model trained on MorphPiece outperforms GPT-2 on most evaluations, at times
with considerable margin, despite being trained for about half the training
iterations. | null | cs.CL | [
"cs.CL"
] |
2307.14995 | Both | TransNormerLLM: A Faster and Better Large Language Model with Improved TransNormer | [
"Zhen Qin",
"Dong Li",
"Weigao Sun",
"Weixuan Sun",
"Xuyang Shen",
"Xiaodong Han",
"Yunshen Wei",
"Baohong Lv",
"Xiao Luo",
"Yu Qiao",
"Yiran Zhong"
] | 2023-07-27 | We present TransNormerLLM, the first linear attention-based Large Language
Model (LLM) that outperforms conventional softmax attention-based models in
terms of both accuracy and efficiency. TransNormerLLM evolves from the previous
linear attention architecture TransNormer by making advanced modifications that
include positional embedding, linear attention acceleration, gating mechanisms,
tensor normalization, and inference acceleration and stabilization.
Specifically, we use LRPE together with an exponential decay to avoid attention
dilution issues while allowing the model to retain global interactions between
tokens. Additionally, we propose Lightning Attention, a cutting-edge technique
that accelerates linear attention by more than twice in runtime and reduces
memory usage by a remarkable four times. To further enhance the performance of
TransNormer, we leverage a gating mechanism for smooth training and a new
tensor normalization scheme to accelerate the model, resulting in an impressive
acceleration of over $20\%$. Furthermore, we develop a robust inference
algorithm that ensures numerical stability and consistent inference speed,
regardless of the sequence length, showcasing superior efficiency during both
training and inference stages. We also implement an efficient model parallel
schema for TransNormerLLM, enabling seamless deployment on large-scale clusters
and facilitating expansion to even more extensive models, i.e., LLMs with 175B
parameters. We validate our model design through a series of ablations and
train models with sizes of 385M, 1B, and 7B on our self-collected corpus.
Benchmark results demonstrate that our models not only match the performance of
state-of-the-art LLMs with Transformer but are also significantly faster. Code
is released at: https://github.com/OpenNLPLab/TransnormerLLM. | null | cs.CL | [
"cs.CL"
] |
2407.15337 | HF | ThermalNeRF: Thermal Radiance Fields | [
"Yvette Y. Lin",
"Xin-Yi Pan",
"Sara Fridovich-Keil",
"Gordon Wetzstein"
] | 2024-07-22 | Thermal imaging has a variety of applications, from agricultural monitoring
to building inspection to imaging under poor visibility, such as in low light,
fog, and rain. However, reconstructing thermal scenes in 3D presents several
challenges due to the comparatively lower resolution and limited features
present in long-wave infrared (LWIR) images. To overcome these challenges, we
propose a unified framework for scene reconstruction from a set of LWIR and RGB
images, using a multispectral radiance field to represent a scene viewed by
both visible and infrared cameras, thus leveraging information across both
spectra. We calibrate the RGB and infrared cameras with respect to each other,
as a preprocessing step using a simple calibration target. We demonstrate our
method on real-world sets of RGB and LWIR photographs captured from a handheld
thermal camera, showing the effectiveness of our method at scene representation
across the visible and infrared spectra. We show that our method is capable of
thermal super-resolution, as well as visually removing obstacles to reveal
objects that are occluded in either the RGB or thermal channels. Please see
https://yvette256.github.io/thermalnerf for video results as well as our code
and dataset release. | null | cs.CV | [
"cs.CV"
] |
2404.06780 | HF | Urban Architect: Steerable 3D Urban Scene Generation with Layout Prior | [
"Fan Lu",
"Kwan-Yee Lin",
"Yan Xu",
"Hongsheng Li",
"Guang Chen",
"Changjun Jiang"
] | 2024-04-10 | Text-to-3D generation has achieved remarkable success via large-scale
text-to-image diffusion models. Nevertheless, there is no paradigm for scaling
up the methodology to urban scale. Urban scenes, characterized by numerous
elements, intricate arrangement relationships, and vast scale, present a
formidable barrier to the interpretability of ambiguous textual descriptions
for effective model optimization. In this work, we surmount the limitations by
introducing a compositional 3D layout representation into text-to-3D paradigm,
serving as an additional prior. It comprises a set of semantic primitives with
simple geometric structures and explicit arrangement relationships,
complementing textual descriptions and enabling steerable generation. Upon
this, we propose two modifications -- (1) We introduce Layout-Guided
Variational Score Distillation to address model optimization inadequacies. It
conditions the score distillation sampling process with geometric and semantic
constraints of 3D layouts. (2) To handle the unbounded nature of urban scenes,
we represent 3D scene with a Scalable Hash Grid structure, incrementally
adapting to the growing scale of urban scenes. Extensive experiments
substantiate the capability of our framework to scale text-to-3D generation to
large-scale urban scenes that cover over 1000m driving distance for the first
time. We also present various scene editing demonstrations, showing the powers
of steerable urban scene generation. Website: https://urbanarchitect.github.io. | null | cs.CV | [
"cs.CV"
] |
2407.21646 | HF | Towards Achieving Human Parity on End-to-end Simultaneous Speech Translation via LLM Agent | [
"Shanbo Cheng",
"Zhichao Huang",
"Tom Ko",
"Hang Li",
"Ningxin Peng",
"Lu Xu",
"Qini Zhang"
] | 2024-07-31 | In this paper, we present Cross Language Agent -- Simultaneous
Interpretation, CLASI, a high-quality and human-like Simultaneous Speech
Translation (SiST) System. Inspired by professional human interpreters, we
utilize a novel data-driven read-write strategy to balance the translation
quality and latency. To address the challenge of translating in-domain
terminologies, CLASI employs a multi-modal retrieving module to obtain relevant
information to augment the translation. Supported by LLMs, our approach can
generate error-tolerated translation by considering the input audio, historical
context, and retrieved information. Experimental results show that our system
outperforms other systems by significant margins. Aligned with professional
human interpreters, we evaluate CLASI with a better human evaluation metric,
valid information proportion (VIP), which measures the amount of information
that can be successfully conveyed to the listeners. In the real-world
scenarios, where the speeches are often disfluent, informal, and unclear, CLASI
achieves VIP of 81.3% and 78.0% for Chinese-to-English and English-to-Chinese
translation directions, respectively. In contrast, state-of-the-art commercial
or open-source systems only achieve 35.4% and 41.6%. On the extremely hard
dataset, where other systems achieve under 13% VIP, CLASI can still achieve 70%
VIP. | null | cs.CL | [
"cs.CL",
"cs.SD",
"eess.AS"
] |
2110.15705 | AnswerAI | Distilling Relation Embeddings from Pre-trained Language Models | [
"Asahi Ushio",
"Jose Camacho-Collados",
"Steven Schockaert"
] | 2021-09-21 | Pre-trained language models have been found to capture a surprisingly rich
amount of lexical knowledge, ranging from commonsense properties of everyday
concepts to detailed factual knowledge about named entities. Among others, this
makes it possible to distill high-quality word vectors from pre-trained
language models. However, it is currently unclear to what extent it is possible
to distill relation embeddings, i.e. vectors that characterize the relationship
between two words. Such relation embeddings are appealing because they can, in
principle, encode relational knowledge in a more fine-grained way than is
possible with knowledge graphs. To obtain relation embeddings from a
pre-trained language model, we encode word pairs using a (manually or
automatically generated) prompt, and we fine-tune the language model such that
relationally similar word pairs yield similar output vectors. We find that the
resulting relation embeddings are highly competitive on analogy (unsupervised)
and relation classification (supervised) benchmarks, even without any
task-specific fine-tuning. Source code to reproduce our experimental results
and the model checkpoints are available in the following repository:
https://github.com/asahi417/relbert | 10.18653/v1/2021.emnlp-main.712 | cs.CL | [
"cs.CL"
] |
2406.05955 | HF | Turbo Sparse: Achieving LLM SOTA Performance with Minimal Activated Parameters | [
"Yixin Song",
"Haotong Xie",
"Zhengyan Zhang",
"Bo Wen",
"Li Ma",
"Zeyu Mi",
"Haibo Chen"
] | 2024-06-10 | Exploiting activation sparsity is a promising approach to significantly
accelerating the inference process of large language models (LLMs) without
compromising performance. However, activation sparsity is determined by
activation functions, and commonly used ones like SwiGLU and GeGLU exhibit
limited sparsity. Simply replacing these functions with ReLU fails to achieve
sufficient sparsity. Moreover, inadequate training data can further increase
the risk of performance degradation. To address these challenges, we propose a
novel dReLU function, which is designed to improve LLM activation sparsity,
along with a high-quality training data mixture ratio to facilitate effective
sparsification. Additionally, we leverage sparse activation patterns within the
Feed-Forward Network (FFN) experts of Mixture-of-Experts (MoE) models to
further boost efficiency. By applying our neuron sparsification method to the
Mistral and Mixtral models, only 2.5 billion and 4.3 billion parameters are
activated per inference iteration, respectively, while achieving even more
powerful model performance. Evaluation results demonstrate that this sparsity
achieves a 2-5x decoding speedup. Remarkably, on mobile phones, our
TurboSparse-Mixtral-47B achieves an inference speed of 11 tokens per second.
Our models are available at \url{https://huggingface.co/PowerInfer} | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2306.03423 | AnswerAI | I'm Afraid I Can't Do That: Predicting Prompt Refusal in Black-Box Generative Language Models | [
"Max Reuter",
"William Schulze"
] | 2023-06-06 | Since the release of OpenAI's ChatGPT, generative language models have
attracted extensive public attention. The increased usage has highlighted
generative models' broad utility, but also revealed several forms of embedded
bias. Some is induced by the pre-training corpus; but additional bias specific
to generative models arises from the use of subjective fine-tuning to avoid
generating harmful content. Fine-tuning bias may come from individual engineers
and company policies, and affects which prompts the model chooses to refuse. In
this experiment, we characterize ChatGPT's refusal behavior using a black-box
attack. We first query ChatGPT with a variety of offensive and benign prompts
(n=1,706), then manually label each response as compliance or refusal. Manual
examination of responses reveals that refusal is not cleanly binary, and lies
on a continuum; as such, we map several different kinds of responses to a
binary of compliance or refusal. The small manually-labeled dataset is used to
train a refusal classifier, which achieves an accuracy of 96%. Second, we use
this refusal classifier to bootstrap a larger (n=10,000) dataset adapted from
the Quora Insincere Questions dataset. With this machine-labeled data, we train
a prompt classifier to predict whether ChatGPT will refuse a given question,
without seeing ChatGPT's response. This prompt classifier achieves 76% accuracy
on a test set of manually labeled questions (n=985). We examine our classifiers
and the prompt n-grams that are most predictive of either compliance or
refusal. Our datasets and code are available at
https://github.com/maxwellreuter/chatgpt-refusals. | null | cs.AI | [
"cs.AI"
] |
2409.11340 | HF | OmniGen: Unified Image Generation | [
"Shitao Xiao",
"Yueze Wang",
"Junjie Zhou",
"Huaying Yuan",
"Xingrun Xing",
"Ruiran Yan",
"Shuting Wang",
"Tiejun Huang",
"Zheng Liu"
] | 2024-09-17 | In this work, we introduce OmniGen, a new diffusion model for unified image
generation. Unlike popular diffusion models (e.g., Stable Diffusion), OmniGen
no longer requires additional modules such as ControlNet or IP-Adapter to
process diverse control conditions. OmniGenis characterized by the following
features: 1) Unification: OmniGen not only demonstrates text-to-image
generation capabilities but also inherently supports other downstream tasks,
such as image editing, subject-driven generation, and visual-conditional
generation. Additionally, OmniGen can handle classical computer vision tasks by
transforming them into image generation tasks, such as edge detection and human
pose recognition. 2) Simplicity: The architecture of OmniGen is highly
simplified, eliminating the need for additional text encoders. Moreover, it is
more user-friendly compared to existing diffusion models, enabling complex
tasks to be accomplished through instructions without the need for extra
preprocessing steps (e.g., human pose estimation), thereby significantly
simplifying the workflow of image generation. 3) Knowledge Transfer: Through
learning in a unified format, OmniGen effectively transfers knowledge across
different tasks, manages unseen tasks and domains, and exhibits novel
capabilities. We also explore the model's reasoning capabilities and potential
applications of chain-of-thought mechanism. This work represents the first
attempt at a general-purpose image generation model, and there remain several
unresolved issues. We will open-source the related resources at
https://github.com/VectorSpaceLab/OmniGen to foster advancements in this field. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2407.09941 | AnswerAI | Hydra: Bidirectional State Space Models Through Generalized Matrix Mixers | [
"Sukjun Hwang",
"Aakash Lahoti",
"Tri Dao",
"Albert Gu"
] | 2024-07-13 | A wide array of sequence models are built on a framework modeled after
Transformers, comprising alternating sequence mixer and channel mixer layers.
This paper studies a unifying matrix mixer view of sequence mixers that can be
conceptualized as a linear map on the input sequence. This framework
encompasses a broad range of well-known sequence models, including the
self-attention of Transformers as well as recent strong alternatives such as
structured state space models (SSMs), and allows understanding downstream
characteristics such as efficiency and expressivity through properties of their
structured matrix class. We identify a key axis of matrix parameterizations
termed sequence alignment, which increases the flexibility and performance of
matrix mixers, providing insights into the strong performance of Transformers
and recent SSMs such as Mamba. Furthermore, the matrix mixer framework offers a
systematic approach to developing sequence mixers with desired properties,
allowing us to develop several new sub-quadratic sequence models. In
particular, we propose a natural bidirectional extension of the Mamba model
(Hydra), parameterized as a quasiseparable matrix mixer, which demonstrates
superior performance over other sequence models including Transformers on
non-causal tasks. As a drop-in replacement for attention layers, Hydra
outperforms BERT by 0.8 points on the GLUE benchmark and ViT by 2% Top-1
accuracy on ImageNet. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2407.12366 | HF | NavGPT-2: Unleashing Navigational Reasoning Capability for Large Vision-Language Models | [
"Gengze Zhou",
"Yicong Hong",
"Zun Wang",
"Xin Eric Wang",
"Qi Wu"
] | 2024-07-17 | Capitalizing on the remarkable advancements in Large Language Models (LLMs),
there is a burgeoning initiative to harness LLMs for instruction following
robotic navigation. Such a trend underscores the potential of LLMs to
generalize navigational reasoning and diverse language understanding. However,
a significant discrepancy in agent performance is observed when integrating
LLMs in the Vision-and-Language navigation (VLN) tasks compared to previous
downstream specialist models. Furthermore, the inherent capacity of language to
interpret and facilitate communication in agent interactions is often
underutilized in these integrations. In this work, we strive to bridge the
divide between VLN-specialized models and LLM-based navigation paradigms, while
maintaining the interpretative prowess of LLMs in generating linguistic
navigational reasoning. By aligning visual content in a frozen LLM, we
encompass visual observation comprehension for LLMs and exploit a way to
incorporate LLMs and navigation policy networks for effective action
predictions and navigational reasoning. We demonstrate the data efficiency of
the proposed methods and eliminate the gap between LM-based agents and
state-of-the-art VLN specialists. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.RO"
] |
2403.10131 | Both | RAFT: Adapting Language Model to Domain Specific RAG | [
"Tianjun Zhang",
"Shishir G. Patil",
"Naman Jain",
"Sheng Shen",
"Matei Zaharia",
"Ion Stoica",
"Joseph E. Gonzalez"
] | 2024-03-15 | Pretraining Large Language Models (LLMs) on large corpora of textual data is
now a standard paradigm. When using these LLMs for many downstream
applications, it is common to additionally bake in new knowledge (e.g.,
time-critical news, or private domain knowledge) into the pretrained model
either through RAG-based-prompting, or fine-tuning. However, the optimal
methodology for the model to gain such new knowledge remains an open question.
In this paper, we present Retrieval Augmented FineTuning (RAFT), a training
recipe that improves the model's ability to answer questions in a "open-book"
in-domain settings. In RAFT, given a question, and a set of retrieved
documents, we train the model to ignore those documents that don't help in
answering the question, which we call, distractor documents. RAFT accomplishes
this by citing verbatim the right sequence from the relevant document that
would help answer the question. This coupled with RAFT's chain-of-thought-style
response helps improve the model's ability to reason. In domain-specific RAG,
RAFT consistently improves the model's performance across PubMed, HotpotQA, and
Gorilla datasets, presenting a post-training recipe to improve pre-trained LLMs
to in-domain RAG. RAFT's code and demo are open-sourced at
github.com/ShishirPatil/gorilla. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.04370 | HF | Large Language Model Confidence Estimation via Black-Box Access | [
"Tejaswini Pedapati",
"Amit Dhurandhar",
"Soumya Ghosh",
"Soham Dan",
"Prasanna Sattigeri"
] | 2024-06-01 | Estimating uncertainty or confidence in the responses of a model can be
significant in evaluating trust not only in the responses, but also in the
model as a whole. In this paper, we explore the problem of estimating
confidence for responses of large language models (LLMs) with simply black-box
or query access to them. We propose a simple and extensible framework where, we
engineer novel features and train a (interpretable) model (viz. logistic
regression) on these features to estimate the confidence. We empirically
demonstrate that our simple framework is effective in estimating confidence of
flan-ul2, llama-13b and mistral-7b with it consistently outperforming existing
black-box confidence estimation approaches on benchmark datasets such as
TriviaQA, SQuAD, CoQA and Natural Questions by even over $10\%$ (on AUROC) in
some cases. Additionally, our interpretable approach provides insight into
features that are predictive of confidence, leading to the interesting and
useful discovery that our confidence models built for one LLM generalize
zero-shot across others on a given dataset. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2309.01826 | Both | One Wide Feedforward is All You Need | [
"Telmo Pessoa Pires",
"António V. Lopes",
"Yannick Assogba",
"Hendra Setiawan"
] | 2023-09-04 | The Transformer architecture has two main non-embedding components: Attention
and the Feed Forward Network (FFN). Attention captures interdependencies
between words regardless of their position, while the FFN non-linearly
transforms each input token independently. In this work we explore the role of
the FFN, and find that despite taking up a significant fraction of the model's
parameters, it is highly redundant. Concretely, we are able to substantially
reduce the number of parameters with only a modest drop in accuracy by removing
the FFN on the decoder layers and sharing a single FFN across the encoder.
Finally we scale this architecture back to its original size by increasing the
hidden dimension of the shared FFN, achieving substantial gains in both
accuracy and latency with respect to the original Transformer Big. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2004.13336 | AnswerAI | Automatic Cross-Replica Sharding of Weight Update in Data-Parallel Training | [
"Yuanzhong Xu",
"HyoukJoong Lee",
"Dehao Chen",
"Hongjun Choi",
"Blake Hechtman",
"Shibo Wang"
] | 2020-04-28 | In data-parallel synchronous training of deep neural networks, different
devices (replicas) run the same program with different partitions of the
training batch, but weight update computation is repeated on all replicas,
because the weights do not have a batch dimension to partition. This can be a
bottleneck for performance and scalability in typical language models with
large weights, and models with small per-replica batch size which is typical in
large-scale training. This paper presents an approach to automatically shard
the weight update computation across replicas with efficient communication
primitives and data formatting, using static analysis and transformations on
the training computation graph. We show this technique achieves substantial
speedups on typical image and language models on Cloud TPUs, requiring no
change to model code. This technique helps close the gap between traditionally
expensive (ADAM) and cheap (SGD) optimizers, as they will only take a small
part of training step time and have similar peak memory usage. It helped us to
achieve state-of-the-art training performance in Google's MLPerf 0.6
submission. | null | cs.DC | [
"cs.DC",
"cs.LG",
"stat.ML"
] |
2403.05121 | HF | CogView3: Finer and Faster Text-to-Image Generation via Relay Diffusion | [
"Wendi Zheng",
"Jiayan Teng",
"Zhuoyi Yang",
"Weihan Wang",
"Jidong Chen",
"Xiaotao Gu",
"Yuxiao Dong",
"Ming Ding",
"Jie Tang"
] | 2024-03-08 | Recent advancements in text-to-image generative systems have been largely
driven by diffusion models. However, single-stage text-to-image diffusion
models still face challenges, in terms of computational efficiency and the
refinement of image details. To tackle the issue, we propose CogView3, an
innovative cascaded framework that enhances the performance of text-to-image
diffusion. CogView3 is the first model implementing relay diffusion in the
realm of text-to-image generation, executing the task by first creating
low-resolution images and subsequently applying relay-based super-resolution.
This methodology not only results in competitive text-to-image outputs but also
greatly reduces both training and inference costs. Our experimental results
demonstrate that CogView3 outperforms SDXL, the current state-of-the-art
open-source text-to-image diffusion model, by 77.0\% in human evaluations, all
while requiring only about 1/2 of the inference time. The distilled variant of
CogView3 achieves comparable performance while only utilizing 1/10 of the
inference time by SDXL. | null | cs.CV | [
"cs.CV"
] |
2406.08587 | HF | CS-Bench: A Comprehensive Benchmark for Large Language Models towards Computer Science Mastery | [
"Xiaoshuai Song",
"Muxi Diao",
"Guanting Dong",
"Zhengyang Wang",
"Yujia Fu",
"Runqi Qiao",
"Zhexu Wang",
"Dayuan Fu",
"Huangxuan Wu",
"Bin Liang",
"Weihao Zeng",
"Yejie Wang",
"Zhuoma GongQue",
"Jianing Yu",
"Qiuna Tan",
"Weiran Xu"
] | 2024-06-12 | Computer Science (CS) stands as a testament to the intricacies of human
intelligence, profoundly advancing the development of artificial intelligence
and modern society. However, the current community of large language models
(LLMs) overly focuses on benchmarks for analyzing specific foundational skills
(e.g. mathematics and code generation), neglecting an all-round evaluation of
the computer science field. To bridge this gap, we introduce CS-Bench, the
first bilingual (Chinese-English) benchmark dedicated to evaluating the
performance of LLMs in computer science. CS-Bench comprises approximately 5K
meticulously curated test samples, covering 26 subfields across 4 key areas of
computer science, encompassing various task forms and divisions of knowledge
and reasoning. Utilizing CS-Bench, we conduct a comprehensive evaluation of
over 30 mainstream LLMs, revealing the relationship between CS performance and
model scales. We also quantitatively analyze the reasons for failures in
existing LLMs and highlight directions for improvements, including knowledge
supplementation and CS-specific reasoning. Further cross-capability experiments
show a high correlation between LLMs' capabilities in computer science and
their abilities in mathematics and coding. Moreover, expert LLMs specialized in
mathematics and coding also demonstrate strong performances in several CS
subfields. Looking ahead, we envision CS-Bench serving as a cornerstone for LLM
applications in the CS field and paving new avenues in assessing LLMs' diverse
reasoning capabilities. The CS-Bench data and evaluation code are available at
https://github.com/csbench/csbench. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2402.18334 | AnswerAI | Learning to Generate Instruction Tuning Datasets for Zero-Shot Task Adaptation | [
"Nihal V. Nayak",
"Yiyang Nan",
"Avi Trost",
"Stephen H. Bach"
] | 2024-02-28 | We introduce Bonito, an open-source model for conditional task generation
that converts unannotated text into task-specific training datasets for
instruction tuning. We aim to enable zero-shot task adaptation of large
language models on users' specialized, private data. We train Bonito by
fine-tuning a pretrained large language model on a new large-scale dataset with
1.65M examples created by remixing existing instruction tuning datasets into
meta-templates. The meta-templates for a dataset produce training examples
where the input is the unannotated text and the task attribute and the output
consists of the instruction and the response. We use Bonito to generate
synthetic tasks for seven datasets from specialized domains with unannotated
text across three task types -- yes-no question answering, extractive question
answering, and natural language inference -- and adapt language models. We show
that Bonito significantly improves the average performance of pretrained and
instruction tuned models over the de facto self supervised baseline. For
example, adapting Mistral-Instruct-v2 and instruction tuned variants of Mistral
and Llama2 with Bonito improves the strong zero-shot performance by 22.1 F1
points whereas the next word prediction objective undoes some of the benefits
of instruction tuning and reduces the average performance by 0.8 F1 points. We
conduct additional experiments with Bonito to understand the effects of the
domain, the size of the training set, and the choice of alternative synthetic
task generators. Overall, we show that learning with synthetic instruction
tuning datasets is an effective way to adapt language models to new domains.
The model, dataset, and code are available at
https://github.com/BatsResearch/bonito. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2404.19760 | HF | Lightplane: Highly-Scalable Components for Neural 3D Fields | [
"Ang Cao",
"Justin Johnson",
"Andrea Vedaldi",
"David Novotny"
] | 2024-04-30 | Contemporary 3D research, particularly in reconstruction and generation,
heavily relies on 2D images for inputs or supervision. However, current designs
for these 2D-3D mapping are memory-intensive, posing a significant bottleneck
for existing methods and hindering new applications. In response, we propose a
pair of highly scalable components for 3D neural fields: Lightplane Render and
Splatter, which significantly reduce memory usage in 2D-3D mapping. These
innovations enable the processing of vastly more and higher resolution images
with small memory and computational costs. We demonstrate their utility in
various applications, from benefiting single-scene optimization with
image-level losses to realizing a versatile pipeline for dramatically scaling
3D reconstruction and generation. Code:
\url{https://github.com/facebookresearch/lightplane}. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2312.00849 | HF | RLHF-V: Towards Trustworthy MLLMs via Behavior Alignment from Fine-grained Correctional Human Feedback | [
"Tianyu Yu",
"Yuan Yao",
"Haoye Zhang",
"Taiwen He",
"Yifeng Han",
"Ganqu Cui",
"Jinyi Hu",
"Zhiyuan Liu",
"Hai-Tao Zheng",
"Maosong Sun",
"Tat-Seng Chua"
] | 2023-12-01 | Multimodal Large Language Models (MLLMs) have recently demonstrated
impressive capabilities in multimodal understanding, reasoning, and
interaction. However, existing MLLMs prevalently suffer from serious
hallucination problems, generating text that is not factually grounded in
associated images. The problem makes existing MLLMs untrustworthy and thus
impractical in real-world (especially high-stakes) applications. To address the
challenge, we present RLHF-V, which enhances MLLM trustworthiness via behavior
alignment from fine-grained correctional human feedback. Specifically, RLHF-V
collects human preference in the form of segment-level corrections on
hallucinations, and performs dense direct preference optimization over the
human feedback. Comprehensive experiments on five benchmarks in both automatic
and human evaluation show that, RLHF-V can enable substantially more
trustworthy MLLM behaviors with promising data and computation efficiency.
Remarkably, using 1.4k annotated data samples, RLHF-V significantly reduces the
hallucination rate of the base MLLM by 34.8%, outperforming the concurrent
LLaVA-RLHF trained on 10k annotated data. The final model achieves
state-of-the-art performance in trustworthiness among open-source MLLMs, and
shows better robustness than GPT-4V in preventing hallucinations aroused from
over-generalization. We open-source our code, model, and data at
https://github.com/RLHF-V/RLHF-V. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2406.06612 | HF | SEE-2-SOUND: Zero-Shot Spatial Environment-to-Spatial Sound | [
"Rishit Dagli",
"Shivesh Prakash",
"Robert Wu",
"Houman Khosravani"
] | 2024-06-06 | Generating combined visual and auditory sensory experiences is critical for
the consumption of immersive content. Recent advances in neural generative
models have enabled the creation of high-resolution content across multiple
modalities such as images, text, speech, and videos. Despite these successes,
there remains a significant gap in the generation of high-quality spatial audio
that complements generated visual content. Furthermore, current audio
generation models excel in either generating natural audio or speech or music
but fall short in integrating spatial audio cues necessary for immersive
experiences. In this work, we introduce SEE-2-SOUND, a zero-shot approach that
decomposes the task into (1) identifying visual regions of interest; (2)
locating these elements in 3D space; (3) generating mono-audio for each; and
(4) integrating them into spatial audio. Using our framework, we demonstrate
compelling results for generating spatial audio for high-quality videos,
images, and dynamic images from the internet, as well as media generated by
learned approaches. | null | cs.CV | [
"cs.CV",
"cs.LG",
"cs.SD",
"eess.AS"
] |
2311.11045 | Both | Orca 2: Teaching Small Language Models How to Reason | [
"Arindam Mitra",
"Luciano Del Corro",
"Shweti Mahajan",
"Andres Codas",
"Clarisse Simoes",
"Sahaj Agarwal",
"Xuxi Chen",
"Anastasia Razdaibiedina",
"Erik Jones",
"Kriti Aggarwal",
"Hamid Palangi",
"Guoqing Zheng",
"Corby Rosset",
"Hamed Khanpour",
"Ahmed Awadallah"
] | 2023-11-18 | Orca 1 learns from rich signals, such as explanation traces, allowing it to
outperform conventional instruction-tuned models on benchmarks like BigBench
Hard and AGIEval. In Orca 2, we continue exploring how improved training
signals can enhance smaller LMs' reasoning abilities. Research on training
small LMs has often relied on imitation learning to replicate the output of
more capable models. We contend that excessive emphasis on imitation may
restrict the potential of smaller models. We seek to teach small LMs to employ
different solution strategies for different tasks, potentially different from
the one used by the larger model. For example, while larger models might
provide a direct answer to a complex task, smaller models may not have the same
capacity. In Orca 2, we teach the model various reasoning techniques
(step-by-step, recall then generate, recall-reason-generate, direct answer,
etc.). More crucially, we aim to help the model learn to determine the most
effective solution strategy for each task. We evaluate Orca 2 using a
comprehensive set of 15 diverse benchmarks (corresponding to approximately 100
tasks and over 36,000 unique prompts). Orca 2 significantly surpasses models of
similar size and attains performance levels similar or better to those of
models 5-10x larger, as assessed on complex tasks that test advanced reasoning
abilities in zero-shot settings. make Orca 2 weights publicly available at
aka.ms/orca-lm to support research on the development, evaluation, and
alignment of smaller LMs | null | cs.AI | [
"cs.AI"
] |
2311.09180 | HF | PEARL: Personalizing Large Language Model Writing Assistants with Generation-Calibrated Retrievers | [
"Sheshera Mysore",
"Zhuoran Lu",
"Mengting Wan",
"Longqi Yang",
"Steve Menezes",
"Tina Baghaee",
"Emmanuel Barajas Gonzalez",
"Jennifer Neville",
"Tara Safavi"
] | 2023-11-15 | Powerful large language models have facilitated the development of writing
assistants that promise to significantly improve the quality and efficiency of
composition and communication. However, a barrier to effective assistance is
the lack of personalization in LLM outputs to the author's communication style
and specialized knowledge. In this paper, we address this challenge by
proposing PEARL, a retrieval-augmented LLM writing assistant personalized with
a generation-calibrated retriever. Our retriever is trained to select historic
user-authored documents for prompt augmentation, such that they are likely to
best personalize LLM generations for a user request. We propose two key
novelties for training our retriever: 1) A training data selection method that
identifies user requests likely to benefit from personalization and documents
that provide that benefit; and 2) A scale-calibrating KL-divergence objective
that ensures that our retriever closely tracks the benefit of a document for
personalized generation. We demonstrate the effectiveness of PEARL in
generating personalized workplace social media posts and Reddit comments.
Finally, we showcase the potential of a generation-calibrated retriever to
double as a performance predictor and further improve low-quality generations
via LLM chaining. | null | cs.CL | [
"cs.CL",
"cs.HC",
"cs.IR"
] |
2403.18816 | HF | Garment3DGen: 3D Garment Stylization and Texture Generation | [
"Nikolaos Sarafianos",
"Tuur Stuyck",
"Xiaoyu Xiang",
"Yilei Li",
"Jovan Popovic",
"Rakesh Ranjan"
] | 2024-03-27 | We introduce Garment3DGen a new method to synthesize 3D garment assets from a
base mesh given a single input image as guidance. Our proposed approach allows
users to generate 3D textured clothes based on both real and synthetic images,
such as those generated by text prompts. The generated assets can be directly
draped and simulated on human bodies. We leverage the recent progress of
image-to-3D diffusion methods to generate 3D garment geometries. However, since
these geometries cannot be utilized directly for downstream tasks, we propose
to use them as pseudo ground-truth and set up a mesh deformation optimization
procedure that deforms a base template mesh to match the generated 3D target.
Carefully designed losses allow the base mesh to freely deform towards the
desired target, yet preserve mesh quality and topology such that they can be
simulated. Finally, we generate high-fidelity texture maps that are globally
and locally consistent and faithfully capture the input guidance, allowing us
to render the generated 3D assets. With Garment3DGen users can generate the
simulation-ready 3D garment of their choice without the need of artist
intervention. We present a plethora of quantitative and qualitative comparisons
on various assets and demonstrate that Garment3DGen unlocks key applications
ranging from sketch-to-simulated garments or interacting with the garments in
VR. Code is publicly available. | null | cs.CV | [
"cs.CV"
] |
2404.00987 | HF | FlexiDreamer: Single Image-to-3D Generation with FlexiCubes | [
"Ruowen Zhao",
"Zhengyi Wang",
"Yikai Wang",
"Zihan Zhou",
"Jun Zhu"
] | 2024-04-01 | 3D content generation has wide applications in various fields. One of its
dominant paradigms is by sparse-view reconstruction using multi-view images
generated by diffusion models. However, since directly reconstructing triangle
meshes from multi-view images is challenging, most methodologies opt to an
implicit representation (such as NeRF) during the sparse-view reconstruction
and acquire the target mesh by a post-processing extraction. However, the
implicit representation takes extensive time to train and the post-extraction
also leads to undesirable visual artifacts. In this paper, we propose
FlexiDreamer, a novel framework that directly reconstructs high-quality meshes
from multi-view generated images. We utilize an advanced gradient-based mesh
optimization, namely FlexiCubes, for multi-view mesh reconstruction, which
enables us to generate 3D meshes in an end-to-end manner. To address the
reconstruction artifacts owing to the inconsistencies from generated images, we
design a hybrid positional encoding scheme to improve the reconstruction
geometry and an orientation-aware texture mapping to mitigate surface ghosting.
To further enhance the results, we respectively incorporate eikonal and smooth
regularizations to reduce geometric holes and surface noise. Our approach can
generate high-fidelity 3D meshes in the single image-to-3D downstream task with
approximately 1 minute, significantly outperforming previous methods. | null | cs.CV | [
"cs.CV"
] |
2310.03704 | HF | Pose-Free Generalizable Rendering Transformer | [
"Zhiwen Fan",
"Panwang Pan",
"Peihao Wang",
"Yifan Jiang",
"Hanwen Jiang",
"Dejia Xu",
"Zehao Zhu",
"Dilin Wang",
"Zhangyang Wang"
] | 2023-10-05 | In the field of novel-view synthesis, the necessity of knowing camera poses
(e.g., via Structure from Motion) before rendering has been a common practice.
However, the consistent acquisition of accurate camera poses remains elusive,
and errors in pose extraction can adversely impact the view synthesis process.
To address this challenge, we introduce PF-GRT, a new Pose-Free framework for
Generalizable Rendering Transformer, eliminating the need for pre-computed
camera poses and instead leveraging feature-matching learned directly from
data. PF-GRT is parameterized using a local relative coordinate system, where
one of the source images is set as the origin. An OmniView Transformer is
designed for fusing multi-view cues under the pose-free setting, where
unposed-view fusion and origin-centric aggregation are performed. The 3D point
feature along target ray is sampled by projecting onto the selected origin
plane. The final pixel intensities are modulated and decoded using another
Transformer. PF-GRT demonstrates an impressive ability to generalize to new
scenes that were not encountered during the training phase, without the need of
pre-computing camera poses. Our experiments with zero-shot rendering on the
LLFF, RealEstate-10k, Shiny, and Blender datasets reveal that it produces
superior quality in generating photo-realistic images. Moreover, it
demonstrates robustness against noise in test camera poses. Code is available
at https://zhiwenfan.github.io/PF-GRT/. | null | cs.CV | [
"cs.CV"
] |
2406.19280 | HF | HuatuoGPT-Vision, Towards Injecting Medical Visual Knowledge into Multimodal LLMs at Scale | [
"Junying Chen",
"Chi Gui",
"Ruyi Ouyang",
"Anningzhe Gao",
"Shunian Chen",
"Guiming Hardy Chen",
"Xidong Wang",
"Ruifei Zhang",
"Zhenyang Cai",
"Ke Ji",
"Guangjun Yu",
"Xiang Wan",
"Benyou Wang"
] | 2024-06-27 | The rapid development of multimodal large language models (MLLMs), such as
GPT-4V, has led to significant advancements. However, these models still face
challenges in medical multimodal capabilities due to limitations in the
quantity and quality of medical vision-text data, stemming from data privacy
concerns and high annotation costs. While pioneering approaches utilize
PubMed's large-scale, de-identified medical image-text pairs to address these
limitations, they still fall short due to inherent data noise. To tackle this,
we refined medical image-text pairs from PubMed and employed MLLMs (GPT-4V) in
an 'unblinded' capacity to denoise and reformat the data, resulting in the
creation of the PubMedVision dataset with 1.3 million medical VQA samples. Our
validation demonstrates that: (1) PubMedVision can significantly enhance the
medical multimodal capabilities of current MLLMs, showing significant
improvement in benchmarks including the MMMU Health & Medicine track; (2)
manual checks by medical experts and empirical results validate the superior
data quality of our dataset compared to other data construction methods. Using
PubMedVision, we train a 34B medical MLLM HuatuoGPT-Vision, which shows
superior performance in medical multimodal scenarios among open-source MLLMs. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2305.07378 | HF | Surfacing Biases in Large Language Models using Contrastive Input Decoding | [
"Gal Yona",
"Or Honovich",
"Itay Laish",
"Roee Aharoni"
] | 2023-05-12 | Ensuring that large language models (LMs) are fair, robust and useful
requires an understanding of how different modifications to their inputs impact
the model's behaviour. In the context of open-text generation tasks, however,
such an evaluation is not trivial. For example, when introducing a model with
an input text and a perturbed, "contrastive" version of it, meaningful
differences in the next-token predictions may not be revealed with standard
decoding strategies. With this motivation in mind, we propose Contrastive Input
Decoding (CID): a decoding algorithm to generate text given two inputs, where
the generated text is likely given one input but unlikely given the other. In
this way, the contrastive generations can highlight potentially subtle
differences in how the LM output differs for the two inputs in a simple and
interpretable manner. We use CID to highlight context-specific biases that are
hard to detect with standard decoding strategies and quantify the effect of
different input perturbations. | null | cs.CL | [
"cs.CL",
"cs.CY",
"cs.LG"
] |
2309.02591 | HF | Scaling Autoregressive Multi-Modal Models: Pretraining and Instruction Tuning | [
"Lili Yu",
"Bowen Shi",
"Ramakanth Pasunuru",
"Benjamin Muller",
"Olga Golovneva",
"Tianlu Wang",
"Arun Babu",
"Binh Tang",
"Brian Karrer",
"Shelly Sheynin",
"Candace Ross",
"Adam Polyak",
"Russell Howes",
"Vasu Sharma",
"Puxin Xu",
"Hovhannes Tamoyan",
"Oron Ashual",
"Uriel Singer",
"Shang-Wen Li",
"Susan Zhang",
"Richard James",
"Gargi Ghosh",
"Yaniv Taigman",
"Maryam Fazel-Zarandi",
"Asli Celikyilmaz",
"Luke Zettlemoyer",
"Armen Aghajanyan"
] | 2023-09-05 | We present CM3Leon (pronounced "Chameleon"), a retrieval-augmented,
token-based, decoder-only multi-modal language model capable of generating and
infilling both text and images. CM3Leon uses the CM3 multi-modal architecture
but additionally shows the extreme benefits of scaling up and tuning on more
diverse instruction-style data. It is the first multi-modal model trained with
a recipe adapted from text-only language models, including a large-scale
retrieval-augmented pre-training stage and a second multi-task supervised
fine-tuning (SFT) stage. It is also a general-purpose model that can do both
text-to-image and image-to-text generation, allowing us to introduce
self-contained contrastive decoding methods that produce high-quality outputs.
Extensive experiments demonstrate that this recipe is highly effective for
multi-modal models. CM3Leon achieves state-of-the-art performance in
text-to-image generation with 5x less training compute than comparable methods
(zero-shot MS-COCO FID of 4.88). After SFT, CM3Leon can also demonstrate
unprecedented levels of controllability in tasks ranging from language-guided
image editing to image-controlled generation and segmentation. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.CV"
] |
2306.11932 | Both | Opportunities and Risks of LLMs for Scalable Deliberation with Polis | [
"Christopher T. Small",
"Ivan Vendrov",
"Esin Durmus",
"Hadjar Homaei",
"Elizabeth Barry",
"Julien Cornebise",
"Ted Suzman",
"Deep Ganguli",
"Colin Megill"
] | 2023-06-20 | Polis is a platform that leverages machine intelligence to scale up
deliberative processes. In this paper, we explore the opportunities and risks
associated with applying Large Language Models (LLMs) towards challenges with
facilitating, moderating and summarizing the results of Polis engagements. In
particular, we demonstrate with pilot experiments using Anthropic's Claude that
LLMs can indeed augment human intelligence to help more efficiently run Polis
conversations. In particular, we find that summarization capabilities enable
categorically new methods with immense promise to empower the public in
collective meaning-making exercises. And notably, LLM context limitations have
a significant impact on insight and quality of these results.
However, these opportunities come with risks. We discuss some of these risks,
as well as principles and techniques for characterizing and mitigating them,
and the implications for other deliberative or political systems that may
employ LLMs. Finally, we conclude with several open future research directions
for augmenting tools like Polis with LLMs. | null | cs.SI | [
"cs.SI",
"cs.CL",
"cs.CY",
"cs.HC"
] |
2307.10088 | HF | Android in the Wild: A Large-Scale Dataset for Android Device Control | [
"Christopher Rawles",
"Alice Li",
"Daniel Rodriguez",
"Oriana Riva",
"Timothy Lillicrap"
] | 2023-07-19 | There is a growing interest in device-control systems that can interpret
human natural language instructions and execute them on a digital device by
directly controlling its user interface. We present a dataset for
device-control research, Android in the Wild (AITW), which is orders of
magnitude larger than current datasets. The dataset contains human
demonstrations of device interactions, including the screens and actions, and
corresponding natural language instructions. It consists of 715k episodes
spanning 30k unique instructions, four versions of Android (v10-13),and eight
device types (Pixel 2 XL to Pixel 6) with varying screen resolutions. It
contains multi-step tasks that require semantic understanding of language and
visual context. This dataset poses a new challenge: actions available through
the user interface must be inferred from their visual appearance. And, instead
of simple UI element-based actions, the action space consists of precise
gestures (e.g., horizontal scrolls to operate carousel widgets). We organize
our dataset to encourage robustness analysis of device-control systems, i.e.,
how well a system performs in the presence of new task descriptions, new
applications, or new platform versions. We develop two agents and report
performance across the dataset. The dataset is available at
https://github.com/google-research/google-research/tree/master/android_in_the_wild. | null | cs.LG | [
"cs.LG",
"cs.CL",
"cs.HC"
] |
2309.00071 | Both | YaRN: Efficient Context Window Extension of Large Language Models | [
"Bowen Peng",
"Jeffrey Quesnelle",
"Honglu Fan",
"Enrico Shippole"
] | 2023-08-31 | Rotary Position Embeddings (RoPE) have been shown to effectively encode
positional information in transformer-based language models. However, these
models fail to generalize past the sequence length they were trained on. We
present YaRN (Yet another RoPE extensioN method), a compute-efficient method to
extend the context window of such models, requiring 10x less tokens and 2.5x
less training steps than previous methods. Using YaRN, we show that LLaMA
models can effectively utilize and extrapolate to context lengths much longer
than their original pre-training would allow, while also surpassing previous
the state-of-the-art at context window extension. In addition, we demonstrate
that YaRN exhibits the capability to extrapolate beyond the limited context of
a fine-tuning dataset. The models fine-tuned using YaRN has been made available
and reproduced online up to 128k context length at
https://github.com/jquesnelle/yarn | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.03356 | HF | GLaMM: Pixel Grounding Large Multimodal Model | [
"Hanoona Rasheed",
"Muhammad Maaz",
"Sahal Shaji Mullappilly",
"Abdelrahman Shaker",
"Salman Khan",
"Hisham Cholakkal",
"Rao M. Anwer",
"Erix Xing",
"Ming-Hsuan Yang",
"Fahad S. Khan"
] | 2023-11-06 | Large Multimodal Models (LMMs) extend Large Language Models to the vision
domain. Initial LMMs used holistic images and text prompts to generate
ungrounded textual responses. Recently, region-level LMMs have been used to
generate visually grounded responses. However, they are limited to only
referring to a single object category at a time, require users to specify the
regions, or cannot offer dense pixel-wise object grounding. In this work, we
present Grounding LMM (GLaMM), the first model that can generate natural
language responses seamlessly intertwined with corresponding object
segmentation masks. GLaMM not only grounds objects appearing in the
conversations but is flexible enough to accept both textual and optional visual
prompts (region of interest) as input. This empowers users to interact with the
model at various levels of granularity, both in textual and visual domains. Due
to the lack of standard benchmarks for the novel setting of visually Grounded
Conversation Generation (GCG), we introduce a comprehensive evaluation protocol
with our curated grounded conversations. Our proposed GCG task requires densely
grounded concepts in natural scenes at a large-scale. To this end, we propose a
densely annotated Grounding-anything Dataset (GranD) using our proposed
automated annotation pipeline that encompasses 7.5M unique concepts grounded in
a total of 810M regions available with segmentation masks. Besides GCG, GLaMM
also performs effectively on several downstream tasks, e.g., referring
expression segmentation, image and region-level captioning and vision-language
conversations. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2307.13854 | HF | WebArena: A Realistic Web Environment for Building Autonomous Agents | [
"Shuyan Zhou",
"Frank F. Xu",
"Hao Zhu",
"Xuhui Zhou",
"Robert Lo",
"Abishek Sridhar",
"Xianyi Cheng",
"Tianyue Ou",
"Yonatan Bisk",
"Daniel Fried",
"Uri Alon",
"Graham Neubig"
] | 2023-07-25 | With advances in generative AI, there is now potential for autonomous agents
to manage daily tasks via natural language commands. However, current agents
are primarily created and tested in simplified synthetic environments, leading
to a disconnect with real-world scenarios. In this paper, we build an
environment for language-guided agents that is highly realistic and
reproducible. Specifically, we focus on agents that perform tasks on the web,
and create an environment with fully functional websites from four common
domains: e-commerce, social forum discussions, collaborative software
development, and content management. Our environment is enriched with tools
(e.g., a map) and external knowledge bases (e.g., user manuals) to encourage
human-like task-solving. Building upon our environment, we release a set of
benchmark tasks focusing on evaluating the functional correctness of task
completions. The tasks in our benchmark are diverse, long-horizon, and designed
to emulate tasks that humans routinely perform on the internet. We experiment
with several baseline agents, integrating recent techniques such as reasoning
before acting. The results demonstrate that solving complex tasks is
challenging: our best GPT-4-based agent only achieves an end-to-end task
success rate of 14.41%, significantly lower than the human performance of
78.24%. These results highlight the need for further development of robust
agents, that current state-of-the-art large language models are far from
perfect performance in these real-life tasks, and that WebArena can be used to
measure such progress. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2311.12023 | AnswerAI | LQ-LoRA: Low-rank Plus Quantized Matrix Decomposition for Efficient Language Model Finetuning | [
"Han Guo",
"Philip Greengard",
"Eric P. Xing",
"Yoon Kim"
] | 2023-11-20 | We propose a simple approach for memory-efficient adaptation of pretrained
language models. Our approach uses an iterative algorithm to decompose each
pretrained matrix into a high-precision low-rank component and a
memory-efficient quantized component. During finetuning, the quantized
component remains fixed and only the low-rank component is updated. We present
an integer linear programming formulation of the quantization component which
enables dynamic configuration of quantization parameters (e.g., bit-width,
block size) for each matrix given an overall target memory budget. We further
explore a data-aware version of the algorithm which uses an approximation of
the Fisher information matrix to weight the reconstruction objective during
matrix decomposition. Experiments on finetuning RoBERTa and LLaMA-2 (7B and
70B) demonstrate that our low-rank plus quantized matrix decomposition approach
(LQ-LoRA) outperforms strong QLoRA and GPTQ-LoRA baselines and enables
aggressive quantization to sub-3 bits with only minor performance degradations.
When finetuned on a language modeling calibration dataset, LQ-LoRA can also be
used for model compression; in this setting our 2.75-bit LLaMA-2-70B model
(which has 2.85 bits on average when including the low-rank components and
requires 27GB of GPU memory) performs respectably compared to the 16-bit
baseline. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2403.13802 | HF | ZigMa: A DiT-style Zigzag Mamba Diffusion Model | [
"Vincent Tao Hu",
"Stefan Andreas Baumann",
"Ming Gui",
"Olga Grebenkova",
"Pingchuan Ma",
"Johannes Fischer",
"Björn Ommer"
] | 2024-03-20 | The diffusion model has long been plagued by scalability and quadratic
complexity issues, especially within transformer-based structures. In this
study, we aim to leverage the long sequence modeling capability of a
State-Space Model called Mamba to extend its applicability to visual data
generation. Firstly, we identify a critical oversight in most current
Mamba-based vision methods, namely the lack of consideration for spatial
continuity in the scan scheme of Mamba. Secondly, building upon this insight,
we introduce a simple, plug-and-play, zero-parameter method named Zigzag Mamba,
which outperforms Mamba-based baselines and demonstrates improved speed and
memory utilization compared to transformer-based baselines. Lastly, we
integrate Zigzag Mamba with the Stochastic Interpolant framework to investigate
the scalability of the model on large-resolution visual datasets, such as
FacesHQ $1024\times 1024$ and UCF101, MultiModal-CelebA-HQ, and MS COCO
$256\times 256$ . Code will be released at https://taohu.me/zigma/ | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2407.21075 | AnswerAI | Apple Intelligence Foundation Language Models | [
"Tom Gunter",
"Zirui Wang",
"Chong Wang",
"Ruoming Pang",
"Andy Narayanan",
"Aonan Zhang",
"Bowen Zhang",
"Chen Chen",
"Chung-Cheng Chiu",
"David Qiu",
"Deepak Gopinath",
"Dian Ang Yap",
"Dong Yin",
"Feng Nan",
"Floris Weers",
"Guoli Yin",
"Haoshuo Huang",
"Jianyu Wang",
"Jiarui Lu",
"John Peebles",
"Ke Ye",
"Mark Lee",
"Nan Du",
"Qibin Chen",
"Quentin Keunebroek",
"Sam Wiseman",
"Syd Evans",
"Tao Lei",
"Vivek Rathod",
"Xiang Kong",
"Xianzhi Du",
"Yanghao Li",
"Yongqiang Wang",
"Yuan Gao",
"Zaid Ahmed",
"Zhaoyang Xu",
"Zhiyun Lu",
"Al Rashid",
"Albin Madappally Jose",
"Alec Doane",
"Alfredo Bencomo",
"Allison Vanderby",
"Andrew Hansen",
"Ankur Jain",
"Anupama Mann Anupama",
"Areeba Kamal",
"Bugu Wu",
"Carolina Brum",
"Charlie Maalouf",
"Chinguun Erdenebileg",
"Chris Dulhanty",
"Dominik Moritz",
"Doug Kang",
"Eduardo Jimenez",
"Evan Ladd",
"Fangping Shi",
"Felix Bai",
"Frank Chu",
"Fred Hohman",
"Hadas Kotek",
"Hannah Gillis Coleman",
"Jane Li",
"Jeffrey Bigham",
"Jeffery Cao",
"Jeff Lai",
"Jessica Cheung",
"Jiulong Shan",
"Joe Zhou",
"John Li",
"Jun Qin",
"Karanjeet Singh",
"Karla Vega",
"Kelvin Zou",
"Laura Heckman",
"Lauren Gardiner",
"Margit Bowler",
"Maria Cordell",
"Meng Cao",
"Nicole Hay",
"Nilesh Shahdadpuri",
"Otto Godwin",
"Pranay Dighe",
"Pushyami Rachapudi",
"Ramsey Tantawi",
"Roman Frigg",
"Sam Davarnia",
"Sanskruti Shah",
"Saptarshi Guha",
"Sasha Sirovica",
"Shen Ma",
"Shuang Ma",
"Simon Wang",
"Sulgi Kim",
"Suma Jayaram",
"Vaishaal Shankar",
"Varsha Paidi",
"Vivek Kumar",
"Xin Wang",
"Xin Zheng",
"Walker Cheng",
"Yael Shrager",
"Yang Ye",
"Yasu Tanaka",
"Yihao Guo",
"Yunsong Meng",
"Zhao Tang Luo",
"Zhi Ouyang",
"Alp Aygar",
"Alvin Wan",
"Andrew Walkingshaw",
"Andy Narayanan",
"Antonie Lin",
"Arsalan Farooq",
"Brent Ramerth",
"Colorado Reed",
"Chris Bartels",
"Chris Chaney",
"David Riazati",
"Eric Liang Yang",
"Erin Feldman",
"Gabriel Hochstrasser",
"Guillaume Seguin",
"Irina Belousova",
"Joris Pelemans",
"Karen Yang",
"Keivan Alizadeh Vahid",
"Liangliang Cao",
"Mahyar Najibi",
"Marco Zuliani",
"Max Horton",
"Minsik Cho",
"Nikhil Bhendawade",
"Patrick Dong",
"Piotr Maj",
"Pulkit Agrawal",
"Qi Shan",
"Qichen Fu",
"Regan Poston",
"Sam Xu",
"Shuangning Liu",
"Sushma Rao",
"Tashweena Heeramun",
"Thomas Merth",
"Uday Rayala",
"Victor Cui",
"Vivek Rangarajan Sridhar",
"Wencong Zhang",
"Wenqi Zhang",
"Wentao Wu",
"Xingyu Zhou",
"Xinwen Liu",
"Yang Zhao",
"Yin Xia",
"Zhile Ren",
"Zhongzheng Ren"
] | 2024-07-29 | We present foundation language models developed to power Apple Intelligence
features, including a ~3 billion parameter model designed to run efficiently on
devices and a large server-based language model designed for Private Cloud
Compute. These models are designed to perform a wide range of tasks
efficiently, accurately, and responsibly. This report describes the model
architecture, the data used to train the model, the training process, how the
models are optimized for inference, and the evaluation results. We highlight
our focus on Responsible AI and how the principles are applied throughout the
model development. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2305.19466 | AnswerAI | The Impact of Positional Encoding on Length Generalization in Transformers | [
"Amirhossein Kazemnejad",
"Inkit Padhi",
"Karthikeyan Natesan Ramamurthy",
"Payel Das",
"Siva Reddy"
] | 2023-05-31 | Length generalization, the ability to generalize from small training context
sizes to larger ones, is a critical challenge in the development of
Transformer-based language models. Positional encoding (PE) has been identified
as a major factor influencing length generalization, but the exact impact of
different PE schemes on extrapolation in downstream tasks remains unclear. In
this paper, we conduct a systematic empirical study comparing the length
generalization performance of decoder-only Transformers with five different
position encoding approaches including Absolute Position Embedding (APE), T5's
Relative PE, ALiBi, and Rotary, in addition to Transformers without positional
encoding (NoPE). Our evaluation encompasses a battery of reasoning and
mathematical tasks. Our findings reveal that the most commonly used positional
encoding methods, such as ALiBi, Rotary, and APE, are not well suited for
length generalization in downstream tasks. More importantly, NoPE outperforms
other explicit positional encoding methods while requiring no additional
computation. We theoretically demonstrate that NoPE can represent both absolute
and relative PEs, but when trained with SGD, it mostly resembles T5's relative
PE attention patterns. Finally, we find that scratchpad is not always helpful
to solve length generalization and its format highly impacts the model's
performance. Overall, our work suggests that explicit position embeddings are
not essential for decoder-only Transformers to generalize well to longer
sequences. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2308.03279 | HF | UniversalNER: Targeted Distillation from Large Language Models for Open Named Entity Recognition | [
"Wenxuan Zhou",
"Sheng Zhang",
"Yu Gu",
"Muhao Chen",
"Hoifung Poon"
] | 2023-08-07 | Large language models (LLMs) have demonstrated remarkable generalizability,
such as understanding arbitrary entities and relations. Instruction tuning has
proven effective for distilling LLMs into more cost-efficient models such as
Alpaca and Vicuna. Yet such student models still trail the original LLMs by
large margins in downstream applications. In this paper, we explore targeted
distillation with mission-focused instruction tuning to train student models
that can excel in a broad application class such as open information
extraction. Using named entity recognition (NER) for case study, we show how
ChatGPT can be distilled into much smaller UniversalNER models for open NER.
For evaluation, we assemble the largest NER benchmark to date, comprising 43
datasets across 9 diverse domains such as biomedicine, programming, social
media, law, finance. Without using any direct supervision, UniversalNER attains
remarkable NER accuracy across tens of thousands of entity types, outperforming
general instruction-tuned models such as Alpaca and Vicuna by over 30 absolute
F1 points in average. With a tiny fraction of parameters, UniversalNER not only
acquires ChatGPT's capability in recognizing arbitrary entity types, but also
outperforms its NER accuracy by 7-9 absolute F1 points in average. Remarkably,
UniversalNER even outperforms by a large margin state-of-the-art multi-task
instruction-tuned systems such as InstructUIE, which uses supervised NER
examples. We also conduct thorough ablation studies to assess the impact of
various components in our distillation approach. We release the distillation
recipe, data, and UniversalNER models to facilitate future research on targeted
distillation. | null | cs.CL | [
"cs.CL"
] |
2407.06071 | HF | From Loops to Oops: Fallback Behaviors of Language Models Under Uncertainty | [
"Maor Ivgi",
"Ori Yoran",
"Jonathan Berant",
"Mor Geva"
] | 2024-07-08 | Large language models (LLMs) often exhibit undesirable behaviors, such as
hallucinations and sequence repetitions. We propose to view these behaviors as
fallbacks that models exhibit under uncertainty, and investigate the connection
between them. We categorize fallback behaviors -- sequence repetitions,
degenerate text, and hallucinations -- and extensively analyze them in models
from the same family that differ by the amount of pretraining tokens, parameter
count, or the inclusion of instruction-following training. Our experiments
reveal a clear and consistent ordering of fallback behaviors, across all these
axes: the more advanced an LLM is (i.e., trained on more tokens, has more
parameters, or instruction-tuned), its fallback behavior shifts from sequence
repetitions, to degenerate text, and then to hallucinations. Moreover, the same
ordering is observed throughout a single generation, even for the
best-performing models; as uncertainty increases, models shift from generating
hallucinations to producing degenerate text and then sequence repetitions.
Lastly, we demonstrate that while common decoding techniques, such as random
sampling, might alleviate some unwanted behaviors like sequence repetitions,
they increase harder-to-detect hallucinations. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.02897 | AnswerAI | An automatically discovered chain-of-thought prompt generalizes to novel models and datasets | [
"Konstantin Hebenstreit",
"Robert Praas",
"Louis P Kiesewetter",
"Matthias Samwald"
] | 2023-05-04 | Emergent chain-of-thought (CoT) reasoning capabilities promise to improve
performance and explainability of large language models (LLMs). However,
uncertainties remain about how reasoning strategies formulated for previous
model generations generalize to new model generations and different datasets.
In this small-scale study, we compare different reasoning strategies induced by
zero-shot prompting across six recently released LLMs (davinci-002,
davinci-003, GPT-3.5-turbo, GPT-4, Flan-T5-xxl and Cohere command-xlarge) on a
mixture of six question-answering datasets, including datasets from scientific
and medical domains. Our findings demonstrate that while some variations in
effectiveness occur, gains from CoT reasoning strategies remain robust across
different models and datasets. GPT-4 has the most benefit from current
state-of-the-art reasoning strategies and exhibits the best performance by
applying a prompt previously discovered through automated discovery. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2105.04663 | AnswerAI | GSPMD: General and Scalable Parallelization for ML Computation Graphs | [
"Yuanzhong Xu",
"HyoukJoong Lee",
"Dehao Chen",
"Blake Hechtman",
"Yanping Huang",
"Rahul Joshi",
"Maxim Krikun",
"Dmitry Lepikhin",
"Andy Ly",
"Marcello Maggioni",
"Ruoming Pang",
"Noam Shazeer",
"Shibo Wang",
"Tao Wang",
"Yonghui Wu",
"Zhifeng Chen"
] | 2021-05-10 | We present GSPMD, an automatic, compiler-based parallelization system for
common machine learning computations. It allows users to write programs in the
same way as for a single device, then give hints through a few annotations on
how to distribute tensors, based on which GSPMD will parallelize the
computation. Its representation of partitioning is simple yet general, allowing
it to express different or mixed paradigms of parallelism on a wide variety of
models.
GSPMD infers the partitioning for every operator based on limited user
annotations, making it convenient to scale existing single-device programs. It
solves several technical challenges for production usage, allowing GSPMD to
achieve 50% to 62% compute utilization on up to 2048 Cloud TPUv3 cores for
models with up to one trillion parameters. | null | cs.DC | [
"cs.DC",
"cs.LG"
] |
2408.02226 | HF | ProCreate, Don't Reproduce! Propulsive Energy Diffusion for Creative Generation | [
"Jack Lu",
"Ryan Teehan",
"Mengye Ren"
] | 2024-08-05 | In this paper, we propose ProCreate, a simple and easy-to-implement method to
improve sample diversity and creativity of diffusion-based image generative
models and to prevent training data reproduction. ProCreate operates on a set
of reference images and actively propels the generated image embedding away
from the reference embeddings during the generation process. We propose FSCG-8
(Few-Shot Creative Generation 8), a few-shot creative generation dataset on
eight different categories -- encompassing different concepts, styles, and
settings -- in which ProCreate achieves the highest sample diversity and
fidelity. Furthermore, we show that ProCreate is effective at preventing
replicating training data in a large-scale evaluation using training text
prompts. Code and FSCG-8 are available at
https://github.com/Agentic-Learning-AI-Lab/procreate-diffusion-public. The
project page is available at https://procreate-diffusion.github.io. | null | cs.CV | [
"cs.CV"
] |
2305.15525 | AnswerAI | Large Language Models are Few-Shot Health Learners | [
"Xin Liu",
"Daniel McDuff",
"Geza Kovacs",
"Isaac Galatzer-Levy",
"Jacob Sunshine",
"Jiening Zhan",
"Ming-Zher Poh",
"Shun Liao",
"Paolo Di Achille",
"Shwetak Patel"
] | 2023-05-24 | Large language models (LLMs) can capture rich representations of concepts
that are useful for real-world tasks. However, language alone is limited. While
existing LLMs excel at text-based inferences, health applications require that
models be grounded in numerical data (e.g., vital signs, laboratory values in
clinical domains; steps, movement in the wellness domain) that is not easily or
readily expressed as text in existing training corpus. We demonstrate that with
only few-shot tuning, a large language model is capable of grounding various
physiological and behavioral time-series data and making meaningful inferences
on numerous health tasks for both clinical and wellness contexts. Using data
from wearable and medical sensor recordings, we evaluate these capabilities on
the tasks of cardiac signal analysis, physical activity recognition, metabolic
calculation (e.g., calories burned), and estimation of stress reports and
mental health screeners. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2309.16671 | HF | Demystifying CLIP Data | [
"Hu Xu",
"Saining Xie",
"Xiaoqing Ellen Tan",
"Po-Yao Huang",
"Russell Howes",
"Vasu Sharma",
"Shang-Wen Li",
"Gargi Ghosh",
"Luke Zettlemoyer",
"Christoph Feichtenhofer"
] | 2023-09-28 | Contrastive Language-Image Pre-training (CLIP) is an approach that has
advanced research and applications in computer vision, fueling modern
recognition systems and generative models. We believe that the main ingredient
to the success of CLIP is its data and not the model architecture or
pre-training objective. However, CLIP only provides very limited information
about its data and how it has been collected, leading to works that aim to
reproduce CLIP's data by filtering with its model parameters. In this work, we
intend to reveal CLIP's data curation approach and in our pursuit of making it
open to the community introduce Metadata-Curated Language-Image Pre-training
(MetaCLIP). MetaCLIP takes a raw data pool and metadata (derived from CLIP's
concepts) and yields a balanced subset over the metadata distribution. Our
experimental study rigorously isolates the model and training settings,
concentrating solely on data. MetaCLIP applied to CommonCrawl with 400M
image-text data pairs outperforms CLIP's data on multiple standard benchmarks.
In zero-shot ImageNet classification, MetaCLIP achieves 70.8% accuracy,
surpassing CLIP's 68.3% on ViT-B models. Scaling to 1B data, while maintaining
the same training budget, attains 72.4%. Our observations hold across various
model sizes, exemplified by ViT-H achieving 80.5%, without any
bells-and-whistles. Curation code and training data distribution on metadata is
made available at https://github.com/facebookresearch/MetaCLIP. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2406.02884 | HF | PosterLLaVa: Constructing a Unified Multi-modal Layout Generator with LLM | [
"Tao Yang",
"Yingmin Luo",
"Zhongang Qi",
"Yang Wu",
"Ying Shan",
"Chang Wen Chen"
] | 2024-06-05 | Layout generation is the keystone in achieving automated graphic design,
requiring arranging the position and size of various multi-modal design
elements in a visually pleasing and constraint-following manner. Previous
approaches are either inefficient for large-scale applications or lack
flexibility for varying design requirements. Our research introduces a unified
framework for automated graphic layout generation, leveraging the multi-modal
large language model (MLLM) to accommodate diverse design tasks. In contrast,
our data-driven method employs structured text (JSON format) and visual
instruction tuning to generate layouts under specific visual and textual
constraints, including user-defined natural language specifications. We
conducted extensive experiments and achieved state-of-the-art (SOTA)
performance on public multi-modal layout generation benchmarks, demonstrating
the effectiveness of our method. Moreover, recognizing existing datasets'
limitations in capturing the complexity of real-world graphic designs, we
propose two new datasets for much more challenging tasks (user-constrained
generation and complicated poster), further validating our model's utility in
real-life settings. Marking by its superior accessibility and adaptability,
this approach further automates large-scale graphic design tasks. The code and
datasets will be publicly available on
https://github.com/posterllava/PosterLLaVA. | null | cs.CV | [
"cs.CV"
] |
2407.13759 | HF | Streetscapes: Large-scale Consistent Street View Generation Using Autoregressive Video Diffusion | [
"Boyang Deng",
"Richard Tucker",
"Zhengqi Li",
"Leonidas Guibas",
"Noah Snavely",
"Gordon Wetzstein"
] | 2024-07-18 | We present a method for generating Streetscapes-long sequences of views
through an on-the-fly synthesized city-scale scene. Our generation is
conditioned by language input (e.g., city name, weather), as well as an
underlying map/layout hosting the desired trajectory. Compared to recent models
for video generation or 3D view synthesis, our method can scale to much
longer-range camera trajectories, spanning several city blocks, while
maintaining visual quality and consistency. To achieve this goal, we build on
recent work on video diffusion, used within an autoregressive framework that
can easily scale to long sequences. In particular, we introduce a new temporal
imputation method that prevents our autoregressive approach from drifting from
the distribution of realistic city imagery. We train our Streetscapes system on
a compelling source of data-posed imagery from Google Street View, along with
contextual map data-which allows users to generate city views conditioned on
any desired city layout, with controllable camera poses. Please see more
results at our project page at https://boyangdeng.com/streetscapes. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2301.05217 | AnswerAI | Progress measures for grokking via mechanistic interpretability | [
"Neel Nanda",
"Lawrence Chan",
"Tom Lieberum",
"Jess Smith",
"Jacob Steinhardt"
] | 2023-01-12 | Neural networks often exhibit emergent behavior, where qualitatively new
capabilities arise from scaling up the amount of parameters, training data, or
training steps. One approach to understanding emergence is to find continuous
\textit{progress measures} that underlie the seemingly discontinuous
qualitative changes. We argue that progress measures can be found via
mechanistic interpretability: reverse-engineering learned behaviors into their
individual components. As a case study, we investigate the recently-discovered
phenomenon of ``grokking'' exhibited by small transformers trained on modular
addition tasks. We fully reverse engineer the algorithm learned by these
networks, which uses discrete Fourier transforms and trigonometric identities
to convert addition to rotation about a circle. We confirm the algorithm by
analyzing the activations and weights and by performing ablations in Fourier
space. Based on this understanding, we define progress measures that allow us
to study the dynamics of training and split training into three continuous
phases: memorization, circuit formation, and cleanup. Our results show that
grokking, rather than being a sudden shift, arises from the gradual
amplification of structured mechanisms encoded in the weights, followed by the
later removal of memorizing components. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2309.16585 | HF | Text-to-3D using Gaussian Splatting | [
"Zilong Chen",
"Feng Wang",
"Yikai Wang",
"Huaping Liu"
] | 2023-09-28 | Automatic text-to-3D generation that combines Score Distillation Sampling
(SDS) with the optimization of volume rendering has achieved remarkable
progress in synthesizing realistic 3D objects. Yet most existing text-to-3D
methods by SDS and volume rendering suffer from inaccurate geometry, e.g., the
Janus issue, since it is hard to explicitly integrate 3D priors into implicit
3D representations. Besides, it is usually time-consuming for them to generate
elaborate 3D models with rich colors. In response, this paper proposes GSGEN, a
novel method that adopts Gaussian Splatting, a recent state-of-the-art
representation, to text-to-3D generation. GSGEN aims at generating high-quality
3D objects and addressing existing shortcomings by exploiting the explicit
nature of Gaussian Splatting that enables the incorporation of 3D prior.
Specifically, our method adopts a progressive optimization strategy, which
includes a geometry optimization stage and an appearance refinement stage. In
geometry optimization, a coarse representation is established under 3D point
cloud diffusion prior along with the ordinary 2D SDS optimization, ensuring a
sensible and 3D-consistent rough shape. Subsequently, the obtained Gaussians
undergo an iterative appearance refinement to enrich texture details. In this
stage, we increase the number of Gaussians by compactness-based densification
to enhance continuity and improve fidelity. With these designs, our approach
can generate 3D assets with delicate details and accurate geometry. Extensive
evaluations demonstrate the effectiveness of our method, especially for
capturing high-frequency components. Our code is available at
https://github.com/gsgen3d/gsgen | null | cs.CV | [
"cs.CV"
] |
2408.02442 | AnswerAI | Let Me Speak Freely? A Study on the Impact of Format Restrictions on Performance of Large Language Models | [
"Zhi Rui Tam",
"Cheng-Kuang Wu",
"Yi-Lin Tsai",
"Chieh-Yen Lin",
"Hung-yi Lee",
"Yun-Nung Chen"
] | 2024-08-05 | Structured generation, the process of producing content in standardized
formats like JSON and XML, is widely utilized in real-world applications to
extract key output information from large language models (LLMs). This study
investigates whether such constraints on generation space impact LLMs'
abilities, including reasoning and domain knowledge comprehension.
Specifically, we evaluate LLMs' performance when restricted to adhere to
structured formats versus generating free-form responses across various common
tasks. Surprisingly, we observe a significant decline in LLMs' reasoning
abilities under format restrictions. Furthermore, we find that stricter format
constraints generally lead to greater performance degradation in reasoning
tasks. | null | cs.CL | [
"cs.CL"
] |
2407.08726 | HF | Map It Anywhere (MIA): Empowering Bird's Eye View Mapping using Large-scale Public Data | [
"Cherie Ho",
"Jiaye Zou",
"Omar Alama",
"Sai Mitheran Jagadesh Kumar",
"Benjamin Chiang",
"Taneesh Gupta",
"Chen Wang",
"Nikhil Keetha",
"Katia Sycara",
"Sebastian Scherer"
] | 2024-07-11 | Top-down Bird's Eye View (BEV) maps are a popular representation for ground
robot navigation due to their richness and flexibility for downstream tasks.
While recent methods have shown promise for predicting BEV maps from
First-Person View (FPV) images, their generalizability is limited to small
regions captured by current autonomous vehicle-based datasets. In this context,
we show that a more scalable approach towards generalizable map prediction can
be enabled by using two large-scale crowd-sourced mapping platforms, Mapillary
for FPV images and OpenStreetMap for BEV semantic maps. We introduce Map It
Anywhere (MIA), a data engine that enables seamless curation and modeling of
labeled map prediction data from existing open-source map platforms. Using our
MIA data engine, we display the ease of automatically collecting a dataset of
1.2 million pairs of FPV images & BEV maps encompassing diverse geographies,
landscapes, environmental factors, camera models & capture scenarios. We
further train a simple camera model-agnostic model on this data for BEV map
prediction. Extensive evaluations using established benchmarks and our dataset
show that the data curated by MIA enables effective pretraining for
generalizable BEV map prediction, with zero-shot performance far exceeding
baselines trained on existing datasets by 35%. Our analysis highlights the
promise of using large-scale public maps for developing & testing generalizable
BEV perception, paving the way for more robust autonomous navigation. | null | cs.CV | [
"cs.CV"
] |
2407.01920 | HF | To Forget or Not? Towards Practical Knowledge Unlearning for Large Language Models | [
"Bozhong Tian",
"Xiaozhuan Liang",
"Siyuan Cheng",
"Qingbin Liu",
"Mengru Wang",
"Dianbo Sui",
"Xi Chen",
"Huajun Chen",
"Ningyu Zhang"
] | 2024-07-02 | Large Language Models (LLMs) trained on extensive corpora inevitably retain
sensitive data, such as personal privacy information and copyrighted material.
Recent advancements in knowledge unlearning involve updating LLM parameters to
erase specific knowledge. However, current unlearning paradigms are mired in
vague forgetting boundaries, often erasing knowledge indiscriminately. In this
work, we introduce KnowUnDo, a benchmark containing copyrighted content and
user privacy domains to evaluate if the unlearning process inadvertently erases
essential knowledge. Our findings indicate that existing unlearning methods
often suffer from excessive unlearning. To address this, we propose a simple
yet effective method, MemFlex, which utilizes gradient information to precisely
target and unlearn sensitive parameters. Experimental results show that MemFlex
is superior to existing methods in both precise knowledge unlearning and
general knowledge retaining of LLMs. Code and dataset will be released at
https://github.com/zjunlp/KnowUnDo. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG",
"cs.MM"
] |
2404.03820 | HF | CantTalkAboutThis: Aligning Language Models to Stay on Topic in Dialogues | [
"Makesh Narsimhan Sreedhar",
"Traian Rebedea",
"Shaona Ghosh",
"Jiaqi Zeng",
"Christopher Parisien"
] | 2024-04-04 | Recent advancements in instruction-tuning datasets have predominantly focused
on specific tasks like mathematical or logical reasoning. There has been a
notable gap in data designed for aligning language models to maintain topic
relevance in conversations - a critical aspect for deploying chatbots to
production. We introduce the CantTalkAboutThis dataset to help language models
remain focused on the subject at hand during task-oriented interactions. It
consists of synthetic dialogues on a wide range of conversation topics from
different domains. These dialogues are interspersed with distractor turns that
intentionally divert the chatbot from the predefined topic. Fine-tuning
language models on this dataset helps make them resilient to deviating from the
role assigned and improves their ability to maintain topical coherence compared
to general-purpose instruction-tuned LLMs like GPT-4-turbo and
Mixtral-Instruct. Additionally, preliminary observations suggest that training
models on this dataset also enhance their performance on fine-grained
instruction following tasks, including safety alignment. | null | cs.CL | [
"cs.CL"
] |
2402.01761 | HF | Rethinking Interpretability in the Era of Large Language Models | [
"Chandan Singh",
"Jeevana Priya Inala",
"Michel Galley",
"Rich Caruana",
"Jianfeng Gao"
] | 2024-01-30 | Interpretable machine learning has exploded as an area of interest over the
last decade, sparked by the rise of increasingly large datasets and deep neural
networks. Simultaneously, large language models (LLMs) have demonstrated
remarkable capabilities across a wide array of tasks, offering a chance to
rethink opportunities in interpretable machine learning. Notably, the
capability to explain in natural language allows LLMs to expand the scale and
complexity of patterns that can be given to a human. However, these new
capabilities raise new challenges, such as hallucinated explanations and
immense computational costs.
In this position paper, we start by reviewing existing methods to evaluate
the emerging field of LLM interpretation (both interpreting LLMs and using LLMs
for explanation). We contend that, despite their limitations, LLMs hold the
opportunity to redefine interpretability with a more ambitious scope across
many applications, including in auditing LLMs themselves. We highlight two
emerging research priorities for LLM interpretation: using LLMs to directly
analyze new datasets and to generate interactive explanations. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.14596 | HF | ICAL: Continual Learning of Multimodal Agents by Transforming Trajectories into Actionable Insights | [
"Gabriel Sarch",
"Lawrence Jang",
"Michael J. Tarr",
"William W. Cohen",
"Kenneth Marino",
"Katerina Fragkiadaki"
] | 2024-06-20 | Large-scale generative language and vision-language models (LLMs and VLMs)
excel in few-shot in-context learning for decision making and instruction
following. However, they require high-quality exemplar demonstrations to be
included in their context window. In this work, we ask: Can LLMs and VLMs
generate their own prompt examples from generic, sub-optimal demonstrations? We
propose In-Context Abstraction Learning (ICAL), a method that builds a memory
of multimodal experience insights from sub-optimal demonstrations and human
feedback. Given a noisy demonstration in a new domain, VLMs abstract the
trajectory into a general program by fixing inefficient actions and annotating
cognitive abstractions: task relationships, object state changes, temporal
subgoals, and task construals. These abstractions are refined and adapted
interactively through human feedback while the agent attempts to execute the
trajectory in a similar environment. The resulting abstractions, when used as
exemplars in the prompt, significantly improve decision-making in
retrieval-augmented LLM and VLM agents. Our ICAL agent surpasses the
state-of-the-art in dialogue-based instruction following in TEACh, multimodal
web agents in VisualWebArena, and action anticipation in Ego4D. In TEACh, we
achieve a 12.6% improvement in goal-condition success. In VisualWebArena, our
task success rate improves over the SOTA from 14.3% to 22.7%. In Ego4D action
forecasting, we improve over few-shot GPT-4V and remain competitive with
supervised models. We show finetuning our retrieval-augmented in-context agent
yields additional improvements. Our approach significantly reduces reliance on
expert-crafted examples and consistently outperforms in-context learning from
action plans that lack such insights. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2407.11282 | HF | Uncertainty is Fragile: Manipulating Uncertainty in Large Language Models | [
"Qingcheng Zeng",
"Mingyu Jin",
"Qinkai Yu",
"Zhenting Wang",
"Wenyue Hua",
"Zihao Zhou",
"Guangyan Sun",
"Yanda Meng",
"Shiqing Ma",
"Qifan Wang",
"Felix Juefei-Xu",
"Kaize Ding",
"Fan Yang",
"Ruixiang Tang",
"Yongfeng Zhang"
] | 2024-07-15 | Large Language Models (LLMs) are employed across various high-stakes domains,
where the reliability of their outputs is crucial. One commonly used method to
assess the reliability of LLMs' responses is uncertainty estimation, which
gauges the likelihood of their answers being correct. While many studies focus
on improving the accuracy of uncertainty estimations for LLMs, our research
investigates the fragility of uncertainty estimation and explores potential
attacks. We demonstrate that an attacker can embed a backdoor in LLMs, which,
when activated by a specific trigger in the input, manipulates the model's
uncertainty without affecting the final output. Specifically, the proposed
backdoor attack method can alter an LLM's output probability distribution,
causing the probability distribution to converge towards an attacker-predefined
distribution while ensuring that the top-1 prediction remains unchanged. Our
experimental results demonstrate that this attack effectively undermines the
model's self-evaluation reliability in multiple-choice questions. For instance,
we achieved a 100 attack success rate (ASR) across three different triggering
strategies in four models. Further, we investigate whether this manipulation
generalizes across different prompts and domains. This work highlights a
significant threat to the reliability of LLMs and underscores the need for
future defenses against such attacks. The code is available at
https://github.com/qcznlp/uncertainty_attack. | null | cs.CL | [
"cs.CL"
] |
2408.12601 | HF | DreamCinema: Cinematic Transfer with Free Camera and 3D Character | [
"Weiliang Chen",
"Fangfu Liu",
"Diankun Wu",
"Haowen Sun",
"Haixu Song",
"Yueqi Duan"
] | 2024-08-22 | We are living in a flourishing era of digital media, where everyone has the
potential to become a personal filmmaker. Current research on cinematic
transfer empowers filmmakers to reproduce and manipulate the visual elements
(e.g., cinematography and character behaviors) from classic shots. However,
characters in the reimagined films still rely on manual crafting, which
involves significant technical complexity and high costs, making it
unattainable for ordinary users. Furthermore, their estimated cinematography
lacks smoothness due to inadequate capturing of inter-frame motion and modeling
of physical trajectories. Fortunately, the remarkable success of 2D and 3D AIGC
has opened up the possibility of efficiently generating characters tailored to
users' needs, diversifying cinematography. In this paper, we propose
DreamCinema, a novel cinematic transfer framework that pioneers generative AI
into the film production paradigm, aiming at facilitating user-friendly film
creation. Specifically, we first extract cinematic elements (i.e., human and
camera pose) and optimize the camera trajectory. Then, we apply a character
generator to efficiently create 3D high-quality characters with a human
structure prior. Finally, we develop a structure-guided motion transfer
strategy to incorporate generated characters into film creation and transfer it
via 3D graphics engines smoothly. Extensive experiments demonstrate the
effectiveness of our method for creating high-quality films with free camera
and 3D characters. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.MM"
] |
2311.11243 | HF | AutoStory: Generating Diverse Storytelling Images with Minimal Human Effort | [
"Wen Wang",
"Canyu Zhao",
"Hao Chen",
"Zhekai Chen",
"Kecheng Zheng",
"Chunhua Shen"
] | 2023-11-19 | Story visualization aims to generate a series of images that match the story
described in texts, and it requires the generated images to satisfy high
quality, alignment with the text description, and consistency in character
identities. Given the complexity of story visualization, existing methods
drastically simplify the problem by considering only a few specific characters
and scenarios, or requiring the users to provide per-image control conditions
such as sketches. However, these simplifications render these methods
incompetent for real applications. To this end, we propose an automated story
visualization system that can effectively generate diverse, high-quality, and
consistent sets of story images, with minimal human interactions. Specifically,
we utilize the comprehension and planning capabilities of large language models
for layout planning, and then leverage large-scale text-to-image models to
generate sophisticated story images based on the layout. We empirically find
that sparse control conditions, such as bounding boxes, are suitable for layout
planning, while dense control conditions, e.g., sketches and keypoints, are
suitable for generating high-quality image content. To obtain the best of both
worlds, we devise a dense condition generation module to transform simple
bounding box layouts into sketch or keypoint control conditions for final image
generation, which not only improves the image quality but also allows easy and
intuitive user interactions. In addition, we propose a simple yet effective
method to generate multi-view consistent character images, eliminating the
reliance on human labor to collect or draw character images. | null | cs.CV | [
"cs.CV"
] |
2310.10625 | HF | Video Language Planning | [
"Yilun Du",
"Mengjiao Yang",
"Pete Florence",
"Fei Xia",
"Ayzaan Wahid",
"Brian Ichter",
"Pierre Sermanet",
"Tianhe Yu",
"Pieter Abbeel",
"Joshua B. Tenenbaum",
"Leslie Kaelbling",
"Andy Zeng",
"Jonathan Tompson"
] | 2023-10-16 | We are interested in enabling visual planning for complex long-horizon tasks
in the space of generated videos and language, leveraging recent advances in
large generative models pretrained on Internet-scale data. To this end, we
present video language planning (VLP), an algorithm that consists of a tree
search procedure, where we train (i) vision-language models to serve as both
policies and value functions, and (ii) text-to-video models as dynamics models.
VLP takes as input a long-horizon task instruction and current image
observation, and outputs a long video plan that provides detailed multimodal
(video and language) specifications that describe how to complete the final
task. VLP scales with increasing computation budget where more computation time
results in improved video plans, and is able to synthesize long-horizon video
plans across different robotics domains: from multi-object rearrangement, to
multi-camera bi-arm dexterous manipulation. Generated video plans can be
translated into real robot actions via goal-conditioned policies, conditioned
on each intermediate frame of the generated video. Experiments show that VLP
substantially improves long-horizon task success rates compared to prior
methods on both simulated and real robots (across 3 hardware platforms). | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.RO"
] |
2306.02531 | Both | PLANNER: Generating Diversified Paragraph via Latent Language Diffusion Model | [
"Yizhe Zhang",
"Jiatao Gu",
"Zhuofeng Wu",
"Shuangfei Zhai",
"Josh Susskind",
"Navdeep Jaitly"
] | 2023-06-05 | Autoregressive models for text sometimes generate repetitive and low-quality
output because errors accumulate during the steps of generation. This issue is
often attributed to exposure bias - the difference between how a model is
trained, and how it is used during inference. Denoising diffusion models
provide an alternative approach in which a model can revisit and revise its
output. However, they can be computationally expensive and prior efforts on
text have led to models that produce less fluent output compared to
autoregressive models, especially for longer text and paragraphs. In this
paper, we propose PLANNER, a model that combines latent semantic diffusion with
autoregressive generation, to generate fluent text while exercising global
control over paragraphs. The model achieves this by combining an autoregressive
"decoding" module with a "planning" module that uses latent diffusion to
generate semantic paragraph embeddings in a coarse-to-fine manner. The proposed
method is evaluated on various conditional generation tasks, and results on
semantic generation, text completion and summarization show its effectiveness
in generating high-quality long-form text in an efficient manner. | null | cs.CL | [
"cs.CL"
] |
2310.16944 | AnswerAI | Zephyr: Direct Distillation of LM Alignment | [
"Lewis Tunstall",
"Edward Beeching",
"Nathan Lambert",
"Nazneen Rajani",
"Kashif Rasul",
"Younes Belkada",
"Shengyi Huang",
"Leandro von Werra",
"Clémentine Fourrier",
"Nathan Habib",
"Nathan Sarrazin",
"Omar Sanseviero",
"Alexander M. Rush",
"Thomas Wolf"
] | 2023-10-25 | We aim to produce a smaller language model that is aligned to user intent.
Previous research has shown that applying distilled supervised fine-tuning
(dSFT) on larger models significantly improves task accuracy; however, these
models are unaligned, i.e. they do not respond well to natural prompts. To
distill this property, we experiment with the use of preference data from AI
Feedback (AIF). Starting from a dataset of outputs ranked by a teacher model,
we apply distilled direct preference optimization (dDPO) to learn a chat model
with significantly improved intent alignment. The approach requires only a few
hours of training without any additional sampling during fine-tuning. The final
result, Zephyr-7B, sets the state-of-the-art on chat benchmarks for 7B
parameter models, and requires no human annotation. In particular, results on
MT-Bench show that Zephyr-7B surpasses Llama2-Chat-70B, the best open-access
RLHF-based model. Code, models, data, and tutorials for the system are
available at https://github.com/huggingface/alignment-handbook. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2305.18247 | HF | TaleCrafter: Interactive Story Visualization with Multiple Characters | [
"Yuan Gong",
"Youxin Pang",
"Xiaodong Cun",
"Menghan Xia",
"Yingqing He",
"Haoxin Chen",
"Longyue Wang",
"Yong Zhang",
"Xintao Wang",
"Ying Shan",
"Yujiu Yang"
] | 2023-05-29 | Accurate Story visualization requires several necessary elements, such as
identity consistency across frames, the alignment between plain text and visual
content, and a reasonable layout of objects in images. Most previous works
endeavor to meet these requirements by fitting a text-to-image (T2I) model on a
set of videos in the same style and with the same characters, e.g., the
FlintstonesSV dataset. However, the learned T2I models typically struggle to
adapt to new characters, scenes, and styles, and often lack the flexibility to
revise the layout of the synthesized images. This paper proposes a system for
generic interactive story visualization, capable of handling multiple novel
characters and supporting the editing of layout and local structure. It is
developed by leveraging the prior knowledge of large language and T2I models,
trained on massive corpora. The system comprises four interconnected
components: story-to-prompt generation (S2P), text-to-layout generation (T2L),
controllable text-to-image generation (C-T2I), and image-to-video animation
(I2V). First, the S2P module converts concise story information into detailed
prompts required for subsequent stages. Next, T2L generates diverse and
reasonable layouts based on the prompts, offering users the ability to adjust
and refine the layout to their preference. The core component, C-T2I, enables
the creation of images guided by layouts, sketches, and actor-specific
identifiers to maintain consistency and detail across visualizations. Finally,
I2V enriches the visualization process by animating the generated images.
Extensive experiments and a user study are conducted to validate the
effectiveness and flexibility of interactive editing of the proposed system. | null | cs.CV | [
"cs.CV"
] |
2404.16035 | HF | MaGGIe: Masked Guided Gradual Human Instance Matting | [
"Chuong Huynh",
"Seoung Wug Oh",
"Abhinav Shrivastava",
"Joon-Young Lee"
] | 2024-04-24 | Human matting is a foundation task in image and video processing, where human
foreground pixels are extracted from the input. Prior works either improve the
accuracy by additional guidance or improve the temporal consistency of a single
instance across frames. We propose a new framework MaGGIe, Masked Guided
Gradual Human Instance Matting, which predicts alpha mattes progressively for
each human instances while maintaining the computational cost, precision, and
consistency. Our method leverages modern architectures, including transformer
attention and sparse convolution, to output all instance mattes simultaneously
without exploding memory and latency. Although keeping constant inference costs
in the multiple-instance scenario, our framework achieves robust and versatile
performance on our proposed synthesized benchmarks. With the higher quality
image and video matting benchmarks, the novel multi-instance synthesis approach
from publicly available sources is introduced to increase the generalization of
models in real-world scenarios. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2305.08677 | HF | Natural Language Decomposition and Interpretation of Complex Utterances | [
"Harsh Jhamtani",
"Hao Fang",
"Patrick Xia",
"Eran Levy",
"Jacob Andreas",
"Ben Van Durme"
] | 2023-05-15 | Designing natural language interfaces has historically required collecting
supervised data to translate user requests into carefully designed intent
representations. This requires enumerating and labeling a long tail of user
requests, which is challenging. At the same time, large language models (LLMs)
encode knowledge about goals and plans that can help conversational assistants
interpret user requests requiring numerous steps to complete. We introduce an
approach to handle complex-intent-bearing utterances from a user via a process
of hierarchical natural language decomposition and interpretation. Our approach
uses a pre-trained language model to decompose a complex utterance into a
sequence of simpler natural language steps and interprets each step using the
language-to-program model designed for the interface. To test our approach, we
collect and release DeCU -- a new NL-to-program benchmark to evaluate
Decomposition of Complex Utterances. Experiments show that the proposed
approach enables the interpretation of complex utterances with almost no
complex training data, while outperforming standard few-shot prompting
approaches. | null | cs.CL | [
"cs.CL"
] |
2406.08657 | HF | Mistral-C2F: Coarse to Fine Actor for Analytical and Reasoning Enhancement in RLHF and Effective-Merged LLMs | [
"Chen Zheng",
"Ke Sun",
"Xun Zhou"
] | 2024-06-12 | Despite the advances in Large Language Models (LLMs), exemplified by models
like GPT-4 and Claude, smaller-scale LLMs such as Llama and Mistral often
struggle with generating in-depth and coherent dialogues. This paper presents a
novel two-step Coarse-to-Fine Actor model to address the inherent limitations
in conversational and analytical capabilities of small-sized LLMs. Our approach
begins with the Policy-based Coarse Actor, employing a technique we term
"Continuous Maximization". The Coarse Actor establishes an enhanced,
knowledge-rich pool adept at aligning with human preference styles in analysis
and reasoning. Through the RLHF process, it employs Continuous Maximization, a
strategy that dynamically and adaptively extends the output length limit,
enabling the generation of more detailed and analytical content. Subsequently,
the Fine Actor refines this analytical content, addressing the generation of
excessively redundant information from the Coarse Actor. We introduce a
"Knowledge Residue Merger" approach, refining the content from the Coarse Actor
and merging it with an existing Instruction model to improve quality,
correctness, and reduce redundancies. We applied our methodology to the popular
Mistral model, creating Mistral-C2F, which has demonstrated exceptional
performance across 11 general language tasks and the MT-Bench Dialogue task,
outperforming similar-scale models and even larger models with 13B and 30B
parameters. Our model has significantly improved conversational and analytical
reasoning abilities. | null | cs.CL | [
"cs.CL"
] |
2304.11082 | AnswerAI | Fundamental Limitations of Alignment in Large Language Models | [
"Yotam Wolf",
"Noam Wies",
"Oshri Avnery",
"Yoav Levine",
"Amnon Shashua"
] | 2023-04-19 | An important aspect in developing language models that interact with humans
is aligning their behavior to be useful and unharmful for their human users.
This is usually achieved by tuning the model in a way that enhances desired
behaviors and inhibits undesired ones, a process referred to as alignment. In
this paper, we propose a theoretical approach called Behavior Expectation
Bounds (BEB) which allows us to formally investigate several inherent
characteristics and limitations of alignment in large language models.
Importantly, we prove that within the limits of this framework, for any
behavior that has a finite probability of being exhibited by the model, there
exist prompts that can trigger the model into outputting this behavior, with
probability that increases with the length of the prompt. This implies that any
alignment process that attenuates an undesired behavior but does not remove it
altogether, is not safe against adversarial prompting attacks. Furthermore, our
framework hints at the mechanism by which leading alignment approaches such as
reinforcement learning from human feedback make the LLM prone to being prompted
into the undesired behaviors. This theoretical result is being experimentally
demonstrated in large scale by the so called contemporary "chatGPT jailbreaks",
where adversarial users trick the LLM into breaking its alignment guardrails by
triggering it into acting as a malicious persona. Our results expose
fundamental limitations in alignment of LLMs and bring to the forefront the
need to devise reliable mechanisms for ensuring AI safety. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.12409 | HF | ComboVerse: Compositional 3D Assets Creation Using Spatially-Aware Diffusion Guidance | [
"Yongwei Chen",
"Tengfei Wang",
"Tong Wu",
"Xingang Pan",
"Kui Jia",
"Ziwei Liu"
] | 2024-03-19 | Generating high-quality 3D assets from a given image is highly desirable in
various applications such as AR/VR. Recent advances in single-image 3D
generation explore feed-forward models that learn to infer the 3D model of an
object without optimization. Though promising results have been achieved in
single object generation, these methods often struggle to model complex 3D
assets that inherently contain multiple objects. In this work, we present
ComboVerse, a 3D generation framework that produces high-quality 3D assets with
complex compositions by learning to combine multiple models. 1) We first
perform an in-depth analysis of this ``multi-object gap'' from both model and
data perspectives. 2) Next, with reconstructed 3D models of different objects,
we seek to adjust their sizes, rotation angles, and locations to create a 3D
asset that matches the given image. 3) To automate this process, we apply
spatially-aware score distillation sampling (SSDS) from pretrained diffusion
models to guide the positioning of objects. Our proposed framework emphasizes
spatial alignment of objects, compared with standard score distillation
sampling, and thus achieves more accurate results. Extensive experiments
validate ComboVerse achieves clear improvements over existing methods in
generating compositional 3D assets. | null | cs.CV | [
"cs.CV"
] |
2406.07057 | HF | Benchmarking Trustworthiness of Multimodal Large Language Models: A Comprehensive Study | [
"Yichi Zhang",
"Yao Huang",
"Yitong Sun",
"Chang Liu",
"Zhe Zhao",
"Zhengwei Fang",
"Yifan Wang",
"Huanran Chen",
"Xiao Yang",
"Xingxing Wei",
"Hang Su",
"Yinpeng Dong",
"Jun Zhu"
] | 2024-06-11 | Despite the superior capabilities of Multimodal Large Language Models (MLLMs)
across diverse tasks, they still face significant trustworthiness challenges.
Yet, current literature on the assessment of trustworthy MLLMs remains limited,
lacking a holistic evaluation to offer thorough insights into future
improvements. In this work, we establish MultiTrust, the first comprehensive
and unified benchmark on the trustworthiness of MLLMs across five primary
aspects: truthfulness, safety, robustness, fairness, and privacy. Our benchmark
employs a rigorous evaluation strategy that addresses both multimodal risks and
cross-modal impacts, encompassing 32 diverse tasks with self-curated datasets.
Extensive experiments with 21 modern MLLMs reveal some previously unexplored
trustworthiness issues and risks, highlighting the complexities introduced by
the multimodality and underscoring the necessity for advanced methodologies to
enhance their reliability. For instance, typical proprietary models still
struggle with the perception of visually confusing images and are vulnerable to
multimodal jailbreaking and adversarial attacks; MLLMs are more inclined to
disclose privacy in text and reveal ideological and cultural biases even when
paired with irrelevant images in inference, indicating that the multimodality
amplifies the internal risks from base LLMs. Additionally, we release a
scalable toolbox for standardized trustworthiness research, aiming to
facilitate future advancements in this important field. Code and resources are
publicly available at: https://multi-trust.github.io/. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV",
"cs.LG"
] |
2309.06126 | Both | AstroLLaMA: Towards Specialized Foundation Models in Astronomy | [
"Tuan Dung Nguyen",
"Yuan-Sen Ting",
"Ioana Ciucă",
"Charlie O'Neill",
"Ze-Chang Sun",
"Maja Jabłońska",
"Sandor Kruk",
"Ernest Perkowski",
"Jack Miller",
"Jason Li",
"Josh Peek",
"Kartheik Iyer",
"Tomasz Różański",
"Pranav Khetarpal",
"Sharaf Zaman",
"David Brodrick",
"Sergio J. Rodríguez Méndez",
"Thang Bui",
"Alyssa Goodman",
"Alberto Accomazzi",
"Jill Naiman",
"Jesse Cranney",
"Kevin Schawinski",
"UniverseTBD"
] | 2023-09-12 | Large language models excel in many human-language tasks but often falter in
highly specialized domains like scholarly astronomy. To bridge this gap, we
introduce AstroLLaMA, a 7-billion-parameter model fine-tuned from LLaMA-2 using
over 300,000 astronomy abstracts from arXiv. Optimized for traditional causal
language modeling, AstroLLaMA achieves a 30% lower perplexity than Llama-2,
showing marked domain adaptation. Our model generates more insightful and
scientifically relevant text completions and embedding extraction than
state-of-the-arts foundation models despite having significantly fewer
parameters. AstroLLaMA serves as a robust, domain-specific model with broad
fine-tuning potential. Its public release aims to spur astronomy-focused
research, including automatic paper summarization and conversational agent
development. | null | astro-ph.IM | [
"astro-ph.IM",
"astro-ph.CO",
"astro-ph.GA",
"astro-ph.HE",
"cs.CL",
"cs.LG"
] |
2311.10751 | HF | ProAgent: From Robotic Process Automation to Agentic Process Automation | [
"Yining Ye",
"Xin Cong",
"Shizuo Tian",
"Jiannan Cao",
"Hao Wang",
"Yujia Qin",
"Yaxi Lu",
"Heyang Yu",
"Huadong Wang",
"Yankai Lin",
"Zhiyuan Liu",
"Maosong Sun"
] | 2023-11-02 | From ancient water wheels to robotic process automation (RPA), automation
technology has evolved throughout history to liberate human beings from arduous
tasks. Yet, RPA struggles with tasks needing human-like intelligence,
especially in elaborate design of workflow construction and dynamic
decision-making in workflow execution. As Large Language Models (LLMs) have
emerged human-like intelligence, this paper introduces Agentic Process
Automation (APA), a groundbreaking automation paradigm using LLM-based agents
for advanced automation by offloading the human labor to agents associated with
construction and execution. We then instantiate ProAgent, an LLM-based agent
designed to craft workflows from human instructions and make intricate
decisions by coordinating specialized agents. Empirical experiments are
conducted to detail its construction and execution procedure of workflow,
showcasing the feasibility of APA, unveiling the possibility of a new paradigm
of automation driven by agents. Our code is public at
https://github.com/OpenBMB/ProAgent. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CL"
] |
2408.12282 | HF | Subsurface Scattering for 3D Gaussian Splatting | [
"Jan-Niklas Dihlmann",
"Arjun Majumdar",
"Andreas Engelhardt",
"Raphael Braun",
"Hendrik P. A. Lensch"
] | 2024-08-22 | 3D reconstruction and relighting of objects made from scattering materials
present a significant challenge due to the complex light transport beneath the
surface. 3D Gaussian Splatting introduced high-quality novel view synthesis at
real-time speeds. While 3D Gaussians efficiently approximate an object's
surface, they fail to capture the volumetric properties of subsurface
scattering. We propose a framework for optimizing an object's shape together
with the radiance transfer field given multi-view OLAT (one light at a time)
data. Our method decomposes the scene into an explicit surface represented as
3D Gaussians, with a spatially varying BRDF, and an implicit volumetric
representation of the scattering component. A learned incident light field
accounts for shadowing. We optimize all parameters jointly via ray-traced
differentiable rendering. Our approach enables material editing, relighting and
novel view synthesis at interactive rates. We show successful application on
synthetic data and introduce a newly acquired multi-view multi-light dataset of
objects in a light-stage setup. Compared to previous work we achieve comparable
or better results at a fraction of optimization and rendering time while
enabling detailed control over material attributes. Project page
https://sss.jdihlmann.com/ | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2406.18462 | HF | GaussianDreamerPro: Text to Manipulable 3D Gaussians with Highly Enhanced Quality | [
"Taoran Yi",
"Jiemin Fang",
"Zanwei Zhou",
"Junjie Wang",
"Guanjun Wu",
"Lingxi Xie",
"Xiaopeng Zhang",
"Wenyu Liu",
"Xinggang Wang",
"Qi Tian"
] | 2024-06-26 | Recently, 3D Gaussian splatting (3D-GS) has achieved great success in
reconstructing and rendering real-world scenes. To transfer the high rendering
quality to generation tasks, a series of research works attempt to generate
3D-Gaussian assets from text. However, the generated assets have not achieved
the same quality as those in reconstruction tasks. We observe that Gaussians
tend to grow without control as the generation process may cause indeterminacy.
Aiming at highly enhancing the generation quality, we propose a novel framework
named GaussianDreamerPro. The main idea is to bind Gaussians to reasonable
geometry, which evolves over the whole generation process. Along different
stages of our framework, both the geometry and appearance can be enriched
progressively. The final output asset is constructed with 3D Gaussians bound to
mesh, which shows significantly enhanced details and quality compared with
previous methods. Notably, the generated asset can also be seamlessly
integrated into downstream manipulation pipelines, e.g. animation, composition,
and simulation etc., greatly promoting its potential in wide applications.
Demos are available at https://taoranyi.com/gaussiandreamerpro/. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2407.10362 | HF | LAB-Bench: Measuring Capabilities of Language Models for Biology Research | [
"Jon M. Laurent",
"Joseph D. Janizek",
"Michael Ruzo",
"Michaela M. Hinks",
"Michael J. Hammerling",
"Siddharth Narayanan",
"Manvitha Ponnapati",
"Andrew D. White",
"Samuel G. Rodriques"
] | 2024-07-14 | There is widespread optimism that frontier Large Language Models (LLMs) and
LLM-augmented systems have the potential to rapidly accelerate scientific
discovery across disciplines. Today, many benchmarks exist to measure LLM
knowledge and reasoning on textbook-style science questions, but few if any
benchmarks are designed to evaluate language model performance on practical
tasks required for scientific research, such as literature search, protocol
planning, and data analysis. As a step toward building such benchmarks, we
introduce the Language Agent Biology Benchmark (LAB-Bench), a broad dataset of
over 2,400 multiple choice questions for evaluating AI systems on a range of
practical biology research capabilities, including recall and reasoning over
literature, interpretation of figures, access and navigation of databases, and
comprehension and manipulation of DNA and protein sequences. Importantly, in
contrast to previous scientific benchmarks, we expect that an AI system that
can achieve consistently high scores on the more difficult LAB-Bench tasks
would serve as a useful assistant for researchers in areas such as literature
search and molecular cloning. As an initial assessment of the emergent
scientific task capabilities of frontier language models, we measure
performance of several against our benchmark and report results compared to
human expert biology researchers. We will continue to update and expand
LAB-Bench over time, and expect it to serve as a useful tool in the development
of automated research systems going forward. A public subset of LAB-Bench is
available for use at the following URL:
https://huggingface.co/datasets/futurehouse/lab-bench | null | cs.AI | [
"cs.AI"
] |
2309.04354 | HF | Mobile V-MoEs: Scaling Down Vision Transformers via Sparse Mixture-of-Experts | [
"Erik Daxberger",
"Floris Weers",
"Bowen Zhang",
"Tom Gunter",
"Ruoming Pang",
"Marcin Eichner",
"Michael Emmersberger",
"Yinfei Yang",
"Alexander Toshev",
"Xianzhi Du"
] | 2023-09-08 | Sparse Mixture-of-Experts models (MoEs) have recently gained popularity due
to their ability to decouple model size from inference efficiency by only
activating a small subset of the model parameters for any given input token. As
such, sparse MoEs have enabled unprecedented scalability, resulting in
tremendous successes across domains such as natural language processing and
computer vision. In this work, we instead explore the use of sparse MoEs to
scale-down Vision Transformers (ViTs) to make them more attractive for
resource-constrained vision applications. To this end, we propose a simplified
and mobile-friendly MoE design where entire images rather than individual
patches are routed to the experts. We also propose a stable MoE training
procedure that uses super-class information to guide the router. We empirically
show that our sparse Mobile Vision MoEs (V-MoEs) can achieve a better trade-off
between performance and efficiency than the corresponding dense ViTs. For
example, for the ViT-Tiny model, our Mobile V-MoE outperforms its dense
counterpart by 3.39% on ImageNet-1k. For an even smaller ViT variant with only
54M FLOPs inference cost, our MoE achieves an improvement of 4.66%. | null | cs.CV | [
"cs.CV",
"cs.LG",
"stat.ML"
] |
2406.12618 | HF | From Insights to Actions: The Impact of Interpretability and Analysis Research on NLP | [
"Marius Mosbach",
"Vagrant Gautam",
"Tomás Vergara-Browne",
"Dietrich Klakow",
"Mor Geva"
] | 2024-06-18 | Interpretability and analysis (IA) research is a growing subfield within NLP
with the goal of developing a deeper understanding of the behavior or inner
workings of NLP systems and methods. Despite growing interest in the subfield,
a commonly voiced criticism is that it lacks actionable insights and therefore
has little impact on NLP. In this paper, we seek to quantify the impact of IA
research on the broader field of NLP. We approach this with a mixed-methods
analysis of: (1) a citation graph of 185K+ papers built from all papers
published at ACL and EMNLP conferences from 2018 to 2023, and (2) a survey of
138 members of the NLP community. Our quantitative results show that IA work is
well-cited outside of IA, and central in the NLP citation graph. Through
qualitative analysis of survey responses and manual annotation of 556 papers,
we find that NLP researchers build on findings from IA work and perceive it is
important for progress in NLP, multiple subfields, and rely on its findings and
terminology for their own work. Many novel methods are proposed based on IA
findings and highly influenced by them, but highly influential non-IA work
cites IA findings without being driven by them. We end by summarizing what is
missing in IA work today and provide a call to action, to pave the way for a
more impactful future of IA research. | null | cs.CL | [
"cs.CL"
] |
2409.02095 | HF | DepthCrafter: Generating Consistent Long Depth Sequences for Open-world Videos | [
"Wenbo Hu",
"Xiangjun Gao",
"Xiaoyu Li",
"Sijie Zhao",
"Xiaodong Cun",
"Yong Zhang",
"Long Quan",
"Ying Shan"
] | 2024-09-03 | Despite significant advancements in monocular depth estimation for static
images, estimating video depth in the open world remains challenging, since
open-world videos are extremely diverse in content, motion, camera movement,
and length. We present DepthCrafter, an innovative method for generating
temporally consistent long depth sequences with intricate details for
open-world videos, without requiring any supplementary information such as
camera poses or optical flow. DepthCrafter achieves generalization ability to
open-world videos by training a video-to-depth model from a pre-trained
image-to-video diffusion model, through our meticulously designed three-stage
training strategy with the compiled paired video-depth datasets. Our training
approach enables the model to generate depth sequences with variable lengths at
one time, up to 110 frames, and harvest both precise depth details and rich
content diversity from realistic and synthetic datasets. We also propose an
inference strategy that processes extremely long videos through segment-wise
estimation and seamless stitching. Comprehensive evaluations on multiple
datasets reveal that DepthCrafter achieves state-of-the-art performance in
open-world video depth estimation under zero-shot settings. Furthermore,
DepthCrafter facilitates various downstream applications, including depth-based
visual effects and conditional video generation. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2101.00436 | AnswerAI | Baleen: Robust Multi-Hop Reasoning at Scale via Condensed Retrieval | [
"Omar Khattab",
"Christopher Potts",
"Matei Zaharia"
] | 2021-01-02 | Multi-hop reasoning (i.e., reasoning across two or more documents) is a key
ingredient for NLP models that leverage large corpora to exhibit broad
knowledge. To retrieve evidence passages, multi-hop models must contend with a
fast-growing search space across the hops, represent complex queries that
combine multiple information needs, and resolve ambiguity about the best order
in which to hop between training passages. We tackle these problems via Baleen,
a system that improves the accuracy of multi-hop retrieval while learning
robustly from weak training signals in the many-hop setting. To tame the search
space, we propose condensed retrieval, a pipeline that summarizes the retrieved
passages after each hop into a single compact context. To model complex
queries, we introduce a focused late interaction retriever that allows
different parts of the same query representation to match disparate relevant
passages. Lastly, to infer the hopping dependencies among unordered training
passages, we devise latent hop ordering, a weak-supervision strategy in which
the trained retriever itself selects the sequence of hops. We evaluate Baleen
on retrieval for two-hop question answering and many-hop claim verification,
establishing state-of-the-art performance. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2406.04325 | HF | ShareGPT4Video: Improving Video Understanding and Generation with Better Captions | [
"Lin Chen",
"Xilin Wei",
"Jinsong Li",
"Xiaoyi Dong",
"Pan Zhang",
"Yuhang Zang",
"Zehui Chen",
"Haodong Duan",
"Bin Lin",
"Zhenyu Tang",
"Li Yuan",
"Yu Qiao",
"Dahua Lin",
"Feng Zhao",
"Jiaqi Wang"
] | 2024-06-06 | We present the ShareGPT4Video series, aiming to facilitate the video
understanding of large video-language models (LVLMs) and the video generation
of text-to-video models (T2VMs) via dense and precise captions. The series
comprises: 1) ShareGPT4Video, 40K GPT4V annotated dense captions of videos with
various lengths and sources, developed through carefully designed data
filtering and annotating strategy. 2) ShareCaptioner-Video, an efficient and
capable captioning model for arbitrary videos, with 4.8M high-quality aesthetic
videos annotated by it. 3) ShareGPT4Video-8B, a simple yet superb LVLM that
reached SOTA performance on three advancing video benchmarks. To achieve this,
taking aside the non-scalable costly human annotators, we find using GPT4V to
caption video with a naive multi-frame or frame-concatenation input strategy
leads to less detailed and sometimes temporal-confused results. We argue the
challenge of designing a high-quality video captioning strategy lies in three
aspects: 1) Inter-frame precise temporal change understanding. 2) Intra-frame
detailed content description. 3) Frame-number scalability for arbitrary-length
videos. To this end, we meticulously designed a differential video captioning
strategy, which is stable, scalable, and efficient for generating captions for
videos with arbitrary resolution, aspect ratios, and length. Based on it, we
construct ShareGPT4Video, which contains 40K high-quality videos spanning a
wide range of categories, and the resulting captions encompass rich world
knowledge, object attributes, camera movements, and crucially, detailed and
precise temporal descriptions of events. Based on ShareGPT4Video, we further
develop ShareCaptioner-Video, a superior captioner capable of efficiently
generating high-quality captions for arbitrary videos... | null | cs.CV | [
"cs.CV"
] |
2311.04931 | HF | GPT4All: An Ecosystem of Open Source Compressed Language Models | [
"Yuvanesh Anand",
"Zach Nussbaum",
"Adam Treat",
"Aaron Miller",
"Richard Guo",
"Ben Schmidt",
"GPT4All Community",
"Brandon Duderstadt",
"Andriy Mulyar"
] | 2023-11-06 | Large language models (LLMs) have recently achieved human-level performance
on a range of professional and academic benchmarks. The accessibility of these
models has lagged behind their performance. State-of-the-art LLMs require
costly infrastructure; are only accessible via rate-limited, geo-locked, and
censored web interfaces; and lack publicly available code and technical
reports. In this paper, we tell the story of GPT4All, a popular open source
repository that aims to democratize access to LLMs. We outline the technical
details of the original GPT4All model family, as well as the evolution of the
GPT4All project from a single model into a fully fledged open source ecosystem.
It is our hope that this paper acts as both a technical overview of the
original GPT4All models as well as a case study on the subsequent growth of the
GPT4All open source ecosystem. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.04314 | HF | Step-aware Preference Optimization: Aligning Preference with Denoising Performance at Each Step | [
"Zhanhao Liang",
"Yuhui Yuan",
"Shuyang Gu",
"Bohan Chen",
"Tiankai Hang",
"Ji Li",
"Liang Zheng"
] | 2024-06-06 | Recently, Direct Preference Optimization (DPO) has extended its success from
aligning large language models (LLMs) to aligning text-to-image diffusion
models with human preferences. Unlike most existing DPO methods that assume all
diffusion steps share a consistent preference order with the final generated
images, we argue that this assumption neglects step-specific denoising
performance and that preference labels should be tailored to each step's
contribution. To address this limitation, we propose Step-aware Preference
Optimization (SPO), a novel post-training approach that independently evaluates
and adjusts the denoising performance at each step, using a step-aware
preference model and a step-wise resampler to ensure accurate step-aware
supervision. Specifically, at each denoising step, we sample a pool of images,
find a suitable win-lose pair, and, most importantly, randomly select a single
image from the pool to initialize the next denoising step. This step-wise
resampler process ensures the next win-lose image pair comes from the same
image, making the win-lose comparison independent of the previous step. To
assess the preferences at each step, we train a separate step-aware preference
model that can be applied to both noisy and clean images. Our experiments with
Stable Diffusion v1.5 and SDXL demonstrate that SPO significantly outperforms
the latest Diffusion-DPO in aligning generated images with complex, detailed
prompts and enhancing aesthetics, while also achieving more than 20x times
faster in training efficiency. Code and model:
https://rockeycoss.github.io/spo.github.io/ | null | cs.CV | [
"cs.CV"
] |
2212.09720 | AnswerAI | The case for 4-bit precision: k-bit Inference Scaling Laws | [
"Tim Dettmers",
"Luke Zettlemoyer"
] | 2022-12-19 | Quantization methods reduce the number of bits required to represent each
parameter in a model, trading accuracy for smaller memory footprints and
inference latencies. However, the final model size depends on both the number
of parameters of the original model and the rate of compression. For example, a
30B 8-bit model and a 60B 4-bit model have the same number of bits but may have
very different zero-shot accuracies. In this work, we study this trade-off by
developing inference scaling laws of zero-shot performance in Large Language
Models (LLMs) to determine the bit-precision and model size that maximizes
zero-shot performance. We run more than 35,000 experiments with 16-bit inputs
and k-bit parameters to examine which zero-shot quantization methods improve
scaling for 3 to 8-bit precision at scales of 19M to 176B parameters across the
LLM families BLOOM, OPT, NeoX/Pythia, and GPT-2. We find that it is challenging
to improve the bit-level scaling trade-off, with the only improvements being
the use of a small block size -- splitting the parameters into small
independently quantized blocks -- and the quantization data type being used
(e.g., Int vs Float). Overall, our findings show that {4-bit} precision is
almost universally optimal for total model bits and zero-shot accuracy. | null | cs.LG | [
"cs.LG",
"cs.NE"
] |
2406.09308 | HF | Transformers meet Neural Algorithmic Reasoners | [
"Wilfried Bounsi",
"Borja Ibarz",
"Andrew Dudzik",
"Jessica B. Hamrick",
"Larisa Markeeva",
"Alex Vitvitskyi",
"Razvan Pascanu",
"Petar Veličković"
] | 2024-06-13 | Transformers have revolutionized machine learning with their simple yet
effective architecture. Pre-training Transformers on massive text datasets from
the Internet has led to unmatched generalization for natural language
understanding (NLU) tasks. However, such language models remain fragile when
tasked with algorithmic forms of reasoning, where computations must be precise
and robust. To address this limitation, we propose a novel approach that
combines the Transformer's language understanding with the robustness of graph
neural network (GNN)-based neural algorithmic reasoners (NARs). Such NARs
proved effective as generic solvers for algorithmic tasks, when specified in
graph form. To make their embeddings accessible to a Transformer, we propose a
hybrid architecture with a two-phase training procedure, allowing the tokens in
the language model to cross-attend to the node embeddings from the NAR. We
evaluate our resulting TransNAR model on CLRS-Text, the text-based version of
the CLRS-30 benchmark, and demonstrate significant gains over Transformer-only
models for algorithmic reasoning, both in and out of distribution. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2106.09685 | AnswerAI | LoRA: Low-Rank Adaptation of Large Language Models | [
"Edward J. Hu",
"Yelong Shen",
"Phillip Wallis",
"Zeyuan Allen-Zhu",
"Yuanzhi Li",
"Shean Wang",
"Lu Wang",
"Weizhu Chen"
] | 2021-06-17 | An important paradigm of natural language processing consists of large-scale
pre-training on general domain data and adaptation to particular tasks or
domains. As we pre-train larger models, full fine-tuning, which retrains all
model parameters, becomes less feasible. Using GPT-3 175B as an example --
deploying independent instances of fine-tuned models, each with 175B
parameters, is prohibitively expensive. We propose Low-Rank Adaptation, or
LoRA, which freezes the pre-trained model weights and injects trainable rank
decomposition matrices into each layer of the Transformer architecture, greatly
reducing the number of trainable parameters for downstream tasks. Compared to
GPT-3 175B fine-tuned with Adam, LoRA can reduce the number of trainable
parameters by 10,000 times and the GPU memory requirement by 3 times. LoRA
performs on-par or better than fine-tuning in model quality on RoBERTa,
DeBERTa, GPT-2, and GPT-3, despite having fewer trainable parameters, a higher
training throughput, and, unlike adapters, no additional inference latency. We
also provide an empirical investigation into rank-deficiency in language model
adaptation, which sheds light on the efficacy of LoRA. We release a package
that facilitates the integration of LoRA with PyTorch models and provide our
implementations and model checkpoints for RoBERTa, DeBERTa, and GPT-2 at
https://github.com/microsoft/LoRA. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.14211 | HF | MagicMan: Generative Novel View Synthesis of Humans with 3D-Aware Diffusion and Iterative Refinement | [
"Xu He",
"Xiaoyu Li",
"Di Kang",
"Jiangnan Ye",
"Chaopeng Zhang",
"Liyang Chen",
"Xiangjun Gao",
"Han Zhang",
"Zhiyong Wu",
"Haolin Zhuang"
] | 2024-08-26 | Existing works in single-image human reconstruction suffer from weak
generalizability due to insufficient training data or 3D inconsistencies for a
lack of comprehensive multi-view knowledge. In this paper, we introduce
MagicMan, a human-specific multi-view diffusion model designed to generate
high-quality novel view images from a single reference image. As its core, we
leverage a pre-trained 2D diffusion model as the generative prior for
generalizability, with the parametric SMPL-X model as the 3D body prior to
promote 3D awareness. To tackle the critical challenge of maintaining
consistency while achieving dense multi-view generation for improved 3D human
reconstruction, we first introduce hybrid multi-view attention to facilitate
both efficient and thorough information interchange across different views.
Additionally, we present a geometry-aware dual branch to perform concurrent
generation in both RGB and normal domains, further enhancing consistency via
geometry cues. Last but not least, to address ill-shaped issues arising from
inaccurate SMPL-X estimation that conflicts with the reference image, we
propose a novel iterative refinement strategy, which progressively optimizes
SMPL-X accuracy while enhancing the quality and consistency of the generated
multi-views. Extensive experimental results demonstrate that our method
significantly outperforms existing approaches in both novel view synthesis and
subsequent 3D human reconstruction tasks. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2210.07316 | AnswerAI | MTEB: Massive Text Embedding Benchmark | [
"Niklas Muennighoff",
"Nouamane Tazi",
"Loïc Magne",
"Nils Reimers"
] | 2022-10-13 | Text embeddings are commonly evaluated on a small set of datasets from a
single task not covering their possible applications to other tasks. It is
unclear whether state-of-the-art embeddings on semantic textual similarity
(STS) can be equally well applied to other tasks like clustering or reranking.
This makes progress in the field difficult to track, as various models are
constantly being proposed without proper evaluation. To solve this problem, we
introduce the Massive Text Embedding Benchmark (MTEB). MTEB spans 8 embedding
tasks covering a total of 58 datasets and 112 languages. Through the
benchmarking of 33 models on MTEB, we establish the most comprehensive
benchmark of text embeddings to date. We find that no particular text embedding
method dominates across all tasks. This suggests that the field has yet to
converge on a universal text embedding method and scale it up sufficiently to
provide state-of-the-art results on all embedding tasks. MTEB comes with
open-source code and a public leaderboard at
https://github.com/embeddings-benchmark/mteb. | null | cs.CL | [
"cs.CL",
"cs.IR",
"cs.LG"
] |
2402.08678 | HF | Graph Mamba: Towards Learning on Graphs with State Space Models | [
"Ali Behrouz",
"Farnoosh Hashemi"
] | 2024-02-13 | Graph Neural Networks (GNNs) have shown promising potential in graph
representation learning. The majority of GNNs define a local message-passing
mechanism, propagating information over the graph by stacking multiple layers.
These methods, however, are known to suffer from two major limitations:
over-squashing and poor capturing of long-range dependencies. Recently, Graph
Transformers (GTs) emerged as a powerful alternative to Message-Passing Neural
Networks (MPNNs). GTs, however, have quadratic computational cost, lack
inductive biases on graph structures, and rely on complex Positional/Structural
Encodings (SE/PE). In this paper, we show that while Transformers, complex
message-passing, and SE/PE are sufficient for good performance in practice,
neither is necessary. Motivated by the recent success of State Space Models
(SSMs), such as Mamba, we present Graph Mamba Networks (GMNs), a general
framework for a new class of GNNs based on selective SSMs. We discuss and
categorize the new challenges when adapting SSMs to graph-structured data, and
present four required and one optional steps to design GMNs, where we choose
(1) Neighborhood Tokenization, (2) Token Ordering, (3) Architecture of
Bidirectional Selective SSM Encoder, (4) Local Encoding, and dispensable (5) PE
and SE. We further provide theoretical justification for the power of GMNs.
Experiments demonstrate that despite much less computational cost, GMNs attain
an outstanding performance in long-range, small-scale, large-scale, and
heterophilic benchmark datasets. | null | cs.LG | [
"cs.LG"
] |
2407.08583 | HF | The Synergy between Data and Multi-Modal Large Language Models: A Survey from Co-Development Perspective | [
"Zhen Qin",
"Daoyuan Chen",
"Wenhao Zhang",
"Liuyi Yao",
"Yilun Huang",
"Bolin Ding",
"Yaliang Li",
"Shuiguang Deng"
] | 2024-07-11 | The rapid development of large language models (LLMs) has been witnessed in
recent years. Based on the powerful LLMs, multi-modal LLMs (MLLMs) extend the
modality from text to a broader spectrum of domains, attracting widespread
attention due to the broader range of application scenarios. As LLMs and MLLMs
rely on vast amounts of model parameters and data to achieve emergent
capabilities, the importance of data is receiving increasingly widespread
attention and recognition. Tracing and analyzing recent data-oriented works for
MLLMs, we find that the development of models and data is not two separate
paths but rather interconnected. On the one hand, vaster and higher-quality
data contribute to better performance of MLLMs; on the other hand, MLLMs can
facilitate the development of data. The co-development of multi-modal data and
MLLMs requires a clear view of 1) at which development stages of MLLMs specific
data-centric approaches can be employed to enhance certain MLLM capabilities,
and 2) how MLLMs, utilizing those capabilities, can contribute to multi-modal
data in specific roles. To promote the data-model co-development for MLLM
community, we systematically review existing works related to MLLMs from the
data-model co-development perspective. A regularly maintained project
associated with this survey is accessible at
https://github.com/modelscope/data-juicer/blob/main/docs/awesome_llm_data.md. | null | cs.AI | [
"cs.AI",
"cs.CV",
"cs.LG"
] |
2406.14051 | HF | How Many Parameters Does it Take to Change a Light Bulb? Evaluating Performance in Self-Play of Conversational Games as a Function of Model Characteristics | [
"Nidhir Bhavsar",
"Jonathan Jordan",
"Sherzod Hakimov",
"David Schlangen"
] | 2024-06-20 | What makes a good Large Language Model (LLM)? That it performs well on the
relevant benchmarks -- which hopefully measure, with some validity, the
presence of capabilities that are also challenged in real application. But what
makes the model perform well? What gives a model its abilities? We take a
recently introduced type of benchmark that is meant to challenge capabilities
in a goal-directed, agentive context through self-play of conversational games,
and analyse how performance develops as a function of model characteristics
like number of parameters, or type of training. We find that while there is a
clear relationship between number of parameters and performance, there is still
a wide spread of performance points within a given size bracket, which is to be
accounted for by training parameters such as fine-tuning data quality and
method. From a more practical angle, we also find a certain degree of
unpredictability about performance across access methods, possible due to
unexposed sampling parameters, and a, very welcome, performance stability
against at least moderate weight quantisation during inference. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.05366 | HF | DeepSpeak Dataset v1.0 | [
"Sarah Barrington",
"Matyas Bohacek",
"Hany Farid"
] | 2024-08-09 | We describe a large-scale dataset--DeepSpeak--of real and deepfake footage of
people talking and gesturing in front of their webcams. The real videos in this
first version of the dataset consist of 17 hours of footage from 220 diverse
individuals. Constituting more than 26 hours of footage, the fake videos
consist of a range of different state-of-the-art face-swap and lip-sync
deepfakes with natural and AI-generated voices. We expect to release future
versions of this dataset with different and updated deepfake technologies. This
dataset is made freely available for research and non-commercial uses; requests
for commercial use will be considered. | null | cs.CV | [
"cs.CV"
] |
2211.03540 | AnswerAI | Measuring Progress on Scalable Oversight for Large Language Models | [
"Samuel R. Bowman",
"Jeeyoon Hyun",
"Ethan Perez",
"Edwin Chen",
"Craig Pettit",
"Scott Heiner",
"Kamilė Lukošiūtė",
"Amanda Askell",
"Andy Jones",
"Anna Chen",
"Anna Goldie",
"Azalia Mirhoseini",
"Cameron McKinnon",
"Christopher Olah",
"Daniela Amodei",
"Dario Amodei",
"Dawn Drain",
"Dustin Li",
"Eli Tran-Johnson",
"Jackson Kernion",
"Jamie Kerr",
"Jared Mueller",
"Jeffrey Ladish",
"Joshua Landau",
"Kamal Ndousse",
"Liane Lovitt",
"Nelson Elhage",
"Nicholas Schiefer",
"Nicholas Joseph",
"Noemí Mercado",
"Nova DasSarma",
"Robin Larson",
"Sam McCandlish",
"Sandipan Kundu",
"Scott Johnston",
"Shauna Kravec",
"Sheer El Showk",
"Stanislav Fort",
"Timothy Telleen-Lawton",
"Tom Brown",
"Tom Henighan",
"Tristan Hume",
"Yuntao Bai",
"Zac Hatfield-Dodds",
"Ben Mann",
"Jared Kaplan"
] | 2022-11-04 | Developing safe and useful general-purpose AI systems will require us to make
progress on scalable oversight: the problem of supervising systems that
potentially outperform us on most skills relevant to the task at hand.
Empirical work on this problem is not straightforward, since we do not yet have
systems that broadly exceed our abilities. This paper discusses one of the
major ways we think about this problem, with a focus on ways it can be studied
empirically. We first present an experimental design centered on tasks for
which human specialists succeed but unaided humans and current general AI
systems fail. We then present a proof-of-concept experiment meant to
demonstrate a key feature of this experimental design and show its viability
with two question-answering tasks: MMLU and time-limited QuALITY. On these
tasks, we find that human participants who interact with an unreliable
large-language-model dialog assistant through chat -- a trivial baseline
strategy for scalable oversight -- substantially outperform both the model
alone and their own unaided performance. These results are an encouraging sign
that scalable oversight will be tractable to study with present models and
bolster recent findings that large language models can productively assist
humans with difficult tasks. | null | cs.HC | [
"cs.HC",
"cs.AI",
"cs.CL"
] |
2309.10668 | HF | Language Modeling Is Compression | [
"Grégoire Delétang",
"Anian Ruoss",
"Paul-Ambroise Duquenne",
"Elliot Catt",
"Tim Genewein",
"Christopher Mattern",
"Jordi Grau-Moya",
"Li Kevin Wenliang",
"Matthew Aitchison",
"Laurent Orseau",
"Marcus Hutter",
"Joel Veness"
] | 2023-09-19 | It has long been established that predictive models can be transformed into
lossless compressors and vice versa. Incidentally, in recent years, the machine
learning community has focused on training increasingly large and powerful
self-supervised (language) models. Since these large language models exhibit
impressive predictive capabilities, they are well-positioned to be strong
compressors. In this work, we advocate for viewing the prediction problem
through the lens of compression and evaluate the compression capabilities of
large (foundation) models. We show that large language models are powerful
general-purpose predictors and that the compression viewpoint provides novel
insights into scaling laws, tokenization, and in-context learning. For example,
Chinchilla 70B, while trained primarily on text, compresses ImageNet patches to
43.4% and LibriSpeech samples to 16.4% of their raw size, beating
domain-specific compressors like PNG (58.5%) or FLAC (30.3%), respectively.
Finally, we show that the prediction-compression equivalence allows us to use
any compressor (like gzip) to build a conditional generative model. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.IT",
"math.IT"
] |
2311.03099 | AnswerAI | Language Models are Super Mario: Absorbing Abilities from Homologous Models as a Free Lunch | [
"Le Yu",
"Bowen Yu",
"Haiyang Yu",
"Fei Huang",
"Yongbin Li"
] | 2023-11-06 | In this paper, we unveil that Language Models (LMs) can acquire new
capabilities by assimilating parameters from homologous models without
retraining or GPUs. We first introduce DARE to set most delta parameters (i.e.,
the disparity between fine-tuned and pre-trained parameters) to zeros without
affecting the abilities of Supervised Fine-Tuning (SFT) LMs, which randomly
Drops delta parameters with a ratio $p$ And REscales the remaining ones by $1 /
(1 - p)$ to approximate the original embeddings. Then, we use DARE as a
versatile plug-in to sparsify delta parameters of multiple SFT homologous
models for mitigating parameter interference and merge them into a single model
by parameter fusing. We experiment with encoder- and decoder-based LMs, showing
that: (1) SFT delta parameter value ranges are typically small (within 0.002)
with extreme redundancy, and DARE can effortlessly eliminate 90% or even 99% of
them; (2) DARE can merge multiple task-specific LMs into one LM with diverse
capabilities. Notably, this phenomenon is more pronounced in large-scale LMs,
where the merged LM reveals the potential to surpass the performance of any
source LM, providing a new discovery. We also utilize DARE to create a merged
LM that ranks first among models with 7 billion parameters on the Open LLM
Leaderboard. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.16412 | HF | SARO: Space-Aware Robot System for Terrain Crossing via Vision-Language Model | [
"Shaoting Zhu",
"Derun Li",
"Linzhan Mou",
"Yong Liu",
"Ningyi Xu",
"Hang Zhao"
] | 2024-07-23 | The application of vision-language models (VLMs) has achieved impressive
success in various robotics tasks. However, there are few explorations for
these foundation models used in quadruped robot navigation through terrains in
3D environments. In this work, we introduce SARO (Space Aware Robot System for
Terrain Crossing), an innovative system composed of a high-level reasoning
module, a closed-loop sub-task execution module, and a low-level control
policy. It enables the robot to navigate across 3D terrains and reach the goal
position. For high-level reasoning and execution, we propose a novel
algorithmic system taking advantage of a VLM, with a design of task
decomposition and a closed-loop sub-task execution mechanism. For low-level
locomotion control, we utilize the Probability Annealing Selection (PAS) method
to effectively train a control policy by reinforcement learning. Numerous
experiments show that our whole system can accurately and robustly navigate
across several 3D terrains, and its generalization ability ensures the
applications in diverse indoor and outdoor scenarios and terrains. Project
page: https://saro-vlm.github.io/ | null | cs.RO | [
"cs.RO"
] |
2309.07311 | AnswerAI | Sudden Drops in the Loss: Syntax Acquisition, Phase Transitions, and Simplicity Bias in MLMs | [
"Angelica Chen",
"Ravid Shwartz-Ziv",
"Kyunghyun Cho",
"Matthew L. Leavitt",
"Naomi Saphra"
] | 2023-09-13 | Most interpretability research in NLP focuses on understanding the behavior
and features of a fully trained model. However, certain insights into model
behavior may only be accessible by observing the trajectory of the training
process. We present a case study of syntax acquisition in masked language
models (MLMs) that demonstrates how analyzing the evolution of interpretable
artifacts throughout training deepens our understanding of emergent behavior.
In particular, we study Syntactic Attention Structure (SAS), a naturally
emerging property of MLMs wherein specific Transformer heads tend to focus on
specific syntactic relations. We identify a brief window in pretraining when
models abruptly acquire SAS, concurrent with a steep drop in loss. This
breakthrough precipitates the subsequent acquisition of linguistic
capabilities. We then examine the causal role of SAS by manipulating SAS during
training, and demonstrate that SAS is necessary for the development of
grammatical capabilities. We further find that SAS competes with other
beneficial traits during training, and that briefly suppressing SAS improves
model quality. These findings offer an interpretation of a real-world example
of both simplicity bias and breakthrough training dynamics. | null | cs.CL | [
"cs.CL"
] |
2308.06394 | AnswerAI | Detecting and Preventing Hallucinations in Large Vision Language Models | [
"Anisha Gunjal",
"Jihan Yin",
"Erhan Bas"
] | 2023-08-11 | Instruction tuned Large Vision Language Models (LVLMs) have significantly
advanced in generalizing across a diverse set of multi-modal tasks, especially
for Visual Question Answering (VQA). However, generating detailed responses
that are visually grounded is still a challenging task for these models. We
find that even the current state-of-the-art LVLMs (InstructBLIP) still contain
a staggering 30 percent of the hallucinatory text in the form of non-existent
objects, unfaithful descriptions, and inaccurate relationships. To address
this, we introduce M-HalDetect, a (M)ultimodal (Hal)lucination (Detect)ion
Dataset that can be used to train and benchmark models for hallucination
detection and prevention. M-HalDetect consists of 16k fine-grained annotations
on VQA examples, making it the first comprehensive multi-modal hallucination
detection dataset for detailed image descriptions. Unlike previous work that
only consider object hallucination, we additionally annotate both entity
descriptions and relationships that are unfaithful. To demonstrate the
potential of this dataset for hallucination prevention, we optimize
InstructBLIP through our novel Fine-grained Direct Preference Optimization
(FDPO). We also train fine-grained multi-modal reward models from InstructBLIP
and evaluate their effectiveness with best-of-n rejection sampling. We perform
human evaluation on both FDPO and rejection sampling, and find that they reduce
hallucination rates in InstructBLIP by 41% and 55% respectively. We also find
that our reward model generalizes to other multi-modal models, reducing
hallucinations in LLaVA and mPLUG-OWL by 15% and 57% respectively, and has
strong correlation with human evaluated accuracy scores. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |