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
|
---|---|---|---|---|---|---|---|---|
2408.02622 | HF | Language Model Can Listen While Speaking | [
"Ziyang Ma",
"Yakun Song",
"Chenpeng Du",
"Jian Cong",
"Zhuo Chen",
"Yuping Wang",
"Yuxuan Wang",
"Xie Chen"
] | 2024-08-05 | Dialogue serves as the most natural manner of human-computer interaction
(HCI). Recent advancements in speech language models (SLM) have significantly
enhanced speech-based conversational AI. However, these models are limited to
turn-based conversation, lacking the ability to interact with humans in
real-time spoken scenarios, for example, being interrupted when the generated
content is not satisfactory. To address these limitations, we explore full
duplex modeling (FDM) in interactive speech language models (iSLM), focusing on
enhancing real-time interaction and, more explicitly, exploring the
quintessential ability of interruption. We introduce a novel model design,
namely listening-while-speaking language model (LSLM), an end-to-end system
equipped with both listening and speaking channels. Our LSLM employs a
token-based decoder-only TTS for speech generation and a streaming
self-supervised learning (SSL) encoder for real-time audio input. LSLM fuses
both channels for autoregressive generation and detects turn-taking in real
time. Three fusion strategies -- early fusion, middle fusion, and late fusion
-- are explored, with middle fusion achieving an optimal balance between speech
generation and real-time interaction. Two experimental settings, command-based
FDM and voice-based FDM, demonstrate LSLM's robustness to noise and sensitivity
to diverse instructions. Our results highlight LSLM's capability to achieve
duplex communication with minimal impact on existing systems. This study aims
to advance the development of interactive speech dialogue systems, enhancing
their applicability in real-world contexts. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.HC",
"cs.SD",
"eess.AS"
] |
2404.16821 | HF | How Far Are We to GPT-4V? Closing the Gap to Commercial Multimodal Models with Open-Source Suites | [
"Zhe Chen",
"Weiyun Wang",
"Hao Tian",
"Shenglong Ye",
"Zhangwei Gao",
"Erfei Cui",
"Wenwen Tong",
"Kongzhi Hu",
"Jiapeng Luo",
"Zheng Ma",
"Ji Ma",
"Jiaqi Wang",
"Xiaoyi Dong",
"Hang Yan",
"Hewei Guo",
"Conghui He",
"Botian Shi",
"Zhenjiang Jin",
"Chao Xu",
"Bin Wang",
"Xingjian Wei",
"Wei Li",
"Wenjian Zhang",
"Bo Zhang",
"Pinlong Cai",
"Licheng Wen",
"Xiangchao Yan",
"Min Dou",
"Lewei Lu",
"Xizhou Zhu",
"Tong Lu",
"Dahua Lin",
"Yu Qiao",
"Jifeng Dai",
"Wenhai Wang"
] | 2024-04-25 | In this report, we introduce InternVL 1.5, an open-source multimodal large
language model (MLLM) to bridge the capability gap between open-source and
proprietary commercial models in multimodal understanding. We introduce three
simple improvements: (1) Strong Vision Encoder: we explored a continuous
learning strategy for the large-scale vision foundation model -- InternViT-6B,
boosting its visual understanding capabilities, and making it can be
transferred and reused in different LLMs. (2) Dynamic High-Resolution: we
divide images into tiles ranging from 1 to 40 of 448$\times$448 pixels
according to the aspect ratio and resolution of the input images, which
supports up to 4K resolution input. (3) High-Quality Bilingual Dataset: we
carefully collected a high-quality bilingual dataset that covers common scenes,
document images, and annotated them with English and Chinese question-answer
pairs, significantly enhancing performance in OCR- and Chinese-related tasks.
We evaluate InternVL 1.5 through a series of benchmarks and comparative
studies. Compared to both open-source and proprietary models, InternVL 1.5
shows competitive performance, achieving state-of-the-art results in 8 of 18
benchmarks. Code has been released at https://github.com/OpenGVLab/InternVL. | null | cs.CV | [
"cs.CV"
] |
2112.07660 | AnswerAI | Massive-scale Decoding for Text Generation using Lattices | [
"Jiacheng Xu",
"Siddhartha Reddy Jonnalagadda",
"Greg Durrett"
] | 2021-12-14 | Conditional neural text generation models generate high-quality outputs, but
often concentrate around a mode when what we really want is a diverse set of
options. We present a search algorithm to construct lattices encoding a massive
number of generation options. First, we restructure decoding as a best-first
search, which explores the space differently than beam search and improves
efficiency by avoiding pruning paths. Second, we revisit the idea of hypothesis
recombination: we can identify pairs of similar generation candidates during
search and merge them as an approximation. On both summarization and machine
translation, we show that our algorithm encodes thousands of diverse options
that remain grammatical and high-quality into one lattice. This algorithm
provides a foundation for building downstream generation applications on top of
massive-scale diverse outputs. | null | cs.CL | [
"cs.CL"
] |
2211.00053 | AnswerAI | Generating Sequences by Learning to Self-Correct | [
"Sean Welleck",
"Ximing Lu",
"Peter West",
"Faeze Brahman",
"Tianxiao Shen",
"Daniel Khashabi",
"Yejin Choi"
] | 2022-10-31 | Sequence generation applications require satisfying semantic constraints,
such as ensuring that programs are correct, using certain keywords, or avoiding
undesirable content. Language models, whether fine-tuned or prompted with
few-shot demonstrations, frequently violate these constraints, and lack a
mechanism to iteratively revise their outputs. Moreover, some powerful language
models are of extreme scale or inaccessible, making it inefficient, if not
infeasible, to update their parameters for task-specific adaptation. We present
Self-Correction, an approach that decouples an imperfect base generator (an
off-the-shelf language model or supervised sequence-to-sequence model) from a
separate corrector that learns to iteratively correct imperfect generations. To
train the corrector, we propose an online training procedure that can use
either scalar or natural language feedback on intermediate imperfect
generations. We show that Self-Correction improves upon the base generator in
three diverse generation tasks - mathematical program synthesis,
lexically-constrained generation, and toxicity control - even when the
corrector is much smaller than the base generator. | null | cs.CL | [
"cs.CL"
] |
2402.08958 | Both | Towards Next-Level Post-Training Quantization of Hyper-Scale Transformers | [
"Junhan Kim",
"Kyungphil Park",
"Chungman Lee",
"Ho-young Kim",
"Joonyoung Kim",
"Yongkweon Jeon"
] | 2024-02-14 | With the increasing complexity of generative AI models, post-training
quantization (PTQ) has emerged as a promising solution for deploying
hyper-scale models on edge devices such as mobile devices and TVs. Existing PTQ
schemes, however, consume considerable time and resources, which could be a
bottleneck in real situations where frequent model updates and multiple
hyper-parameter tunings are required. As a cost-effective alternative, one-shot
PTQ schemes have been proposed. Still, the performance is somewhat limited
because they cannot consider the inter-layer dependency within the attention
module, which is a very important feature of Transformers. In this paper, we
thus propose a novel PTQ algorithm that balances accuracy and efficiency. The
key idea of the proposed algorithm called aespa is to perform quantization
layer-wise for efficiency while considering cross-layer dependency to preserve
the attention score. Through extensive experiments on various language models
and complexity analysis, we demonstrate that aespa is accurate and efficient in
quantizing Transformer models. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2309.05767 | HF | Natural Language Supervision for General-Purpose Audio Representations | [
"Benjamin Elizalde",
"Soham Deshmukh",
"Huaming Wang"
] | 2023-09-11 | Audio-Language models jointly learn multimodal text and audio representations
that enable Zero-Shot inference. Models rely on the encoders to create powerful
representations of the input and generalize to multiple tasks ranging from
sounds, music, and speech. Although models have achieved remarkable
performance, there is still a performance gap with task-specific models. In
this paper, we propose a Contrastive Language-Audio Pretraining model that is
pretrained with a diverse collection of 4.6M audio-text pairs employing two
innovative encoders for Zero-Shot inference. To learn audio representations, we
trained an audio encoder on 22 audio tasks, instead of the standard training of
sound event classification. To learn language representations, we trained an
autoregressive decoder-only model instead of the standard encoder-only models.
Then, the audio and language representations are brought into a joint
multimodal space using Contrastive Learning. We used our encoders to improve
the downstream performance by a margin. We extensively evaluated the
generalization of our representations on 26 downstream tasks, the largest in
the literature. Our model achieves state of the art results in several tasks
leading the way towards general-purpose audio representations. | null | cs.SD | [
"cs.SD",
"eess.AS"
] |
2403.07816 | Both | Branch-Train-MiX: Mixing Expert LLMs into a Mixture-of-Experts LLM | [
"Sainbayar Sukhbaatar",
"Olga Golovneva",
"Vasu Sharma",
"Hu Xu",
"Xi Victoria Lin",
"Baptiste Rozière",
"Jacob Kahn",
"Daniel Li",
"Wen-tau Yih",
"Jason Weston",
"Xian Li"
] | 2024-03-12 | We investigate efficient methods for training Large Language Models (LLMs) to
possess capabilities in multiple specialized domains, such as coding, math
reasoning and world knowledge. Our method, named Branch-Train-MiX (BTX), starts
from a seed model, which is branched to train experts in embarrassingly
parallel fashion with high throughput and reduced communication cost. After
individual experts are asynchronously trained, BTX brings together their
feedforward parameters as experts in Mixture-of-Expert (MoE) layers and
averages the remaining parameters, followed by an MoE-finetuning stage to learn
token-level routing. BTX generalizes two special cases, the Branch-Train-Merge
method, which does not have the MoE finetuning stage to learn routing, and
sparse upcycling, which omits the stage of training experts asynchronously.
Compared to alternative approaches, BTX achieves the best accuracy-efficiency
tradeoff. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2307.01200 | HF | ProxyCap: Real-time Monocular Full-body Capture in World Space via Human-Centric Proxy-to-Motion Learning | [
"Yuxiang Zhang",
"Hongwen Zhang",
"Liangxiao Hu",
"Jiajun Zhang",
"Hongwei Yi",
"Shengping Zhang",
"Yebin Liu"
] | 2023-07-03 | Learning-based approaches to monocular motion capture have recently shown
promising results by learning to regress in a data-driven manner. However, due
to the challenges in data collection and network designs, it remains
challenging for existing solutions to achieve real-time full-body capture while
being accurate in world space. In this work, we introduce ProxyCap, a
human-centric proxy-to-motion learning scheme to learn world-space motions from
a proxy dataset of 2D skeleton sequences and 3D rotational motions. Such proxy
data enables us to build a learning-based network with accurate world-space
supervision while also mitigating the generalization issues. For more accurate
and physically plausible predictions in world space, our network is designed to
learn human motions from a human-centric perspective, which enables the
understanding of the same motion captured with different camera trajectories.
Moreover, a contact-aware neural motion descent module is proposed in our
network so that it can be aware of foot-ground contact and motion misalignment
with the proxy observations. With the proposed learning-based solution, we
demonstrate the first real-time monocular full-body capture system with
plausible foot-ground contact in world space even using hand-held moving
cameras. Our project page is https://zhangyux15.github.io/ProxyCapV2. | null | cs.CV | [
"cs.CV"
] |
2405.14979 | HF | CraftsMan: High-fidelity Mesh Generation with 3D Native Generation and Interactive Geometry Refiner | [
"Weiyu Li",
"Jiarui Liu",
"Rui Chen",
"Yixun Liang",
"Xuelin Chen",
"Ping Tan",
"Xiaoxiao Long"
] | 2024-05-23 | We present a novel generative 3D modeling system, coined CraftsMan, which can
generate high-fidelity 3D geometries with highly varied shapes, regular mesh
topologies, and detailed surfaces, and, notably, allows for refining the
geometry in an interactive manner. Despite the significant advancements in 3D
generation, existing methods still struggle with lengthy optimization
processes, irregular mesh topologies, noisy surfaces, and difficulties in
accommodating user edits, consequently impeding their widespread adoption and
implementation in 3D modeling software. Our work is inspired by the craftsman,
who usually roughs out the holistic figure of the work first and elaborates the
surface details subsequently. Specifically, we employ a 3D native diffusion
model, which operates on latent space learned from latent set-based 3D
representations, to generate coarse geometries with regular mesh topology in
seconds. In particular, this process takes as input a text prompt or a
reference image and leverages a powerful multi-view (MV) diffusion model to
generate multiple views of the coarse geometry, which are fed into our
MV-conditioned 3D diffusion model for generating the 3D geometry, significantly
improving robustness and generalizability. Following that, a normal-based
geometry refiner is used to significantly enhance the surface details. This
refinement can be performed automatically, or interactively with user-supplied
edits. Extensive experiments demonstrate that our method achieves high efficacy
in producing superior-quality 3D assets compared to existing methods. HomePage:
https://craftsman3d.github.io/, Code: https://github.com/wyysf-98/CraftsMan | null | cs.GR | [
"cs.GR",
"cs.CV"
] |
2403.00818 | HF | DenseMamba: State Space Models with Dense Hidden Connection for Efficient Large Language Models | [
"Wei He",
"Kai Han",
"Yehui Tang",
"Chengcheng Wang",
"Yujie Yang",
"Tianyu Guo",
"Yunhe Wang"
] | 2024-02-26 | Large language models (LLMs) face a daunting challenge due to the excessive
computational and memory requirements of the commonly used Transformer
architecture. While state space model (SSM) is a new type of foundational
network architecture offering lower computational complexity, their performance
has yet to fully rival that of Transformers. This paper introduces DenseSSM, a
novel approach to enhance the flow of hidden information between layers in
SSMs. By selectively integrating shallowlayer hidden states into deeper layers,
DenseSSM retains fine-grained information crucial for the final output. Dense
connections enhanced DenseSSM still maintains the training parallelizability
and inference efficiency. The proposed method can be widely applicable to
various SSM types like RetNet and Mamba. With similar model size, DenseSSM
achieves significant improvements, exemplified by DenseRetNet outperforming the
original RetNet with up to 5% accuracy improvement on public benchmarks. code
is avalaible at https://github.com/WailordHe/DenseSSM | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.04241 | HF | Vcc: Scaling Transformers to 128K Tokens or More by Prioritizing Important Tokens | [
"Zhanpeng Zeng",
"Cole Hawkins",
"Mingyi Hong",
"Aston Zhang",
"Nikolaos Pappas",
"Vikas Singh",
"Shuai Zheng"
] | 2023-05-07 | Transformers are central in modern natural language processing and computer
vision applications. Despite recent works devoted to reducing the quadratic
cost of such models (as a function of the sequence length), dealing with ultra
long sequences (e.g., with more than 16K tokens) remains challenging.
Applications such as answering questions based on a book or summarizing a
scientific article are inefficient or infeasible. Here, we propose to
significantly improve the efficiency of Transformers for ultra long sequences,
by compressing the sequence into a much smaller representation at each layer.
Specifically, by exploiting the fact that in many tasks, only a small subset of
special tokens (we call VIP-tokens) are most relevant to the final prediction,
we propose a VIP-token centric compression (VCC) scheme which selectively
compresses the sequence based on their impact on approximating the
representation of the VIP-tokens. Compared with competitive baselines, our
algorithm is not only efficient (achieving more than $3\times$ efficiency gain
compared to baselines on 4K and 16K lengths), but also offers
competitive/better performance on a large number of tasks. Further, we show
that our algorithm scales to 128K tokens (or more) while consistently offering
accuracy improvement. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2402.10555 | HF | SPAR: Personalized Content-Based Recommendation via Long Engagement Attention | [
"Chiyu Zhang",
"Yifei Sun",
"Jun Chen",
"Jie Lei",
"Muhammad Abdul-Mageed",
"Sinong Wang",
"Rong Jin",
"Sem Park",
"Ning Yao",
"Bo Long"
] | 2024-02-16 | Leveraging users' long engagement histories is essential for personalized
content recommendations. The success of pretrained language models (PLMs) in
NLP has led to their use in encoding user histories and candidate items,
framing content recommendations as textual semantic matching tasks. However,
existing works still struggle with processing very long user historical text
and insufficient user-item interaction. In this paper, we introduce a
content-based recommendation framework, SPAR, which effectively tackles the
challenges of holistic user interest extraction from the long user engagement
history. It achieves so by leveraging PLM, poly-attention layers and attention
sparsity mechanisms to encode user's history in a session-based manner. The
user and item side features are sufficiently fused for engagement prediction
while maintaining standalone representations for both sides, which is efficient
for practical model deployment. Moreover, we enhance user profiling by
exploiting large language model (LLM) to extract global interests from user
engagement history. Extensive experiments on two benchmark datasets demonstrate
that our framework outperforms existing state-of-the-art (SoTA) methods. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2312.02969 | HF | Rank-without-GPT: Building GPT-Independent Listwise Rerankers on Open-Source Large Language Models | [
"Xinyu Zhang",
"Sebastian Hofstätter",
"Patrick Lewis",
"Raphael Tang",
"Jimmy Lin"
] | 2023-12-05 | Listwise rerankers based on large language models (LLM) are the zero-shot
state-of-the-art. However, current works in this direction all depend on the
GPT models, making it a single point of failure in scientific reproducibility.
Moreover, it raises the concern that the current research findings only hold
for GPT models but not LLM in general. In this work, we lift this pre-condition
and build for the first time effective listwise rerankers without any form of
dependency on GPT. Our passage retrieval experiments show that our best list se
reranker surpasses the listwise rerankers based on GPT-3.5 by 13% and achieves
97% effectiveness of the ones built on GPT-4. Our results also show that the
existing training datasets, which were expressly constructed for pointwise
ranking, are insufficient for building such listwise rerankers. Instead,
high-quality listwise ranking data is required and crucial, calling for further
work on building human-annotated listwise data resources. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2402.08714 | HF | PRDP: Proximal Reward Difference Prediction for Large-Scale Reward Finetuning of Diffusion Models | [
"Fei Deng",
"Qifei Wang",
"Wei Wei",
"Matthias Grundmann",
"Tingbo Hou"
] | 2024-02-13 | Reward finetuning has emerged as a promising approach to aligning foundation
models with downstream objectives. Remarkable success has been achieved in the
language domain by using reinforcement learning (RL) to maximize rewards that
reflect human preference. However, in the vision domain, existing RL-based
reward finetuning methods are limited by their instability in large-scale
training, rendering them incapable of generalizing to complex, unseen prompts.
In this paper, we propose Proximal Reward Difference Prediction (PRDP),
enabling stable black-box reward finetuning for diffusion models for the first
time on large-scale prompt datasets with over 100K prompts. Our key innovation
is the Reward Difference Prediction (RDP) objective that has the same optimal
solution as the RL objective while enjoying better training stability.
Specifically, the RDP objective is a supervised regression objective that tasks
the diffusion model with predicting the reward difference of generated image
pairs from their denoising trajectories. We theoretically prove that the
diffusion model that obtains perfect reward difference prediction is exactly
the maximizer of the RL objective. We further develop an online algorithm with
proximal updates to stably optimize the RDP objective. In experiments, we
demonstrate that PRDP can match the reward maximization ability of
well-established RL-based methods in small-scale training. Furthermore, through
large-scale training on text prompts from the Human Preference Dataset v2 and
the Pick-a-Pic v1 dataset, PRDP achieves superior generation quality on a
diverse set of complex, unseen prompts whereas RL-based methods completely
fail. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2309.14322 | Both | Small-scale proxies for large-scale Transformer training instabilities | [
"Mitchell Wortsman",
"Peter J. Liu",
"Lechao Xiao",
"Katie Everett",
"Alex Alemi",
"Ben Adlam",
"John D. Co-Reyes",
"Izzeddin Gur",
"Abhishek Kumar",
"Roman Novak",
"Jeffrey Pennington",
"Jascha Sohl-dickstein",
"Kelvin Xu",
"Jaehoon Lee",
"Justin Gilmer",
"Simon Kornblith"
] | 2023-09-25 | Teams that have trained large Transformer-based models have reported training
instabilities at large scale that did not appear when training with the same
hyperparameters at smaller scales. Although the causes of such instabilities
are of scientific interest, the amount of resources required to reproduce them
has made investigation difficult. In this work, we seek ways to reproduce and
study training stability and instability at smaller scales. First, we focus on
two sources of training instability described in previous work: the growth of
logits in attention layers (Dehghani et al., 2023) and divergence of the output
logits from the log probabilities (Chowdhery et al., 2022). By measuring the
relationship between learning rate and loss across scales, we show that these
instabilities also appear in small models when training at high learning rates,
and that mitigations previously employed at large scales are equally effective
in this regime. This prompts us to investigate the extent to which other known
optimizer and model interventions influence the sensitivity of the final loss
to changes in the learning rate. To this end, we study methods such as warm-up,
weight decay, and the $\mu$Param (Yang et al., 2022), and combine techniques to
train small models that achieve similar losses across orders of magnitude of
learning rate variation. Finally, to conclude our exploration we study two
cases where instabilities can be predicted before they emerge by examining the
scaling behavior of model activation and gradient norms. | null | cs.LG | [
"cs.LG"
] |
2306.15063 | AnswerAI | Pretraining task diversity and the emergence of non-Bayesian in-context learning for regression | [
"Allan Raventós",
"Mansheej Paul",
"Feng Chen",
"Surya Ganguli"
] | 2023-06-26 | Pretrained transformers exhibit the remarkable ability of in-context learning
(ICL): they can learn tasks from just a few examples provided in the prompt
without updating any weights. This raises a foundational question: can ICL
solve fundamentally $\textit{new}$ tasks that are very different from those
seen during pretraining? To probe this question, we examine ICL's performance
on linear regression while varying the diversity of tasks in the pretraining
dataset. We empirically demonstrate a $\textit{task diversity threshold}$ for
the emergence of ICL. Below this threshold, the pretrained transformer cannot
solve unseen regression tasks, instead behaving like a Bayesian estimator with
the $\textit{non-diverse pretraining task distribution}$ as the prior. Beyond
this threshold, the transformer significantly outperforms this estimator; its
behavior aligns with that of ridge regression, corresponding to a Gaussian
prior over $\textit{all tasks}$, including those not seen during pretraining.
Thus, when pretrained on data with task diversity greater than the threshold,
transformers $\textit{can}$ optimally solve fundamentally new tasks in-context.
Importantly, this capability hinges on it deviating from the Bayes optimal
estimator with the pretraining distribution as the prior. This study also
explores the effect of regularization, model capacity and task structure and
underscores, in a concrete example, the critical role of task diversity,
alongside data and model scale, in the emergence of ICL. Code is available at
https://github.com/mansheej/icl-task-diversity. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2304.01982 | AnswerAI | Rethinking the Role of Token Retrieval in Multi-Vector Retrieval | [
"Jinhyuk Lee",
"Zhuyun Dai",
"Sai Meher Karthik Duddu",
"Tao Lei",
"Iftekhar Naim",
"Ming-Wei Chang",
"Vincent Y. Zhao"
] | 2023-04-04 | Multi-vector retrieval models such as ColBERT [Khattab and Zaharia, 2020]
allow token-level interactions between queries and documents, and hence achieve
state of the art on many information retrieval benchmarks. However, their
non-linear scoring function cannot be scaled to millions of documents,
necessitating a three-stage process for inference: retrieving initial
candidates via token retrieval, accessing all token vectors, and scoring the
initial candidate documents. The non-linear scoring function is applied over
all token vectors of each candidate document, making the inference process
complicated and slow. In this paper, we aim to simplify the multi-vector
retrieval by rethinking the role of token retrieval. We present XTR,
ConteXtualized Token Retriever, which introduces a simple, yet novel, objective
function that encourages the model to retrieve the most important document
tokens first. The improvement to token retrieval allows XTR to rank candidates
only using the retrieved tokens rather than all tokens in the document, and
enables a newly designed scoring stage that is two-to-three orders of magnitude
cheaper than that of ColBERT. On the popular BEIR benchmark, XTR advances the
state-of-the-art by 2.8 nDCG@10 without any distillation. Detailed analysis
confirms our decision to revisit the token retrieval stage, as XTR demonstrates
much better recall of the token retrieval stage compared to ColBERT. | null | cs.CL | [
"cs.CL",
"cs.IR"
] |
2306.13812 | AnswerAI | Maintaining Plasticity in Deep Continual Learning | [
"Shibhansh Dohare",
"J. Fernando Hernandez-Garcia",
"Parash Rahman",
"A. Rupam Mahmood",
"Richard S. Sutton"
] | 2023-06-23 | Modern deep-learning systems are specialized to problem settings in which
training occurs once and then never again, as opposed to continual-learning
settings in which training occurs continually. If deep-learning systems are
applied in a continual learning setting, then it is well known that they may
fail to remember earlier examples. More fundamental, but less well known, is
that they may also lose their ability to learn on new examples, a phenomenon
called loss of plasticity. We provide direct demonstrations of loss of
plasticity using the MNIST and ImageNet datasets repurposed for continual
learning as sequences of tasks. In ImageNet, binary classification performance
dropped from 89% accuracy on an early task down to 77%, about the level of a
linear network, on the 2000th task. Loss of plasticity occurred with a wide
range of deep network architectures, optimizers, activation functions, batch
normalization, dropout, but was substantially eased by L2-regularization,
particularly when combined with weight perturbation. Further, we introduce a
new algorithm -- continual backpropagation -- which slightly modifies
conventional backpropagation to reinitialize a small fraction of less-used
units after each example and appears to maintain plasticity indefinitely. | null | cs.LG | [
"cs.LG"
] |
2307.01848 | HF | Embodied Task Planning with Large Language Models | [
"Zhenyu Wu",
"Ziwei Wang",
"Xiuwei Xu",
"Jiwen Lu",
"Haibin Yan"
] | 2023-07-04 | Equipping embodied agents with commonsense is important for robots to
successfully complete complex human instructions in general environments.
Recent large language models (LLM) can embed rich semantic knowledge for agents
in plan generation of complex tasks, while they lack the information about the
realistic world and usually yield infeasible action sequences. In this paper,
we propose a TAsk Planing Agent (TaPA) in embodied tasks for grounded planning
with physical scene constraint, where the agent generates executable plans
according to the existed objects in the scene by aligning LLMs with the visual
perception models. Specifically, we first construct a multimodal dataset
containing triplets of indoor scenes, instructions and action plans, where we
provide the designed prompts and the list of existing objects in the scene for
GPT-3.5 to generate a large number of instructions and corresponding planned
actions. The generated data is leveraged for grounded plan tuning of
pre-trained LLMs. During inference, we discover the objects in the scene by
extending open-vocabulary object detectors to multi-view RGB images collected
in different achievable locations. Experimental results show that the generated
plan from our TaPA framework can achieve higher success rate than LLaVA and
GPT-3.5 by a sizable margin, which indicates the practicality of embodied task
planning in general and complex environments. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.RO"
] |
2302.08091 | AnswerAI | Do We Still Need Clinical Language Models? | [
"Eric Lehman",
"Evan Hernandez",
"Diwakar Mahajan",
"Jonas Wulff",
"Micah J. Smith",
"Zachary Ziegler",
"Daniel Nadler",
"Peter Szolovits",
"Alistair Johnson",
"Emily Alsentzer"
] | 2023-02-16 | Although recent advances in scaling large language models (LLMs) have
resulted in improvements on many NLP tasks, it remains unclear whether these
models trained primarily with general web text are the right tool in highly
specialized, safety critical domains such as clinical text. Recent results have
suggested that LLMs encode a surprising amount of medical knowledge. This
raises an important question regarding the utility of smaller domain-specific
language models. With the success of general-domain LLMs, is there still a need
for specialized clinical models? To investigate this question, we conduct an
extensive empirical analysis of 12 language models, ranging from 220M to 175B
parameters, measuring their performance on 3 different clinical tasks that test
their ability to parse and reason over electronic health records. As part of
our experiments, we train T5-Base and T5-Large models from scratch on clinical
notes from MIMIC III and IV to directly investigate the efficiency of clinical
tokens. We show that relatively small specialized clinical models substantially
outperform all in-context learning approaches, even when finetuned on limited
annotated data. Further, we find that pretraining on clinical tokens allows for
smaller, more parameter-efficient models that either match or outperform much
larger language models trained on general text. We release the code and the
models used under the PhysioNet Credentialed Health Data license and data use
agreement. | null | cs.CL | [
"cs.CL"
] |
2306.16009 | HF | Accelerating Transducers through Adjacent Token Merging | [
"Yuang Li",
"Yu Wu",
"Jinyu Li",
"Shujie Liu"
] | 2023-06-28 | Recent end-to-end automatic speech recognition (ASR) systems often utilize a
Transformer-based acoustic encoder that generates embedding at a high frame
rate. However, this design is inefficient, particularly for long speech signals
due to the quadratic computation of self-attention. To address this, we propose
a new method, Adjacent Token Merging (A-ToMe), which gradually combines
adjacent tokens with high similarity scores between their key values. In this
way, the total time step could be reduced, and the inference of both the
encoder and joint network is accelerated. Experiments on LibriSpeech show that
our method can reduce 57% of tokens and improve the inference speed on GPU by
70% without any notable loss of accuracy. Additionally, we demonstrate that
A-ToMe is also an effective solution to reduce tokens in long-form ASR, where
the input speech consists of multiple utterances. | null | cs.CL | [
"cs.CL",
"eess.AS",
"eess.SP"
] |
2403.13806 | HF | RadSplat: Radiance Field-Informed Gaussian Splatting for Robust Real-Time Rendering with 900+ FPS | [
"Michael Niemeyer",
"Fabian Manhardt",
"Marie-Julie Rakotosaona",
"Michael Oechsle",
"Daniel Duckworth",
"Rama Gosula",
"Keisuke Tateno",
"John Bates",
"Dominik Kaeser",
"Federico Tombari"
] | 2024-03-20 | Recent advances in view synthesis and real-time rendering have achieved
photorealistic quality at impressive rendering speeds. While Radiance
Field-based methods achieve state-of-the-art quality in challenging scenarios
such as in-the-wild captures and large-scale scenes, they often suffer from
excessively high compute requirements linked to volumetric rendering. Gaussian
Splatting-based methods, on the other hand, rely on rasterization and naturally
achieve real-time rendering but suffer from brittle optimization heuristics
that underperform on more challenging scenes. In this work, we present
RadSplat, a lightweight method for robust real-time rendering of complex
scenes. Our main contributions are threefold. First, we use radiance fields as
a prior and supervision signal for optimizing point-based scene
representations, leading to improved quality and more robust optimization.
Next, we develop a novel pruning technique reducing the overall point count
while maintaining high quality, leading to smaller and more compact scene
representations with faster inference speeds. Finally, we propose a novel
test-time filtering approach that further accelerates rendering and allows to
scale to larger, house-sized scenes. We find that our method enables
state-of-the-art synthesis of complex captures at 900+ FPS. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2408.07416 | HF | Rethinking Open-Vocabulary Segmentation of Radiance Fields in 3D Space | [
"Hyunjee Lee",
"Youngsik Yun",
"Jeongmin Bae",
"Seoha Kim",
"Youngjung Uh"
] | 2024-08-14 | Understanding the 3D semantics of a scene is a fundamental problem for
various scenarios such as embodied agents. While NeRFs and 3DGS excel at
novel-view synthesis, previous methods for understanding their semantics have
been limited to incomplete 3D understanding: their segmentation results are 2D
masks and their supervision is anchored at 2D pixels. This paper revisits the
problem set to pursue a better 3D understanding of a scene modeled by NeRFs and
3DGS as follows. 1) We directly supervise the 3D points to train the language
embedding field. It achieves state-of-the-art accuracy without relying on
multi-scale language embeddings. 2) We transfer the pre-trained language field
to 3DGS, achieving the first real-time rendering speed without sacrificing
training time or accuracy. 3) We introduce a 3D querying and evaluation
protocol for assessing the reconstructed geometry and semantics together. Code,
checkpoints, and annotations will be available online. Project page:
https://hyunji12.github.io/Open3DRF | null | cs.CV | [
"cs.CV"
] |
2309.00987 | HF | Sequential Dexterity: Chaining Dexterous Policies for Long-Horizon Manipulation | [
"Yuanpei Chen",
"Chen Wang",
"Li Fei-Fei",
"C. Karen Liu"
] | 2023-09-02 | Many real-world manipulation tasks consist of a series of subtasks that are
significantly different from one another. Such long-horizon, complex tasks
highlight the potential of dexterous hands, which possess adaptability and
versatility, capable of seamlessly transitioning between different modes of
functionality without the need for re-grasping or external tools. However, the
challenges arise due to the high-dimensional action space of dexterous hand and
complex compositional dynamics of the long-horizon tasks. We present Sequential
Dexterity, a general system based on reinforcement learning (RL) that chains
multiple dexterous policies for achieving long-horizon task goals. The core of
the system is a transition feasibility function that progressively finetunes
the sub-policies for enhancing chaining success rate, while also enables
autonomous policy-switching for recovery from failures and bypassing redundant
stages. Despite being trained only in simulation with a few task objects, our
system demonstrates generalization capability to novel object shapes and is
able to zero-shot transfer to a real-world robot equipped with a dexterous
hand. Code and videos are available at https://sequential-dexterity.github.io | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2311.08401 | Both | Fine-tuning Language Models for Factuality | [
"Katherine Tian",
"Eric Mitchell",
"Huaxiu Yao",
"Christopher D. Manning",
"Chelsea Finn"
] | 2023-11-14 | The fluency and creativity of large pre-trained language models (LLMs) have
led to their widespread use, sometimes even as a replacement for traditional
search engines. Yet language models are prone to making convincing but
factually inaccurate claims, often referred to as 'hallucinations.' These
errors can inadvertently spread misinformation or harmfully perpetuate
misconceptions. Further, manual fact-checking of model responses is a
time-consuming process, making human factuality labels expensive to acquire. In
this work, we fine-tune language models to be more factual, without human
labeling and targeting more open-ended generation settings than past work. We
leverage two key recent innovations in NLP to do so. First, several recent
works have proposed methods for judging the factuality of open-ended text by
measuring consistency with an external knowledge base or simply a large model's
confidence scores. Second, the direct preference optimization algorithm enables
straightforward fine-tuning of language models on objectives other than
supervised imitation, using a preference ranking over possible model responses.
We show that learning from automatically generated factuality preference
rankings, generated either through existing retrieval systems or our novel
retrieval-free approach, significantly improves the factuality (percent of
generated claims that are correct) of Llama-2 on held-out topics compared with
RLHF or decoding strategies targeted at factuality. At 7B scale, compared to
Llama-2-chat, we observe 58% and 40% reduction in factual error rate when
generating biographies and answering medical questions, respectively. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2402.04177 | HF | Scaling Laws for Downstream Task Performance of Large Language Models | [
"Berivan Isik",
"Natalia Ponomareva",
"Hussein Hazimeh",
"Dimitris Paparas",
"Sergei Vassilvitskii",
"Sanmi Koyejo"
] | 2024-02-06 | Scaling laws provide important insights that can guide the design of large
language models (LLMs). Existing work has primarily focused on studying scaling
laws for pretraining (upstream) loss. However, in transfer learning settings,
in which LLMs are pretrained on an unsupervised dataset and then finetuned on a
downstream task, we often also care about the downstream performance. In this
work, we study the scaling behavior in a transfer learning setting, where LLMs
are finetuned for machine translation tasks. Specifically, we investigate how
the choice of the pretraining data and its size affect downstream performance
(translation quality) as judged by two metrics: downstream cross-entropy and
BLEU score. Our experiments indicate that the size of the finetuning dataset
and the distribution alignment between the pretraining and downstream data
significantly influence the scaling behavior. With sufficient alignment, both
downstream cross-entropy and BLEU score improve monotonically with more
pretraining data. In such cases, we show that it is possible to predict the
downstream BLEU score with good accuracy using a log-law. However, there are
also cases where moderate misalignment causes the BLEU score to fluctuate or
get worse with more pretraining, whereas downstream cross-entropy monotonically
improves. By analyzing these observations, we provide new practical insights
for choosing appropriate pretraining data. | null | cs.CL | [
"cs.CL",
"cs.LG",
"stat.ML"
] |
2307.09458 | HF | Does Circuit Analysis Interpretability Scale? Evidence from Multiple Choice Capabilities in Chinchilla | [
"Tom Lieberum",
"Matthew Rahtz",
"János Kramár",
"Neel Nanda",
"Geoffrey Irving",
"Rohin Shah",
"Vladimir Mikulik"
] | 2023-07-18 | \emph{Circuit analysis} is a promising technique for understanding the
internal mechanisms of language models. However, existing analyses are done in
small models far from the state of the art. To address this, we present a case
study of circuit analysis in the 70B Chinchilla model, aiming to test the
scalability of circuit analysis. In particular, we study multiple-choice
question answering, and investigate Chinchilla's capability to identify the
correct answer \emph{label} given knowledge of the correct answer \emph{text}.
We find that the existing techniques of logit attribution, attention pattern
visualization, and activation patching naturally scale to Chinchilla, allowing
us to identify and categorize a small set of `output nodes' (attention heads
and MLPs).
We further study the `correct letter' category of attention heads aiming to
understand the semantics of their features, with mixed results. For normal
multiple-choice question answers, we significantly compress the query, key and
value subspaces of the head without loss of performance when operating on the
answer labels for multiple-choice questions, and we show that the query and key
subspaces represent an `Nth item in an enumeration' feature to at least some
extent. However, when we attempt to use this explanation to understand the
heads' behaviour on a more general distribution including randomized answer
labels, we find that it is only a partial explanation, suggesting there is more
to learn about the operation of `correct letter' heads on multiple choice
question answering. | null | cs.LG | [
"cs.LG"
] |
2402.17553 | HF | OmniACT: A Dataset and Benchmark for Enabling Multimodal Generalist Autonomous Agents for Desktop and Web | [
"Raghav Kapoor",
"Yash Parag Butala",
"Melisa Russak",
"Jing Yu Koh",
"Kiran Kamble",
"Waseem Alshikh",
"Ruslan Salakhutdinov"
] | 2024-02-27 | For decades, human-computer interaction has fundamentally been manual. Even
today, almost all productive work done on the computer necessitates human input
at every step. Autonomous virtual agents represent an exciting step in
automating many of these menial tasks. Virtual agents would empower users with
limited technical proficiency to harness the full possibilities of computer
systems. They could also enable the efficient streamlining of numerous computer
tasks, ranging from calendar management to complex travel bookings, with
minimal human intervention. In this paper, we introduce OmniACT, the
first-of-a-kind dataset and benchmark for assessing an agent's capability to
generate executable programs to accomplish computer tasks. Our scope extends
beyond traditional web automation, covering a diverse range of desktop
applications. The dataset consists of fundamental tasks such as "Play the next
song", as well as longer horizon tasks such as "Send an email to John Doe
mentioning the time and place to meet". Specifically, given a pair of screen
image and a visually-grounded natural language task, the goal is to generate a
script capable of fully executing the task. We run several strong baseline
language model agents on our benchmark. The strongest baseline, GPT-4, performs
the best on our benchmark However, its performance level still reaches only 15%
of the human proficiency in generating executable scripts capable of completing
the task, demonstrating the challenge of our task for conventional web agents.
Our benchmark provides a platform to measure and evaluate the progress of
language model agents in automating computer tasks and motivates future work
towards building multimodal models that bridge large language models and the
visual grounding of computer screens. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CV",
"cs.HC"
] |
2406.04333 | HF | BitsFusion: 1.99 bits Weight Quantization of Diffusion Model | [
"Yang Sui",
"Yanyu Li",
"Anil Kag",
"Yerlan Idelbayev",
"Junli Cao",
"Ju Hu",
"Dhritiman Sagar",
"Bo Yuan",
"Sergey Tulyakov",
"Jian Ren"
] | 2024-06-06 | Diffusion-based image generation models have achieved great success in recent
years by showing the capability of synthesizing high-quality content. However,
these models contain a huge number of parameters, resulting in a significantly
large model size. Saving and transferring them is a major bottleneck for
various applications, especially those running on resource-constrained devices.
In this work, we develop a novel weight quantization method that quantizes the
UNet from Stable Diffusion v1.5 to 1.99 bits, achieving a model with 7.9X
smaller size while exhibiting even better generation quality than the original
one. Our approach includes several novel techniques, such as assigning optimal
bits to each layer, initializing the quantized model for better performance,
and improving the training strategy to dramatically reduce quantization error.
Furthermore, we extensively evaluate our quantized model across various
benchmark datasets and through human evaluation to demonstrate its superior
generation quality. | null | cs.CV | [
"cs.CV"
] |
2306.10968 | HF | BayLing: Bridging Cross-lingual Alignment and Instruction Following through Interactive Translation for Large Language Models | [
"Shaolei Zhang",
"Qingkai Fang",
"Zhuocheng Zhang",
"Zhengrui Ma",
"Yan Zhou",
"Langlin Huang",
"Mengyu Bu",
"Shangtong Gui",
"Yunji Chen",
"Xilin Chen",
"Yang Feng"
] | 2023-06-19 | Large language models (LLMs) have demonstrated remarkable prowess in language
understanding and generation. Advancing from foundation LLMs to
instructionfollowing LLMs, instruction tuning plays a vital role in aligning
LLMs to human preferences. However, the existing LLMs are usually focused on
English, leading to inferior performance in non-English languages. In order to
improve the performance for non-English languages, it is necessary to collect
language-specific training data for foundation LLMs and construct
language-specific instructions for instruction tuning, both of which are heavy
loads. To minimize human workload, we propose to transfer the capabilities of
language generation and instruction following from English to other languages
through an interactive translation task. We have developed BayLing, an
instruction-following LLM by utilizing LLaMA as the foundation LLM and
automatically constructing interactive translation instructions for instructing
tuning. Extensive assessments demonstrate that BayLing achieves comparable
performance to GPT-3.5-turbo, despite utilizing a considerably smaller
parameter size of only 13 billion. Experimental results on translation tasks
show that BayLing achieves 95% of single-turn translation capability compared
to GPT-4 with automatic evaluation and 96% of interactive translation
capability compared to GPT-3.5-turbo with human evaluation. To estimate the
performance on general tasks, we created a multi-turn instruction test set
called BayLing-80. The experimental results on BayLing-80 indicate that BayLing
achieves 89% of performance compared to GPT-3.5-turbo. BayLing also
demonstrates outstanding performance on knowledge assessment of Chinese GaoKao
and English SAT, second only to GPT-3.5-turbo among a multitude of
instruction-following LLMs. Demo, homepage, code and models of BayLing are
available. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.12267 | AnswerAI | Generating 3D House Wireframes with Semantics | [
"Xueqi Ma",
"Yilin Liu",
"Wenjun Zhou",
"Ruowei Wang",
"Hui Huang"
] | 2024-07-17 | We present a new approach for generating 3D house wireframes with semantic
enrichment using an autoregressive model. Unlike conventional generative models
that independently process vertices, edges, and faces, our approach employs a
unified wire-based representation for improved coherence in learning 3D
wireframe structures. By re-ordering wire sequences based on semantic meanings,
we facilitate seamless semantic integration during sequence generation. Our
two-phase technique merges a graph-based autoencoder with a transformer-based
decoder to learn latent geometric tokens and generate semantic-aware
wireframes. Through iterative prediction and decoding during inference, our
model produces detailed wireframes that can be easily segmented into distinct
components, such as walls, roofs, and rooms, reflecting the semantic essence of
the shape. Empirical results on a comprehensive house dataset validate the
superior accuracy, novelty, and semantic fidelity of our model compared to
existing generative models. More results and details can be found on
https://vcc.tech/research/2024/3DWire. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2402.05935 | HF | SPHINX-X: Scaling Data and Parameters for a Family of Multi-modal Large Language Models | [
"Dongyang Liu",
"Renrui Zhang",
"Longtian Qiu",
"Siyuan Huang",
"Weifeng Lin",
"Shitian Zhao",
"Shijie Geng",
"Ziyi Lin",
"Peng Jin",
"Kaipeng Zhang",
"Wenqi Shao",
"Chao Xu",
"Conghui He",
"Junjun He",
"Hao Shao",
"Pan Lu",
"Hongsheng Li",
"Yu Qiao",
"Peng Gao"
] | 2024-02-08 | We propose SPHINX-X, an extensive Multimodality Large Language Model (MLLM)
series developed upon SPHINX. To improve the architecture and training
efficiency, we modify the SPHINX framework by removing redundant visual
encoders, bypassing fully-padded sub-images with skip tokens, and simplifying
multi-stage training into a one-stage all-in-one paradigm. To fully unleash the
potential of MLLMs, we assemble a comprehensive multi-domain and multimodal
dataset covering publicly available resources in language, vision, and
vision-language tasks. We further enrich this collection with our curated OCR
intensive and Set-of-Mark datasets, extending the diversity and generality. By
training over different base LLMs including TinyLlama1.1B, InternLM2-7B,
LLaMA2-13B, and Mixtral8x7B, we obtain a spectrum of MLLMs that vary in
parameter size and multilingual capabilities. Comprehensive benchmarking
reveals a strong correlation between the multi-modal performance with the data
and parameter scales. Code and models are released at
https://github.com/Alpha-VLLM/LLaMA2-Accessory | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2401.05561 | HF | TrustLLM: Trustworthiness in Large Language Models | [
"Yue Huang",
"Lichao Sun",
"Haoran Wang",
"Siyuan Wu",
"Qihui Zhang",
"Yuan Li",
"Chujie Gao",
"Yixin Huang",
"Wenhan Lyu",
"Yixuan Zhang",
"Xiner Li",
"Zhengliang Liu",
"Yixin Liu",
"Yijue Wang",
"Zhikun Zhang",
"Bertie Vidgen",
"Bhavya Kailkhura",
"Caiming Xiong",
"Chaowei Xiao",
"Chunyuan Li",
"Eric Xing",
"Furong Huang",
"Hao Liu",
"Heng Ji",
"Hongyi Wang",
"Huan Zhang",
"Huaxiu Yao",
"Manolis Kellis",
"Marinka Zitnik",
"Meng Jiang",
"Mohit Bansal",
"James Zou",
"Jian Pei",
"Jian Liu",
"Jianfeng Gao",
"Jiawei Han",
"Jieyu Zhao",
"Jiliang Tang",
"Jindong Wang",
"Joaquin Vanschoren",
"John Mitchell",
"Kai Shu",
"Kaidi Xu",
"Kai-Wei Chang",
"Lifang He",
"Lifu Huang",
"Michael Backes",
"Neil Zhenqiang Gong",
"Philip S. Yu",
"Pin-Yu Chen",
"Quanquan Gu",
"Ran Xu",
"Rex Ying",
"Shuiwang Ji",
"Suman Jana",
"Tianlong Chen",
"Tianming Liu",
"Tianyi Zhou",
"William Wang",
"Xiang Li",
"Xiangliang Zhang",
"Xiao Wang",
"Xing Xie",
"Xun Chen",
"Xuyu Wang",
"Yan Liu",
"Yanfang Ye",
"Yinzhi Cao",
"Yong Chen",
"Yue Zhao"
] | 2024-01-10 | Large language models (LLMs), exemplified by ChatGPT, have gained
considerable attention for their excellent natural language processing
capabilities. Nonetheless, these LLMs present many challenges, particularly in
the realm of trustworthiness. Therefore, ensuring the trustworthiness of LLMs
emerges as an important topic. This paper introduces TrustLLM, a comprehensive
study of trustworthiness in LLMs, including principles for different dimensions
of trustworthiness, established benchmark, evaluation, and analysis of
trustworthiness for mainstream LLMs, and discussion of open challenges and
future directions. Specifically, we first propose a set of principles for
trustworthy LLMs that span eight different dimensions. Based on these
principles, we further establish a benchmark across six dimensions including
truthfulness, safety, fairness, robustness, privacy, and machine ethics. We
then present a study evaluating 16 mainstream LLMs in TrustLLM, consisting of
over 30 datasets. Our findings firstly show that in general trustworthiness and
utility (i.e., functional effectiveness) are positively related. Secondly, our
observations reveal that proprietary LLMs generally outperform most open-source
counterparts in terms of trustworthiness, raising concerns about the potential
risks of widely accessible open-source LLMs. However, a few open-source LLMs
come very close to proprietary ones. Thirdly, it is important to note that some
LLMs may be overly calibrated towards exhibiting trustworthiness, to the extent
that they compromise their utility by mistakenly treating benign prompts as
harmful and consequently not responding. Finally, we emphasize the importance
of ensuring transparency not only in the models themselves but also in the
technologies that underpin trustworthiness. Knowing the specific trustworthy
technologies that have been employed is crucial for analyzing their
effectiveness. | null | cs.CL | [
"cs.CL"
] |
2408.01031 | HF | POA: Pre-training Once for Models of All Sizes | [
"Yingying Zhang",
"Xin Guo",
"Jiangwei Lao",
"Lei Yu",
"Lixiang Ru",
"Jian Wang",
"Guo Ye",
"Huimei He",
"Jingdong Chen",
"Ming Yang"
] | 2024-08-02 | Large-scale self-supervised pre-training has paved the way for one foundation
model to handle many different vision tasks. Most pre-training methodologies
train a single model of a certain size at one time. Nevertheless, various
computation or storage constraints in real-world scenarios require substantial
efforts to develop a series of models with different sizes to deploy. Thus, in
this study, we propose a novel tri-branch self-supervised training framework,
termed as POA (Pre-training Once for All), to tackle this aforementioned issue.
Our approach introduces an innovative elastic student branch into a modern
self-distillation paradigm. At each pre-training step, we randomly sample a
sub-network from the original student to form the elastic student and train all
branches in a self-distilling fashion. Once pre-trained, POA allows the
extraction of pre-trained models of diverse sizes for downstream tasks.
Remarkably, the elastic student facilitates the simultaneous pre-training of
multiple models with different sizes, which also acts as an additional ensemble
of models of various sizes to enhance representation learning. Extensive
experiments, including k-nearest neighbors, linear probing evaluation and
assessments on multiple downstream tasks demonstrate the effectiveness and
advantages of our POA. It achieves state-of-the-art performance using ViT, Swin
Transformer and ResNet backbones, producing around a hundred models with
different sizes through a single pre-training session. The code is available
at: https://github.com/Qichuzyy/POA. | null | cs.CV | [
"cs.CV",
"68T07"
] |
2312.09508 | AnswerAI | IndicIRSuite: Multilingual Dataset and Neural Information Models for Indian Languages | [
"Saiful Haq",
"Ashutosh Sharma",
"Pushpak Bhattacharyya"
] | 2023-12-15 | In this paper, we introduce Neural Information Retrieval resources for 11
widely spoken Indian Languages (Assamese, Bengali, Gujarati, Hindi, Kannada,
Malayalam, Marathi, Oriya, Punjabi, Tamil, and Telugu) from two major Indian
language families (Indo-Aryan and Dravidian). These resources include (a)
INDIC-MARCO, a multilingual version of the MSMARCO dataset in 11 Indian
Languages created using Machine Translation, and (b) Indic-ColBERT, a
collection of 11 distinct Monolingual Neural Information Retrieval models, each
trained on one of the 11 languages in the INDIC-MARCO dataset. To the best of
our knowledge, IndicIRSuite is the first attempt at building large-scale Neural
Information Retrieval resources for a large number of Indian languages, and we
hope that it will help accelerate research in Neural IR for Indian Languages.
Experiments demonstrate that Indic-ColBERT achieves 47.47% improvement in the
MRR@10 score averaged over the INDIC-MARCO baselines for all 11 Indian
languages except Oriya, 12.26% improvement in the NDCG@10 score averaged over
the MIRACL Bengali and Hindi Language baselines, and 20% improvement in the
MRR@100 Score over the Mr.Tydi Bengali Language baseline. IndicIRSuite is
available at https://github.com/saifulhaq95/IndicIRSuite | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2309.11998 | Both | LMSYS-Chat-1M: A Large-Scale Real-World LLM Conversation Dataset | [
"Lianmin Zheng",
"Wei-Lin Chiang",
"Ying Sheng",
"Tianle Li",
"Siyuan Zhuang",
"Zhanghao Wu",
"Yonghao Zhuang",
"Zhuohan Li",
"Zi Lin",
"Eric P. Xing",
"Joseph E. Gonzalez",
"Ion Stoica",
"Hao Zhang"
] | 2023-09-21 | Studying how people interact with large language models (LLMs) in real-world
scenarios is increasingly important due to their widespread use in various
applications. In this paper, we introduce LMSYS-Chat-1M, a large-scale dataset
containing one million real-world conversations with 25 state-of-the-art LLMs.
This dataset is collected from 210K unique IP addresses in the wild on our
Vicuna demo and Chatbot Arena website. We offer an overview of the dataset's
content, including its curation process, basic statistics, and topic
distribution, highlighting its diversity, originality, and scale. We
demonstrate its versatility through four use cases: developing content
moderation models that perform similarly to GPT-4, building a safety benchmark,
training instruction-following models that perform similarly to Vicuna, and
creating challenging benchmark questions. We believe that this dataset will
serve as a valuable resource for understanding and advancing LLM capabilities.
The dataset is publicly available at
https://huggingface.co/datasets/lmsys/lmsys-chat-1m. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2405.20674 | HF | 4Diffusion: Multi-view Video Diffusion Model for 4D Generation | [
"Haiyu Zhang",
"Xinyuan Chen",
"Yaohui Wang",
"Xihui Liu",
"Yunhong Wang",
"Yu Qiao"
] | 2024-05-31 | Current 4D generation methods have achieved noteworthy efficacy with the aid
of advanced diffusion generative models. However, these methods lack multi-view
spatial-temporal modeling and encounter challenges in integrating diverse prior
knowledge from multiple diffusion models, resulting in inconsistent temporal
appearance and flickers. In this paper, we propose a novel 4D generation
pipeline, namely 4Diffusion aimed at generating spatial-temporally consistent
4D content from a monocular video. We first design a unified diffusion model
tailored for multi-view video generation by incorporating a learnable motion
module into a frozen 3D-aware diffusion model to capture multi-view
spatial-temporal correlations. After training on a curated dataset, our
diffusion model acquires reasonable temporal consistency and inherently
preserves the generalizability and spatial consistency of the 3D-aware
diffusion model. Subsequently, we propose 4D-aware Score Distillation Sampling
loss, which is based on our multi-view video diffusion model, to optimize 4D
representation parameterized by dynamic NeRF. This aims to eliminate
discrepancies arising from multiple diffusion models, allowing for generating
spatial-temporally consistent 4D content. Moreover, we devise an anchor loss to
enhance the appearance details and facilitate the learning of dynamic NeRF.
Extensive qualitative and quantitative experiments demonstrate that our method
achieves superior performance compared to previous methods. | null | cs.CV | [
"cs.CV"
] |
2409.05862 | HF | Evaluating Multiview Object Consistency in Humans and Image Models | [
"Tyler Bonnen",
"Stephanie Fu",
"Yutong Bai",
"Thomas O'Connell",
"Yoni Friedman",
"Nancy Kanwisher",
"Joshua B. Tenenbaum",
"Alexei A. Efros"
] | 2024-09-09 | We introduce a benchmark to directly evaluate the alignment between human
observers and vision models on a 3D shape inference task. We leverage an
experimental design from the cognitive sciences which requires zero-shot visual
inferences about object shape: given a set of images, participants identify
which contain the same/different objects, despite considerable viewpoint
variation. We draw from a diverse range of images that include common objects
(e.g., chairs) as well as abstract shapes (i.e., procedurally generated
`nonsense' objects). After constructing over 2000 unique image sets, we
administer these tasks to human participants, collecting 35K trials of
behavioral data from over 500 participants. This includes explicit choice
behaviors as well as intermediate measures, such as reaction time and gaze
data. We then evaluate the performance of common vision models (e.g., DINOv2,
MAE, CLIP). We find that humans outperform all models by a wide margin. Using a
multi-scale evaluation approach, we identify underlying similarities and
differences between models and humans: while human-model performance is
correlated, humans allocate more time/processing on challenging trials. All
images, data, and code can be accessed via our project page. | null | cs.CV | [
"cs.CV"
] |
2406.04268 | HF | Open-Endedness is Essential for Artificial Superhuman Intelligence | [
"Edward Hughes",
"Michael Dennis",
"Jack Parker-Holder",
"Feryal Behbahani",
"Aditi Mavalankar",
"Yuge Shi",
"Tom Schaul",
"Tim Rocktaschel"
] | 2024-06-06 | In recent years there has been a tremendous surge in the general capabilities
of AI systems, mainly fuelled by training foundation models on internetscale
data. Nevertheless, the creation of openended, ever self-improving AI remains
elusive. In this position paper, we argue that the ingredients are now in place
to achieve openendedness in AI systems with respect to a human observer.
Furthermore, we claim that such open-endedness is an essential property of any
artificial superhuman intelligence (ASI). We begin by providing a concrete
formal definition of open-endedness through the lens of novelty and
learnability. We then illustrate a path towards ASI via open-ended systems
built on top of foundation models, capable of making novel, humanrelevant
discoveries. We conclude by examining the safety implications of
generally-capable openended AI. We expect that open-ended foundation models
will prove to be an increasingly fertile and safety-critical area of research
in the near future. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2407.18147 | HF | The FIGNEWS Shared Task on News Media Narratives | [
"Wajdi Zaghouani",
"Mustafa Jarrar",
"Nizar Habash",
"Houda Bouamor",
"Imed Zitouni",
"Mona Diab",
"Samhaa R. El-Beltagy",
"Muhammed AbuOdeh"
] | 2024-07-25 | We present an overview of the FIGNEWS shared task, organized as part of the
ArabicNLP 2024 conference co-located with ACL 2024. The shared task addresses
bias and propaganda annotation in multilingual news posts. We focus on the
early days of the Israel War on Gaza as a case study. The task aims to foster
collaboration in developing annotation guidelines for subjective tasks by
creating frameworks for analyzing diverse narratives highlighting potential
bias and propaganda. In a spirit of fostering and encouraging diversity, we
address the problem from a multilingual perspective, namely within five
languages: English, French, Arabic, Hebrew, and Hindi. A total of 17 teams
participated in two annotation subtasks: bias (16 teams) and propaganda (6
teams). The teams competed in four evaluation tracks: guidelines development,
annotation quality, annotation quantity, and consistency. Collectively, the
teams produced 129,800 data points. Key findings and implications for the field
are discussed. | null | cs.CL | [
"cs.CL"
] |
2404.06209 | HF | Elephants Never Forget: Memorization and Learning of Tabular Data in Large Language Models | [
"Sebastian Bordt",
"Harsha Nori",
"Vanessa Rodrigues",
"Besmira Nushi",
"Rich Caruana"
] | 2024-04-09 | While many have shown how Large Language Models (LLMs) can be applied to a
diverse set of tasks, the critical issues of data contamination and
memorization are often glossed over. In this work, we address this concern for
tabular data. Specifically, we introduce a variety of different techniques to
assess whether a language model has seen a tabular dataset during training.
This investigation reveals that LLMs have memorized many popular tabular
datasets verbatim. We then compare the few-shot learning performance of LLMs on
datasets that were seen during training to the performance on datasets released
after training. We find that LLMs perform better on datasets seen during
training, indicating that memorization leads to overfitting. At the same time,
LLMs show non-trivial performance on novel datasets and are surprisingly robust
to data transformations. We then investigate the in-context statistical
learning abilities of LLMs. While LLMs are significantly better than random at
solving statistical classification problems, the sample efficiency of few-shot
learning lags behind traditional statistical learning algorithms, especially as
the dimension of the problem increases. This suggests that much of the observed
few-shot performance on novel real-world datasets is due to the LLM's world
knowledge. Overall, our results highlight the importance of testing whether an
LLM has seen an evaluation dataset during pre-training. We release the
https://github.com/interpretml/LLM-Tabular-Memorization-Checker Python package
to test LLMs for memorization of tabular datasets. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2408.06506 | HF | TacSL: A Library for Visuotactile Sensor Simulation and Learning | [
"Iretiayo Akinola",
"Jie Xu",
"Jan Carius",
"Dieter Fox",
"Yashraj Narang"
] | 2024-08-12 | For both humans and robots, the sense of touch, known as tactile sensing, is
critical for performing contact-rich manipulation tasks. Three key challenges
in robotic tactile sensing are 1) interpreting sensor signals, 2) generating
sensor signals in novel scenarios, and 3) learning sensor-based policies. For
visuotactile sensors, interpretation has been facilitated by their close
relationship with vision sensors (e.g., RGB cameras). However, generation is
still difficult, as visuotactile sensors typically involve contact,
deformation, illumination, and imaging, all of which are expensive to simulate;
in turn, policy learning has been challenging, as simulation cannot be
leveraged for large-scale data collection. We present \textbf{TacSL}
(\textit{taxel}), a library for GPU-based visuotactile sensor simulation and
learning. \textbf{TacSL} can be used to simulate visuotactile images and
extract contact-force distributions over $200\times$ faster than the prior
state-of-the-art, all within the widely-used Isaac Gym simulator. Furthermore,
\textbf{TacSL} provides a learning toolkit containing multiple sensor models,
contact-intensive training environments, and online/offline algorithms that can
facilitate policy learning for sim-to-real applications. On the algorithmic
side, we introduce a novel online reinforcement-learning algorithm called
asymmetric actor-critic distillation (\sysName), designed to effectively and
efficiently learn tactile-based policies in simulation that can transfer to the
real world. Finally, we demonstrate the utility of our library and algorithms
by evaluating the benefits of distillation and multimodal sensing for
contact-rich manip ulation tasks, and most critically, performing sim-to-real
transfer. Supplementary videos and results are at
\url{https://iakinola23.github.io/tacsl/}. | null | cs.RO | [
"cs.RO"
] |
2312.14125 | HF | VideoPoet: A Large Language Model for Zero-Shot Video Generation | [
"Dan Kondratyuk",
"Lijun Yu",
"Xiuye Gu",
"José Lezama",
"Jonathan Huang",
"Grant Schindler",
"Rachel Hornung",
"Vighnesh Birodkar",
"Jimmy Yan",
"Ming-Chang Chiu",
"Krishna Somandepalli",
"Hassan Akbari",
"Yair Alon",
"Yong Cheng",
"Josh Dillon",
"Agrim Gupta",
"Meera Hahn",
"Anja Hauth",
"David Hendon",
"Alonso Martinez",
"David Minnen",
"Mikhail Sirotenko",
"Kihyuk Sohn",
"Xuan Yang",
"Hartwig Adam",
"Ming-Hsuan Yang",
"Irfan Essa",
"Huisheng Wang",
"David A. Ross",
"Bryan Seybold",
"Lu Jiang"
] | 2023-12-21 | We present VideoPoet, a language model capable of synthesizing high-quality
video, with matching audio, from a large variety of conditioning signals.
VideoPoet employs a decoder-only transformer architecture that processes
multimodal inputs -- including images, videos, text, and audio. The training
protocol follows that of Large Language Models (LLMs), consisting of two
stages: pretraining and task-specific adaptation. During pretraining, VideoPoet
incorporates a mixture of multimodal generative objectives within an
autoregressive Transformer framework. The pretrained LLM serves as a foundation
that can be adapted for a range of video generation tasks. We present empirical
results demonstrating the model's state-of-the-art capabilities in zero-shot
video generation, specifically highlighting VideoPoet's ability to generate
high-fidelity motions. Project page: http://sites.research.google/videopoet/ | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2310.00034 | AnswerAI | PB-LLM: Partially Binarized Large Language Models | [
"Yuzhang Shang",
"Zhihang Yuan",
"Qiang Wu",
"Zhen Dong"
] | 2023-09-29 | This paper explores network binarization, a radical form of quantization,
compressing model weights to a single bit, specifically for Large Language
Models (LLMs) compression. Due to previous binarization methods collapsing
LLMs, we propose a novel approach, Partially-Binarized LLM (PB-LLM), which can
achieve extreme low-bit quantization while maintaining the linguistic reasoning
capacity of quantized LLMs. Specifically, our exploration first uncovers the
ineffectiveness of naive applications of existing binarization algorithms and
highlights the imperative role of salient weights in achieving low-bit
quantization. Thus, PB-LLM filters a small ratio of salient weights during
binarization, allocating them to higher-bit storage, i.e.,
partially-binarization. PB-LLM is extended to recover the capacities of
quantized LMMs, by analyzing from the perspective of post-training quantization
(PTQ) and quantization-aware training (QAT). Under PTQ, combining the concepts
from GPTQ, we reconstruct the binarized weight matrix guided by the Hessian
matrix and successfully recover the reasoning capacity of PB-LLM in low-bit.
Under QAT, we freeze the salient weights during training, explore the
derivation of optimal scaling factors crucial for minimizing the quantization
error, and propose a scaling mechanism based on this derived scaling strategy
for residual binarized weights. Those explorations and the developed
methodologies significantly contribute to rejuvenating the performance of
low-bit quantized LLMs and present substantial advancements in the field of
network binarization for LLMs.The code is available at
https://github.com/hahnyuan/BinaryLLM. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.13638 | HF | A Comparative Study on Automatic Coding of Medical Letters with Explainability | [
"Jamie Glen",
"Lifeng Han",
"Paul Rayson",
"Goran Nenadic"
] | 2024-07-18 | This study aims to explore the implementation of Natural Language Processing
(NLP) and machine learning (ML) techniques to automate the coding of medical
letters with visualised explainability and light-weighted local computer
settings. Currently in clinical settings, coding is a manual process that
involves assigning codes to each condition, procedure, and medication in a
patient's paperwork (e.g., 56265001 heart disease using SNOMED CT code). There
are preliminary research on automatic coding in this field using
state-of-the-art ML models; however, due to the complexity and size of the
models, the real-world deployment is not achieved. To further facilitate the
possibility of automatic coding practice, we explore some solutions in a local
computer setting; in addition, we explore the function of explainability for
transparency of AI models. We used the publicly available MIMIC-III database
and the HAN/HLAN network models for ICD code prediction purposes. We also
experimented with the mapping between ICD and SNOMED CT knowledge bases. In our
experiments, the models provided useful information for 97.98\% of codes. The
result of this investigation can shed some light on implementing automatic
clinical coding in practice, such as in hospital settings, on the local
computers used by clinicians , project page
\url{https://github.com/Glenj01/Medical-Coding}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.07476 | HF | VideoLLaMA 2: Advancing Spatial-Temporal Modeling and Audio Understanding in Video-LLMs | [
"Zesen Cheng",
"Sicong Leng",
"Hang Zhang",
"Yifei Xin",
"Xin Li",
"Guanzheng Chen",
"Yongxin Zhu",
"Wenqi Zhang",
"Ziyang Luo",
"Deli Zhao",
"Lidong Bing"
] | 2024-06-11 | In this paper, we present the VideoLLaMA 2, a set of Video Large Language
Models (Video-LLMs) designed to enhance spatial-temporal modeling and audio
understanding in video and audio-oriented tasks. Building upon its predecessor,
VideoLLaMA 2 incorporates a tailor-made Spatial-Temporal Convolution (STC)
connector, which effectively captures the intricate spatial and temporal
dynamics of video data. Additionally, we integrate an Audio Branch into the
model through joint training, thereby enriching the multimodal understanding
capabilities of the model by seamlessly incorporating audio cues. Comprehensive
evaluations on multiple-choice video question answering (MC-VQA), open-ended
video question answering (OE-VQA), and video captioning (VC) tasks demonstrate
that VideoLLaMA 2 consistently achieves competitive results among open-source
models and even gets close to some proprietary models on several benchmarks.
Furthermore, VideoLLaMA 2 exhibits reasonable improvements in audio-only and
audio-video question-answering (AQA & OE-AVQA) benchmarks over existing models.
These advancements underline VideoLLaMA 2's superior performance in multimodal
comprehension, setting a new standard for intelligent video analysis systems.
All models are public to facilitate further research. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2309.15807 | HF | Emu: Enhancing Image Generation Models Using Photogenic Needles in a Haystack | [
"Xiaoliang Dai",
"Ji Hou",
"Chih-Yao Ma",
"Sam Tsai",
"Jialiang Wang",
"Rui Wang",
"Peizhao Zhang",
"Simon Vandenhende",
"Xiaofang Wang",
"Abhimanyu Dubey",
"Matthew Yu",
"Abhishek Kadian",
"Filip Radenovic",
"Dhruv Mahajan",
"Kunpeng Li",
"Yue Zhao",
"Vladan Petrovic",
"Mitesh Kumar Singh",
"Simran Motwani",
"Yi Wen",
"Yiwen Song",
"Roshan Sumbaly",
"Vignesh Ramanathan",
"Zijian He",
"Peter Vajda",
"Devi Parikh"
] | 2023-09-27 | Training text-to-image models with web scale image-text pairs enables the
generation of a wide range of visual concepts from text. However, these
pre-trained models often face challenges when it comes to generating highly
aesthetic images. This creates the need for aesthetic alignment post
pre-training. In this paper, we propose quality-tuning to effectively guide a
pre-trained model to exclusively generate highly visually appealing images,
while maintaining generality across visual concepts. Our key insight is that
supervised fine-tuning with a set of surprisingly small but extremely visually
appealing images can significantly improve the generation quality. We pre-train
a latent diffusion model on $1.1$ billion image-text pairs and fine-tune it
with only a few thousand carefully selected high-quality images. The resulting
model, Emu, achieves a win rate of $82.9\%$ compared with its pre-trained only
counterpart. Compared to the state-of-the-art SDXLv1.0, Emu is preferred
$68.4\%$ and $71.3\%$ of the time on visual appeal on the standard PartiPrompts
and our Open User Input benchmark based on the real-world usage of
text-to-image models. In addition, we show that quality-tuning is a generic
approach that is also effective for other architectures, including pixel
diffusion and masked generative transformer models. | null | cs.CV | [
"cs.CV"
] |
2404.08495 | HF | Dataset Reset Policy Optimization for RLHF | [
"Jonathan D. Chang",
"Wenhao Zhan",
"Owen Oertell",
"Kianté Brantley",
"Dipendra Misra",
"Jason D. Lee",
"Wen Sun"
] | 2024-04-12 | Reinforcement Learning (RL) from Human Preference-based feedback is a popular
paradigm for fine-tuning generative models, which has produced impressive
models such as GPT-4 and Claude3 Opus. This framework often consists of two
steps: learning a reward model from an offline preference dataset followed by
running online RL to optimize the learned reward model. In this work,
leveraging the idea of reset, we propose a new RLHF algorithm with provable
guarantees. Motivated by the fact that offline preference dataset provides
informative states (i.e., data that is preferred by the labelers), our new
algorithm, Dataset Reset Policy Optimization (DR-PO), integrates the existing
offline preference dataset into the online policy training procedure via
dataset reset: it directly resets the policy optimizer to the states in the
offline dataset, instead of always starting from the initial state
distribution. In theory, we show that DR-PO learns to perform at least as good
as any policy that is covered by the offline dataset under general function
approximation with finite sample complexity. In experiments, we demonstrate
that on both the TL;DR summarization and the Anthropic Helpful Harmful (HH)
dataset, the generation from DR-PO is better than that from Proximal Policy
Optimization (PPO) and Direction Preference Optimization (DPO), under the
metric of GPT4 win-rate. Code for this work can be found at
https://github.com/Cornell-RL/drpo. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2402.17177 | HF | Sora: A Review on Background, Technology, Limitations, and Opportunities of Large Vision Models | [
"Yixin Liu",
"Kai Zhang",
"Yuan Li",
"Zhiling Yan",
"Chujie Gao",
"Ruoxi Chen",
"Zhengqing Yuan",
"Yue Huang",
"Hanchi Sun",
"Jianfeng Gao",
"Lifang He",
"Lichao Sun"
] | 2024-02-27 | Sora is a text-to-video generative AI model, released by OpenAI in February
2024. The model is trained to generate videos of realistic or imaginative
scenes from text instructions and show potential in simulating the physical
world. Based on public technical reports and reverse engineering, this paper
presents a comprehensive review of the model's background, related
technologies, applications, remaining challenges, and future directions of
text-to-video AI models. We first trace Sora's development and investigate the
underlying technologies used to build this "world simulator". Then, we describe
in detail the applications and potential impact of Sora in multiple industries
ranging from film-making and education to marketing. We discuss the main
challenges and limitations that need to be addressed to widely deploy Sora,
such as ensuring safe and unbiased video generation. Lastly, we discuss the
future development of Sora and video generation models in general, and how
advancements in the field could enable new ways of human-AI interaction,
boosting productivity and creativity of video generation. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2304.06875 | AnswerAI | nanoLM: an Affordable LLM Pre-training Benchmark via Accurate Loss Prediction across Scales | [
"Yiqun Yao",
"Siqi fan",
"Xiusheng Huang",
"Xuezhi Fang",
"Xiang Li",
"Ziyi Ni",
"Xin Jiang",
"Xuying Meng",
"Peng Han",
"Shuo Shang",
"Kang Liu",
"Aixin Sun",
"Yequan Wang"
] | 2023-04-14 | As language models scale up, it becomes increasingly expensive to verify
research ideas because conclusions on small models do not trivially transfer to
large ones. A possible solution is to establish a generic system that
accurately predicts certain metrics for large models without training them.
Existing scaling laws require hyperparameter search on the largest models,
limiting their predicative capability. In this paper, we present an approach
(namely {\mu}Scaling) to predict the pre-training loss, based on our
observations that Maximal Update Parametrization ({\mu}P) enables accurate
fitting of scaling laws close to common loss basins in hyperparameter space.
With {\mu}Scaling, different model designs can be compared on large scales by
training only their smaller counterparts. Further, we introduce nanoLM: an
affordable LLM pre-training benchmark that facilitates this new research
paradigm. With around 14% of the one-time pre-training cost, we can accurately
forecast the loss for models up to 52B. Our goal with nanoLM is to empower
researchers with limited resources to reach meaningful conclusions on large
models. We also aspire for our benchmark to serve as a bridge between the
academic community and the industry. Code for {\mu}Scaling is available at
https://github.com/cofe-ai/Mu-scaling. Code for nanoLLM will be available
later. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2312.07000 | HF | Alignment for Honesty | [
"Yuqing Yang",
"Ethan Chern",
"Xipeng Qiu",
"Graham Neubig",
"Pengfei Liu"
] | 2023-12-12 | Recent research has made significant strides in applying alignment techniques
to enhance the helpfulness and harmlessness of large language models (LLMs) in
accordance with human intentions. In this paper, we argue for the importance of
alignment for honesty, ensuring that LLMs proactively refuse to answer
questions when they lack knowledge, while still not being overly conservative.
However, a pivotal aspect of alignment for honesty involves discerning the
limits of an LLM's knowledge, which is far from straightforward. This challenge
demands comprehensive solutions in terms of metric development, benchmark
creation, and training methodologies. In this paper, we address these
challenges by first establishing a precise problem definition and defining
``honesty'' inspired by the Analects of Confucius. This serves as a cornerstone
for developing metrics that effectively measure an LLM's honesty by quantifying
its progress post-alignment. Furthermore, we introduce a flexible training
framework which is further instantiated by several efficient fine-tuning
techniques that emphasize honesty without sacrificing performance on other
tasks. Our extensive experiments reveal that these aligned models show a marked
increase in honesty, as indicated by our proposed metrics. We open-source a
wealth of resources to facilitate future research at
https://github.com/GAIR-NLP/alignment-for-honesty, including honesty-aligned
models, training and evaluation datasets for honesty alignment, concept
glossary, as well as all relevant source code. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.18054 | HF | LKCell: Efficient Cell Nuclei Instance Segmentation with Large Convolution Kernels | [
"Ziwei Cui",
"Jingfeng Yao",
"Lunbin Zeng",
"Juan Yang",
"Wenyu Liu",
"Xinggang Wang"
] | 2024-07-25 | The segmentation of cell nuclei in tissue images stained with the blood dye
hematoxylin and eosin (H$\&$E) is essential for various clinical applications
and analyses. Due to the complex characteristics of cellular morphology, a
large receptive field is considered crucial for generating high-quality
segmentation. However, previous methods face challenges in achieving a balance
between the receptive field and computational burden. To address this issue, we
propose LKCell, a high-accuracy and efficient cell segmentation method. Its
core insight lies in unleashing the potential of large convolution kernels to
achieve computationally efficient large receptive fields. Specifically, (1) We
transfer pre-trained large convolution kernel models to the medical domain for
the first time, demonstrating their effectiveness in cell segmentation. (2) We
analyze the redundancy of previous methods and design a new segmentation
decoder based on large convolution kernels. It achieves higher performance
while significantly reducing the number of parameters. We evaluate our method
on the most challenging benchmark and achieve state-of-the-art results (0.5080
mPQ) in cell nuclei instance segmentation with only 21.6% FLOPs compared with
the previous leading method. Our source code and models are available at
https://github.com/hustvl/LKCell. | null | eess.IV | [
"eess.IV",
"cs.CV"
] |
2404.14396 | HF | SEED-X: Multimodal Models with Unified Multi-granularity Comprehension and Generation | [
"Yuying Ge",
"Sijie Zhao",
"Jinguo Zhu",
"Yixiao Ge",
"Kun Yi",
"Lin Song",
"Chen Li",
"Xiaohan Ding",
"Ying Shan"
] | 2024-04-22 | The rapid evolution of multimodal foundation model has demonstrated
significant progresses in vision-language understanding and generation, e.g.,
our previous work SEED-LLaMA. However, there remains a gap between its
capability and the real-world applicability, primarily due to the model's
limited capacity to effectively respond to various user instructions and
interact with diverse visual data. In this work, we focus on bridging this gap
through integrating two enhanced features: (1) comprehending images of
arbitrary sizes and ratios, and (2) enabling multi-granularity image
generation. We present a unified and versatile foundation model, namely,
SEED-X, which is able to model multi-granularity visual semantics for
comprehension and generation tasks. Besides the competitive results on public
benchmarks, SEED-X demonstrates its effectiveness in handling real-world
applications across various domains after instruction tuning. We hope that our
work will inspire future research into what can be achieved by versatile
multimodal foundation models in real-world applications. The models, codes, and
datasets will be released in https://github.com/AILab-CVC/SEED-X. | null | cs.CV | [
"cs.CV"
] |
2306.03809 | AnswerAI | Can large language models democratize access to dual-use biotechnology? | [
"Emily H. Soice",
"Rafael Rocha",
"Kimberlee Cordova",
"Michael Specter",
"Kevin M. Esvelt"
] | 2023-06-06 | Large language models (LLMs) such as those embedded in 'chatbots' are
accelerating and democratizing research by providing comprehensible information
and expertise from many different fields. However, these models may also confer
easy access to dual-use technologies capable of inflicting great harm. To
evaluate this risk, the 'Safeguarding the Future' course at MIT tasked
non-scientist students with investigating whether LLM chatbots could be
prompted to assist non-experts in causing a pandemic. In one hour, the chatbots
suggested four potential pandemic pathogens, explained how they can be
generated from synthetic DNA using reverse genetics, supplied the names of DNA
synthesis companies unlikely to screen orders, identified detailed protocols
and how to troubleshoot them, and recommended that anyone lacking the skills to
perform reverse genetics engage a core facility or contract research
organization. Collectively, these results suggest that LLMs will make
pandemic-class agents widely accessible as soon as they are credibly
identified, even to people with little or no laboratory training. Promising
nonproliferation measures include pre-release evaluations of LLMs by third
parties, curating training datasets to remove harmful concepts, and verifiably
screening all DNA generated by synthesis providers or used by contract research
organizations and robotic cloud laboratories to engineer organisms or viruses. | null | cs.CY | [
"cs.CY",
"cs.AI"
] |
2308.16876 | HF | SportsSloMo: A New Benchmark and Baselines for Human-centric Video Frame Interpolation | [
"Jiaben Chen",
"Huaizu Jiang"
] | 2023-08-31 | Human-centric video frame interpolation has great potential for improving
people's entertainment experiences and finding commercial applications in the
sports analysis industry, e.g., synthesizing slow-motion videos. Although there
are multiple benchmark datasets available in the community, none of them is
dedicated for human-centric scenarios. To bridge this gap, we introduce
SportsSloMo, a benchmark consisting of more than 130K video clips and 1M video
frames of high-resolution ($\geq$720p) slow-motion sports videos crawled from
YouTube. We re-train several state-of-the-art methods on our benchmark, and the
results show a decrease in their accuracy compared to other datasets. It
highlights the difficulty of our benchmark and suggests that it poses
significant challenges even for the best-performing methods, as human bodies
are highly deformable and occlusions are frequent in sports videos. To improve
the accuracy, we introduce two loss terms considering the human-aware priors,
where we add auxiliary supervision to panoptic segmentation and human keypoints
detection, respectively. The loss terms are model agnostic and can be easily
plugged into any video frame interpolation approaches. Experimental results
validate the effectiveness of our proposed loss terms, leading to consistent
performance improvement over 5 existing models, which establish strong baseline
models on our benchmark. The dataset and code can be found at:
https://neu-vi.github.io/SportsSlomo/. | null | cs.CV | [
"cs.CV"
] |
2310.14495 | HF | InstructExcel: A Benchmark for Natural Language Instruction in Excel | [
"Justin Payan",
"Swaroop Mishra",
"Mukul Singh",
"Carina Negreanu",
"Christian Poelitz",
"Chitta Baral",
"Subhro Roy",
"Rasika Chakravarthy",
"Benjamin Van Durme",
"Elnaz Nouri"
] | 2023-10-23 | With the evolution of Large Language Models (LLMs) we can solve increasingly
more complex NLP tasks across various domains, including spreadsheets. This
work investigates whether LLMs can generate code (Excel OfficeScripts, a
TypeScript API for executing many tasks in Excel) that solves Excel specific
tasks provided via natural language user instructions. To do so we introduce a
new large-scale benchmark, InstructExcel, created by leveraging the 'Automate'
feature in Excel to automatically generate OfficeScripts from users' actions.
Our benchmark includes over 10k samples covering 170+ Excel operations across
2,000 publicly available Excel spreadsheets. Experiments across various
zero-shot and few-shot settings show that InstructExcel is a hard benchmark for
state of the art models like GPT-4. We observe that (1) using GPT-4 over
GPT-3.5, (2) providing more in-context examples, and (3) dynamic prompting can
help improve performance on this benchmark. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2307.06925 | HF | Domain-Agnostic Tuning-Encoder for Fast Personalization of Text-To-Image Models | [
"Moab Arar",
"Rinon Gal",
"Yuval Atzmon",
"Gal Chechik",
"Daniel Cohen-Or",
"Ariel Shamir",
"Amit H. Bermano"
] | 2023-07-13 | Text-to-image (T2I) personalization allows users to guide the creative image
generation process by combining their own visual concepts in natural language
prompts. Recently, encoder-based techniques have emerged as a new effective
approach for T2I personalization, reducing the need for multiple images and
long training times. However, most existing encoders are limited to a
single-class domain, which hinders their ability to handle diverse concepts. In
this work, we propose a domain-agnostic method that does not require any
specialized dataset or prior information about the personalized concepts. We
introduce a novel contrastive-based regularization technique to maintain high
fidelity to the target concept characteristics while keeping the predicted
embeddings close to editable regions of the latent space, by pushing the
predicted tokens toward their nearest existing CLIP tokens. Our experimental
results demonstrate the effectiveness of our approach and show how the learned
tokens are more semantic than tokens predicted by unregularized models. This
leads to a better representation that achieves state-of-the-art performance
while being more flexible than previous methods. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2303.11156 | AnswerAI | Can AI-Generated Text be Reliably Detected? | [
"Vinu Sankar Sadasivan",
"Aounon Kumar",
"Sriram Balasubramanian",
"Wenxiao Wang",
"Soheil Feizi"
] | 2023-03-17 | The unregulated use of LLMs can potentially lead to malicious consequences
such as plagiarism, generating fake news, spamming, etc. Therefore, reliable
detection of AI-generated text can be critical to ensure the responsible use of
LLMs. Recent works attempt to tackle this problem either using certain model
signatures present in the generated text outputs or by applying watermarking
techniques that imprint specific patterns onto them. In this paper, we show
that these detectors are not reliable in practical scenarios. In particular, we
develop a recursive paraphrasing attack to apply on AI text, which can break a
whole range of detectors, including the ones using the watermarking schemes as
well as neural network-based detectors, zero-shot classifiers, and
retrieval-based detectors. Our experiments include passages around 300 tokens
in length, showing the sensitivity of the detectors even in the case of
relatively long passages. We also observe that our recursive paraphrasing only
degrades text quality slightly, measured via human studies, and metrics such as
perplexity scores and accuracy on text benchmarks. Additionally, we show that
even LLMs protected by watermarking schemes can be vulnerable against spoofing
attacks aimed to mislead detectors to classify human-written text as
AI-generated, potentially causing reputational damages to the developers. In
particular, we show that an adversary can infer hidden AI text signatures of
the LLM outputs without having white-box access to the detection method.
Finally, we provide a theoretical connection between the AUROC of the best
possible detector and the Total Variation distance between human and AI text
distributions that can be used to study the fundamental hardness of the
reliable detection problem for advanced language models. Our code is publicly
available at https://github.com/vinusankars/Reliability-of-AI-text-detectors. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2402.08682 | HF | IM-3D: Iterative Multiview Diffusion and Reconstruction for High-Quality 3D Generation | [
"Luke Melas-Kyriazi",
"Iro Laina",
"Christian Rupprecht",
"Natalia Neverova",
"Andrea Vedaldi",
"Oran Gafni",
"Filippos Kokkinos"
] | 2024-02-13 | Most text-to-3D generators build upon off-the-shelf text-to-image models
trained on billions of images. They use variants of Score Distillation Sampling
(SDS), which is slow, somewhat unstable, and prone to artifacts. A mitigation
is to fine-tune the 2D generator to be multi-view aware, which can help
distillation or can be combined with reconstruction networks to output 3D
objects directly. In this paper, we further explore the design space of
text-to-3D models. We significantly improve multi-view generation by
considering video instead of image generators. Combined with a 3D
reconstruction algorithm which, by using Gaussian splatting, can optimize a
robust image-based loss, we directly produce high-quality 3D outputs from the
generated views. Our new method, IM-3D, reduces the number of evaluations of
the 2D generator network 10-100x, resulting in a much more efficient pipeline,
better quality, fewer geometric inconsistencies, and higher yield of usable 3D
assets. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2204.05832 | AnswerAI | What Language Model Architecture and Pretraining Objective Work Best for Zero-Shot Generalization? | [
"Thomas Wang",
"Adam Roberts",
"Daniel Hesslow",
"Teven Le Scao",
"Hyung Won Chung",
"Iz Beltagy",
"Julien Launay",
"Colin Raffel"
] | 2022-04-12 | Large pretrained Transformer language models have been shown to exhibit
zero-shot generalization, i.e. they can perform a wide variety of tasks that
they were not explicitly trained on. However, the architectures and pretraining
objectives used across state-of-the-art models differ significantly, and there
has been limited systematic comparison of these factors. In this work, we
present a large-scale evaluation of modeling choices and their impact on
zero-shot generalization. In particular, we focus on text-to-text models and
experiment with three model architectures (causal/non-causal decoder-only and
encoder-decoder), trained with two different pretraining objectives
(autoregressive and masked language modeling), and evaluated with and without
multitask prompted finetuning. We train models with over 5 billion parameters
for more than 170 billion tokens, thereby increasing the likelihood that our
conclusions will transfer to even larger scales. Our experiments show that
causal decoder-only models trained on an autoregressive language modeling
objective exhibit the strongest zero-shot generalization after purely
unsupervised pretraining. However, models with non-causal visibility on their
input trained with a masked language modeling objective followed by multitask
finetuning perform the best among our experiments. We therefore consider the
adaptation of pretrained models across architectures and objectives. We find
that pretrained non-causal decoder models can be adapted into performant
generative causal decoder models, using autoregressive language modeling as a
downstream task. Furthermore, we find that pretrained causal decoder models can
be efficiently adapted into non-causal decoder models, ultimately achieving
competitive performance after multitask finetuning. Code and checkpoints are
available at https://github.com/bigscience-workshop/architecture-objective. | null | cs.CL | [
"cs.CL",
"cs.LG",
"stat.ML"
] |
2408.10161 | HF | NeuFlow v2: High-Efficiency Optical Flow Estimation on Edge Devices | [
"Zhiyong Zhang",
"Aniket Gupta",
"Huaizu Jiang",
"Hanumant Singh"
] | 2024-08-19 | Real-time high-accuracy optical flow estimation is crucial for various
real-world applications. While recent learning-based optical flow methods have
achieved high accuracy, they often come with significant computational costs.
In this paper, we propose a highly efficient optical flow method that balances
high accuracy with reduced computational demands. Building upon NeuFlow v1, we
introduce new components including a much more light-weight backbone and a fast
refinement module. Both these modules help in keeping the computational demands
light while providing close to state of the art accuracy. Compares to other
state of the art methods, our model achieves a 10x-70x speedup while
maintaining comparable performance on both synthetic and real-world data. It is
capable of running at over 20 FPS on 512x384 resolution images on a Jetson Orin
Nano. The full training and evaluation code is available at
https://github.com/neufieldrobotics/NeuFlow_v2. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.RO"
] |
2407.01100 | HF | Eliminating Position Bias of Language Models: A Mechanistic Approach | [
"Ziqi Wang",
"Hanlin Zhang",
"Xiner Li",
"Kuan-Hao Huang",
"Chi Han",
"Shuiwang Ji",
"Sham M. Kakade",
"Hao Peng",
"Heng Ji"
] | 2024-07-01 | Position bias has proven to be a prevalent issue of modern language models
(LMs), where the models prioritize content based on its position within the
given context. This bias often leads to unexpected model failures and hurts
performance, robustness, and reliability across various applications. Our
mechanistic analysis attributes the position bias to two components employed in
nearly all state-of-the-art LMs: causal attention and relative positional
encodings. Specifically, we find that causal attention generally causes models
to favor distant content, while relative positional encodings like RoPE prefer
nearby ones based on the analysis of retrieval-augmented question answering
(QA). Further, our empirical study on object detection reveals that position
bias is also present in vision-language models (VLMs).
Based on the above analyses, we propose to ELIMINATE position bias caused by
different input segment orders (e.g., options in LM-as-a-judge, retrieved
documents in QA) in a TRAINING-FREE ZERO-SHOT manner. Our method changes the
causal attention to bidirectional attention between segments and utilizes model
attention values to decide the relative orders of segments instead of using the
order provided in input prompts, therefore enabling Position-INvariant
inferencE (PINE) at the segment level. By eliminating position bias, models
achieve better performance and reliability in downstream tasks where position
bias widely exists, such as LM-as-a-judge and retrieval-augmented QA.
Notably, PINE is especially useful when adapting LMs for evaluating reasoning
pairs: it consistently provides 8 to 10 percentage points performance gains in
most cases, and makes Llama-3-70B-Instruct perform even better than
GPT-4-0125-preview on the RewardBench reasoning subset. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2407.04528 | AnswerAI | GPT vs RETRO: Exploring the Intersection of Retrieval and Parameter-Efficient Fine-Tuning | [
"Aleksander Ficek",
"Jiaqi Zeng",
"Oleksii Kuchaiev"
] | 2024-07-05 | Parameter-Efficient Fine-Tuning (PEFT) and Retrieval-Augmented Generation
(RAG) have become popular methods for adapting large language models while
minimizing compute requirements. In this paper, we apply PEFT methods
(P-tuning, Adapters, and LoRA) to a modified Retrieval-Enhanced Transformer
(RETRO) and a baseline GPT model across several sizes, ranging from 823 million
to 48 billion parameters. We show that RETRO models outperform GPT models in
zero-shot settings due to their unique pre-training process but GPT models have
higher performance potential with PEFT. Additionally, our study indicates that
8B parameter models strike an optimal balance between cost and performance and
P-tuning lags behind other PEFT techniques. We further provide a comparative
analysis of between applying PEFT to an Instruction-tuned RETRO model and base
RETRO model. This work presents the first comprehensive comparison of various
PEFT methods integrated with RAG, applied to both GPT and RETRO models,
highlighting their relative performance. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR",
"cs.LG"
] |
2104.14294 | AnswerAI | Emerging Properties in Self-Supervised Vision Transformers | [
"Mathilde Caron",
"Hugo Touvron",
"Ishan Misra",
"Hervé Jégou",
"Julien Mairal",
"Piotr Bojanowski",
"Armand Joulin"
] | 2021-04-29 | In this paper, we question if self-supervised learning provides new
properties to Vision Transformer (ViT) that stand out compared to convolutional
networks (convnets). Beyond the fact that adapting self-supervised methods to
this architecture works particularly well, we make the following observations:
first, self-supervised ViT features contain explicit information about the
semantic segmentation of an image, which does not emerge as clearly with
supervised ViTs, nor with convnets. Second, these features are also excellent
k-NN classifiers, reaching 78.3% top-1 on ImageNet with a small ViT. Our study
also underlines the importance of momentum encoder, multi-crop training, and
the use of small patches with ViTs. We implement our findings into a simple
self-supervised method, called DINO, which we interpret as a form of
self-distillation with no labels. We show the synergy between DINO and ViTs by
achieving 80.1% top-1 on ImageNet in linear evaluation with ViT-Base. | null | cs.CV | [
"cs.CV"
] |
2306.14048 | Both | H$_2$O: Heavy-Hitter Oracle for Efficient Generative Inference of Large Language Models | [
"Zhenyu Zhang",
"Ying Sheng",
"Tianyi Zhou",
"Tianlong Chen",
"Lianmin Zheng",
"Ruisi Cai",
"Zhao Song",
"Yuandong Tian",
"Christopher Ré",
"Clark Barrett",
"Zhangyang Wang",
"Beidi Chen"
] | 2023-06-24 | Large Language Models (LLMs), despite their recent impressive
accomplishments, are notably cost-prohibitive to deploy, particularly for
applications involving long-content generation, such as dialogue systems and
story writing. Often, a large amount of transient state information, referred
to as the KV cache, is stored in GPU memory in addition to model parameters,
scaling linearly with the sequence length and batch size. In this paper, we
introduce a novel approach for implementing the KV cache which significantly
reduces its memory footprint. Our approach is based on the noteworthy
observation that a small portion of tokens contributes most of the value when
computing attention scores. We call these tokens Heavy Hitters (H$_2$). Through
a comprehensive investigation, we find that (i) the emergence of H$_2$ is
natural and strongly correlates with the frequent co-occurrence of tokens in
the text, and (ii) removing them results in significant performance
degradation. Based on these insights, we propose Heavy Hitter Oracle (H$_2$O),
a KV cache eviction policy that dynamically retains a balance of recent and
H$_2$ tokens. We formulate the KV cache eviction as a dynamic submodular
problem and prove (under mild assumptions) a theoretical guarantee for our
novel eviction algorithm which could help guide future work. We validate the
accuracy of our algorithm with OPT, LLaMA, and GPT-NeoX across a wide range of
tasks. Our implementation of H$_2$O with 20% heavy hitters improves the
throughput over three leading inference systems DeepSpeed Zero-Inference,
Hugging Face Accelerate, and FlexGen by up to 29$\times$, 29$\times$, and
3$\times$ on OPT-6.7B and OPT-30B. With the same batch size, H2O can reduce the
latency by up to 1.9$\times$. The code is available at
https://github.com/FMInference/H2O. | null | cs.LG | [
"cs.LG"
] |
2402.06082 | HF | SubGen: Token Generation in Sublinear Time and Memory | [
"Amir Zandieh",
"Insu Han",
"Vahab Mirrokni",
"Amin Karbasi"
] | 2024-02-08 | Despite the significant success of large language models (LLMs), their
extensive memory requirements pose challenges for deploying them in
long-context token generation. The substantial memory footprint of LLM decoders
arises from the necessity to store all previous tokens in the attention module,
a requirement imposed by key-value (KV) caching. In this work, our focus is on
developing an efficient compression technique for the KV cache. Empirical
evidence indicates a significant clustering tendency within key embeddings in
the attention module. Building on this key insight, we have devised a novel
caching method with sublinear complexity, employing online clustering on key
tokens and online $\ell_2$ sampling on values. The result is a provably
accurate and efficient attention decoding algorithm, termed SubGen. Not only
does this algorithm ensure a sublinear memory footprint and sublinear time
complexity, but we also establish a tight error bound for our approach.
Empirical evaluations on long-context question-answering tasks demonstrate that
SubGen significantly outperforms existing and state-of-the-art KV cache
compression methods in terms of performance and efficiency. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.DS"
] |
2409.03643 | HF | CDM: A Reliable Metric for Fair and Accurate Formula Recognition Evaluation | [
"Bin Wang",
"Fan Wu",
"Linke Ouyang",
"Zhuangcheng Gu",
"Rui Zhang",
"Renqiu Xia",
"Bo Zhang",
"Conghui He"
] | 2024-09-05 | Formula recognition presents significant challenges due to the complicated
structure and varied notation of mathematical expressions. Despite continuous
advancements in formula recognition models, the evaluation metrics employed by
these models, such as BLEU and Edit Distance, still exhibit notable
limitations. They overlook the fact that the same formula has diverse
representations and is highly sensitive to the distribution of training data,
thereby causing the unfairness in formula recognition evaluation. To this end,
we propose a Character Detection Matching (CDM) metric, ensuring the evaluation
objectivity by designing a image-level rather than LaTex-level metric score.
Specifically, CDM renders both the model-predicted LaTeX and the ground-truth
LaTeX formulas into image-formatted formulas, then employs visual feature
extraction and localization techniques for precise character-level matching,
incorporating spatial position information. Such a spatially-aware and
character-matching method offers a more accurate and equitable evaluation
compared with previous BLEU and Edit Distance metrics that rely solely on
text-based character matching. Experimentally, we evaluated various formula
recognition models using CDM, BLEU, and ExpRate metrics. Their results
demonstrate that the CDM aligns more closely with human evaluation standards
and provides a fairer comparison across different models by eliminating
discrepancies caused by diverse formula representations. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2309.17425 | AnswerAI | Data Filtering Networks | [
"Alex Fang",
"Albin Madappally Jose",
"Amit Jain",
"Ludwig Schmidt",
"Alexander Toshev",
"Vaishaal Shankar"
] | 2023-09-29 | Large training sets have become a cornerstone of machine learning and are the
foundation for recent advances in language modeling and multimodal learning.
While data curation for pre-training is often still ad-hoc, one common paradigm
is to first collect a massive pool of data from the Web and then filter this
candidate pool down to an actual training set via various heuristics. In this
work, we study the problem of learning a data filtering network (DFN) for this
second step of filtering a large uncurated dataset. Our key finding is that the
quality of a network for filtering is distinct from its performance on
downstream tasks: for instance, a model that performs well on ImageNet can
yield worse training sets than a model with low ImageNet accuracy that is
trained on a small amount of high-quality data. Based on our insights, we
construct new data filtering networks that induce state-of-the-art image-text
datasets. Specifically, our best performing dataset DFN-5B enables us to train
state-of-the-art CLIP models for their compute budgets: among other
improvements on a variety of tasks, a ViT-H trained on our dataset achieves
84.4% zero-shot transfer accuracy on ImageNet, out-performing models trained on
other datasets such as LAION-2B, DataComp-1B, or OpenAI's WIT. In order to
facilitate further research in dataset design, we also release a new 2 billion
example dataset DFN-2B and show that high performance data filtering networks
can be trained from scratch using only publicly available data. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2307.02485 | HF | Building Cooperative Embodied Agents Modularly with Large Language Models | [
"Hongxin Zhang",
"Weihua Du",
"Jiaming Shan",
"Qinhong Zhou",
"Yilun Du",
"Joshua B. Tenenbaum",
"Tianmin Shu",
"Chuang Gan"
] | 2023-07-05 | In this work, we address challenging multi-agent cooperation problems with
decentralized control, raw sensory observations, costly communication, and
multi-objective tasks instantiated in various embodied environments. While
previous research either presupposes a cost-free communication channel or
relies on a centralized controller with shared observations, we harness the
commonsense knowledge, reasoning ability, language comprehension, and text
generation prowess of LLMs and seamlessly incorporate them into a
cognitive-inspired modular framework that integrates with perception, memory,
and execution. Thus building a Cooperative Embodied Language Agent CoELA, who
can plan, communicate, and cooperate with others to accomplish long-horizon
tasks efficiently. Our experiments on C-WAH and TDW-MAT demonstrate that CoELA
driven by GPT-4 can surpass strong planning-based methods and exhibit emergent
effective communication. Though current Open LMs like LLAMA-2 still
underperform, we fine-tune a CoELA with data collected with our agents and show
how they can achieve promising performance. We also conducted a user study for
human-agent interaction and discovered that CoELA communicating in natural
language can earn more trust and cooperate more effectively with humans. Our
research underscores the potential of LLMs for future research in multi-agent
cooperation. Videos can be found on the project website
https://vis-www.cs.umass.edu/Co-LLM-Agents/. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CV"
] |
2305.09641 | HF | FitMe: Deep Photorealistic 3D Morphable Model Avatars | [
"Alexandros Lattas",
"Stylianos Moschoglou",
"Stylianos Ploumpis",
"Baris Gecer",
"Jiankang Deng",
"Stefanos Zafeiriou"
] | 2023-05-16 | In this paper, we introduce FitMe, a facial reflectance model and a
differentiable rendering optimization pipeline, that can be used to acquire
high-fidelity renderable human avatars from single or multiple images. The
model consists of a multi-modal style-based generator, that captures facial
appearance in terms of diffuse and specular reflectance, and a PCA-based shape
model. We employ a fast differentiable rendering process that can be used in an
optimization pipeline, while also achieving photorealistic facial shading. Our
optimization process accurately captures both the facial reflectance and shape
in high-detail, by exploiting the expressivity of the style-based latent
representation and of our shape model. FitMe achieves state-of-the-art
reflectance acquisition and identity preservation on single "in-the-wild"
facial images, while it produces impressive scan-like results, when given
multiple unconstrained facial images pertaining to the same identity. In
contrast with recent implicit avatar reconstructions, FitMe requires only one
minute and produces relightable mesh and texture-based avatars, that can be
used by end-user applications. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG",
"I.2.10; I.3.7; I.4.1"
] |
2312.02663 | HF | FaceStudio: Put Your Face Everywhere in Seconds | [
"Yuxuan Yan",
"Chi Zhang",
"Rui Wang",
"Yichao Zhou",
"Gege Zhang",
"Pei Cheng",
"Gang Yu",
"Bin Fu"
] | 2023-12-05 | This study investigates identity-preserving image synthesis, an intriguing
task in image generation that seeks to maintain a subject's identity while
adding a personalized, stylistic touch. Traditional methods, such as Textual
Inversion and DreamBooth, have made strides in custom image creation, but they
come with significant drawbacks. These include the need for extensive resources
and time for fine-tuning, as well as the requirement for multiple reference
images. To overcome these challenges, our research introduces a novel approach
to identity-preserving synthesis, with a particular focus on human images. Our
model leverages a direct feed-forward mechanism, circumventing the need for
intensive fine-tuning, thereby facilitating quick and efficient image
generation. Central to our innovation is a hybrid guidance framework, which
combines stylized images, facial images, and textual prompts to guide the image
generation process. This unique combination enables our model to produce a
variety of applications, such as artistic portraits and identity-blended
images. Our experimental results, including both qualitative and quantitative
evaluations, demonstrate the superiority of our method over existing baseline
models and previous works, particularly in its remarkable efficiency and
ability to preserve the subject's identity with high fidelity. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.09353 | AnswerAI | DoRA: Weight-Decomposed Low-Rank Adaptation | [
"Shih-Yang Liu",
"Chien-Yi Wang",
"Hongxu Yin",
"Pavlo Molchanov",
"Yu-Chiang Frank Wang",
"Kwang-Ting Cheng",
"Min-Hung Chen"
] | 2024-02-14 | Among the widely used parameter-efficient fine-tuning (PEFT) methods, LoRA
and its variants have gained considerable popularity because of avoiding
additional inference costs. However, there still often exists an accuracy gap
between these methods and full fine-tuning (FT). In this work, we first
introduce a novel weight decomposition analysis to investigate the inherent
differences between FT and LoRA. Aiming to resemble the learning capacity of FT
from the findings, we propose Weight-Decomposed Low-Rank Adaptation (DoRA).
DoRA decomposes the pre-trained weight into two components, magnitude and
direction, for fine-tuning, specifically employing LoRA for directional updates
to efficiently minimize the number of trainable parameters. By employing \ours,
we enhance both the learning capacity and training stability of LoRA while
avoiding any additional inference overhead. \ours~consistently outperforms LoRA
on fine-tuning LLaMA, LLaVA, and VL-BART on various downstream tasks, such as
commonsense reasoning, visual instruction tuning, and image/video-text
understanding. Code is available at https://github.com/NVlabs/DoRA. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2406.18082 | HF | Octo-planner: On-device Language Model for Planner-Action Agents | [
"Wei Chen",
"Zhiyuan Li",
"Zhen Guo",
"Yikang Shen"
] | 2024-06-26 | AI agents have become increasingly significant in various domains, enabling
autonomous decision-making and problem-solving. To function effectively, these
agents require a planning process that determines the best course of action and
then executes the planned actions. In this paper, we present an efficient
on-device Planner-Action framework that separates planning and action execution
into two distinct components: a planner agent based on Phi-3 Mini, a 3.8
billion parameter LLM optimized for edge devices, and an action agent using the
Octopus model for function execution. The planner agent first responds to user
queries by decomposing tasks into a sequence of sub-steps, which are then
executed by the action agent. To optimize performance on resource-constrained
devices, we employ model fine-tuning instead of in-context learning, reducing
computational costs and energy consumption while improving response times. Our
approach involves using GPT-4 to generate diverse planning queries and
responses based on available functions, with subsequent validations to ensure
data quality. We fine-tune the Phi-3 Mini model on this curated dataset,
achieving a 97\% success rate in our in-domain test environment. To address
multi-domain planning challenges, we developed a multi-LoRA training method
that merges weights from LoRAs trained on distinct function subsets. This
approach enables flexible handling of complex, multi-domain queries while
maintaining computational efficiency on resource-constrained devices. To
support further research, we have open-sourced our model weights at
\url{https://huggingface.co/NexaAIDev/octopus-planning}. For the demo, please
refer to \url{https://www.nexa4ai.com/octo-planner}. | null | cs.CL | [
"cs.CL",
"cs.HC"
] |
2404.14700 | HF | FlashSpeech: Efficient Zero-Shot Speech Synthesis | [
"Zhen Ye",
"Zeqian Ju",
"Haohe Liu",
"Xu Tan",
"Jianyi Chen",
"Yiwen Lu",
"Peiwen Sun",
"Jiahao Pan",
"Weizhen Bian",
"Shulin He",
"Qifeng Liu",
"Yike Guo",
"Wei Xue"
] | 2024-04-23 | Recent progress in large-scale zero-shot speech synthesis has been
significantly advanced by language models and diffusion models. However, the
generation process of both methods is slow and computationally intensive.
Efficient speech synthesis using a lower computing budget to achieve quality on
par with previous work remains a significant challenge. In this paper, we
present FlashSpeech, a large-scale zero-shot speech synthesis system with
approximately 5\% of the inference time compared with previous work.
FlashSpeech is built on the latent consistency model and applies a novel
adversarial consistency training approach that can train from scratch without
the need for a pre-trained diffusion model as the teacher. Furthermore, a new
prosody generator module enhances the diversity of prosody, making the rhythm
of the speech sound more natural. The generation processes of FlashSpeech can
be achieved efficiently with one or two sampling steps while maintaining high
audio quality and high similarity to the audio prompt for zero-shot speech
generation. Our experimental results demonstrate the superior performance of
FlashSpeech. Notably, FlashSpeech can be about 20 times faster than other
zero-shot speech synthesis systems while maintaining comparable performance in
terms of voice quality and similarity. Furthermore, FlashSpeech demonstrates
its versatility by efficiently performing tasks like voice conversion, speech
editing, and diverse speech sampling. Audio samples can be found in
https://flashspeech.github.io/. | null | eess.AS | [
"eess.AS",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.SD"
] |
2403.12032 | HF | Generic 3D Diffusion Adapter Using Controlled Multi-View Editing | [
"Hansheng Chen",
"Ruoxi Shi",
"Yulin Liu",
"Bokui Shen",
"Jiayuan Gu",
"Gordon Wetzstein",
"Hao Su",
"Leonidas Guibas"
] | 2024-03-18 | Open-domain 3D object synthesis has been lagging behind image synthesis due
to limited data and higher computational complexity. To bridge this gap, recent
works have investigated multi-view diffusion but often fall short in either 3D
consistency, visual quality, or efficiency. This paper proposes MVEdit, which
functions as a 3D counterpart of SDEdit, employing ancestral sampling to
jointly denoise multi-view images and output high-quality textured meshes.
Built on off-the-shelf 2D diffusion models, MVEdit achieves 3D consistency
through a training-free 3D Adapter, which lifts the 2D views of the last
timestep into a coherent 3D representation, then conditions the 2D views of the
next timestep using rendered views, without uncompromising visual quality. With
an inference time of only 2-5 minutes, this framework achieves better trade-off
between quality and speed than score distillation. MVEdit is highly versatile
and extendable, with a wide range of applications including text/image-to-3D
generation, 3D-to-3D editing, and high-quality texture synthesis. In
particular, evaluations demonstrate state-of-the-art performance in both
image-to-3D and text-guided texture generation tasks. Additionally, we
introduce a method for fine-tuning 2D latent diffusion models on small 3D
datasets with limited resources, enabling fast low-resolution text-to-3D
initialization. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2407.11633 | HF | Scaling Diffusion Transformers to 16 Billion Parameters | [
"Zhengcong Fei",
"Mingyuan Fan",
"Changqian Yu",
"Debang Li",
"Junshi Huang"
] | 2024-07-16 | In this paper, we present DiT-MoE, a sparse version of the diffusion
Transformer, that is scalable and competitive with dense networks while
exhibiting highly optimized inference. The DiT-MoE includes two simple designs:
shared expert routing and expert-level balance loss, thereby capturing common
knowledge and reducing redundancy among the different routed experts. When
applied to conditional image generation, a deep analysis of experts
specialization gains some interesting observations: (i) Expert selection shows
preference with spatial position and denoising time step, while insensitive
with different class-conditional information; (ii) As the MoE layers go deeper,
the selection of experts gradually shifts from specific spacial position to
dispersion and balance. (iii) Expert specialization tends to be more
concentrated at the early time step and then gradually uniform after half. We
attribute it to the diffusion process that first models the low-frequency
spatial information and then high-frequency complex information. Based on the
above guidance, a series of DiT-MoE experimentally achieves performance on par
with dense networks yet requires much less computational load during inference.
More encouragingly, we demonstrate the potential of DiT-MoE with synthesized
image data, scaling diffusion model at a 16.5B parameter that attains a new
SoTA FID-50K score of 1.80 in 512$\times$512 resolution settings. The project
page: https://github.com/feizc/DiT-MoE. | null | cs.CV | [
"cs.CV"
] |
2404.02733 | HF | InstantStyle: Free Lunch towards Style-Preserving in Text-to-Image Generation | [
"Haofan Wang",
"Matteo Spinelli",
"Qixun Wang",
"Xu Bai",
"Zekui Qin",
"Anthony Chen"
] | 2024-04-03 | Tuning-free diffusion-based models have demonstrated significant potential in
the realm of image personalization and customization. However, despite this
notable progress, current models continue to grapple with several complex
challenges in producing style-consistent image generation. Firstly, the concept
of style is inherently underdetermined, encompassing a multitude of elements
such as color, material, atmosphere, design, and structure, among others.
Secondly, inversion-based methods are prone to style degradation, often
resulting in the loss of fine-grained details. Lastly, adapter-based approaches
frequently require meticulous weight tuning for each reference image to achieve
a balance between style intensity and text controllability. In this paper, we
commence by examining several compelling yet frequently overlooked
observations. We then proceed to introduce InstantStyle, a framework designed
to address these issues through the implementation of two key strategies: 1) A
straightforward mechanism that decouples style and content from reference
images within the feature space, predicated on the assumption that features
within the same space can be either added to or subtracted from one another. 2)
The injection of reference image features exclusively into style-specific
blocks, thereby preventing style leaks and eschewing the need for cumbersome
weight tuning, which often characterizes more parameter-heavy designs.Our work
demonstrates superior visual stylization outcomes, striking an optimal balance
between the intensity of style and the controllability of textual elements. Our
codes will be available at https://github.com/InstantStyle/InstantStyle. | null | cs.CV | [
"cs.CV"
] |
2403.17887 | Both | The Unreasonable Ineffectiveness of the Deeper Layers | [
"Andrey Gromov",
"Kushal Tirumala",
"Hassan Shapourian",
"Paolo Glorioso",
"Daniel A. Roberts"
] | 2024-03-26 | We empirically study a simple layer-pruning strategy for popular families of
open-weight pretrained LLMs, finding minimal degradation of performance on
different question-answering benchmarks until after a large fraction (up to
half) of the layers are removed. To prune these models, we identify the optimal
block of layers to prune by considering similarity across layers; then, to
"heal" the damage, we perform a small amount of finetuning. In particular, we
use parameter-efficient finetuning (PEFT) methods, specifically quantization
and Low Rank Adapters (QLoRA), such that each of our experiments can be
performed on a single A100 GPU. From a practical perspective, these results
suggest that layer pruning methods can complement other PEFT strategies to
further reduce computational resources of finetuning on the one hand, and can
improve the memory and latency of inference on the other hand. From a
scientific perspective, the robustness of these LLMs to the deletion of layers
implies either that current pretraining methods are not properly leveraging the
parameters in the deeper layers of the network or that the shallow layers play
a critical role in storing knowledge. | null | cs.CL | [
"cs.CL",
"cs.LG",
"stat.ML"
] |
2205.05638 | AnswerAI | Few-Shot Parameter-Efficient Fine-Tuning is Better and Cheaper than In-Context Learning | [
"Haokun Liu",
"Derek Tam",
"Mohammed Muqeeth",
"Jay Mohta",
"Tenghao Huang",
"Mohit Bansal",
"Colin Raffel"
] | 2022-05-11 | Few-shot in-context learning (ICL) enables pre-trained language models to
perform a previously-unseen task without any gradient-based training by feeding
a small number of training examples as part of the input. ICL incurs
substantial computational, memory, and storage costs because it involves
processing all of the training examples every time a prediction is made.
Parameter-efficient fine-tuning (PEFT) (e.g. adapter modules, prompt tuning,
sparse update methods, etc.) offers an alternative paradigm where a small set
of parameters are trained to enable a model to perform the new task. In this
paper, we rigorously compare few-shot ICL and PEFT and demonstrate that the
latter offers better accuracy as well as dramatically lower computational
costs. Along the way, we introduce a new PEFT method called (IA)$^3$ that
scales activations by learned vectors, attaining stronger performance while
only introducing a relatively tiny amount of new parameters. We also propose a
simple recipe based on the T0 model called T-Few that can be applied to new
tasks without task-specific tuning or modifications. We validate the
effectiveness of T-Few on completely unseen tasks by applying it to the RAFT
benchmark, attaining super-human performance for the first time and
outperforming the state-of-the-art by 6% absolute. All of the code used in our
experiments is publicly available. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2403.17804 | HF | Improving Text-to-Image Consistency via Automatic Prompt Optimization | [
"Oscar Mañas",
"Pietro Astolfi",
"Melissa Hall",
"Candace Ross",
"Jack Urbanek",
"Adina Williams",
"Aishwarya Agrawal",
"Adriana Romero-Soriano",
"Michal Drozdzal"
] | 2024-03-26 | Impressive advances in text-to-image (T2I) generative models have yielded a
plethora of high performing models which are able to generate aesthetically
appealing, photorealistic images. Despite the progress, these models still
struggle to produce images that are consistent with the input prompt,
oftentimes failing to capture object quantities, relations and attributes
properly. Existing solutions to improve prompt-image consistency suffer from
the following challenges: (1) they oftentimes require model fine-tuning, (2)
they only focus on nearby prompt samples, and (3) they are affected by
unfavorable trade-offs among image quality, representation diversity, and
prompt-image consistency. In this paper, we address these challenges and
introduce a T2I optimization-by-prompting framework, OPT2I, which leverages a
large language model (LLM) to improve prompt-image consistency in T2I models.
Our framework starts from a user prompt and iteratively generates revised
prompts with the goal of maximizing a consistency score. Our extensive
validation on two datasets, MSCOCO and PartiPrompts, shows that OPT2I can boost
the initial consistency score by up to 24.9% in terms of DSG score while
preserving the FID and increasing the recall between generated and real data.
Our work paves the way toward building more reliable and robust T2I systems by
harnessing the power of LLMs. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2403.12968 | HF | LLMLingua-2: Data Distillation for Efficient and Faithful Task-Agnostic Prompt Compression | [
"Zhuoshi Pan",
"Qianhui Wu",
"Huiqiang Jiang",
"Menglin Xia",
"Xufang Luo",
"Jue Zhang",
"Qingwei Lin",
"Victor Rühle",
"Yuqing Yang",
"Chin-Yew Lin",
"H. Vicky Zhao",
"Lili Qiu",
"Dongmei Zhang"
] | 2024-03-19 | This paper focuses on task-agnostic prompt compression for better
generalizability and efficiency. Considering the redundancy in natural
language, existing approaches compress prompts by removing tokens or lexical
units according to their information entropy obtained from a causal language
model such as LLaMa-7B. The challenge is that information entropy may be a
suboptimal compression metric: (i) it only leverages unidirectional context and
may fail to capture all essential information needed for prompt compression;
(ii) it is not aligned with the prompt compression objective.
To address these issues, we propose a data distillation procedure to derive
knowledge from an LLM to compress prompts without losing crucial information,
and meantime, introduce an extractive text compression dataset. We formulate
prompt compression as a token classification problem to guarantee the
faithfulness of the compressed prompt to the original one, and use a
Transformer encoder as the base architecture to capture all essential
information for prompt compression from the full bidirectional context. Our
approach leads to lower latency by explicitly learning the compression
objective with smaller models such as XLM-RoBERTa-large and mBERT.
We evaluate our method on both in-domain and out-of-domain datasets,
including MeetingBank, LongBench, ZeroScrolls, GSM8K, and BBH. Despite its
small size, our model shows significant performance gains over strong baselines
and demonstrates robust generalization ability across different LLMs.
Additionally, our model is 3x-6x faster than existing prompt compression
methods, while accelerating the end-to-end latency by 1.6x-2.9x with
compression ratios of 2x-5x. Our code is available at
https://aka.ms/LLMLingua-2. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.00272 | HF | ChatCoder: Chat-based Refine Requirement Improves LLMs' Code Generation | [
"Zejun Wang",
"Jia Li",
"Ge Li",
"Zhi Jin"
] | 2023-11-01 | Large language models have shown good performances in generating code to meet
human requirements. However, human requirements expressed in natural languages
can be vague, incomplete, and ambiguous, leading large language models to
misunderstand human requirements and make mistakes. Worse, it is difficult for
a human user to refine the requirement. To help human users refine their
requirements and improve large language models' code generation performances,
we propose ChatCoder: a method to refine the requirements via chatting with
large language models. We design a chat scheme in which the large language
models will guide the human users to refine their expression of requirements to
be more precise, unambiguous, and complete than before. Experiments show that
ChatCoder has improved existing large language models' performance by a large
margin. Besides, ChatCoder has the advantage over refine-based methods and LLMs
fine-tuned via human response. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2407.11398 | HF | Animate3D: Animating Any 3D Model with Multi-view Video Diffusion | [
"Yanqin Jiang",
"Chaohui Yu",
"Chenjie Cao",
"Fan Wang",
"Weiming Hu",
"Jin Gao"
] | 2024-07-16 | Recent advances in 4D generation mainly focus on generating 4D content by
distilling pre-trained text or single-view image-conditioned models. It is
inconvenient for them to take advantage of various off-the-shelf 3D assets with
multi-view attributes, and their results suffer from spatiotemporal
inconsistency owing to the inherent ambiguity in the supervision signals. In
this work, we present Animate3D, a novel framework for animating any static 3D
model. The core idea is two-fold: 1) We propose a novel multi-view video
diffusion model (MV-VDM) conditioned on multi-view renderings of the static 3D
object, which is trained on our presented large-scale multi-view video dataset
(MV-Video). 2) Based on MV-VDM, we introduce a framework combining
reconstruction and 4D Score Distillation Sampling (4D-SDS) to leverage the
multi-view video diffusion priors for animating 3D objects. Specifically, for
MV-VDM, we design a new spatiotemporal attention module to enhance spatial and
temporal consistency by integrating 3D and video diffusion models.
Additionally, we leverage the static 3D model's multi-view renderings as
conditions to preserve its identity. For animating 3D models, an effective
two-stage pipeline is proposed: we first reconstruct motions directly from
generated multi-view videos, followed by the introduced 4D-SDS to refine both
appearance and motion. Benefiting from accurate motion learning, we could
achieve straightforward mesh animation. Qualitative and quantitative
experiments demonstrate that Animate3D significantly outperforms previous
approaches. Data, code, and models will be open-released. | null | cs.CV | [
"cs.CV"
] |
2408.03256 | HF | Synthesizing Text-to-SQL Data from Weak and Strong LLMs | [
"Jiaxi Yang",
"Binyuan Hui",
"Min Yang",
"Jian Yang",
"Junyang Lin",
"Chang Zhou"
] | 2024-08-06 | The capability gap between open-source and closed-source large language
models (LLMs) remains a challenge in text-to-SQL tasks. In this paper, we
introduce a synthetic data approach that combines data produced by larger, more
powerful models (strong models) with error information data generated by
smaller, not well-aligned models (weak models). The method not only enhances
the domain generalization of text-to-SQL models but also explores the potential
of error data supervision through preference learning. Furthermore, we employ
the synthetic data approach for instruction tuning on open-source LLMs,
resulting SENSE, a specialized text-to-SQL model. The effectiveness of SENSE is
demonstrated through state-of-the-art results on the SPIDER and BIRD
benchmarks, bridging the performance gap between open-source models and methods
prompted by closed-source models. | null | cs.CL | [
"cs.CL"
] |
2312.08688 | HF | TigerBot: An Open Multilingual Multitask LLM | [
"Ye Chen",
"Wei Cai",
"Liangmin Wu",
"Xiaowei Li",
"Zhanxuan Xin",
"Cong Fu"
] | 2023-12-14 | We release and introduce the TigerBot family of large language models (LLMs),
consisting of base and chat models, sized from 7, 13, 70 and 180 billion
parameters. We develop our models embarking from Llama-2 and BLOOM, and push
the boundary further in data, training algorithm, infrastructure, and
application tools. Our models yield meaningful performance gain over SOTA
open-source models, e.g., Llama-2, specifically 6% gain in English and 20% gain
in Chinese. TigerBot model family also achieves leading performance in major
academic and industrial benchmarks and leaderboards. We believe that TigerBot
represents just a snapshot of lightning-fast progression in LLM open-source
community. Therefore, we are thrilled to give back by publicly releasing our
models and reporting our approach behind, with additional emphases on building
SOTA LLMs in a democratized way and making LLMs of use in real-world
applications. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2405.14867 | HF | Improved Distribution Matching Distillation for Fast Image Synthesis | [
"Tianwei Yin",
"Michaël Gharbi",
"Taesung Park",
"Richard Zhang",
"Eli Shechtman",
"Fredo Durand",
"William T. Freeman"
] | 2024-05-23 | Recent approaches have shown promises distilling diffusion models into
efficient one-step generators. Among them, Distribution Matching Distillation
(DMD) produces one-step generators that match their teacher in distribution,
without enforcing a one-to-one correspondence with the sampling trajectories of
their teachers. However, to ensure stable training, DMD requires an additional
regression loss computed using a large set of noise-image pairs generated by
the teacher with many steps of a deterministic sampler. This is costly for
large-scale text-to-image synthesis and limits the student's quality, tying it
too closely to the teacher's original sampling paths. We introduce DMD2, a set
of techniques that lift this limitation and improve DMD training. First, we
eliminate the regression loss and the need for expensive dataset construction.
We show that the resulting instability is due to the fake critic not estimating
the distribution of generated samples accurately and propose a two time-scale
update rule as a remedy. Second, we integrate a GAN loss into the distillation
procedure, discriminating between generated samples and real images. This lets
us train the student model on real data, mitigating the imperfect real score
estimation from the teacher model, and enhancing quality. Lastly, we modify the
training procedure to enable multi-step sampling. We identify and address the
training-inference input mismatch problem in this setting, by simulating
inference-time generator samples during training time. Taken together, our
improvements set new benchmarks in one-step image generation, with FID scores
of 1.28 on ImageNet-64x64 and 8.35 on zero-shot COCO 2014, surpassing the
original teacher despite a 500X reduction in inference cost. Further, we show
our approach can generate megapixel images by distilling SDXL, demonstrating
exceptional visual quality among few-step methods. | null | cs.CV | [
"cs.CV"
] |
2306.09683 | HF | Scaling Open-Vocabulary Object Detection | [
"Matthias Minderer",
"Alexey Gritsenko",
"Neil Houlsby"
] | 2023-06-16 | Open-vocabulary object detection has benefited greatly from pretrained
vision-language models, but is still limited by the amount of available
detection training data. While detection training data can be expanded by using
Web image-text pairs as weak supervision, this has not been done at scales
comparable to image-level pretraining. Here, we scale up detection data with
self-training, which uses an existing detector to generate pseudo-box
annotations on image-text pairs. Major challenges in scaling self-training are
the choice of label space, pseudo-annotation filtering, and training
efficiency. We present the OWLv2 model and OWL-ST self-training recipe, which
address these challenges. OWLv2 surpasses the performance of previous
state-of-the-art open-vocabulary detectors already at comparable training
scales (~10M examples). However, with OWL-ST, we can scale to over 1B examples,
yielding further large improvement: With an L/14 architecture, OWL-ST improves
AP on LVIS rare classes, for which the model has seen no human box annotations,
from 31.2% to 44.6% (43% relative improvement). OWL-ST unlocks Web-scale
training for open-world localization, similar to what has been seen for image
classification and language modelling. | null | cs.CV | [
"cs.CV"
] |
2308.03793 | HF | ReCLIP: Refine Contrastive Language Image Pre-Training with Source Free Domain Adaptation | [
"Xuefeng Hu",
"Ke Zhang",
"Lu Xia",
"Albert Chen",
"Jiajia Luo",
"Yuyin Sun",
"Ken Wang",
"Nan Qiao",
"Xiao Zeng",
"Min Sun",
"Cheng-Hao Kuo",
"Ram Nevatia"
] | 2023-08-04 | Large-scale Pre-Training Vision-Language Model such as CLIP has demonstrated
outstanding performance in zero-shot classification, e.g. achieving 76.3% top-1
accuracy on ImageNet without seeing any example, which leads to potential
benefits to many tasks that have no labeled data. However, while applying CLIP
to a downstream target domain, the presence of visual and text domain gaps and
cross-modality misalignment can greatly impact the model performance. To
address such challenges, we propose ReCLIP, the first source-free domain
adaptation method for vision-language models, which does not require any source
data or target labeled data. ReCLIP first learns a projection space to mitigate
the misaligned visual-text embeddings and learns pseudo labels, and then
deploys cross-modality self-training with the pseudo labels, to update visual
and text encoders, refine labels and reduce domain gaps and misalignments
iteratively. With extensive experiments, we demonstrate ReCLIP reduces the
average error rate of CLIP from 30.17% to 25.06% on 22 image classification
benchmarks. Code available at https://github.com/michiganleon/ReCLIP_WACV. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2408.10701 | HF | Ferret: Faster and Effective Automated Red Teaming with Reward-Based Scoring Technique | [
"Tej Deep Pala",
"Vernon Y. H. Toh",
"Rishabh Bhardwaj",
"Soujanya Poria"
] | 2024-08-20 | In today's era, where large language models (LLMs) are integrated into
numerous real-world applications, ensuring their safety and robustness is
crucial for responsible AI usage. Automated red-teaming methods play a key role
in this process by generating adversarial attacks to identify and mitigate
potential vulnerabilities in these models. However, existing methods often
struggle with slow performance, limited categorical diversity, and high
resource demands. While Rainbow Teaming, a recent approach, addresses the
diversity challenge by framing adversarial prompt generation as a
quality-diversity search, it remains slow and requires a large fine-tuned
mutator for optimal performance. To overcome these limitations, we propose
Ferret, a novel approach that builds upon Rainbow Teaming by generating
multiple adversarial prompt mutations per iteration and using a scoring
function to rank and select the most effective adversarial prompt. We explore
various scoring functions, including reward models, Llama Guard, and
LLM-as-a-judge, to rank adversarial mutations based on their potential harm to
improve the efficiency of the search for harmful mutations. Our results
demonstrate that Ferret, utilizing a reward model as a scoring function,
improves the overall attack success rate (ASR) to 95%, which is 46% higher than
Rainbow Teaming. Additionally, Ferret reduces the time needed to achieve a 90%
ASR by 15.2% compared to the baseline and generates adversarial prompts that
are transferable i.e. effective on other LLMs of larger size. Our codes are
available at https://github.com/declare-lab/ferret. | null | cs.CL | [
"cs.CL"
] |
2402.16840 | HF | MobiLlama: Towards Accurate and Lightweight Fully Transparent GPT | [
"Omkar Thawakar",
"Ashmal Vayani",
"Salman Khan",
"Hisham Cholakal",
"Rao M. Anwer",
"Michael Felsberg",
"Tim Baldwin",
"Eric P. Xing",
"Fahad Shahbaz Khan"
] | 2024-02-26 | "Bigger the better" has been the predominant trend in recent Large Language
Models (LLMs) development. However, LLMs do not suit well for scenarios that
require on-device processing, energy efficiency, low memory footprint, and
response efficiency. These requisites are crucial for privacy, security, and
sustainable deployment. This paper explores the "less is more" paradigm by
addressing the challenge of designing accurate yet efficient Small Language
Models (SLMs) for resource constrained devices. Our primary contribution is the
introduction of an accurate and fully transparent open-source 0.5 billion
(0.5B) parameter SLM, named MobiLlama, catering to the specific needs of
resource-constrained computing with an emphasis on enhanced performance with
reduced resource demands. MobiLlama is a SLM design that initiates from a
larger model and applies a careful parameter sharing scheme to reduce both the
pre-training and the deployment cost. Our work strives to not only bridge the
gap in open-source SLMs but also ensures full transparency, where complete
training data pipeline, training code, model weights, and over 300 checkpoints
along with evaluation codes is available at :
https://github.com/mbzuai-oryx/MobiLlama. | null | cs.CL | [
"cs.CL"
] |
2212.09662 | AnswerAI | MatCha: Enhancing Visual Language Pretraining with Math Reasoning and Chart Derendering | [
"Fangyu Liu",
"Francesco Piccinno",
"Syrine Krichene",
"Chenxi Pang",
"Kenton Lee",
"Mandar Joshi",
"Yasemin Altun",
"Nigel Collier",
"Julian Martin Eisenschlos"
] | 2022-12-19 | Visual language data such as plots, charts, and infographics are ubiquitous
in the human world. However, state-of-the-art vision-language models do not
perform well on these data. We propose MatCha (Math reasoning and Chart
derendering pretraining) to enhance visual language models' capabilities in
jointly modeling charts/plots and language data. Specifically, we propose
several pretraining tasks that cover plot deconstruction and numerical
reasoning which are the key capabilities in visual language modeling.
We perform the MatCha pretraining starting from Pix2Struct, a recently
proposed image-to-text visual language model. On standard benchmarks such as
PlotQA and ChartQA, the MatCha model outperforms state-of-the-art methods by as
much as nearly 20%. We also examine how well MatCha pretraining transfers to
domains such as screenshots, textbook diagrams, and document figures and
observe overall improvement, verifying the usefulness of MatCha pretraining on
broader visual language tasks. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2311.08516 | AnswerAI | LLMs cannot find reasoning errors, but can correct them given the error location | [
"Gladys Tyen",
"Hassan Mansoor",
"Victor Cărbune",
"Peter Chen",
"Tony Mak"
] | 2023-11-14 | While self-correction has shown promise in improving LLM outputs in terms of
style and quality (e.g. Chen et al., 2023b; Madaan et al., 2023), recent
attempts to self-correct logical or reasoning errors often cause correct
answers to become incorrect, resulting in worse performances overall (Huang et
al., 2023). In this paper, we show that poor self-correction performance stems
from LLMs' inability to find logical mistakes, rather than their ability to
correct a known mistake. Firstly, we benchmark several state-of-the-art LLMs on
their mistake-finding ability and demonstrate that they generally struggle with
the task, even in highly objective, unambiguous cases. Secondly, we test the
correction abilities of LLMs -- separately from mistake finding -- using a
backtracking setup that feeds ground truth mistake location information to the
model. We show that this boosts downstream task performance across our 5
reasoning tasks, indicating that LLMs' correction abilities are robust.
Finally, we show that it is possible to obtain mistake location information
without ground truth labels or in-domain training data. We train a small
classifier with out-of-domain data, which exhibits stronger mistake-finding
performance than prompting a large model. We release our dataset of
LLM-generated logical mistakes, BIG-Bench Mistake, to enable further research
into locating LLM reasoning mistakes. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2408.11857 | HF | Hermes 3 Technical Report | [
"Ryan Teknium",
"Jeffrey Quesnelle",
"Chen Guang"
] | 2024-08-15 | Instruct (or "chat") tuned models have become the primary way in which most
people interact with large language models. As opposed to "base" or
"foundation" models, instruct-tuned models are optimized to respond to
imperative statements. We present Hermes 3, a neutrally-aligned generalist
instruct and tool use model with strong reasoning and creative abilities. Its
largest version, Hermes 3 405B, achieves state of the art performance among
open weight models on several public benchmarks. | null | cs.CL | [
"cs.CL"
] |
2406.02657 | Both | Block Transformer: Global-to-Local Language Modeling for Fast Inference | [
"Namgyu Ho",
"Sangmin Bae",
"Taehyeon Kim",
"Hyunjik Jo",
"Yireun Kim",
"Tal Schuster",
"Adam Fisch",
"James Thorne",
"Se-Young Yun"
] | 2024-06-04 | This paper presents the Block Transformer architecture which adopts
hierarchical global-to-local modeling to autoregressive transformers to
mitigate the inference bottlenecks of self-attention. To apply self-attention,
the key-value (KV) cache of all previous sequences must be retrieved from
memory at every decoding step. Thereby, this KV cache IO becomes a significant
bottleneck in batch inference. We notice that these costs stem from applying
self-attention on the global context, therefore we isolate the expensive
bottlenecks of global modeling to lower layers and apply fast local modeling in
upper layers. To mitigate the remaining costs in the lower layers, we aggregate
input tokens into fixed size blocks and then apply self-attention at this
coarse level. Context information is aggregated into a single embedding to
enable upper layers to decode the next block of tokens, without global
attention. Free of global attention bottlenecks, the upper layers can fully
utilize the compute hardware to maximize inference throughput. By leveraging
global and local modules, the Block Transformer architecture demonstrates
10-20x gains in inference throughput compared to vanilla transformers with
equivalent perplexity. Our work introduces a new approach to optimize language
model inference through novel application of global-to-local modeling. Code is
available at https://github.com/itsnamgyu/block-transformer. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.16457 | HF | City-on-Web: Real-time Neural Rendering of Large-scale Scenes on the Web | [
"Kaiwen Song",
"Xiaoyi Zeng",
"Chenqu Ren",
"Juyong Zhang"
] | 2023-12-27 | Existing neural radiance field-based methods can achieve real-time rendering
of small scenes on the web platform. However, extending these methods to
large-scale scenes still poses significant challenges due to limited resources
in computation, memory, and bandwidth. In this paper, we propose City-on-Web,
the first method for real-time rendering of large-scale scenes on the web. We
propose a block-based volume rendering method to guarantee 3D consistency and
correct occlusion between blocks, and introduce a Level-of-Detail strategy
combined with dynamic loading/unloading of resources to significantly reduce
memory demands. Our system achieves real-time rendering of large-scale scenes
at approximately 32FPS with RTX 3060 GPU on the web and maintains rendering
quality comparable to the current state-of-the-art novel view synthesis
methods. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2306.08640 | HF | AssistGPT: A General Multi-modal Assistant that can Plan, Execute, Inspect, and Learn | [
"Difei Gao",
"Lei Ji",
"Luowei Zhou",
"Kevin Qinghong Lin",
"Joya Chen",
"Zihan Fan",
"Mike Zheng Shou"
] | 2023-06-14 | Recent research on Large Language Models (LLMs) has led to remarkable
advancements in general NLP AI assistants. Some studies have further explored
the use of LLMs for planning and invoking models or APIs to address more
general multi-modal user queries. Despite this progress, complex visual-based
tasks still remain challenging due to the diverse nature of visual tasks. This
diversity is reflected in two aspects: 1) Reasoning paths. For many real-life
applications, it is hard to accurately decompose a query simply by examining
the query itself. Planning based on the specific visual content and the results
of each step is usually required. 2) Flexible inputs and intermediate results.
Input forms could be flexible for in-the-wild cases, and involves not only a
single image or video but a mixture of videos and images, e.g., a user-view
image with some reference videos. Besides, a complex reasoning process will
also generate diverse multimodal intermediate results, e.g., video narrations,
segmented video clips, etc. To address such general cases, we propose a
multi-modal AI assistant, AssistGPT, with an interleaved code and language
reasoning approach called Plan, Execute, Inspect, and Learn (PEIL) to integrate
LLMs with various tools. Specifically, the Planner is capable of using natural
language to plan which tool in Executor should do next based on the current
reasoning progress. Inspector is an efficient memory manager to assist the
Planner to feed proper visual information into a specific tool. Finally, since
the entire reasoning process is complex and flexible, a Learner is designed to
enable the model to autonomously explore and discover the optimal solution. We
conducted experiments on A-OKVQA and NExT-QA benchmarks, achieving
state-of-the-art results. Moreover, showcases demonstrate the ability of our
system to handle questions far more complex than those found in the benchmarks. | null | cs.CV | [
"cs.CV"
] |
2402.04248 | HF | Can Mamba Learn How to Learn? A Comparative Study on In-Context Learning Tasks | [
"Jongho Park",
"Jaeseung Park",
"Zheyang Xiong",
"Nayoung Lee",
"Jaewoong Cho",
"Samet Oymak",
"Kangwook Lee",
"Dimitris Papailiopoulos"
] | 2024-02-06 | State-space models (SSMs), such as Mamba (Gu & Dao, 2023), have been proposed
as alternatives to Transformer networks in language modeling, by incorporating
gating, convolutions, and input-dependent token selection to mitigate the
quadratic cost of multi-head attention. Although SSMs exhibit competitive
performance, their in-context learning (ICL) capabilities, a remarkable
emergent property of modern language models that enables task execution without
parameter optimization, remain underexplored compared to Transformers. In this
study, we evaluate the ICL performance of SSMs, focusing on Mamba, against
Transformer models across various tasks. Our results show that SSMs perform
comparably to Transformers in standard regression ICL tasks, while
outperforming them in tasks like sparse parity learning. However, SSMs fall
short in tasks involving non-standard retrieval functionality. To address these
limitations, we introduce a hybrid model, MambaFormer, that combines Mamba with
attention blocks, surpassing individual models in tasks where they struggle
independently. Our findings suggest that hybrid architectures offer promising
avenues for enhancing ICL in language models. | null | cs.LG | [
"cs.LG"
] |
2310.19784 | HF | CustomNet: Zero-shot Object Customization with Variable-Viewpoints in Text-to-Image Diffusion Models | [
"Ziyang Yuan",
"Mingdeng Cao",
"Xintao Wang",
"Zhongang Qi",
"Chun Yuan",
"Ying Shan"
] | 2023-10-30 | Incorporating a customized object into image generation presents an
attractive feature in text-to-image generation. However, existing
optimization-based and encoder-based methods are hindered by drawbacks such as
time-consuming optimization, insufficient identity preservation, and a
prevalent copy-pasting effect. To overcome these limitations, we introduce
CustomNet, a novel object customization approach that explicitly incorporates
3D novel view synthesis capabilities into the object customization process.
This integration facilitates the adjustment of spatial position relationships
and viewpoints, yielding diverse outputs while effectively preserving object
identity. Moreover, we introduce delicate designs to enable location control
and flexible background control through textual descriptions or specific
user-defined images, overcoming the limitations of existing 3D novel view
synthesis methods. We further leverage a dataset construction pipeline that can
better handle real-world objects and complex backgrounds. Equipped with these
designs, our method facilitates zero-shot object customization without
test-time optimization, offering simultaneous control over the viewpoints,
location, and background. As a result, our CustomNet ensures enhanced identity
preservation and generates diverse, harmonious outputs. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2408.15998 | HF | Eagle: Exploring The Design Space for Multimodal LLMs with Mixture of Encoders | [
"Min Shi",
"Fuxiao Liu",
"Shihao Wang",
"Shijia Liao",
"Subhashree Radhakrishnan",
"De-An Huang",
"Hongxu Yin",
"Karan Sapra",
"Yaser Yacoob",
"Humphrey Shi",
"Bryan Catanzaro",
"Andrew Tao",
"Jan Kautz",
"Zhiding Yu",
"Guilin Liu"
] | 2024-08-28 | The ability to accurately interpret complex visual information is a crucial
topic of multimodal large language models (MLLMs). Recent work indicates that
enhanced visual perception significantly reduces hallucinations and improves
performance on resolution-sensitive tasks, such as optical character
recognition and document analysis. A number of recent MLLMs achieve this goal
using a mixture of vision encoders. Despite their success, there is a lack of
systematic comparisons and detailed ablation studies addressing critical
aspects, such as expert selection and the integration of multiple vision
experts. This study provides an extensive exploration of the design space for
MLLMs using a mixture of vision encoders and resolutions. Our findings reveal
several underlying principles common to various existing strategies, leading to
a streamlined yet effective design approach. We discover that simply
concatenating visual tokens from a set of complementary vision encoders is as
effective as more complex mixing architectures or strategies. We additionally
introduce Pre-Alignment to bridge the gap between vision-focused encoders and
language tokens, enhancing model coherence. The resulting family of MLLMs,
Eagle, surpasses other leading open-source models on major MLLM benchmarks.
Models and code: https://github.com/NVlabs/Eagle | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG",
"cs.RO"
] |
2108.07732 | AnswerAI | Program Synthesis with Large Language Models | [
"Jacob Austin",
"Augustus Odena",
"Maxwell Nye",
"Maarten Bosma",
"Henryk Michalewski",
"David Dohan",
"Ellen Jiang",
"Carrie Cai",
"Michael Terry",
"Quoc Le",
"Charles Sutton"
] | 2021-08-16 | This paper explores the limits of the current generation of large language
models for program synthesis in general purpose programming languages. We
evaluate a collection of such models (with between 244M and 137B parameters) on
two new benchmarks, MBPP and MathQA-Python, in both the few-shot and
fine-tuning regimes. Our benchmarks are designed to measure the ability of
these models to synthesize short Python programs from natural language
descriptions. The Mostly Basic Programming Problems (MBPP) dataset contains 974
programming tasks, designed to be solvable by entry-level programmers. The
MathQA-Python dataset, a Python version of the MathQA benchmark, contains 23914
problems that evaluate the ability of the models to synthesize code from more
complex text. On both datasets, we find that synthesis performance scales
log-linearly with model size. Our largest models, even without finetuning on a
code dataset, can synthesize solutions to 59.6 percent of the problems from
MBPP using few-shot learning with a well-designed prompt. Fine-tuning on a
held-out portion of the dataset improves performance by about 10 percentage
points across most model sizes. On the MathQA-Python dataset, the largest
fine-tuned model achieves 83.8 percent accuracy. Going further, we study the
model's ability to engage in dialog about code, incorporating human feedback to
improve its solutions. We find that natural language feedback from a human
halves the error rate compared to the model's initial prediction. Additionally,
we conduct an error analysis to shed light on where these models fall short and
what types of programs are most difficult to generate. Finally, we explore the
semantic grounding of these models by fine-tuning them to predict the results
of program execution. We find that even our best models are generally unable to
predict the output of a program given a specific input. | null | cs.PL | [
"cs.PL",
"cs.LG"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.